')]
+ sys = ' '.join(row)
+ sys = denormalize(sys)
+ print('Mem2Seq sys:', sys)
+ self.memory += generate_memory(sys, '$s', self.t)
+ return sys
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/README.md b/convlab/modules/e2e/multiwoz/Mem2Seq/README.md
new file mode 100644
index 0000000..a062047
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/README.md
@@ -0,0 +1,110 @@
+# Mem2Seq
+
+**Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Oriented Dialog Systems** (ACL 2018). Andrea Madotto, Chien-Sheng Wu, Pascale Fung. Accepted at ***ACL 2018***. [[PDF]](https://aclanthology.coli.uni-saarland.de/papers/P18-1136/p18-1136) in ACL anthology. [Andrea Madotto](http://andreamad8.github.io/) and [Chien-Sheng Wu](https://jasonwu0731.github.io/) contribute equally at this work.
+
+This code has been written using Pytorch 0.3, soon we will update the code to Pytorch 0.4.
+
+If you use any source codes or datasets included in this toolkit in your work, please cite the following paper. The bibtex are listed below:
+
+
+@InProceedings{P18-1136,
+ author = "Madotto, Andrea
+ and Wu, Chien-Sheng
+ and Fung, Pascale",
+ title = "Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Oriented Dialog Systems",
+ booktitle = "Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers)",
+ year = "2018",
+ publisher = "Association for Computational Linguistics",
+ pages = "1468--1478",
+ location = "Melbourne, Australia",
+ url = "http://aclweb.org/anthology/P18-1136"
+}
+
+
+## Mem2Seq in pytorch
+
+In this repository we implemented Mem2Seq and several baseline in pytorch (Version 0.3). To make the code more reusable we diveded each model in a separated files (obivuosly there is a large code overlap). In the folder models you can find the following:
+
+- ***Mem2Seq***: Memory to Sequence (Our model)
+- ***Seq2Seq***: Vanilla seq2seq model with no attention (enc_vanilla)
+- ***+Attn***: Luong attention attention model
+- ***Ptr-Unk***: combination between Bahdanau attention and Pointer Networks ([Point to UNK words](http://www.aclweb.org/anthology/P16-1014))
+
+All of these file share the same structure, which is: a class that builds an encoder and a decoder, and provide training and validation methods (all inside the class).
+
+## Import data
+
+Under the utils folder, we have the script to import and batch the data for each dataset.
+
+## Basic example
+
+Mem2Seq can be considered as a general sequence to sequence model with the ability to address external memories. We prepared a very basic implementation (including data preprocessing and model) for a English to France translation task. Obviusly there is not much to copy from the input in this small corpus, so it is just to show how the model works in a general sequence to sequence task. Run:
+
+```console
+â±â±â± python3 main_nmt.py
+```
+
+This version uses a flat memory instead of triple as described in the paper.
+
+## Train a model for task-oriented dialog datasets
+
+We created `main_train.py` to train models. You can see there is a notation, `globals()[args['decoder']]`, it is converting a string into a fuction. So to train a model you can run:
+Mem2Seq bAbI t1-t6:
+
+```console
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=Mem2Seq -bsz=8 -ds=babi -t=1
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=VanillaSeqToSeq -bsz=8 -ds=babi -t=1
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=LuongSeqToSeq -bsz=8 -ds=babi -t=1
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=PTRUNK -bsz=8 -ds=babi -t=1
+```
+
+or Mem2Seq In-Car
+
+```console
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=Mem2Seq -bsz=8 -ds=kvr -t=
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=VanillaSeqToSeq -bsz=8 -ds=kvr -t=
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=LuongSeqToSeq -bsz=8 -ds=kvr -t=
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=128 -dr=0.2 -dec=PTRUNK -bsz=8 -ds=kvr -t=
+```
+
+the option you can choose are:
+
+- `-t` this is task dependent. 1-6 for bAbI and nothing for In-Car
+- `-ds` choose which dataset to use (babi and kvr)
+- `-dec` to choose the model. The option are: Mem2Seq, VanillaSeqToSeq, LuongSeqToSeq, PTRUNK
+- `-hdd` hidden state size of the two rnn
+- `-bsz` batch size
+- `-lr` learning rate
+- `-dr` dropout rate
+- `-layer` number of stacked rnn layers, or number of hops for Mem2Seq
+
+
+
+While training, the model with the best validation is saved. If you want to reuse a model add `-path=path_name_model` to the function call. The model is evaluated by using per responce accuracy, WER, F1 and BLEU.
+
+## Notes
+
+For hyper-parameter search of Mem2Seq, our suggestions are:
+
+- Try to use a higher dropout rate (dr >= 0.2) and larger hidden size (hdd>=256) to get better performance when training with small hop (H<=3).
+- While training Mem2Seq with larger hops (H>3), it may perform better with smaller hidden size (hdd<256) and higher dropout rate.
+- Since there are some variances between runs, so it's better to run several times or run different seeds to get the best performance.
+
+## What's new? (Gaoxin)
+
+Please download [data, trained model & results](https://drive.google.com/open?id=1Z3gCaiyILhy8_3PCmlfXb26awwW8bq2S) and unzip the file here.
+
+- I have updated the code to pytorch **1.0**
+- Support **multiwoz** dataset (see *data/MultiWOZ/\*.txt*) for the **Mem2Seq** method (other baselines are not implemented yet)
+```console
+â±â±â± python3 main_train.py -lr=0.001 -layer=1 -hdd=256 -dr=0.2 -dec=Mem2Seq -bsz=16 -ds=woz -t=
+â±â±â± python3 main_test.py -dec=Mem2Seq -bsz=16 -ds=woz -path=save/mem2seq-WOZ/[saved model dir]/
+```
+
+- The model are saved at *save/mem2seq-WOZ* directory, results are provided in the *pairs.txt*
+- Interact with the agent using command line (command END/RESET to end/reset the current dialog session)
+```console
+â±â±â± python3 main_interact.py -dec=Mem2Seq -ds=woz -path=save/mem2seq-WOZ/[saved model dir]/
+```
+
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/__init__.py b/convlab/modules/e2e/multiwoz/Mem2Seq/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/main_interact.py b/convlab/modules/e2e/multiwoz/Mem2Seq/main_interact.py
new file mode 100644
index 0000000..ae8295c
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/main_interact.py
@@ -0,0 +1,106 @@
+# -*- coding: utf-8 -*-
+
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+import numpy as np
+import logging
+from tqdm import tqdm
+import torch
+
+from nltk import word_tokenize
+from utils.config import *
+from models.enc_vanilla import *
+from models.enc_Luong import *
+from models.enc_PTRUNK import *
+from models.Mem2Seq import *
+
+'''
+python main_interact.py -dec=Mem2Seq -ds=woz -path=save/mem2seq-WOZ/[saved model dir]/
+'''
+
+BLEU = False
+
+if (args['decoder'] == "Mem2Seq"):
+ if args['dataset']=='kvr':
+ from utils.utils_kvr_mem2seq import *
+ BLEU = True
+ elif args['dataset']=='woz':
+ from utils.utils_woz_mem2seq import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi_mem2seq import *
+ else:
+ print("You need to provide the --dataset information")
+else:
+ if args['dataset']=='kvr':
+ from utils.utils_kvr import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi import *
+ else:
+ print("You need to provide the --dataset information")
+
+# Configure models
+directory = args['path'].split("/")
+task = directory[2].split('HDD')[0]
+HDD = directory[2].split('HDD')[1].split('BSZ')[0]
+L = directory[2].split('L')[1].split('lr')[0]
+
+train, dev, test, testOOV, lang, max_len, max_r = prepare_data_seq(task, batch_size=1)
+
+def plain2tensor(word2index, memory):
+ src_seqs = []
+ for token in memory:
+ src_seq = []
+ for word in token:
+ if word in word2index:
+ src_seq.append(word2index[word])
+ else:
+ src_seq.append(UNK_token)
+ src_seqs.append([src_seq])
+ return torch.LongTensor(src_seqs).cuda() if USE_CUDA else torch.LongTensor(src_seqs)
+
+def denormalize(uttr):
+ uttr = uttr.replace(' -s', 's')
+ uttr = uttr.replace(' -ly', 'ly')
+ uttr = uttr.replace(' -er', 'er')
+ return uttr
+
+if args['decoder'] == "Mem2Seq":
+ model = globals()[args['decoder']](
+ int(HDD),max_len,max_r,lang,args['path'],task, lr=0.0, n_layers=int(L), dropout=0.0, unk_mask=0)
+else:
+ model = globals()[args['decoder']](
+ int(HDD),max_len,max_r,lang,args['path'],task, lr=0.0, n_layers=int(L), dropout=0.0)
+
+print('##########')
+print('Start interaction.')
+t = 0
+memory = []
+while True:
+ usr = input('usr: ')
+ #example input: 'please find a restaurant called nusha .'
+ if usr == 'END':
+ break
+ elif usr == 'RESET':
+ t = 0
+ memory = []
+ continue
+ t += 1
+ print('turn:', t)
+ usr = ' '.join(word_tokenize(usr.lower()))
+ memory += generate_memory(usr, '$u', t)
+ src_plain = (memory+[['$$$$']*MEM_TOKEN_SIZE],)
+ src_seqs = plain2tensor(lang.word2index, src_plain[0])
+ words = model.evaluate_batch(1, src_seqs, [len(src_plain[0])], None, None, None, None, src_plain)
+ row = np.transpose(words)[0].tolist()
+ if '' in row:
+ row = row[:row.index('')]
+ sys = ' '.join(row)
+ sys = denormalize(sys)
+ print('sys:', sys)
+ memory += generate_memory(sys, '$s', t)
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/main_nmt.py b/convlab/modules/e2e/multiwoz/Mem2Seq/main_nmt.py
new file mode 100644
index 0000000..0f404c6
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/main_nmt.py
@@ -0,0 +1,44 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+from utils.config import *
+from models.Mem2Seq_NMT import Mem2Seq
+import numpy as np
+import logging
+from tqdm import tqdm
+from utils.utils_NMT import prepare_data_seq
+
+train,lang, max_len, max_r = prepare_data_seq(batch_size = 32)
+
+model = Mem2Seq(hidden_size= 100, max_len= max_len,
+ max_r= max_r, lang=lang,
+ path="",lr=0.001, n_layers=3, dropout=0.0)
+
+avg_best = 0
+for epoch in range(300):
+ logging.info("Epoch:{}".format(epoch))
+ # Run the train function
+ pbar = tqdm(enumerate(train),total=len(train))
+ for i, data in pbar:
+ model.train_batch(input_batches=data[0],
+ input_lengths=data[1],
+ target_batches=data[2],
+ target_lengths=data[3],
+ target_index=data[4],
+ batch_size=len(data[1]),
+ clip= 10.0,
+ teacher_forcing_ratio=0.5,
+ i==0)
+
+ pbar.set_description(model.print_loss())
+
+ if((epoch+1) % 1 == 0):
+ bleu = model.evaluate(train,avg_best)
+ model.scheduler.step(bleu)
+ if(bleu >= avg_best):
+ avg_best = bleu
+ cnt=0
+ else:
+ cnt+=1
+
+ if(cnt == 5): break
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/main_test.py b/convlab/modules/e2e/multiwoz/Mem2Seq/main_test.py
new file mode 100644
index 0000000..e4ee005
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/main_test.py
@@ -0,0 +1,61 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import numpy as np
+import logging
+from tqdm import tqdm
+
+from utils.config import *
+from models.enc_vanilla import *
+from models.enc_Luong import *
+from models.enc_PTRUNK import *
+from models.Mem2Seq import *
+
+'''
+python3 main_test.py -dec= -path= -bsz= -ds=
+'''
+
+BLEU = False
+
+if (args['decoder'] == "Mem2Seq"):
+ if args['dataset']=='kvr':
+ from utils.utils_kvr_mem2seq import *
+ BLEU = True
+ elif args['dataset']=='woz':
+ from utils.utils_woz_mem2seq import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi_mem2seq import *
+ else:
+ print("You need to provide the --dataset information")
+else:
+ if args['dataset']=='kvr':
+ from utils.utils_kvr import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi import *
+ else:
+ print("You need to provide the --dataset information")
+
+# Configure models
+directory = args['path'].split("/")
+task = directory[2].split('HDD')[0]
+HDD = directory[2].split('HDD')[1].split('BSZ')[0]
+L = directory[2].split('L')[1].split('lr')[0]
+
+train, dev, test, testOOV, lang, max_len, max_r = prepare_data_seq(task, batch_size=int(args['batch']))
+
+if args['decoder'] == "Mem2Seq":
+ model = globals()[args['decoder']](
+ int(HDD),max_len,max_r,lang,args['path'],task, lr=0.0, n_layers=int(L), dropout=0.0, unk_mask=0)
+else:
+ model = globals()[args['decoder']](
+ int(HDD),max_len,max_r,lang,args['path'],task, lr=0.0, n_layers=int(L), dropout=0.0)
+
+acc_test = model.evaluate(test, 1e6, BLEU)
+print(acc_test)
+if testOOV!=[]:
+ acc_oov_test = model.evaluate(testOOV,1e6,BLEU)
+ print(acc_oov_test)
+
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/main_train.py b/convlab/modules/e2e/multiwoz/Mem2Seq/main_train.py
new file mode 100644
index 0000000..7cf3146
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/main_train.py
@@ -0,0 +1,82 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import numpy as np
+import logging
+from tqdm import tqdm
+
+from utils.config import *
+from models.enc_vanilla import *
+from models.enc_Luong import *
+from models.enc_PTRUNK import *
+from models.Mem2Seq import *
+
+'''
+python3 main_train.py -lr=0.001 -layer=1 -hdd=256 -dr=0.2 -dec=Mem2Seq -bsz=16 -ds=woz -t=
+'''
+
+BLEU = False
+
+if (args['decoder'] == "Mem2Seq"):
+ if args['dataset']=='kvr':
+ from utils.utils_kvr_mem2seq import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi_mem2seq import *
+ elif args['dataset']=='woz':
+ from utils.utils_woz_mem2seq import *
+ else:
+ print("You need to provide the --dataset information")
+else:
+ if args['dataset']=='kvr':
+ from utils.utils_kvr import *
+ BLEU = True
+ elif args['dataset']=='babi':
+ from utils.utils_babi import *
+ else:
+ print("You need to provide the --dataset information")
+
+# Configure models
+avg_best,cnt,acc = 0.0,0,0.0
+cnt_1 = 0
+### LOAD DATA
+train, dev, test, testOOV, lang, max_len, max_r = prepare_data_seq(args['task'],batch_size=int(args['batch']),shuffle=True)
+
+if args['decoder'] == "Mem2Seq":
+ model = globals()[args['decoder']](int(args['hidden']),
+ max_len,max_r,lang,args['path'],args['task'],
+ lr=float(args['learn']),
+ n_layers=int(args['layer']),
+ dropout=float(args['drop']),
+ unk_mask=bool(int(args['unk_mask']))
+ )
+else:
+ model = globals()[args['decoder']](int(args['hidden']),
+ max_len,max_r,lang,args['path'],args['task'],
+ lr=float(args['learn']),
+ n_layers=int(args['layer']),
+ dropout=float(args['drop'])
+ )
+
+for epoch in range(300):
+ logging.info("Epoch:{}".format(epoch))
+ # Run the train function
+ pbar = tqdm(enumerate(train),total=len(train))
+ for i, data in pbar:
+ model.train_batch(data[0], data[1], data[2], data[3],data[4],data[5],
+ len(data[1]),10.0,0.5,i==0)
+ pbar.set_description(model.print_loss())
+
+ if((epoch+1) % int(args['evalp']) == 0):
+ acc = model.evaluate(dev,avg_best, BLEU)
+ if 'Mem2Seq' in args['decoder']:
+ model.scheduler.step(acc)
+ if(acc >= avg_best):
+ avg_best = acc
+ cnt=0
+ else:
+ cnt+=1
+ if(cnt == 5): break
+ if(acc == 1.0): break
+
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq.py
new file mode 100644
index 0000000..4517bda
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq.py
@@ -0,0 +1,564 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch.optim import lr_scheduler
+from torch import optim
+import torch.nn.functional as F
+from ..utils.masked_cross_entropy import *
+from ..utils.config import *
+import random
+import numpy as np
+import datetime
+from ..utils.measures import wer, moses_multi_bleu
+import os
+import json
+from ..utils.until_temp import entityList
+
+def my_output(refs, hyps):
+ name_data = "KVR" if args['dataset'] == 'kvr' else "WOZ" if args['dataset'] == 'woz' else "BABI"
+ directory = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))+'/save/mem2seq-'+name_data
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ with open(directory+'/pair.txt','w') as f:
+ for ref, hyp in zip(refs, hyps):
+ f.write('ref\n')
+ f.write(' '.join(ref)+'\n')
+ f.write('hyp\n')
+ f.write(' '.join(hyp)+'\n')
+
+class Mem2Seq(nn.Module):
+ def __init__(self, hidden_size, max_len, max_r, lang, path, task, lr, n_layers, dropout, unk_mask):
+ super(Mem2Seq, self).__init__()
+ self.name = "Mem2Seq"
+ self.task = task
+ self.input_size = lang.n_words
+ self.output_size = lang.n_words
+ self.hidden_size = hidden_size
+ self.max_len = max_len ## max input
+ self.max_r = max_r ## max responce len
+ self.lang = lang
+ self.lr = lr
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.unk_mask = unk_mask
+ self.root = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+
+ self.encoder = EncoderMemNN(lang.n_words, hidden_size, n_layers, self.dropout, self.unk_mask)
+ self.decoder = DecoderMemNN(lang.n_words, hidden_size, n_layers, self.dropout, self.unk_mask)
+ if path:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder.load_state_dict(torch.load(str(path)+'/enc.th'))
+ self.decoder.load_state_dict(torch.load(str(path)+'/dec.th'))
+
+ # Initialize optimizers and criterion
+ self.encoder_optimizer = optim.Adam(self.encoder.parameters(), lr=lr)
+ self.decoder_optimizer = optim.Adam(self.decoder.parameters(), lr=lr)
+ self.scheduler = lr_scheduler.ReduceLROnPlateau(self.decoder_optimizer,mode='max',factor=0.5,patience=1,min_lr=0.0001, verbose=True)
+ self.criterion = nn.MSELoss()
+ self.loss = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+ self.batch_size = 0
+ # Move models to GPU
+ if USE_CUDA:
+ self.encoder.cuda()
+ self.decoder.cuda()
+
+ def print_loss(self):
+ print_loss_avg = self.loss / self.print_every
+ print_loss_ptr = self.loss_ptr / self.print_every
+ print_loss_vac = self.loss_vac / self.print_every
+ self.print_every += 1
+ return 'L:{:.2f}, VL:{:.2f}, PL:{:.2f}'.format(print_loss_avg,print_loss_vac,print_loss_ptr)
+
+ def save_model(self, dec_type):
+ name_data = "KVR/" if args['dataset'] == 'kvr' else "WOZ/" if args['dataset'] == 'woz' else "BABI/"
+ directory = self.root+'/save/mem2seq-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'BSZ'+str(args['batch'])+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ torch.save(self.encoder.state_dict(), directory+'/enc.th')
+ torch.save(self.decoder.state_dict(), directory+'/dec.th')
+
+ def train_batch(self, input_batches, input_lengths, target_batches,
+ target_lengths, target_index, target_gate, batch_size, clip,
+ teacher_forcing_ratio, reset):
+
+ if reset:
+ self.loss = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+
+ self.batch_size = batch_size
+ # Zero gradients of both optimizers
+ self.encoder_optimizer.zero_grad()
+ self.decoder_optimizer.zero_grad()
+ loss_Vocab,loss_Ptr= 0,0
+
+ # Run words through encoder
+ decoder_hidden = self.encoder(input_batches).unsqueeze(0)
+ self.decoder.load_memory(input_batches.transpose(0,1))
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+
+ max_target_length = max(target_lengths)
+ all_decoder_outputs_vocab = Variable(torch.zeros(max_target_length, batch_size, self.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(max_target_length, batch_size, input_batches.size(0)))
+
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Choose whether to use teacher forcing
+ use_teacher_forcing = random.random() < teacher_forcing_ratio
+
+ if use_teacher_forcing:
+ # Run through decoder one time step at a time
+ for t in range(max_target_length):
+ decoder_ptr, decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ decoder_input = target_batches[t]# Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+ else:
+ for t in range(max_target_length):
+ decoder_ptr, decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ _, toppi = decoder_ptr.data.topk(1)
+ _, topvi = decoder_vacab.data.topk(1)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ ## get the correspective word in input
+ top_ptr_i = torch.gather(input_batches[:,:,0],0,Variable(toppi.view(1, -1)))
+ if batch_size > 1:
+ next_in = [top_ptr_i.squeeze()[i].item() if(toppi.squeeze()[i].item() < input_lengths[i]-1) else topvi.squeeze()[i].item() for i in range(batch_size)]
+ else:
+ next_in = [top_ptr_i.item() if toppi.item() < input_lengths[0]-1 else topvi.item()]
+ decoder_input = Variable(torch.LongTensor(next_in)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ #Loss calculation and backpropagation
+ loss_Vocab = masked_cross_entropy(
+ all_decoder_outputs_vocab.transpose(0, 1).contiguous(), # -> batch x seq
+ target_batches.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+ loss_Ptr = masked_cross_entropy(
+ all_decoder_outputs_ptr.transpose(0, 1).contiguous(), # -> batch x seq
+ target_index.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+
+ loss = loss_Vocab + loss_Ptr
+ loss.backward()
+
+ # Clip gradient norms
+ ec = torch.nn.utils.clip_grad_norm(self.encoder.parameters(), clip)
+ dc = torch.nn.utils.clip_grad_norm(self.decoder.parameters(), clip)
+ # Update parameters with optimizers
+ self.encoder_optimizer.step()
+ self.decoder_optimizer.step()
+ self.loss += loss.item()
+ self.loss_ptr += loss_Ptr.item()
+ self.loss_vac += loss_Vocab.item()
+
+ def evaluate_batch(self,batch_size,input_batches, input_lengths, target_batches, target_lengths, target_index,target_gate,src_plain):
+ # Set to not-training mode to disable dropout
+ self.encoder.train(False)
+ self.decoder.train(False)
+ # Run words through encoder
+ decoder_hidden = self.encoder(input_batches).unsqueeze(0)
+ self.decoder.load_memory(input_batches.transpose(0,1))
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+
+ decoded_words = []
+ all_decoder_outputs_vocab = Variable(torch.zeros(self.max_r, batch_size, self.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(self.max_r, batch_size, input_batches.size(0)))
+ #all_decoder_outputs_gate = Variable(torch.zeros(self.max_r, batch_size))
+ # Move new Variables to CUDA
+
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ #all_decoder_outputs_gate = all_decoder_outputs_gate.cuda()
+ decoder_input = decoder_input.cuda()
+
+ p = []
+ for elm in src_plain:
+ elm_temp = [ word_triple[0] for word_triple in elm ]
+ p.append(elm_temp)
+
+ self.from_whichs = []
+ acc_gate,acc_ptr,acc_vac = 0.0, 0.0, 0.0
+ # Run through decoder one time step at a time
+ for t in range(self.max_r):
+ decoder_ptr,decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ topv, topvi = decoder_vacab.data.topk(1)
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ topp, toppi = decoder_ptr.data.topk(1)
+ top_ptr_i = torch.gather(input_batches[:,:,0],0,Variable(toppi.view(1, -1)))
+ next_in = []
+ if batch_size > 1:
+ next_in = [top_ptr_i.squeeze()[i].item() if(toppi.squeeze()[i].item() < input_lengths[i]-1) else topvi.squeeze()[i].item() for i in range(batch_size)]
+ else:
+ next_in = [top_ptr_i.item() if toppi.item() < input_lengths[0]-1 else topvi.item()]
+
+ decoder_input = Variable(torch.LongTensor(next_in)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ temp = []
+ from_which = []
+ if batch_size > 1:
+ for i in range(batch_size):
+ if(toppi.squeeze()[i].item() < len(p[i])-1 ):
+ temp.append(p[i][toppi.squeeze()[i].item()])
+ from_which.append('p')
+ else:
+ ind = topvi.squeeze()[i].item()
+ if ind == EOS_token:
+ temp.append('')
+ else:
+ temp.append(self.lang.index2word[ind])
+ from_which.append('v')
+ else:
+ if toppi.item() < len(p[0])-1:
+ temp.append(p[0][toppi.item()])
+ from_which.append('p')
+ else:
+ ind = topvi.item()
+ if ind == EOS_token:
+ temp.append('')
+ else:
+ temp.append(self.lang.index2word[ind])
+ from_which.append('v')
+ decoded_words.append(temp)
+ self.from_whichs.append(from_which)
+ self.from_whichs = np.array(self.from_whichs)
+
+ # indices = torch.LongTensor(range(target_gate.size(0)))
+ # if USE_CUDA: indices = indices.cuda()
+
+ # ## acc pointer
+ # y_ptr_hat = all_decoder_outputs_ptr.topk(1)[1].squeeze()
+ # y_ptr_hat = torch.index_select(y_ptr_hat, 0, indices)
+ # y_ptr = target_index
+ # acc_ptr = y_ptr.eq(y_ptr_hat).sum()
+ # acc_ptr = acc_ptr.data[0]/(y_ptr_hat.size(0)*y_ptr_hat.size(1))
+ # ## acc vocab
+ # y_vac_hat = all_decoder_outputs_vocab.topk(1)[1].squeeze()
+ # y_vac_hat = torch.index_select(y_vac_hat, 0, indices)
+ # y_vac = target_batches
+ # acc_vac = y_vac.eq(y_vac_hat).sum()
+ # acc_vac = acc_vac.data[0]/(y_vac_hat.size(0)*y_vac_hat.size(1))
+
+ # Set back to training mode
+ self.encoder.train(True)
+ self.decoder.train(True)
+ return decoded_words #, acc_ptr, acc_vac
+
+
+ def evaluate(self,dev,avg_best,BLEU=False):
+ logging.info("STARTING EVALUATION")
+ acc_avg = 0.0
+ wer_avg = 0.0
+ bleu_avg = 0.0
+ acc_P = 0.0
+ acc_V = 0.0
+ microF1_PRED,microF1_PRED_cal,microF1_PRED_nav,microF1_PRED_wet = 0, 0, 0, 0
+ microF1_TRUE,microF1_TRUE_cal,microF1_TRUE_nav,microF1_TRUE_wet = 0, 0, 0, 0
+ ref = []
+ hyp = []
+ ref_s = ""
+ hyp_s = ""
+ my_ref = []
+ my_hyp = []
+ dialog_acc_dict = {}
+
+ if args['dataset'] == 'kvr':
+ with open(self.root+'/data/KVR/kvret_entities.json') as f:
+ global_entity = json.load(f)
+ global_entity_list = []
+ for key in global_entity.keys():
+ if key != 'poi':
+ global_entity_list += [item.lower().replace(' ', '_') for item in global_entity[key]]
+ else:
+ for item in global_entity['poi']:
+ global_entity_list += [item[k].lower().replace(' ', '_') for k in item.keys()]
+ global_entity_list = list(set(global_entity_list))
+ elif args['dataset'] == 'woz':
+ with open(self.root+'/data/MultiWOZ/entities.json') as f:
+ global_entity = json.load(f)
+ global_entity_list = []
+ for key in global_entity.keys():
+ global_entity_list += [item.lower().replace(' ', '_') for item in global_entity[key]]
+ global_entity_list = list(set(global_entity_list))
+ else:
+ if int(args["task"])!=6:
+ global_entity_list = entityList(self.root+'/data/dialog-bAbI-tasks/dialog-babi-kb-all.txt',int(args["task"]))
+ else:
+ global_entity_list = entityList(self.root+'/data/dialog-bAbI-tasks/dialog-babi-task6-dstc2-kb.txt',int(args["task"]))
+
+ pbar = tqdm(enumerate(dev),total=len(dev))
+ for j, data_dev in pbar:
+ words = self.evaluate_batch(len(data_dev[1]),data_dev[0],data_dev[1],
+ data_dev[2],data_dev[3],data_dev[4],data_dev[5],data_dev[6])
+
+ acc=0
+ w = 0
+ temp_gen = []
+
+ for i, row in enumerate(np.transpose(words)):
+ st = ''
+ for e in row:
+ if e== '': break
+ else: st+= e + ' '
+ temp_gen.append(st)
+ correct = data_dev[7][i]
+ ### compute F1 SCORE
+ st = st.lstrip().rstrip()
+ correct = correct.lstrip().rstrip()
+ if args['dataset']=='kvr':
+ f1_true,count = self.compute_prf(data_dev[8][i], st.split(), global_entity_list, data_dev[14][i])
+ microF1_TRUE += f1_true
+ microF1_PRED += count
+ f1_true,count = self.compute_prf(data_dev[9][i], st.split(), global_entity_list, data_dev[14][i])
+ microF1_TRUE_cal += f1_true
+ microF1_PRED_cal += count
+ f1_true,count = self.compute_prf(data_dev[10][i], st.split(), global_entity_list, data_dev[14][i])
+ microF1_TRUE_nav += f1_true
+ microF1_PRED_nav += count
+ f1_true, count = self.compute_prf(data_dev[11][i], st.split(), global_entity_list, data_dev[14][i])
+ microF1_TRUE_wet += f1_true
+ microF1_PRED_wet += count
+ elif args['dataset']=='woz':
+ f1_true,count = self.compute_prf(data_dev[8][i], st.split(), global_entity_list, data_dev[11][i])
+ microF1_TRUE += f1_true
+ microF1_PRED += count
+ elif args['dataset']=='babi' and int(args["task"])==6:
+ f1_true,count = self.compute_prf(data_dev[10][i], st.split(), global_entity_list, data_dev[12][i])
+ microF1_TRUE += f1_true
+ microF1_PRED += count
+
+ if args['dataset']=='babi':
+ if data_dev[11][i] not in dialog_acc_dict.keys():
+ dialog_acc_dict[data_dev[11][i]] = []
+ if (correct == st):
+ acc+=1
+ dialog_acc_dict[data_dev[11][i]].append(1)
+ else:
+ dialog_acc_dict[data_dev[11][i]].append(0)
+ else:
+ if (correct == st):
+ acc+=1
+ # print("Correct:"+str(correct))
+ # print("\tPredict:"+str(st))
+ # print("\tFrom:"+str(self.from_whichs[:,i]))
+
+ w += wer(correct,st)
+ ref.append(str(correct))
+ hyp.append(str(st))
+ ref_s+=str(correct)+ "\n"
+ hyp_s+=str(st) + "\n"
+ my_ref.append(correct.split())
+ my_hyp.append(st.split())
+
+ acc_avg += acc/float(len(data_dev[1]))
+ wer_avg += w/float(len(data_dev[1]))
+ pbar.set_description("R:{:.4f},W:{:.4f}".format(acc_avg/float(len(dev)),
+ wer_avg/float(len(dev))))
+
+ # dialog accuracy
+ if args['dataset']=='babi':
+ dia_acc = 0
+ for k in dialog_acc_dict.keys():
+ if len(dialog_acc_dict[k])==sum(dialog_acc_dict[k]):
+ dia_acc += 1
+ logging.info("Dialog Accuracy:\t"+str(dia_acc*1.0/len(dialog_acc_dict.keys())))
+
+ if args['dataset']=='kvr':
+ logging.info("F1 SCORE:\t{}".format(microF1_TRUE/float(microF1_PRED)))
+ logging.info("\tCAL F1:\t{}".format(microF1_TRUE_cal/float(microF1_PRED_cal)))
+ logging.info("\tWET F1:\t{}".format(microF1_TRUE_wet/float(microF1_PRED_wet)))
+ logging.info("\tNAV F1:\t{}".format(microF1_TRUE_nav/float(microF1_PRED_nav)))
+ elif (args['dataset']=='babi' and int(args["task"])==6) or args['dataset']=='woz':
+ logging.info("F1 SCORE:\t{}".format(microF1_TRUE/float(microF1_PRED)))
+
+ my_output(my_ref, my_hyp)
+ bleu_score = moses_multi_bleu(np.array(hyp), np.array(ref), lowercase=True)
+ logging.info("CORPUS BLEU SCORE:"+str(bleu_score))
+ if (BLEU):
+ if (bleu_score >= avg_best):
+ self.save_model(str(self.name)+str(bleu_score))
+ logging.info("MODEL SAVED")
+ return bleu_score
+ else:
+ acc_avg = acc_avg/float(len(dev))
+ if (acc_avg >= avg_best):
+ self.save_model(str(self.name)+str(acc_avg))
+ logging.info("MODEL SAVED")
+ return acc_avg
+
+ def compute_prf(self, gold, pred, global_entity_list, kb_plain):
+ local_kb_word = [k[0] for k in kb_plain]
+ TP, FP, FN = 0, 0, 0
+ if local_kb_word:
+ print('gold', gold)
+ print('pred', pred)
+ print('local_kb_word', local_kb_word)
+ if len(gold)!= 0:
+ count = 1
+ for g in gold:
+ if g in pred:
+ TP += 1
+ else:
+ FN += 1
+ for p in set(pred):
+ if p in global_entity_list or p in local_kb_word:
+ if p not in gold:
+ FP += 1
+ precision = TP / float(TP+FP) if (TP+FP)!=0 else 0
+ recall = TP / float(TP+FN) if (TP+FN)!=0 else 0
+ F1 = 2 * precision * recall / float(precision + recall) if (precision+recall)!=0 else 0
+ else:
+ precision, recall, F1, count = 0, 0, 0, 0
+ return F1, count
+
+
+class EncoderMemNN(nn.Module):
+ def __init__(self, vocab, embedding_dim, hop, dropout, unk_mask):
+ super(EncoderMemNN, self).__init__()
+ self.num_vocab = vocab
+ self.max_hops = hop
+ self.embedding_dim = embedding_dim
+ self.dropout = dropout
+ self.unk_mask = unk_mask
+ for hop in range(self.max_hops+1):
+ C = nn.Embedding(self.num_vocab, embedding_dim, padding_idx=PAD_token)
+ C.weight.data.normal_(0, 0.1)
+ self.add_module("C_{}".format(hop), C)
+ self.C = AttrProxy(self, "C_")
+ self.softmax = nn.Softmax(dim=1)
+
+ def get_state(self,bsz):
+ """Get cell states and hidden states."""
+ if USE_CUDA:
+ return Variable(torch.zeros(bsz, self.embedding_dim)).cuda()
+ else:
+ return Variable(torch.zeros(bsz, self.embedding_dim))
+
+
+ def forward(self, story):
+ story = story.transpose(0,1)
+ story_size = story.size() # b * m * 3
+ if self.unk_mask:
+ if(self.training):
+ ones = np.ones((story_size[0],story_size[1],story_size[2]))
+ rand_mask = np.random.binomial([np.ones((story_size[0],story_size[1]))],1-self.dropout)[0]
+ ones[:,:,0] = ones[:,:,0] * rand_mask
+ a = Variable(torch.Tensor(ones))
+ if USE_CUDA: a = a.cuda()
+ story = story*a.long()
+ u = [self.get_state(story.size(0))]
+ for hop in range(self.max_hops):
+ embed_A = self.C[hop](story.contiguous().view(story.size(0), -1).long()) # b * (m * s) * e
+ embed_A = embed_A.view(story_size+(embed_A.size(-1),)) # b * m * s * e
+ m_A = torch.sum(embed_A, 2).squeeze(2) # b * m * e
+
+ u_temp = u[-1].unsqueeze(1).expand_as(m_A)
+ prob = self.softmax(torch.sum(m_A*u_temp, 2))
+ embed_C = self.C[hop+1](story.contiguous().view(story.size(0), -1).long())
+ embed_C = embed_C.view(story_size+(embed_C.size(-1),))
+ m_C = torch.sum(embed_C, 2).squeeze(2)
+
+ prob = prob.unsqueeze(2).expand_as(m_C)
+ o_k = torch.sum(m_C*prob, 1)
+ u_k = u[-1] + o_k
+ u.append(u_k)
+ return u_k
+
+class DecoderMemNN(nn.Module):
+ def __init__(self, vocab, embedding_dim, hop, dropout, unk_mask):
+ super(DecoderMemNN, self).__init__()
+ self.num_vocab = vocab
+ self.max_hops = hop
+ self.embedding_dim = embedding_dim
+ self.dropout = dropout
+ self.unk_mask = unk_mask
+ for hop in range(self.max_hops+1):
+ C = nn.Embedding(self.num_vocab, embedding_dim, padding_idx=PAD_token)
+ C.weight.data.normal_(0, 0.1)
+ self.add_module("C_{}".format(hop), C)
+ self.C = AttrProxy(self, "C_")
+ self.softmax = nn.Softmax(dim=1)
+ self.W = nn.Linear(embedding_dim,1)
+ self.W1 = nn.Linear(2*embedding_dim,self.num_vocab)
+ self.gru = nn.GRU(embedding_dim, embedding_dim, dropout=dropout)
+
+ def load_memory(self, story):
+ story_size = story.size() # b * m * 3
+ if self.unk_mask:
+ if(self.training):
+ ones = np.ones((story_size[0],story_size[1],story_size[2]))
+ rand_mask = np.random.binomial([np.ones((story_size[0],story_size[1]))],1-self.dropout)[0]
+ ones[:,:,0] = ones[:,:,0] * rand_mask
+ a = Variable(torch.Tensor(ones))
+ if USE_CUDA:
+ a = a.cuda()
+ story = story*a.long()
+ self.m_story = []
+ for hop in range(self.max_hops):
+ embed_A = self.C[hop](story.contiguous().view(story.size(0), -1))#.long()) # b * (m * s) * e
+ embed_A = embed_A.view(story_size+(embed_A.size(-1),)) # b * m * s * e
+ embed_A = torch.sum(embed_A, 2).squeeze(2) # b * m * e
+ m_A = embed_A
+ embed_C = self.C[hop+1](story.contiguous().view(story.size(0), -1).long())
+ embed_C = embed_C.view(story_size+(embed_C.size(-1),))
+ embed_C = torch.sum(embed_C, 2).squeeze(2)
+ m_C = embed_C
+ self.m_story.append(m_A)
+ self.m_story.append(m_C)
+
+ def ptrMemDecoder(self, enc_query, last_hidden):
+ embed_q = self.C[0](enc_query) # b * e
+ output, hidden = self.gru(embed_q.unsqueeze(0), last_hidden)
+ temp = []
+ u = [hidden[0].squeeze()]
+ for hop in range(self.max_hops):
+ m_A = self.m_story[hop]
+ if(len(list(u[-1].size()))==1): u[-1] = u[-1].unsqueeze(0) ## used for bsz = 1.
+ u_temp = u[-1].unsqueeze(1).expand_as(m_A)
+ prob_lg = torch.sum(m_A*u_temp, 2)
+ prob_ = self.softmax(prob_lg)
+ m_C = self.m_story[hop+1]
+ temp.append(prob_)
+ prob = prob_.unsqueeze(2).expand_as(m_C)
+ o_k = torch.sum(m_C*prob, 1)
+ if (hop==0):
+ p_vocab = self.W1(torch.cat((u[0], o_k),1))
+ u_k = u[-1] + o_k
+ u.append(u_k)
+ p_ptr = prob_lg
+ return p_ptr, p_vocab, hidden
+
+
+class AttrProxy(object):
+ """
+ Translates index lookups into attribute lookups.
+ To implement some trick which able to use list of nn.Module in a nn.Module
+ see https://discuss.pytorch.org/t/list-of-nn-module-in-a-nn-module/219/2
+ """
+ def __init__(self, module, prefix):
+ self.module = module
+ self.prefix = prefix
+
+ def __getitem__(self, i):
+ return getattr(self.module, self.prefix + str(i))
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq_NMT.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq_NMT.py
new file mode 100644
index 0000000..3bde95e
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/models/Mem2Seq_NMT.py
@@ -0,0 +1,355 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch.optim import lr_scheduler
+from torch import optim
+import torch.nn.functional as F
+from utils.masked_cross_entropy import *
+from utils.config import *
+import random
+import numpy as np
+import datetime
+from utils.measures import wer, moses_multi_bleu
+import os
+import logging
+
+class Mem2Seq(nn.Module):
+ def __init__(self, hidden_size, max_len, max_r, lang, path, lr, n_layers, dropout):
+ super(Mem2Seq, self).__init__()
+ self.name = "Mem2Seq"
+ self.input_size = lang.n_words
+ self.output_size = lang.n_words
+ self.hidden_size = hidden_size
+ self.max_len = max_len ## max input
+ self.max_r = max_r ## max responce len
+ self.lang = lang
+ self.lr = lr
+ self.n_layers = n_layers
+ self.dropout = dropout
+
+ if path:
+ if USE_CUDA:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th')
+ self.decoder = torch.load(str(path)+'/dec.th')
+ else:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th',lambda storage, loc: storage)
+ self.decoder = torch.load(str(path)+'/dec.th',lambda storage, loc: storage)
+ else:
+ self.encoder = EncoderMemNN(lang.n_words, hidden_size, n_layers, self.dropout)
+ self.decoder = DecoderrMemNN(lang.n_words, hidden_size, n_layers, self.dropout)
+ # Initialize optimizers and criterion
+ self.encoder_optimizer = optim.Adam(self.encoder.parameters(), lr=lr)
+ self.decoder_optimizer = optim.Adam(self.decoder.parameters(), lr=lr)
+ self.scheduler = lr_scheduler.ReduceLROnPlateau(self.decoder_optimizer,mode='max',factor=0.5,patience=1,min_lr=0.0001, verbose=True)
+ self.criterion = nn.MSELoss()
+ self.loss = 0
+ self.loss_gate = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+ self.batch_size = 0
+ # Move models to GPU
+ if USE_CUDA:
+ self.encoder.cuda()
+ self.decoder.cuda()
+
+ def print_loss(self):
+ print_loss_avg = self.loss / self.print_every
+ print_loss_ptr = self.loss_ptr / self.print_every
+ print_loss_vac = self.loss_vac / self.print_every
+ self.print_every += 1
+ return 'L:{:.2f}, VL:{:.2f}, PL:{:.2f}'.format(print_loss_avg,print_loss_vac,print_loss_ptr)
+
+ def save_model(self, dec_type):
+ directory = 'save/mem2seq_'+'HDD'+str(self.hidden_size)+'BSZ'+str(self.batch_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ torch.save(self.encoder, directory+'/enc.th')
+ torch.save(self.decoder, directory+'/dec.th')
+
+ def train_batch(self, input_batches, input_lengths, target_batches,
+ target_lengths, target_index, batch_size, clip,
+ teacher_forcing_ratio,reset):
+ if reset:
+ self.loss = 0
+ self.loss_gate = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+
+ self.batch_size = batch_size
+ # Zero gradients of both optimizers
+ self.encoder_optimizer.zero_grad()
+ self.decoder_optimizer.zero_grad()
+ loss_Vocab,loss_Ptr= 0,0
+
+ # Run words through encoder
+ decoder_hidden = self.encoder(input_batches.transpose(0,1)).unsqueeze(0)
+
+ # load memories with input
+ self.decoder.load_memory(input_batches.transpose(0,1))
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+
+ max_target_length = max(target_lengths)
+ all_decoder_outputs_vocab = Variable(torch.zeros(max_target_length, batch_size, self.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(max_target_length, batch_size, input_batches.size(0)))
+
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Choose whether to use teacher forcing
+ use_teacher_forcing = random.random() < teacher_forcing_ratio
+
+ if use_teacher_forcing:
+ # Run through decoder one time step at a time
+ for t in range(max_target_length):
+ decoder_ptr, decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ decoder_input = target_batches[t]# Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+ else:
+ for t in range(max_target_length):
+ decoder_ptr, decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ _, toppi = decoder_ptr.data.topk(1)
+ _, topvi = decoder_vacab.data.topk(1)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ ## get the correspective word in input
+ top_ptr_i = torch.gather(input_batches,0,Variable(toppi.view(1, -1)))
+ next_in = [top_ptr_i.squeeze()[i].data[0] if(toppi.squeeze()[i] < input_lengths[i]-1) else topvi.squeeze()[i] for i in range(batch_size)]
+ decoder_input = Variable(torch.LongTensor(next_in)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ #Loss calculation and backpropagation
+ loss_Vocab = masked_cross_entropy(
+ all_decoder_outputs_vocab.transpose(0, 1).contiguous(), # -> batch x seq
+ target_batches.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+ loss_Ptr = masked_cross_entropy(
+ all_decoder_outputs_ptr.transpose(0, 1).contiguous(), # -> batch x seq
+ target_index.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+
+ loss = loss_Vocab + loss_Ptr
+ loss.backward()
+
+ # Clip gradient norms
+ ec = torch.nn.utils.clip_grad_norm(self.encoder.parameters(), clip)
+ dc = torch.nn.utils.clip_grad_norm(self.decoder.parameters(), clip)
+ # Update parameters with optimizers
+ self.encoder_optimizer.step()
+ self.decoder_optimizer.step()
+ self.loss += loss.data[0]
+ #self.loss_gate += loss_gate.data[0]
+ self.loss_ptr += loss_Ptr.data[0]
+ self.loss_vac += loss_Vocab.data[0]
+
+ def evaluate_batch(self,batch_size,input_batches, input_lengths, target_batches, target_lengths, target_index,src_plain):
+ # Set to not-training mode to disable dropout
+ self.encoder.train(False)
+ self.decoder.train(False)
+ # Run words through encoder
+ decoder_hidden = self.encoder(input_batches.transpose(0,1)).unsqueeze(0)
+ self.decoder.load_memory(input_batches.transpose(0,1))
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+
+ decoded_words = []
+ all_decoder_outputs_vocab = Variable(torch.zeros(self.max_r, batch_size, self.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(self.max_r, batch_size, input_batches.size(0)))
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Run through decoder one time step at a time
+ for t in range(self.max_r):
+ decoder_ptr,decoder_vacab, decoder_hidden = self.decoder.ptrMemDecoder(decoder_input, decoder_hidden)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ _, topvi = decoder_vacab.data.topk(1)
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ _, toppi = decoder_ptr.data.topk(1)
+ top_ptr_i = torch.gather(input_batches,0,Variable(toppi.view(1, -1)))
+ next_in = [top_ptr_i.squeeze()[i].data[0] if(toppi.squeeze()[i] < input_lengths[i]-1) else topvi.squeeze()[i] for i in range(batch_size)]
+
+ decoder_input = Variable(torch.LongTensor(next_in)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ temp = []
+ for i in range(batch_size):
+ if(toppi.squeeze()[i] < len(src_plain[i])-1 ):
+ temp.append(src_plain[i][toppi.squeeze()[i]]) ## copy from the input
+ else:
+ ind = topvi.squeeze()[i]
+ if ind == EOS_token:
+ temp.append('')
+ else:
+ temp.append(self.lang.index2word[ind]) ## get from vocabulary
+ decoded_words.append(temp)
+
+ # Set back to training mode
+ self.encoder.train(True)
+ self.decoder.train(True)
+ return decoded_words
+
+
+ def evaluate(self,dev,avg_best,BLEU=False):
+ logging.info("STARTING EVALUATION")
+ acc_avg = 0.0
+ wer_avg = 0.0
+ ref = []
+ hyp = []
+ pbar = tqdm(enumerate(dev),total=len(dev))
+ for j, data_dev in pbar:
+ words = self.evaluate_batch(
+ batch_size=len(data_dev[1]),
+ input_batches=data_dev[0],
+ input_lengths=data_dev[1],
+ target_batches=data_dev[2],
+ target_lengths=data_dev[3],
+ target_index=data_dev[4],
+ src_plain=data_dev[5])
+ acc=0
+ w = 0
+ temp_gen = []
+ for i, row in enumerate(np.transpose(words)):
+ st = ''
+ for e in row:
+ if e== '': break
+ else: st+= e + ' '
+ temp_gen.append(st)
+ correct = " ".join(data_dev[6][i])
+ ### IMPORTANT
+ ### WE NEED TO COMPARE THE PLAIN STRING, BECAUSE WE COPY THE WORDS FROM THE INPUT
+ ### ====>> the index in the output gold can be UNK
+ if (correct.lstrip().rstrip() == st.lstrip().rstrip()):
+ acc+=1
+ w += wer(correct.lstrip().rstrip(),st.lstrip().rstrip())
+ ref.append(str(correct.lstrip().rstrip()))
+ hyp.append(str(st.lstrip().rstrip()))
+
+ acc_avg += acc/float(len(data_dev[1]))
+ wer_avg += w/float(len(data_dev[1]))
+ pbar.set_description("R:{:.4f},W:{:.4f}".format(acc_avg/float(len(dev)),wer_avg/float(len(dev))))
+
+ bleu_score = moses_multi_bleu(np.array(hyp), np.array(ref), lowercase=True)
+ logging.info("BLEU SCORE:"+str(bleu_score))
+
+ if (bleu_score >= avg_best):
+ self.save_model(str(self.name)+str(bleu_score))
+ logging.info("MODEL SAVED")
+ return bleu_score
+
+
+
+class EncoderMemNN(nn.Module):
+ def __init__(self, vocab, embedding_dim, hop, dropout):
+ super(EncoderMemNN, self).__init__()
+ self.num_vocab = vocab
+ self.max_hops = hop
+ self.embedding_dim = embedding_dim
+ self.dropout = dropout
+ for hop in range(self.max_hops+1):
+ C = nn.Embedding(self.num_vocab, embedding_dim, padding_idx=PAD_token)
+ C.weight.data.normal_(0, 0.1)
+ self.add_module("C_{}".format(hop), C)
+ self.C = AttrProxy(self, "C_")
+ self.softmax = nn.Softmax(dim=1)
+
+ def get_state(self,bsz):
+ """Get cell states and hidden states."""
+ if USE_CUDA:
+ return Variable(torch.zeros(bsz, self.embedding_dim)).cuda()
+ else:
+ return Variable(torch.zeros(bsz, self.embedding_dim))
+
+
+ def forward(self, story):
+ u = [self.get_state(story.size(0))]
+ for hop in range(self.max_hops):
+ embed_A = self.C[hop](story.contiguous().view(story.size(0), -1).long()) # b * (m * s) * e
+ u_temp = u[-1].unsqueeze(1).expand_as(embed_A)
+ prob = self.softmax(torch.sum(embed_A*u_temp, 2))
+ embed_C = self.C[hop+1](story.contiguous().view(story.size(0), -1).long())
+ prob = prob.unsqueeze(2).expand_as(embed_C)
+ o_k = torch.sum(embed_C*prob, 1)
+ u_k = u[-1] + o_k
+ u.append(u_k)
+ return u_k
+
+class DecoderrMemNN(nn.Module):
+ def __init__(self, vocab, embedding_dim, hop, dropout):
+ super(DecoderrMemNN, self).__init__()
+ self.num_vocab = vocab
+ self.max_hops = hop
+ self.embedding_dim = embedding_dim
+ self.dropout = dropout
+ for hop in range(self.max_hops+1):
+ C = nn.Embedding(self.num_vocab, embedding_dim, padding_idx=PAD_token)
+ C.weight.data.normal_(0, 0.1)
+ self.add_module("C_{}".format(hop), C)
+ self.C = AttrProxy(self, "C_")
+ self.softmax = nn.Softmax(dim=1)
+ self.W = nn.Linear(embedding_dim,1)
+ self.W1 = nn.Linear(2*embedding_dim,self.num_vocab)
+ self.gru = nn.GRU(embedding_dim, embedding_dim, dropout=dropout)
+
+ def load_memory(self, story):
+ self.m_story = []
+ for hop in range(self.max_hops):
+ embed_A = self.C[hop](story.contiguous().view(story.size(0), -1))#.long()) # b * (m * s) * e
+ m_A = embed_A
+ embed_C = self.C[hop+1](story.contiguous().view(story.size(0), -1).long())
+ m_C = embed_C
+ self.m_story.append(m_A)
+ self.m_story.append(m_C)
+
+ def ptrMemDecoder(self, enc_query, last_hidden):
+ embed_q = self.C[0](enc_query) # b * e
+ _, hidden = self.gru(embed_q.unsqueeze(0), last_hidden)
+ temp = []
+ u = [hidden[0].squeeze()]
+ for hop in range(self.max_hops):
+ m_A = self.m_story[hop]
+ u_temp = u[-1].unsqueeze(1).expand_as(m_A)
+ prob_lg = torch.sum(m_A*u_temp, 2)
+ prob_ = self.softmax(prob_lg)
+ m_C = self.m_story[hop+1]
+ temp.append(prob_)
+ prob = prob_.unsqueeze(2).expand_as(m_C)
+ o_k = torch.sum(m_C*prob, 1)
+ if (hop==0):
+ p_vocab = self.W1(torch.cat((u[0], o_k),1))
+ u_k = u[-1] + o_k
+ u.append(u_k)
+ p_ptr = prob_lg
+ return p_ptr, p_vocab, hidden
+
+
+class AttrProxy(object):
+ """
+ Translates index lookups into attribute lookups.
+ To implement some trick which able to use list of nn.Module in a nn.Module
+ see https://discuss.pytorch.org/t/list-of-nn-module-in-a-nn-module/219/2
+ """
+ def __init__(self, module, prefix):
+ self.module = module
+ self.prefix = prefix
+
+ def __getitem__(self, i):
+ return getattr(self.module, self.prefix + str(i))
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/__init__.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_Luong.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_Luong.py
new file mode 100644
index 0000000..33f8fed
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_Luong.py
@@ -0,0 +1,341 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.masked_cross_entropy import *
+from utils.config import *
+import random
+import numpy as np
+import datetime
+from utils.measures import wer,moses_multi_bleu
+import math
+
+class LuongSeqToSeq(nn.Module):
+ def __init__(self,hidden_size,max_len,max_r,lang,path,task,lr=0.01,n_layers=1, dropout=0.1):
+ super(LuongSeqToSeq, self).__init__()
+ self.name = "LuongSeqToSeq"
+ self.task = task
+ self.input_size = lang.n_words
+ self.output_size = lang.n_words
+ self.hidden_size = hidden_size
+ self.max_len = max_len ## max input
+ self.max_r = max_r ## max responce len
+ self.lang = lang
+ self.lr = lr
+ self.decoder_learning_ratio = 5.0
+ self.n_layers = n_layers
+ self.dropout = dropout
+ if path:
+ if USE_CUDA:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th')
+ self.decoder = torch.load(str(path)+'/dec.th')
+ else:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th',lambda storage, loc: storage)
+ self.decoder = torch.load(str(path)+'/dec.th',lambda storage, loc: storage)
+ else:
+ self.encoder = EncoderRNN(lang.n_words, hidden_size, n_layers,dropout)
+ self.decoder = LuongAttnDecoderRNN(hidden_size, lang.n_words, n_layers, dropout)
+ # Initialize optimizers and criterion
+ self.encoder_optimizer = optim.Adam(self.encoder.parameters(), lr=lr)
+ self.decoder_optimizer = optim.Adam(self.decoder.parameters(), lr=lr * self.decoder_learning_ratio)
+
+ self.loss = 0
+ self.loss_vac = 0
+ self.print_every = 1
+ # Move models to GPU
+ if USE_CUDA:
+ self.encoder.cuda()
+ self.decoder.cuda()
+
+ def print_loss(self):
+ print_loss_avg = self.loss / self.print_every
+ self.print_every += 1
+ return 'L:{:.2f}'.format(print_loss_avg)
+
+
+ def save_model(self,dec_type):
+ name_data = "KVR/" if self.task=='' else "BABI/"
+ if USEKB:
+ directory = 'save/Luong_KB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ else:
+ directory = 'save/Luong_noKB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ torch.save(self.encoder, directory+'/enc.th')
+ torch.save(self.decoder, directory+'/dec.th')
+
+ def load_model(self,file_name_enc,file_name_dec):
+ self.encoder = torch.load(file_name_enc)
+ self.decoder = torch.load(file_name_dec)
+
+
+ def train_batch(self, input_batches, input_lengths, target_batches,
+ target_lengths, target_index, target_gate, batch_size, clip,
+ teacher_forcing_ratio, reset):
+ if reset:
+ self.loss = 0
+ self.loss_vac = 0
+ self.print_every = 1
+
+ # Zero gradients of both optimizers
+ self.encoder_optimizer.zero_grad()
+ self.decoder_optimizer.zero_grad()
+ loss_Vocab,loss_Ptr,loss_Gate = 0,0,0
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths)
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ max_target_length = max(target_lengths)
+ all_decoder_outputs_vocab = Variable(torch.zeros(max_target_length, batch_size, self.output_size))
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Choose whether to use teacher forcing
+ use_teacher_forcing = random.random() < teacher_forcing_ratio
+
+ if use_teacher_forcing:
+ # Run through decoder one time step at a time
+ for t in range(max_target_length):
+ decoder_vacab, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ decoder_input = target_batches[t] # Next input is current target
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ else:
+ for t in range(max_target_length):
+ decoder_vacab,decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ topv, topi = decoder_vacab.data.topk(1)
+ decoder_input = Variable(topi.view(-1)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ #Loss calculation and backpropagation
+ loss_Vocab = masked_cross_entropy(
+ all_decoder_outputs_vocab.transpose(0, 1).contiguous(), # -> batch x seq
+ target_batches.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+
+ loss = loss_Vocab
+ loss.backward()
+
+ # Clip gradient norms
+ ec = torch.nn.utils.clip_grad_norm(self.encoder.parameters(), clip)
+ dc = torch.nn.utils.clip_grad_norm(self.decoder.parameters(), clip)
+ # Update parameters with optimizers
+ self.encoder_optimizer.step()
+ self.decoder_optimizer.step()
+ self.loss += loss.data[0]
+
+ def evaluate_batch(self,batch_size,input_batches, input_lengths, target_batches):
+ # Set to not-training mode to disable dropout
+ self.encoder.train(False)
+ self.decoder.train(False)
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths, None)
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ decoded_words = []
+ all_decoder_outputs_vocab = Variable(torch.zeros(self.max_r, batch_size, self.decoder.output_size))
+ # Move new Variables to CUDA
+
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Run through decoder one time step at a time
+ for t in range(self.max_r):
+ decoder_vacab,decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ topv, topi = decoder_vacab.data.topk(1)
+ decoder_input = Variable(topi.view(-1))
+
+ decoded_words.append([''if ni == EOS_token else self.lang.index2word[ni] for ni in topi.view(-1)])
+ # Next input is chosen word
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ # Set back to training mode
+ self.encoder.train(True)
+ self.decoder.train(True)
+
+ return decoded_words
+
+
+ def evaluate(self,dev,avg_best,BLEU=False):
+ logging.info("STARTING EVALUATION")
+ acc_avg = 0.0
+ wer_avg = 0.0
+ bleu_avg = 0.0
+ acc_P = 0.0
+ acc_V = 0.0
+ ref = []
+ hyp = []
+ ref_s = ""
+ hyp_s = ""
+ pbar = tqdm(enumerate(dev),total=len(dev))
+ for j, data_dev in pbar:
+ words = self.evaluate_batch(len(data_dev[1]),data_dev[0],data_dev[1],data_dev[2])
+ acc=0
+ w = 0
+ temp_gen = []
+ for i, row in enumerate(np.transpose(words)):
+ st = ''
+ for e in row:
+ if e== '':
+ break
+ else:
+ st+= e + ' '
+ temp_gen.append(st)
+ correct = data_dev[7][i]
+
+ if (correct.lstrip().rstrip() == st.lstrip().rstrip()):
+ acc+=1
+ # else:
+ # print("Correct:"+str(correct.lstrip().rstrip()))
+ # print("\tPredict:"+str(st.lstrip().rstrip()))
+ # print("\tFrom:"+str(self.from_whichs[:,i]))
+ w += wer(correct.lstrip().rstrip(),st.lstrip().rstrip())
+ ref.append(str(correct.lstrip().rstrip()))
+ hyp.append(str(st.lstrip().rstrip()))
+ ref_s+=str(correct.lstrip().rstrip())+ "\n"
+ hyp_s+=str(st.lstrip().rstrip()) + "\n"
+
+ acc_avg += acc/float(len(data_dev[1]))
+ wer_avg += w/float(len(data_dev[1]))
+ pbar.set_description("R:{:.4f},W:{:.4f}".format(acc_avg/float(len(dev)),
+ wer_avg/float(len(dev))))
+
+ if (BLEU):
+ bleu_score = moses_multi_bleu(np.array(hyp), np.array(ref), lowercase=True)
+ logging.info("BLEU SCORE:"+str(bleu_score))
+
+ if (bleu_score >= avg_best):
+ self.save_model(str(self.name)+str(bleu_score))
+ logging.info("MODEL SAVED")
+ return bleu_score
+ else:
+ acc_avg = acc_avg/float(len(dev))
+ if (acc_avg >= avg_best):
+ self.save_model(str(self.name)+str(acc_avg))
+ logging.info("MODEL SAVED")
+ return acc_avg
+
+
+class EncoderRNN(nn.Module):
+ def __init__(self, input_size, hidden_size, n_layers=1, dropout=0.1):
+ super(EncoderRNN, self).__init__()
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.embedding = nn.Embedding(input_size, hidden_size)
+ self.embedding_dropout = nn.Dropout(dropout)
+ self.lstm = nn.LSTM(hidden_size, hidden_size, n_layers, dropout=self.dropout)
+ if USE_CUDA:
+ self.lstm = self.lstm.cuda()
+ self.embedding_dropout = self.embedding_dropout.cuda()
+ self.embedding = self.embedding.cuda()
+
+ def get_state(self, input):
+ """Get cell states and hidden states."""
+ batch_size = input.size(1)
+ c0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size))
+ h0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size)) ### * self.num_directions = 2 if bi
+ if USE_CUDA:
+ h0_encoder = h0_encoder.cuda()
+ c0_encoder = c0_encoder.cuda()
+ return (h0_encoder, c0_encoder)
+
+ def forward(self, input_seqs, input_lengths, hidden=None):
+ # Note: we run this all at once (over multiple batches of multiple sequences)
+ embedded = self.embedding(input_seqs)
+ embedded = self.embedding_dropout(embedded)
+ hidden = self.get_state(input_seqs)
+ if input_lengths:
+ embedded = nn.utils.rnn.pack_padded_sequence(embedded, input_lengths, batch_first=False)
+ outputs, hidden = self.lstm(embedded, hidden)
+ if input_lengths:
+ outputs, _ = nn.utils.rnn.pad_packed_sequence(outputs, batch_first=False)
+ return outputs, hidden
+
+
+class LuongAttnDecoderRNN(nn.Module):
+ def __init__(self, hidden_size, output_size, n_layers=1, dropout=0.1):
+ super(LuongAttnDecoderRNN, self).__init__()
+
+ # Define parameters
+ self.hidden_size = hidden_size
+ self.output_size = output_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+
+ # Define layers
+ self.embedding = nn.Embedding(output_size, hidden_size)
+ self.dropout = nn.Dropout(dropout)
+ self.lstm = nn.LSTM(hidden_size, hidden_size, n_layers, dropout=dropout)
+ self.out = nn.Linear(hidden_size, output_size)
+ self.W1 = nn.Linear(2*hidden_size, hidden_size)
+ # self.v = nn.Linear(hidden_size, 1)
+ self.v = nn.Parameter(torch.rand(hidden_size))
+ stdv = 1. / math.sqrt(self.v.size(0))
+ self.v.data.normal_(mean=0, std=stdv)
+ self.concat = nn.Linear(hidden_size * 2, hidden_size)
+ if USE_CUDA:
+ self.embedding = self.embedding.cuda()
+ self.dropout = self.dropout.cuda()
+ self.lstm = self.lstm.cuda()
+ self.out = self.out.cuda()
+ self.W1 = self.W1.cuda()
+ self.v = self.v.cuda()
+ self.concat = self.concat.cuda()
+
+ def forward(self, input_seq, last_hidden, encoder_outputs):
+ # Note: we run this one step at a time
+
+ # Get the embedding of the current input word (last output word)
+ batch_size = input_seq.size(0)
+ max_len = encoder_outputs.size(0)
+ encoder_outputs = encoder_outputs.transpose(0,1)
+ embedded = self.embedding(input_seq)
+ embedded = self.dropout(embedded)
+ embedded = embedded.view(1, batch_size, self.hidden_size) # S=1 x B x N
+
+ # Get current hidden state from input word and last hidden state
+ rnn_output, hidden = self.lstm(embedded, last_hidden)
+
+ s_t = hidden[0][-1].unsqueeze(0)
+ H = s_t.repeat(max_len,1,1).transpose(0,1)
+
+ energy = F.tanh(self.W1(torch.cat([H,encoder_outputs], 2)))
+ energy = energy.transpose(2,1)
+ v = self.v.repeat(encoder_outputs.data.shape[0],1).unsqueeze(1) #[B*1*H]
+ energy = torch.bmm(v,energy) # [B*1*T]
+ a = F.softmax(energy)
+ context = a.bmm(encoder_outputs)
+
+ # Attentional vector using the RNN hidden state and context vector
+ # concatenated together (Luong eq. 5)
+ rnn_output = rnn_output.squeeze(0) # S=1 x B x N -> B x N
+ context = context.squeeze(1) # B x S=1 x N -> B x N
+ concat_input = torch.cat((rnn_output, context), 1)
+ concat_output = F.tanh(self.concat(concat_input))
+
+ # Finally predict next token (Luong eq. 6, without softmax)
+ output = self.out(concat_output)
+ # Return final output, hidden state, and attention weights (for visualization)
+ return output, hidden
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_PTRUNK.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_PTRUNK.py
new file mode 100644
index 0000000..82a805d
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_PTRUNK.py
@@ -0,0 +1,384 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.masked_cross_entropy import *
+from utils.config import *
+import random
+import numpy as np
+import datetime
+from utils.measures import wer,moses_multi_bleu
+from tqdm import tqdm
+import math
+
+class PTRUNK(nn.Module):
+ def __init__(self,hidden_size,max_len,max_r,lang,path,task,lr,n_layers, dropout):
+ super(PTRUNK, self).__init__()
+ self.name = "PTRUNK"
+ self.task = task
+ self.input_size = lang.n_words
+ self.output_size = lang.n_words
+ self.hidden_size = hidden_size
+ self.max_len = max_len ## max input
+ self.max_r = max_r ## max responce len
+ self.lang = lang
+ self.lr = lr
+ self.decoder_learning_ratio = 5.0
+ self.n_layers = n_layers
+ self.dropout = dropout
+ if path:
+ if USE_CUDA:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th')
+ self.decoder = torch.load(str(path)+'/dec.th')
+ else:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th',lambda storage, loc: storage)
+ self.decoder = torch.load(str(path)+'/dec.th',lambda storage, loc: storage)
+ self.decoder.viz_arr =[]
+ else:
+ self.encoder = EncoderRNN(lang.n_words, hidden_size, n_layers,dropout)
+ self.decoder = PtrDecoderRNN(hidden_size, lang.n_words, n_layers, dropout)
+ # Initialize optimizers and criterion
+ self.encoder_optimizer = optim.Adam(self.encoder.parameters(), lr=lr)
+ self.decoder_optimizer = optim.Adam(self.decoder.parameters(), lr=lr* self.decoder_learning_ratio)
+ self.criterion = nn.MSELoss()
+ self.loss = 0
+ self.loss_gate = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+ # Move models to GPU
+ if USE_CUDA:
+ self.encoder.cuda()
+ self.decoder.cuda()
+
+ def print_loss(self):
+ print_loss_avg = self.loss / self.print_every
+ print_loss_gate = self.loss_gate / self.print_every
+ print_loss_ptr = self.loss_ptr / self.print_every
+ print_loss_vac = self.loss_vac / self.print_every
+ self.print_every += 1
+ return 'L:{:.2f}, VL:{:.2f},GL:{:.2f}, PL:{:.2f}'.format(print_loss_avg,print_loss_vac,print_loss_gate,print_loss_ptr)
+
+ def save_model(self,dec_type):
+ name_data = "KVR/" if self.task=='' else "BABI/"
+ if USEKB:
+ directory = 'save/PTR_KB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ else:
+ directory = 'save/PTR_noKB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ #directory = 'save/PTR_KVR_KB/'+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type) #+datetime.datetime.now().strftime("%I%M%p%B%d%Y"
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ torch.save(self.encoder, directory+'/enc.th')
+ torch.save(self.decoder, directory+'/dec.th')
+
+ def train_batch(self, input_batches, input_lengths, target_batches,
+ target_lengths, target_index, target_gate, batch_size, clip,
+ teacher_forcing_ratio,reset):
+ if reset:
+ self.loss = 0
+ self.loss_gate = 0
+ self.loss_ptr = 0
+ self.loss_vac = 0
+ self.print_every = 1
+ # Zero gradients of both optimizers
+ self.encoder_optimizer.zero_grad()
+ self.decoder_optimizer.zero_grad()
+ loss_Vocab,loss_Ptr,loss_Gate = 0,0,0
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths)
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ max_target_length = max(target_lengths)
+ all_decoder_outputs_vocab = Variable(torch.zeros(max_target_length, batch_size, self.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(max_target_length, batch_size, encoder_outputs.size(0)))
+ all_decoder_outputs_gate = Variable(torch.zeros(max_target_length, batch_size))
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ all_decoder_outputs_gate = all_decoder_outputs_gate.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Choose whether to use teacher forcing
+ use_teacher_forcing = random.random() < teacher_forcing_ratio
+
+ if use_teacher_forcing:
+ # Run through decoder one time step at a time
+ for t in range(max_target_length):
+ decoder_ptr,decoder_vacab,gate,decoder_hidden = self.decoder(
+ decoder_input, decoder_hidden, encoder_outputs)
+
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ all_decoder_outputs_gate[t] = gate
+ decoder_input = target_batches[t] # Next input is current target
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ else:
+ for t in range(max_target_length):
+ decoder_ptr,decoder_vacab,gate,decoder_hidden = self.decoder(
+ decoder_input, decoder_hidden, encoder_outputs)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ all_decoder_outputs_gate[t] = gate
+ topv, topvi = decoder_vacab.data.topk(1)
+ topp, toppi = decoder_ptr.data.topk(1)
+ ## get the correspective word in input
+ top_ptr_i = torch.gather(input_batches,0,toppi.view(1, -1))
+ next_in = [top_ptr_i.squeeze()[i].data[0] if(gate.squeeze()[i].data[0]>=0.5) else topvi.squeeze()[i] for i in range(batch_size)]
+ decoder_input = Variable(torch.LongTensor(next_in)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ #Loss calculation and backpropagation
+ loss_Vocab = masked_cross_entropy(
+ all_decoder_outputs_vocab.transpose(0, 1).contiguous(), # -> batch x seq
+ target_batches.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+ loss_Ptr = masked_cross_entropy(
+ all_decoder_outputs_ptr.transpose(0, 1).contiguous(), # -> batch x seq
+ target_index.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+ loss_gate = self.criterion(all_decoder_outputs_gate,target_gate.float())
+
+
+ loss = loss_Vocab + loss_Ptr + loss_gate
+ loss.backward()
+
+ # Clip gradient norms
+ ec = torch.nn.utils.clip_grad_norm(self.encoder.parameters(), clip)
+ dc = torch.nn.utils.clip_grad_norm(self.decoder.parameters(), clip)
+ # Update parameters with optimizers
+ self.encoder_optimizer.step()
+ self.decoder_optimizer.step()
+ self.loss += loss.data[0]
+ self.loss_gate += loss_gate.data[0]
+ self.loss_ptr += loss_Ptr.data[0]
+ self.loss_vac += loss_Vocab.data[0]
+
+
+ def evaluate_batch(self,batch_size,input_batches, input_lengths, target_batches, target_lengths, target_index,target_gate,src_plain):
+ # Set to not-training mode to disable dropout
+ self.encoder.train(False)
+ self.decoder.train(False)
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths, None)
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ decoded_words = []
+ all_decoder_outputs_vocab = Variable(torch.zeros(self.max_r, batch_size, self.decoder.output_size))
+ all_decoder_outputs_ptr = Variable(torch.zeros(self.max_r, batch_size, encoder_outputs.size(0)))
+ all_decoder_outputs_gate = Variable(torch.zeros(self.max_r, batch_size))
+ # Move new Variables to CUDA
+
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ all_decoder_outputs_ptr = all_decoder_outputs_ptr.cuda()
+ all_decoder_outputs_gate = all_decoder_outputs_gate.cuda()
+ decoder_input = decoder_input.cuda()
+ p = []
+ for elm in src_plain:
+ p.append(elm.split(' '))
+ # Run through decoder one time step at a time
+ for t in range(self.max_r):
+ decoder_ptr,decoder_vacab,gate,decoder_hidden = self.decoder(
+ decoder_input, decoder_hidden, encoder_outputs)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ all_decoder_outputs_ptr[t] = decoder_ptr
+ all_decoder_outputs_gate[t] = gate
+
+ topv, topvi = decoder_vacab.data.topk(1)
+ topp, toppi = decoder_ptr.data.topk(1)
+ top_ptr_i = torch.gather(input_batches,0,toppi.view(1, -1))
+ next_in = [top_ptr_i.squeeze()[i].data[0] if(gate.squeeze()[i].data[0]>=0.5) else topvi.squeeze()[i] for i in range(batch_size)]
+ decoder_input = Variable(torch.LongTensor(next_in))
+ # Next input is chosen word
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ temp = []
+ for i in range(batch_size):
+ if(gate.squeeze()[i].data[0]>=0.5):
+ if(toppi.squeeze()[i] >= len(p[i]) ):
+ temp.append('')
+ else:
+ temp.append(p[i][toppi.squeeze()[i]])
+ else:
+ ind = topvi.squeeze()[i]
+ if ind == EOS_token:
+ temp.append('')
+ else:
+ temp.append(self.lang.index2word[ind])
+ decoded_words.append(temp)
+
+ # Set back to training mode
+ self.encoder.train(True)
+ self.decoder.train(True)
+
+ return decoded_words
+
+
+ def evaluate(self,dev,avg_best,BLEU=False):
+ logging.info("STARTING EVALUATION")
+ acc_avg = 0.0
+ wer_avg = 0.0
+ acc_G = 0.0
+ acc_P = 0.0
+ acc_V = 0.0
+ ref = []
+ hyp = []
+ ref_s = ""
+ hyp_s = ""
+ pbar = tqdm(enumerate(dev),total=len(dev))
+ for j, data_dev in pbar:
+ words = self.evaluate_batch(len(data_dev[1]),data_dev[0],data_dev[1],data_dev[2],data_dev[3],data_dev[4],data_dev[5],data_dev[6])
+ acc=0
+ w = 0
+ temp_gen = []
+ for i, row in enumerate(np.transpose(words)):
+ st = ''
+ for e in row:
+ if e== '':
+ break
+ else:
+ st+= e + ' '
+ temp_gen.append(st)
+ correct = data_dev[7][i]
+
+ if (correct.lstrip().rstrip() == st.lstrip().rstrip()):
+ acc+=1
+ w += wer(correct.lstrip().rstrip(),st.lstrip().rstrip())
+ ref.append(str(correct.lstrip().rstrip()))
+ hyp.append(str(st.lstrip().rstrip()))
+ ref_s+=str(correct.lstrip().rstrip())+ "\n"
+ hyp_s+=str(st.lstrip().rstrip()) + "\n"
+
+ acc_avg += acc/float(len(data_dev[1]))
+ wer_avg += w/float(len(data_dev[1]))
+ pbar.set_description("R:{:.4f},W:{:.4f}".format(acc_avg/float(len(dev)),wer_avg/float(len(dev))))
+
+ if (BLEU):
+ bleu_score = moses_multi_bleu(np.array(hyp), np.array(ref), lowercase=True)
+ logging.info("BLEU SCORE:"+str(bleu_score))
+
+ if (bleu_score >= avg_best):
+ self.save_model(str(self.name)+str(bleu_score))
+ logging.info("MODEL SAVED")
+ return bleu_score
+ else:
+ acc_avg = acc_avg/float(len(dev))
+ if (acc_avg >= avg_best):
+ self.save_model(str(self.name)+str(acc_avg))
+ logging.info("MODEL SAVED")
+ return acc_avg
+
+
+class EncoderRNN(nn.Module):
+ def __init__(self, input_size, hidden_size, n_layers=1, dropout=0.1):
+ super(EncoderRNN, self).__init__()
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.embedding = nn.Embedding(input_size, hidden_size)
+ self.embedding_dropout = nn.Dropout(dropout)
+ self.lstm = nn.LSTM(hidden_size, hidden_size, n_layers, dropout=self.dropout)
+ if USE_CUDA:
+ self.lstm = self.lstm.cuda()
+ self.embedding_dropout = self.embedding_dropout.cuda()
+ self.embedding = self.embedding.cuda()
+
+ def get_state(self, input):
+ """Get cell states and hidden states."""
+ batch_size = input.size(1)
+ c0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size))
+ h0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size)) ### * self.num_directions = 2 if bi
+ if USE_CUDA:
+ h0_encoder = h0_encoder.cuda()
+ c0_encoder = c0_encoder.cuda()
+ return (h0_encoder, c0_encoder)
+
+ def forward(self, input_seqs, input_lengths, hidden=None):
+ # Note: we run this all at once (over multiple batches of multiple sequences)
+ embedded = self.embedding(input_seqs)
+ embedded = self.embedding_dropout(embedded)
+ hidden = self.get_state(input_seqs)
+ if input_lengths:
+ embedded = nn.utils.rnn.pack_padded_sequence(embedded, input_lengths, batch_first=False)
+
+ outputs, hidden = self.lstm(embedded, hidden)
+ if input_lengths:
+ outputs, _ = nn.utils.rnn.pad_packed_sequence(outputs, batch_first=False)
+
+ return outputs, hidden
+
+class PtrDecoderRNN(nn.Module):
+ def __init__(self, hidden_size, output_size, n_layers=1, dropout=0.1):
+ super(PtrDecoderRNN, self).__init__()
+ self.hidden_size = hidden_size
+ self.output_size = output_size ### Vocab size
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.embedding = nn.Embedding(output_size, hidden_size)
+ self.embedding_dropout = nn.Dropout(dropout)
+ self.lstm = nn.LSTM(2*hidden_size, hidden_size, n_layers, dropout=dropout)
+ self.W1 = nn.Linear(2*hidden_size, hidden_size)
+ self.v = nn.Parameter(torch.rand(hidden_size))
+ stdv = 1. / math.sqrt(self.v.size(0))
+ self.v.data.normal_(mean=0, std=stdv)
+ self.concat = nn.Linear(hidden_size * 2, hidden_size)
+ self.U = nn.Linear(hidden_size, output_size)
+ self.W = nn.Linear(hidden_size, 1)
+
+ if USE_CUDA:
+ self.embedding = self.embedding.cuda()
+ self.embedding_dropout = self.embedding_dropout.cuda()
+ self.lstm = self.lstm.cuda()
+ self.W1 = self.W1.cuda()
+ self.v = self.v.cuda()
+ self.U = self.U.cuda()
+ self.W = self.W.cuda()
+
+ def forward(self, input_seq, last_hidden, encoder_outputs):
+ # Note: we run this one step at a time
+ # Get the embedding of the current input word (last output word)
+ max_len = encoder_outputs.size(0)
+ batch_size = input_seq.size(0)
+ input_seq = input_seq
+ encoder_outputs = encoder_outputs.transpose(0,1)
+
+ word_embedded = self.embedding(input_seq) # S=1 x B x N
+ word_embedded = self.embedding_dropout(word_embedded)
+
+ ## ATTENTION CALCULATION
+ s_t = last_hidden[0][-1].unsqueeze(0)
+ H = s_t.repeat(max_len,1,1).transpose(0,1)
+
+ energy = F.tanh(self.W1(torch.cat([H,encoder_outputs], 2)))
+ energy = energy.transpose(2,1)
+ v = self.v.repeat(encoder_outputs.data.shape[0],1).unsqueeze(1) #[B*1*H]
+ p_ptr = torch.bmm(v,energy) # [B*1*T]
+
+ a = F.softmax(p_ptr)
+ context = a.bmm(encoder_outputs)
+
+ # Combine embedded input word and attended context, run through RNN
+ rnn_input = torch.cat((word_embedded, context.squeeze()), 1).unsqueeze(0)
+ output, hidden = self.lstm(rnn_input, last_hidden)
+
+ p_vacab = self.U(output)
+
+ gate = F.sigmoid(self.W(hidden[0][-1]))
+
+ return p_ptr,p_vacab,gate,hidden
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_vanilla.py b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_vanilla.py
new file mode 100644
index 0000000..bf5fbed
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/models/enc_vanilla.py
@@ -0,0 +1,309 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.masked_cross_entropy import *
+from utils.config import *
+import random
+import numpy as np
+import datetime
+from utils.measures import wer,moses_multi_bleu
+
+class VanillaSeqToSeq(nn.Module):
+ def __init__(self,hidden_size,max_len,max_r,lang,path,task,lr=0.01,n_layers=1, dropout=0.1):
+ super(VanillaSeqToSeq, self).__init__()
+ self.name = "VanillaSeqToSeq"
+ self.task = task
+ self.input_size = lang.n_words
+ self.output_size = lang.n_words
+ self.hidden_size = hidden_size
+ self.max_len = max_len ## max input
+ self.max_r = max_r ## max responce len
+ self.lang = lang
+ self.lr = lr
+ self.decoder_learning_ratio = 1.0
+ self.n_layers = n_layers
+ self.dropout = dropout
+ if path:
+ if USE_CUDA:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th')
+ self.decoder = torch.load(str(path)+'/dec.th')
+ else:
+ logging.info("MODEL {} LOADED".format(str(path)))
+ self.encoder = torch.load(str(path)+'/enc.th',lambda storage, loc: storage)
+ self.decoder = torch.load(str(path)+'/dec.th',lambda storage, loc: storage)
+ self.decoder.viz_arr =[]
+ else:
+ self.encoder = EncoderRNN(lang.n_words, hidden_size, n_layers,dropout)
+ self.decoder = VanillaDecoderRNN(hidden_size, lang.n_words, self.max_len, n_layers, dropout)
+
+ # Initialize optimizers and criterion
+ self.encoder_optimizer = optim.Adam(self.encoder.parameters(), lr=lr)
+ self.decoder_optimizer = optim.Adam(self.decoder.parameters(), lr=lr * self.decoder_learning_ratio)
+
+ self.loss = 0
+ self.print_every = 1
+ # Move models to GPU
+ if USE_CUDA:
+ self.encoder.cuda()
+ self.decoder.cuda()
+
+ def print_loss(self):
+ print_loss_avg = self.loss / self.print_every
+ self.print_every += 1
+ return 'L:{:.2f}'.format(print_loss_avg)
+
+ def save_model(self,dec_type):
+ name_data = "KVR/" if self.task=='' else "BABI/"
+ if USEKB:
+ directory = 'save/vanilla_KB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ else:
+ directory = 'save/vanilla_noKB-'+name_data+str(self.task)+'HDD'+str(self.hidden_size)+'DR'+str(self.dropout)+'L'+str(self.n_layers)+'lr'+str(self.lr)+str(dec_type)
+ if not os.path.exists(directory):
+ os.makedirs(directory)
+ torch.save(self.encoder, directory+'/enc.th')
+ torch.save(self.decoder, directory+'/dec.th')
+
+ def load_model(self,file_name_enc,file_name_dec):
+ self.encoder = torch.load(file_name_enc)
+ self.decoder = torch.load(file_name_dec)
+
+
+ def train_batch(self, input_batches, input_lengths, target_batches,
+ target_lengths, target_index, target_gate, batch_size, clip,
+ teacher_forcing_ratio, reset):
+ # Zero gradients of both optimizers
+ if reset:
+ self.loss = 0
+ self.print_every = 1
+
+ self.encoder_optimizer.zero_grad()
+ self.decoder_optimizer.zero_grad()
+ # self.opt.zero_grad()
+ loss_Vocab,loss_Ptr,loss_Gate = 0,0,0
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths)
+
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ max_target_length = max(target_lengths)
+ all_decoder_outputs_vocab = Variable(torch.zeros(max_target_length, batch_size, self.output_size))
+ # Move new Variables to CUDA
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Choose whether to use teacher forcing
+ use_teacher_forcing = random.random() < teacher_forcing_ratio
+
+ if use_teacher_forcing:
+ # Run through decoder one time step at a time
+ for t in range(max_target_length):
+ decoder_vacab, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ decoder_input = target_batches[t] # Next input is current target
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ else:
+ for t in range(max_target_length):
+ decoder_vacab,decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ topv, topi = decoder_vacab.data.topk(1)
+ decoder_input = Variable(topi.view(-1)) # Chosen word is next input
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ #Loss calculation and backpropagation
+ loss_Vocab = masked_cross_entropy(
+ all_decoder_outputs_vocab.transpose(0, 1).contiguous(), # -> batch x seq
+ target_batches.transpose(0, 1).contiguous(), # -> batch x seq
+ target_lengths
+ )
+
+ loss = loss_Vocab
+ loss.backward()
+
+ # Clip gradient norms
+ ec = torch.nn.utils.clip_grad_norm(self.encoder.parameters(), clip)
+ dc = torch.nn.utils.clip_grad_norm(self.decoder.parameters(), clip)
+ # Update parameters with optimizers
+ self.encoder_optimizer.step()
+ self.decoder_optimizer.step()
+ # self.opt.step()
+
+ self.loss += loss.data[0]
+
+
+
+
+ def evaluate_batch(self,batch_size,input_batches, input_lengths, target_batches):
+ # Set to not-training mode to disable dropout
+ self.encoder.train(False)
+ self.decoder.train(False)
+ # Run words through encoder
+ encoder_outputs, encoder_hidden = self.encoder(input_batches, input_lengths, None)
+ # Prepare input and output variables
+ decoder_input = Variable(torch.LongTensor([SOS_token] * batch_size))
+ decoder_hidden = (encoder_hidden[0][:self.decoder.n_layers],encoder_hidden[1][:self.decoder.n_layers])
+
+ decoded_words = []
+ all_decoder_outputs_vocab = Variable(torch.zeros(self.max_r, batch_size, self.decoder.output_size))
+ # Move new Variables to CUDA
+
+ if USE_CUDA:
+ all_decoder_outputs_vocab = all_decoder_outputs_vocab.cuda()
+ decoder_input = decoder_input.cuda()
+
+ # Run through decoder one time step at a time
+ for t in range(self.max_r):
+ decoder_vacab,decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ all_decoder_outputs_vocab[t] = decoder_vacab
+ topv, topi = decoder_vacab.data.topk(1)
+ decoder_input = Variable(topi.view(-1))
+
+ decoded_words.append([''if ni == EOS_token else self.lang.index2word[ni] for ni in topi.view(-1)])
+ # Next input is chosen word
+ if USE_CUDA: decoder_input = decoder_input.cuda()
+
+ # Set back to training mode
+ self.encoder.train(True)
+ self.decoder.train(True)
+
+ return decoded_words
+
+ def evaluate(self,dev,avg_best,BLEU=False):
+ logging.info("STARTING EVALUATION")
+ acc_avg = 0.0
+ wer_avg = 0.0
+ bleu_avg = 0.0
+ acc_P = 0.0
+ acc_V = 0.0
+ ref = []
+ hyp = []
+ ref_s = ""
+ hyp_s = ""
+ pbar = tqdm(enumerate(dev),total=len(dev))
+ for j, data_dev in pbar:
+ words = self.evaluate_batch(len(data_dev[1]),data_dev[0],data_dev[1],data_dev[2])
+ acc=0
+ w = 0
+ temp_gen = []
+ #print(words)
+ for i, row in enumerate(np.transpose(words)):
+ st = ''
+ for e in row:
+ if e== '':
+ break
+ else:
+ st+= e + ' '
+ temp_gen.append(st)
+ correct = data_dev[7][i]
+
+ if (correct.lstrip().rstrip() == st.lstrip().rstrip()):
+ acc+=1
+ #else:
+ # print("Correct:"+str(correct.lstrip().rstrip()))
+ # print("\tPredict:"+str(st.lstrip().rstrip()))
+ # print("\tFrom:"+str(self.from_whichs[:,i]))
+
+ w += wer(correct.lstrip().rstrip(),st.lstrip().rstrip())
+ ref.append(str(correct.lstrip().rstrip()))
+ hyp.append(str(st.lstrip().rstrip()))
+ ref_s+=str(correct.lstrip().rstrip())+ "\n"
+ hyp_s+=str(st.lstrip().rstrip()) + "\n"
+
+ acc_avg += acc/float(len(data_dev[1]))
+ wer_avg += w/float(len(data_dev[1]))
+ pbar.set_description("R:{:.4f},W:{:.4f}".format(acc_avg/float(len(dev)),
+ wer_avg/float(len(dev))))
+
+ if (BLEU):
+ bleu_score = moses_multi_bleu(np.array(hyp), np.array(ref), lowercase=True)
+ logging.info("BLEU SCORE:"+str(bleu_score))
+
+ if (bleu_score >= avg_best):
+ self.save_model(str(self.name)+str(bleu_score))
+ logging.info("MODEL SAVED")
+ return bleu_score
+ else:
+ acc_avg = acc_avg/float(len(dev))
+ if (acc_avg >= avg_best):
+ self.save_model(str(self.name)+str(acc_avg))
+ logging.info("MODEL SAVED")
+ return acc_avg
+
+
+class EncoderRNN(nn.Module):
+ def __init__(self, input_size, hidden_size, n_layers=1, dropout=0.1):
+ super(EncoderRNN, self).__init__()
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.embedding_dropout = nn.Dropout(dropout)
+ self.embedding = nn.Embedding(input_size, hidden_size)
+ self.lstm = nn.LSTM(hidden_size, hidden_size, n_layers, dropout=self.dropout)
+ if USE_CUDA:
+ self.lstm = self.lstm.cuda()
+ self.embedding_dropout = self.embedding_dropout.cuda()
+ self.embedding = self.embedding.cuda()
+
+ def get_state(self, input):
+ """Get cell states and hidden states."""
+ batch_size = input.size(1)
+ h0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size )) ### * self.num_directions = 2 if bi
+ c0_encoder = Variable(torch.zeros(self.n_layers, batch_size, self.hidden_size ))
+ if USE_CUDA:
+ h0_encoder = h0_encoder.cuda()
+ c0_encoder = c0_encoder.cuda()
+ return h0_encoder, c0_encoder
+
+ def forward(self, input_seqs, input_lengths, hidden=None):
+ # Note: we run this all at once (over multiple batches of multiple sequences)
+ embedded = self.embedding(input_seqs)
+ embedded = self.embedding_dropout(embedded)
+ h0_encoder, c0_encoder = self.get_state(input_seqs)
+ if input_lengths:
+ embedded = nn.utils.rnn.pack_padded_sequence(embedded, input_lengths, batch_first=False)
+ outputs, (src_h_t, src_c_t) = self.lstm(embedded, (h0_encoder, c0_encoder))
+ if input_lengths:
+ outputs, _ = nn.utils.rnn.pad_packed_sequence(outputs, batch_first=False)
+ return outputs, (src_h_t, src_c_t)
+
+class VanillaDecoderRNN(nn.Module):
+ def __init__(self, hidden_size, output_size, max_len, n_layers=1, dropout=0.1):
+ super(VanillaDecoderRNN, self).__init__()
+ # Keep for reference
+ self.hidden_size = hidden_size
+ self.output_size = output_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+
+ # Define layers
+ self.embedding = nn.Embedding(output_size, hidden_size)
+ self.embedding_dropout = nn.Dropout(dropout)
+ self.lstm = nn.LSTM(hidden_size, hidden_size, n_layers, dropout=dropout)
+ self.out = nn.Linear(hidden_size, output_size)
+ if USE_CUDA:
+ self.embedding = self.embedding.cuda()
+ self.embedding_dropout = self.embedding_dropout.cuda()
+ self.lstm = self.lstm.cuda()
+ self.out = self.out.cuda()
+
+ def forward(self, input_seq, last_hidden, encoder_outputs):
+ batch_size = input_seq.size(0)
+ embedded = self.embedding(input_seq)
+ embedded = self.embedding_dropout(embedded)
+ embedded = embedded.view(1, batch_size, self.hidden_size) # S=1 x B x N
+ rnn_output, hidden = self.lstm(embedded, last_hidden)
+ output = self.out(rnn_output)
+
+ return output.squeeze(0),hidden
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/__init__.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/config.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/config.py
new file mode 100644
index 0000000..a9f3f54
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/config.py
@@ -0,0 +1,51 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import os
+import logging
+import argparse
+from tqdm import tqdm
+
+UNK_token = 0
+PAD_token = 1
+EOS_token = 2
+SOS_token = 3
+
+if (os.cpu_count() > 8):
+ USE_CUDA = True
+else:
+ USE_CUDA = False
+MAX_LENGTH = 10
+
+parser = argparse.ArgumentParser(description='Seq_TO_Seq Dialogue bAbI')
+parser.add_argument('-ds','--dataset', help='dataset, babi or kvr', required=False)
+parser.add_argument('-t','--task', help='Task Number', required=False)
+parser.add_argument('-dec','--decoder', help='decoder model', required=False)
+parser.add_argument('-hdd','--hidden', help='Hidden size', required=False)
+parser.add_argument('-bsz','--batch', help='Batch_size', required=False)
+parser.add_argument('-lr','--learn', help='Learning Rate', required=False)
+parser.add_argument('-dr','--drop', help='Drop Out', required=False)
+parser.add_argument('-um','--unk_mask', help='mask out input token to UNK', required=False, default=1)
+parser.add_argument('-layer','--layer', help='Layer Number', required=False)
+parser.add_argument('-lm','--limit', help='Word Limit', required=False,default=-10000)
+
+file_name = "HDD128BSZ16DR0.2L2lr0.001Mem2Seq0.0023097826086956523"
+full_path = os.path.join(os.path.dirname(os.path.dirname(os.path.abspath(__file__))), 'save', 'mem2seq-WOZ', file_name)
+parser.add_argument('-path','--path', default=full_path, help='path of the file to load', required=False)
+parser.add_argument('-test','--test', help='Testing mode', required=False)
+parser.add_argument('-sample','--sample', help='Number of Samples', required=False,default=None)
+parser.add_argument('-useKB','--useKB', help='Put KB in the input or not', required=False, default=1)
+parser.add_argument('-ep','--entPtr', help='Restrict Ptr only point to entity', required=False, default=0)
+parser.add_argument('-evalp','--evalp', help='evaluation period', required=False, default=2)
+parser.add_argument('-an','--addName', help='An add name for the save folder', required=False, default='')
+
+args = vars(parser.parse_args())
+print(args)
+
+name = str(args['task'])+str(args['decoder'])+str(args['hidden'])+str(args['batch'])+str(args['learn'])+str(args['drop'])+str(args['layer'])+str(args['limit'])
+logging.basicConfig(level=logging.INFO, format='%(asctime)s %(message)s', datefmt='%m-%d %H:%M')#,filename='save/logs/{}.log'.format(str(name)))
+
+LIMIT = int(args["limit"])
+USEKB = int(args["useKB"])
+ENTPTR = int(args["entPtr"])
+ADDNAME = args["addName"]
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/masked_cross_entropy.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/masked_cross_entropy.py
new file mode 100644
index 0000000..f26037d
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/masked_cross_entropy.py
@@ -0,0 +1,57 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+from torch.nn import functional
+from torch.autograd import Variable
+from .config import *
+
+def sequence_mask(sequence_length, max_len=None):
+ if max_len is None:
+ max_len = sequence_length.data.max()
+ batch_size = sequence_length.size(0)
+ seq_range = torch.arange(0, max_len).long()
+ seq_range_expand = seq_range.unsqueeze(0).expand(batch_size, max_len)
+ seq_range_expand = Variable(seq_range_expand)
+ if sequence_length.is_cuda:
+ seq_range_expand = seq_range_expand.cuda()
+ seq_length_expand = (sequence_length.unsqueeze(1)
+ .expand_as(seq_range_expand))
+ return seq_range_expand < seq_length_expand
+
+
+def masked_cross_entropy(logits, target, length):
+ """
+ Args:
+ logits: A Variable containing a FloatTensor of size
+ (batch, max_len, num_classes) which contains the
+ unnormalized probability for each class.
+ target: A Variable containing a LongTensor of size
+ (batch, max_len) which contains the index of the true
+ class for each corresponding step.
+ length: A Variable containing a LongTensor of size (batch,)
+ which contains the length of each data in a batch.
+
+ Returns:
+ loss: An average loss value masked by the length.
+ """
+ if USE_CUDA:
+ length = Variable(torch.LongTensor(length)).cuda()
+ else:
+ length = Variable(torch.LongTensor(length))
+
+ # logits_flat: (batch * max_len, num_classes)
+ logits_flat = logits.view(-1, logits.size(-1)) ## -1 means infered from other dimentions
+ # log_probs_flat: (batch * max_len, num_classes)
+ log_probs_flat = functional.log_softmax(logits_flat,dim=1)
+ # target_flat: (batch * max_len, 1)
+ target_flat = target.view(-1, 1)
+ # losses_flat: (batch * max_len, 1)
+ losses_flat = -torch.gather(log_probs_flat, dim=1, index=target_flat)
+ # losses: (batch, max_len)
+ losses = losses_flat.view(*target.size())
+ # mask: (batch, max_len)
+ mask = sequence_mask(sequence_length=length, max_len=target.size(1))
+ losses = losses * mask.float()
+ loss = losses.sum() / length.float().sum()
+ return loss
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/measures.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/measures.py
new file mode 100644
index 0000000..de8879e
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/measures.py
@@ -0,0 +1,119 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+from __future__ import absolute_import
+from __future__ import division
+from __future__ import print_function
+from __future__ import unicode_literals
+import numpy
+
+import os
+import re
+import subprocess
+import tempfile
+import numpy as np
+
+from six.moves import urllib
+
+def wer(r, h):
+ """
+ This is a function that calculate the word error rate in ASR.
+ You can use it like this: wer("what is it".split(), "what is".split())
+ """
+ #build the matrix
+ d = numpy.zeros((len(r)+1)*(len(h)+1), dtype=numpy.uint8).reshape((len(r)+1, len(h)+1))
+ for i in range(len(r)+1):
+ for j in range(len(h)+1):
+ if i == 0: d[0][j] = j
+ elif j == 0: d[i][0] = i
+ for i in range(1,len(r)+1):
+ for j in range(1, len(h)+1):
+ if r[i-1] == h[j-1]:
+ d[i][j] = d[i-1][j-1]
+ else:
+ substitute = d[i-1][j-1] + 1
+ insert = d[i][j-1] + 1
+ delete = d[i-1][j] + 1
+ d[i][j] = min(substitute, insert, delete)
+ result = float(d[len(r)][len(h)]) / len(r) * 100
+ # result = str("%.2f" % result) + "%"
+ return result
+
+# -*- coding: utf-8 -*-
+# Copyright 2017 Google Inc.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""BLEU metric implementation.
+"""
+
+
+def moses_multi_bleu(hypotheses, references, lowercase=False):
+ """Calculate the bleu score for hypotheses and references
+ using the MOSES ulti-bleu.perl script.
+ Args:
+ hypotheses: A numpy array of strings where each string is a single example.
+ references: A numpy array of strings where each string is a single example.
+ lowercase: If true, pass the "-lc" flag to the multi-bleu script
+ Returns:
+ The BLEU score as a float32 value.
+ """
+
+ if np.size(hypotheses) == 0:
+ return np.float32(0.0)
+
+
+ # Get MOSES multi-bleu script
+ try:
+ multi_bleu_path, _ = urllib.request.urlretrieve(
+ "https://raw.githubusercontent.com/moses-smt/mosesdecoder/"
+ "master/scripts/generic/multi-bleu.perl")
+ os.chmod(multi_bleu_path, 0o744)
+ except: #pylint: disable=W0702
+ print("Unable to fetch multi-bleu.perl script, using local.")
+ metrics_dir = os.path.dirname(os.path.realpath(__file__))
+ bin_dir = os.path.abspath(os.path.join(metrics_dir, "..", "..", "bin"))
+ multi_bleu_path = os.path.join(bin_dir, "tools/multi-bleu.perl")
+
+
+ # Dump hypotheses and references to tempfiles
+ hypothesis_file = tempfile.NamedTemporaryFile()
+ hypothesis_file.write("\n".join(hypotheses).encode("utf-8"))
+ hypothesis_file.write(b"\n")
+ hypothesis_file.flush()
+ reference_file = tempfile.NamedTemporaryFile()
+ reference_file.write("\n".join(references).encode("utf-8"))
+ reference_file.write(b"\n")
+ reference_file.flush()
+
+
+ # Calculate BLEU using multi-bleu script
+ with open(hypothesis_file.name, "r") as read_pred:
+ bleu_cmd = [multi_bleu_path]
+ if lowercase:
+ bleu_cmd += ["-lc"]
+ bleu_cmd += [reference_file.name]
+ try:
+ bleu_out = subprocess.check_output(bleu_cmd, stdin=read_pred, stderr=subprocess.STDOUT)
+ bleu_out = bleu_out.decode("utf-8")
+ bleu_score = re.search(r"BLEU = (.+?),", bleu_out).group(1)
+ bleu_score = float(bleu_score)
+ except subprocess.CalledProcessError as error:
+ if error.output is not None:
+ print("multi-bleu.perl script returned non-zero exit code")
+ print(error.output)
+ bleu_score = np.float32(0.0)
+
+ # Close temp files
+ hypothesis_file.close()
+ reference_file.close()
+ return bleu_score
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/multi-bleu.perl b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/multi-bleu.perl
new file mode 100644
index 0000000..92645cb
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/multi-bleu.perl
@@ -0,0 +1,177 @@
+#!/usr/bin/env perl
+#
+# This file is part of moses. Its use is licensed under the GNU Lesser General
+# Public License version 2.1 or, at your option, any later version.
+
+# $Id$
+use warnings;
+use strict;
+
+my $lowercase = 0;
+if ($ARGV[0] eq "-lc") {
+ $lowercase = 1;
+ shift;
+}
+
+my $stem = $ARGV[0];
+if (!defined $stem) {
+ print STDERR "usage: multi-bleu.pl [-lc] reference < hypothesis\n";
+ print STDERR "Reads the references from reference or reference0, reference1, ...\n";
+ exit(1);
+}
+
+$stem .= ".ref" if !-e $stem && !-e $stem."0" && -e $stem.".ref0";
+
+my @REF;
+my $ref=0;
+while(-e "$stem$ref") {
+ &add_to_ref("$stem$ref",\@REF);
+ $ref++;
+}
+&add_to_ref($stem,\@REF) if -e $stem;
+die("ERROR: could not find reference file $stem") unless scalar @REF;
+
+# add additional references explicitly specified on the command line
+shift;
+foreach my $stem (@ARGV) {
+ &add_to_ref($stem,\@REF) if -e $stem;
+}
+
+
+
+sub add_to_ref {
+ my ($file,$REF) = @_;
+ my $s=0;
+ if ($file =~ /.gz$/) {
+ open(REF,"gzip -dc $file|") or die "Can't read $file";
+ } else {
+ open(REF,$file) or die "Can't read $file";
+ }
+ while([) {
+ chop;
+ push @{$$REF[$s++]}, $_;
+ }
+ close(REF);
+}
+
+my(@CORRECT,@TOTAL,$length_translation,$length_reference);
+my $s=0;
+while() {
+ chop;
+ $_ = lc if $lowercase;
+ my @WORD = split;
+ my %REF_NGRAM = ();
+ my $length_translation_this_sentence = scalar(@WORD);
+ my ($closest_diff,$closest_length) = (9999,9999);
+ foreach my $reference (@{$REF[$s]}) {
+# print "$s $_ <=> $reference\n";
+ $reference = lc($reference) if $lowercase;
+ my @WORD = split(' ',$reference);
+ my $length = scalar(@WORD);
+ my $diff = abs($length_translation_this_sentence-$length);
+ if ($diff < $closest_diff) {
+ $closest_diff = $diff;
+ $closest_length = $length;
+ # print STDERR "$s: closest diff ".abs($length_translation_this_sentence-$length)." = abs($length_translation_this_sentence-$length), setting len: $closest_length\n";
+ } elsif ($diff == $closest_diff) {
+ $closest_length = $length if $length < $closest_length;
+ # from two references with the same closeness to me
+ # take the *shorter* into account, not the "first" one.
+ }
+ for(my $n=1;$n<=4;$n++) {
+ my %REF_NGRAM_N = ();
+ for(my $start=0;$start<=$#WORD-($n-1);$start++) {
+ my $ngram = "$n";
+ for(my $w=0;$w<$n;$w++) {
+ $ngram .= " ".$WORD[$start+$w];
+ }
+ $REF_NGRAM_N{$ngram}++;
+ }
+ foreach my $ngram (keys %REF_NGRAM_N) {
+ if (!defined($REF_NGRAM{$ngram}) ||
+ $REF_NGRAM{$ngram} < $REF_NGRAM_N{$ngram}) {
+ $REF_NGRAM{$ngram} = $REF_NGRAM_N{$ngram};
+# print "$i: REF_NGRAM{$ngram} = $REF_NGRAM{$ngram}]
\n";
+ }
+ }
+ }
+ }
+ $length_translation += $length_translation_this_sentence;
+ $length_reference += $closest_length;
+ for(my $n=1;$n<=4;$n++) {
+ my %T_NGRAM = ();
+ for(my $start=0;$start<=$#WORD-($n-1);$start++) {
+ my $ngram = "$n";
+ for(my $w=0;$w<$n;$w++) {
+ $ngram .= " ".$WORD[$start+$w];
+ }
+ $T_NGRAM{$ngram}++;
+ }
+ foreach my $ngram (keys %T_NGRAM) {
+ $ngram =~ /^(\d+) /;
+ my $n = $1;
+ # my $corr = 0;
+# print "$i e $ngram $T_NGRAM{$ngram}
\n";
+ $TOTAL[$n] += $T_NGRAM{$ngram};
+ if (defined($REF_NGRAM{$ngram})) {
+ if ($REF_NGRAM{$ngram} >= $T_NGRAM{$ngram}) {
+ $CORRECT[$n] += $T_NGRAM{$ngram};
+ # $corr = $T_NGRAM{$ngram};
+# print "$i e correct1 $T_NGRAM{$ngram}
\n";
+ }
+ else {
+ $CORRECT[$n] += $REF_NGRAM{$ngram};
+ # $corr = $REF_NGRAM{$ngram};
+# print "$i e correct2 $REF_NGRAM{$ngram}
\n";
+ }
+ }
+ # $REF_NGRAM{$ngram} = 0 if !defined $REF_NGRAM{$ngram};
+ # print STDERR "$ngram: {$s, $REF_NGRAM{$ngram}, $T_NGRAM{$ngram}, $corr}\n"
+ }
+ }
+ $s++;
+}
+my $brevity_penalty = 1;
+my $bleu = 0;
+
+my @bleu=();
+
+for(my $n=1;$n<=4;$n++) {
+ if (defined ($TOTAL[$n])){
+ $bleu[$n]=($TOTAL[$n])?$CORRECT[$n]/$TOTAL[$n]:0;
+ # print STDERR "CORRECT[$n]:$CORRECT[$n] TOTAL[$n]:$TOTAL[$n]\n";
+ }else{
+ $bleu[$n]=0;
+ }
+}
+
+if ($length_reference==0){
+ printf "BLEU = 0, 0/0/0/0 (BP=0, ratio=0, hyp_len=0, ref_len=0)\n";
+ exit(1);
+}
+
+if ($length_translation<$length_reference) {
+ $brevity_penalty = exp(1-$length_reference/$length_translation);
+}
+$bleu = $brevity_penalty * exp((my_log( $bleu[1] ) +
+ my_log( $bleu[2] ) +
+ my_log( $bleu[3] ) +
+ my_log( $bleu[4] ) ) / 4) ;
+printf "BLEU = %.2f, %.1f/%.1f/%.1f/%.1f (BP=%.3f, ratio=%.3f, hyp_len=%d, ref_len=%d)\n",
+ 100*$bleu,
+ 100*$bleu[1],
+ 100*$bleu[2],
+ 100*$bleu[3],
+ 100*$bleu[4],
+ $brevity_penalty,
+ $length_translation / $length_reference,
+ $length_translation,
+ $length_reference;
+
+
+print STDERR "It is in-advisable to publish scores from multi-bleu.perl. The scores depend on your tokenizer, which is unlikely to be reproducible from your paper or consistent across research groups. Instead you should detokenize then use mteval-v14.pl, which has a standard tokenization. Scores from multi-bleu.perl can still be used for internal purposes when you have a consistent tokenizer.\n";
+
+sub my_log {
+ return -9999999999 unless $_[0];
+ return log($_[0]);
+}
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/until_temp.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/until_temp.py
new file mode 100644
index 0000000..c67360f
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/until_temp.py
@@ -0,0 +1,344 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from .config import *
+import logging
+import datetime
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4# Count default tokens
+
+ def index_words(self, sentence):
+ for word in sentence.split(' '):
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, trg_plain ,src_word2id, trg_word2id,max_len):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.trg_plain = trg_plain
+ self.src_plain = src_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ trg_plain = self.trg_plain[index]
+ src_plain = self.src_plain[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ # gete_s = self.preprocess_gate(gete_s)
+
+ return src_seq, trg_seq, index_s, trg_plain,self.max_len, src_plain
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ sequence = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_inde(self, sequence,src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.zeros(len(sequences), max_len[0]).long()
+ else:
+ padded_seqs = torch.zeros(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[0]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, target_plain, max_len, src_plain = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ ind_seqs, ind_lenght = merge(ind_seqs,None)
+ # gete_s, _ = merge(gete_s,None)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(torch.Tensor(trg_seqs))
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ # gete_s = Variable(gete_s).transpose(0,1)
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ # gete_s = gete_s.cuda()
+ return src_seqs, src_lengths, trg_seqs, ind_lenght, ind_seqs, target_plain, src_plain
+
+# Turn a Unicode string to plain ASCII, thanks to http://stackoverflow.com/a/518232/2809427
+def unicode_to_ascii(s):
+ return ''.join(c for c in unicodedata.normalize('NFD', s) if unicodedata.category(c) != 'Mn' )
+
+# Lowercase, trim, and remove non-letter characters
+def normalize_string(s):
+
+ s = unicode_to_ascii(s.lower().strip())
+ if s=='':
+ return s
+ s = re.sub(r"([,.!?])", r" \1 ", s)
+ s = re.sub(r"[^a-zA-Z,.!?]+", r" ", s)
+ s = re.sub(r"\s+", r" ", s).strip()
+ return s
+
+def read_langs(file_name, entity, can, ind2cand ,max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ # Read the file and split into lines
+ data=[]
+ context=""
+ u=None
+ r=None
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ for line in fin:
+ line=line.strip()
+ if line:
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r = line.split('\t')
+ context += str(u)+" "
+ contex_arr = context.split(' ')[LIMIT:]
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ if (key in entity):
+ index = [loc for loc, val in enumerate(contex_arr) if val == key]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+
+ if (len(r_index)==0):
+ r_index = [len(contex_arr) ,len(contex_arr) ,len(contex_arr) ,len(contex_arr) ]
+ if (len(r_index)==1):
+ r_index.append(len(contex_arr))
+ r_index.append(len(contex_arr))
+ r_index.append(len(contex_arr))
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+
+ data.append([" ".join(contex_arr)+" $$$$",can[r],r_index,r])
+ context+=str(r)+" "
+ else:
+ r=line
+ context+=str(r)+" "
+ else:
+ cnt_lin+=1
+ if(max_line and cnt_lin>=max_line):
+ break
+ context=""
+ max_len = max([len(d[0].split(' ')) for d in data])
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ return data, max_len, max_r_len
+
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ if(type):
+ lang.index_words(pair[0])
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def get_type_dict(kb_path, dstc2=False):
+ """
+ Specifically, we augment the vocabulary with some special words, one for each of the KB entity types
+ For each type, the corresponding type word is added to the candidate representation if a word is found that appears
+ 1) as a KB entity of that type,
+ """
+ type_dict = {'R_restaurant':[]}
+
+ kb_path_temp = kb_path
+ fd = open(kb_path_temp,'r')
+
+ for line in fd:
+ if dstc2:
+ x = line.replace('\n','').split(' ')
+ rest_name = x[1]
+ entity = x[2]
+ entity_value = x[3]
+ else:
+ x = line.split('\t')[0].split(' ')
+ rest_name = x[1]
+ entity = x[2]
+ entity_value = line.split('\t')[1].replace('\n','')
+
+ if rest_name not in type_dict['R_restaurant']:
+ type_dict['R_restaurant'].append(rest_name)
+ if entity not in type_dict.keys():
+ type_dict[entity] = []
+ if entity_value not in type_dict[entity]:
+ type_dict[entity].append(entity_value)
+ return type_dict
+
+def entityList(kb_path, task_id):
+ type_dict = get_type_dict(kb_path, dstc2=(task_id==6))
+ entity_list = []
+ for key in type_dict.keys():
+ for value in type_dict[key]:
+ entity_list.append(value)
+ return entity_list
+
+
+def load_candidates(task_id, candidates_f):
+ # containers
+ #type_dict = get_type_dict(KB_DIR, dstc2=(task_id==6))
+ candidates, candid2idx, idx2candid = [], {}, {}
+ # update data source file based on task id
+ candidates_f = DATA_SOURCE_TASK6 if task_id==6 else candidates_f
+ # read from file
+ with open(candidates_f) as f:
+ # iterate through lines
+ for i, line in enumerate(f):
+ # tokenize each line into... well.. tokens!
+ temp = line.strip().split(' ')
+ candid2idx[line.strip().split(' ',1)[1]] = i
+ candidates.append(temp[1:])
+ idx2candid[i] = line.strip().split(' ',1)[1]
+ return candidates, candid2idx, idx2candid
+
+def candid2DL(candid_path, kb_path, task_id):
+ type_dict = get_type_dict(kb_path, dstc2=(task_id==6))
+ candidates, _, _ = load_candidates(task_id=task_id, candidates_f=candid_path)
+ candid_all = []
+ candid2candDL = {}
+ for index, cand in enumerate(candidates):
+ cand_DL = [ x for x in cand]
+ for index, word in enumerate(cand_DL):
+ for type_name in type_dict:
+ if word in type_dict[type_name] and type_name != 'R_rating':
+ cand_DL[index] = type_name
+ break
+ cand_DL = ' '.join(cand_DL)
+ candid_all.append(cand_DL)
+ candid2candDL[' '.join(cand)] = cand_DL
+ cand_list = list(set(candid_all))
+ candid2idx = dict((c, i) for i, c in enumerate(cand_list))
+ idx2candid = dict((i, c) for c, i in candid2idx.items())
+
+ for key in candid2candDL.keys():
+ candid2candDL[key] = candid2idx[candid2candDL[key]]
+
+ return candid2candDL, idx2candid
+
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = 'data/dialog-bAbI-tasks/dialog-babi-task{}trn.txt'.format(task)
+ file_dev = 'data/dialog-bAbI-tasks/dialog-babi-task{}dev.txt'.format(task)
+ file_test = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst.txt'.format(task)
+ if (int(task) != 6):
+ file_test_OOV = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst-OOV.txt'.format(task)
+
+ ent = entityList('data/dialog-bAbI-tasks/dialog-babi-kb-all.txt',int(task))
+ can, ind2cand = candid2DL('data/dialog-bAbI-tasks/dialog-babi-candidates.txt', 'data/dialog-bAbI-tasks/dialog-babi-kb-all.txt', int(task))
+ pair_train,max_len_train, max_r_train = read_langs(file_train,ent, can, ind2cand ,max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev,ent, can, ind2cand ,max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, ent,can, ind2cand ,max_line=None)
+
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+ if (int(task) != 6):
+ pair_test_OOV,max_len_test_OOV, max_r_test_OOV = read_langs(file_test_OOV,ent,can, ind2cand , max_line=None)
+
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) +1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+ if (int(task) != 6):
+ testOOV = get_seq(pair_test_OOV,lang,batch_size,False,max_len)
+ else:
+ testOOV = []
+
+ print(pair_dev[0:20])
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ if (int(task) != 6):
+ logging.info("Read %s sentence pairs test" % len(pair_test_OOV))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+
+ return train, dev, test, testOOV, lang, max_len, max_r, len(ind2cand),ind2cand
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_NMT.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_NMT.py
new file mode 100644
index 0000000..655f53d
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_NMT.py
@@ -0,0 +1,190 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.config import *
+import logging
+from nltk.tokenize import word_tokenize
+
+def hasNumbers(inputString):
+ return any(char.isdigit() for char in inputString)
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, story):
+ for word in story:
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq ,src_word2id, trg_word2id,max_len):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.preprocess(self.src_seqs[index], self.src_word2id, trg=False)
+ trg_seq = self.preprocess(self.trg_seqs[index], self.trg_word2id)
+ index_s = self.preprocess_inde(self.index_seqs[index],src_seq)
+ return src_seq, trg_seq, index_s, self.max_len, self.src_seqs[index],self.trg_seqs[index]
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ if trg:
+ story = [word2id[word] if word in word2id else UNK_token for word in sequence]+ [EOS_token]
+ else:
+ story = [word2id[word] if word in word2id else UNK_token for word in sequence]
+
+ story = torch.Tensor(story)
+
+ return story
+
+ def preprocess_inde(self, sequence, src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences):
+ lengths = [len(seq) for seq in sequences]
+ padded_seqs = torch.ones(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[-1]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, max_len, src_plain,trg_plain = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs)
+ trg_seqs, trg_lengths = merge(trg_seqs)
+ ind_seqs, _ = merge(ind_seqs)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, src_plain, trg_plain
+
+
+
+def read_langs(file_name, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ data=[]
+
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ for line in fin:
+ line=line.strip()
+ if line:
+ eng, fre = line.split('\t')
+ eng, fre = word_tokenize(eng.lower()), word_tokenize(fre.lower())
+ ptr_index = []
+ for key in fre:
+ index = [loc for loc, val in enumerate(eng) if (val[0] == key)]
+ if (index):
+ index = max(index)
+ cnt_ptr +=1
+ else:
+ index = len(eng) ## sentinel
+ cnt_voc +=1
+ ptr_index.append(index)
+
+ if len(ptr_index) > max_r_len:
+ max_r_len = len(ptr_index)
+ eng = eng + ['$$$$']
+ # print(eng,fre,ptr_index)
+ data.append([eng,fre,ptr_index])
+
+
+ max_len = max([len(d[0]) for d in data])
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info('Sample: Eng = {}, Fre = {}, Ptr = {}'.format(" ".join(data[0][0])," ".join(data[0][1]),data[0][2]))
+ return data, max_len, max_r_len
+
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1])
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,lang.word2index, lang.word2index,max_len)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(batch_size=100,shuffle=True):
+ file_train = 'data/eng-fra.txt'
+
+ pair_train,max_len, max_r = read_langs(file_train,max_line=None)
+
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+
+ return train,lang, max_len, max_r
+
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi.py
new file mode 100644
index 0000000..2f0f8cc
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi.py
@@ -0,0 +1,242 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.config import *
+import logging
+import datetime
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, sentence):
+ for word in sentence.split(' '):
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, gate_seq,src_word2id, trg_word2id,max_len):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.gate_seq = gate_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ gete_s = self.gate_seq[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ trg_seq = self.preprocess(trg_seq, self.trg_word2id)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ gete_s = self.preprocess_gate(gete_s)
+
+ return src_seq, trg_seq, index_s, gete_s,self.max_len,self.src_seqs[index],self.trg_seqs[index]
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ if(trg):
+ sequence = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ sequence = torch.Tensor(sequence)
+ else:
+ sequence = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_inde(self, sequence,src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.ones(len(sequences), max_len[0]).long()
+ else:
+ padded_seqs = torch.ones(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[0]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, gete_s, max_len, src_plain,trg_plain = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ trg_seqs, trg_lengths = merge(trg_seqs,None)
+ ind_seqs, _ = merge(ind_seqs,None)
+ gete_s, _ = merge(gete_s,None)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ gete_s = Variable(gete_s).transpose(0,1)
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ gete_s = gete_s.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, gete_s, src_plain, trg_plain
+
+
+def read_langs(file_name, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ # Read the file and split into lines
+ data=[]
+ context=""
+ u=None
+ r=None
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ for line in fin:
+ line=line.strip()
+ if line:
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r = line.split('\t')
+ context += str(u)+" "
+ contex_arr = context.split(' ')[LIMIT:]
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ index = [loc for loc, val in enumerate(contex_arr) if val == key]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr) - 1
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+ data.append([" ".join(contex_arr)+"$$$$",r,r_index,gate])
+ context+=str(r)+" "
+ else:
+ r=line
+ if USEKB:
+ context+=str(r)+" "
+ else:
+ cnt_lin+=1
+ if(max_line and cnt_lin>=max_line):
+ break
+ context=""
+ max_len = max([len(d[0].split(' ')) for d in data])
+ avg_len = sum([len(d[0].split(' ')) for d in data]) / float(len([len(d[0].split(' ')) for d in data]))
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info("AVG Input Len: {}".format(avg_len))
+ return data, max_len, max_r_len
+
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1])
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = 'data/dialog-bAbI-tasks/dialog-babi-task{}trn.txt'.format(task)
+ file_dev = 'data/dialog-bAbI-tasks/dialog-babi-task{}dev.txt'.format(task)
+ file_test = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst.txt'.format(task)
+ if (int(task) != 6):
+ file_test_OOV = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst-OOV.txt'.format(task)
+ pair_train,max_len_train, max_r_train = read_langs(file_train, max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev, max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, max_line=None)
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+ if (int(task) != 6):
+ pair_test_OOV,max_len_test_OOV, max_r_test_OOV = read_langs(file_test_OOV, max_line=None)
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) +1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+ if (int(task) != 6):
+ testOOV = get_seq(pair_test_OOV,lang,batch_size,False,max_len)
+ else:
+ testOOV = []
+
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ if (int(task) != 6):
+ logging.info("Read %s sentence pairs test" % len(pair_test_OOV))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+
+ return train, dev, test, testOOV, lang, max_len, max_r
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi_mem2seq.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi_mem2seq.py
new file mode 100644
index 0000000..93cdc49
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_babi_mem2seq.py
@@ -0,0 +1,353 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.config import *
+import logging
+import datetime
+import ast
+from utils.until_temp import entityList
+
+def hasNumbers(inputString):
+ return any(char.isdigit() for char in inputString)
+
+MEM_TOKEN_SIZE = 3
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, story, trg=False):
+ if trg:
+ for word in story.split(' '):
+ self.index_word(word)
+ else:
+ for word_triple in story:
+ for word in word_triple:
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, gate_seq,src_word2id, trg_word2id,max_len, conv_seq,ent,ID,kb_arr):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.gate_seq = gate_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+ self.conv_seq = conv_seq
+ self.ent = ent
+ self.ID = ID
+ self.kb_arr = kb_arr
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ gete_s = self.gate_seq[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ trg_seq = self.preprocess(trg_seq, self.trg_word2id)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ gete_s = self.preprocess_gate(gete_s)
+ conv_seq = self.conv_seq[index]
+ conv_seq = self.preprocess(conv_seq, self.src_word2id, trg=False)
+ ID = self.ID[index]
+ kb_arr = self.kb_arr[index]
+
+ return src_seq, trg_seq, index_s, gete_s,self.max_len,self.src_seqs[index],self.trg_seqs[index], conv_seq,self.ent[index], ID, kb_arr
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ if trg:
+ story = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ else:
+ story = []
+ for i, word_triple in enumerate(sequence):
+ story.append([])
+ for ii, word in enumerate(word_triple):
+ temp = word2id[word] if word in word2id else UNK_token
+ story[i].append(temp)
+ try:
+ story = torch.Tensor(story)
+ except:
+ print(sequence)
+ print(story)
+ return story
+
+ def preprocess_inde(self, sequence, src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.ones(len(sequences), max(lengths), MEM_TOKEN_SIZE).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i,:end,:] = seq[:end]
+ else:
+ padded_seqs = torch.ones(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[0]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, gete_s, max_len, src_plain,trg_plain, conv_seq, ent, ID, kb_arr = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ trg_seqs, trg_lengths = merge(trg_seqs,None)
+ ind_seqs, _ = merge(ind_seqs,None)
+ gete_s, _ = merge(gete_s,None)
+ conv_seqs, conv_lengths = merge(conv_seq, max_len)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ gete_s = Variable(gete_s).transpose(0,1)
+ conv_seqs = Variable(conv_seqs).transpose(0,1)
+
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ gete_s = gete_s.cuda()
+ conv_seqs = conv_seqs.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, gete_s, src_plain, trg_plain, conv_seqs, conv_lengths, ent, ID, kb_arr
+
+def read_langs(file_name, entity, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ data=[]
+ contex_arr = []
+ conversation_arr = []
+ kb_arr = []
+ u=None
+ r=None
+ user_counter = 0
+ system_counter = 0
+ system_res_counter = 0
+ KB_counter = 0
+ dialog_counter = 0
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ time_counter = 1
+ for line in fin:
+ line=line.strip()
+ if line:
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r = line.split('\t')
+ if u!='': user_counter += 1
+ system_counter += 1
+
+ gen_u = generate_memory(u, "$u", str(time_counter))
+ contex_arr += gen_u
+ conversation_arr += gen_u
+
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ if ENTPTR:
+ if (key in entity):
+ index = [loc for loc, val in enumerate(contex_arr) if (val[0] == key)]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ cnt_voc +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ else:
+ index = [loc for loc, val in enumerate(contex_arr) if (val[0] == key)]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+ system_res_counter += 1
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+ contex_arr_temp = contex_arr + [['$$$$']*MEM_TOKEN_SIZE]
+
+ ent = []
+ for key in r.split(' '):
+ if(key in entity):
+ ent.append(key)
+
+ data.append([contex_arr_temp,r,r_index,gate,list(conversation_arr),ent,dialog_counter, kb_arr])
+ gen_r = generate_memory(r, "$s", str(time_counter))
+ contex_arr += gen_r
+ conversation_arr += gen_r
+
+ time_counter += 1
+ else:
+ KB_counter += 1
+ r=line
+ if USEKB:
+ temp = generate_memory(r, "", "")
+ contex_arr += temp
+ kb_arr += temp
+ else:
+ cnt_lin+=1
+ if(max_line and cnt_lin>=max_line):
+ break
+ contex_arr=[]
+ conversation_arr = []
+ kb_arr = []
+ time_counter = 1
+ dialog_counter += 1
+ max_len = max([len(d[0]) for d in data])
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info("Avg. User Utterances: {}".format(user_counter*1.0/dialog_counter))
+ logging.info("Avg. Bot Utterances: {}".format(system_counter*1.0/dialog_counter))
+ logging.info("Avg. KB results: {}".format(KB_counter*1.0/dialog_counter))
+ logging.info("Avg. responce Len: {}".format(system_res_counter*1.0/system_counter))
+
+ print('Sample: ',data[1][0],data[1][1],data[1][2],data[1][3])
+ return data, max_len, max_r_len
+
+def generate_memory(sent, speaker, time):
+ sent_new = []
+ sent_token = sent.split(' ')
+ if speaker=="$u" or speaker=="$s":
+ for word in sent_token:
+ temp = [word, speaker, 't'+str(time)] + ["PAD"]*(MEM_TOKEN_SIZE-3)
+ sent_new.append(temp)
+ else:
+ if sent_token[1]=="R_rating":
+ sent_token = sent_token + ["PAD"]*(MEM_TOKEN_SIZE-len(sent_token))
+ else:
+ sent_token = sent_token[::-1] + ["PAD"]*(MEM_TOKEN_SIZE-len(sent_token))
+ sent_new.append(sent_token)
+ return sent_new
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ conv_seq = []
+ ent = []
+ ID = []
+ kb_arr = []
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ conv_seq.append(pair[4])
+ ent.append(pair[5])
+ ID.append(pair[6])
+ kb_arr.append(pair[7])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1], trg=True)
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len, conv_seq,ent,ID,kb_arr)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = 'data/dialog-bAbI-tasks/dialog-babi-task{}trn.txt'.format(task)
+ file_dev = 'data/dialog-bAbI-tasks/dialog-babi-task{}dev.txt'.format(task)
+ file_test = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst.txt'.format(task)
+ if (int(task) != 6):
+ file_test_OOV = 'data/dialog-bAbI-tasks/dialog-babi-task{}tst-OOV.txt'.format(task)
+
+ if int(task)!=6:
+ ent = entityList('data/dialog-bAbI-tasks/dialog-babi-kb-all.txt',int(task))
+ else:
+ ent = entityList('data/dialog-bAbI-tasks/dialog-babi-task6-dstc2-kb.txt',int(task))
+
+ pair_train,max_len_train, max_r_train = read_langs(file_train, ent, max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev, ent, max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, ent, max_line=None)
+
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+ if (int(task) != 6):
+ pair_test_OOV,max_len_test_OOV, max_r_test_OOV = read_langs(file_test_OOV, ent, max_line=None)
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) + 1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+ if (int(task) != 6):
+ testOOV = get_seq(pair_test_OOV,lang,batch_size,False,max_len)
+ else:
+ testOOV = []
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ if (int(task) != 6):
+ logging.info("Read %s sentence pairs test" % len(pair_test_OOV))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+
+ return train, dev, test, testOOV, lang, max_len, max_r
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr.py
new file mode 100644
index 0000000..5472e15
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr.py
@@ -0,0 +1,262 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.config import *
+import logging
+import datetime
+import ast
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, sentence):
+ for word in sentence.split(' '):
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, gate_seq,src_word2id, trg_word2id,max_len,entity,entity_cal,entity_nav,entity_wet):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.gate_seq = gate_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+ self.entity = entity
+ self.entity_cal = entity_cal
+ self.entity_nav = entity_nav
+ self.entity_wet = entity_wet
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ gete_s = self.gate_seq[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ trg_seq = self.preprocess(trg_seq, self.trg_word2id)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ gete_s = self.preprocess_gate(gete_s)
+
+ return src_seq, trg_seq, index_s, gete_s,self.max_len,self.src_seqs[index],self.trg_seqs[index],self.entity[index],self.entity_cal[index],self.entity_nav[index],self.entity_wet[index]
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ sequence = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_inde(self, sequence,src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.zeros(len(sequences), max(lengths)).long()
+ else:
+ padded_seqs = torch.zeros(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[0]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, gete_s, max_len, src_plain,trg_plain,entity,entity_cal,entity_nav,entity_wet = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ trg_seqs, trg_lengths = merge(trg_seqs,None)
+ ind_seqs, _ = merge(ind_seqs,None)
+ gete_s, _ = merge(gete_s,None)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ gete_s = Variable(gete_s).transpose(0,1)
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ gete_s = gete_s.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, gete_s, src_plain, trg_plain,entity,entity_cal,entity_nav,entity_wet
+
+
+def read_langs(file_name, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ # Read the file and split into lines
+ data=[]
+ context=""
+ u=None
+ r=None
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ for line in fin:
+ line=line.strip()
+ if line:
+ if '#' in line:
+ line = line.replace("#","")
+ task_type = line
+ continue
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r, gold = line.split('\t')
+ gold = ast.literal_eval(gold)
+ context += str(u)+" "
+ contex_arr = context.split(' ')[LIMIT:]
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ index = [loc for loc, val in enumerate(contex_arr) if val == key]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+ ent_index_calendar = []
+ ent_index_navigation = []
+ ent_index_weather = []
+
+ if task_type=="weather":
+ ent_index_weather = gold
+ elif task_type=="schedule":
+ ent_index_calendar = gold
+ elif task_type=="navigate":
+ ent_index_navigation = gold
+
+ ent_index = list(set(ent_index_calendar + ent_index_navigation + ent_index_weather))
+
+ data.append([" ".join(contex_arr)+" $$$$",r,r_index,gate,ent_index,list(set(ent_index_calendar)),list(set(ent_index_navigation)),list(set(ent_index_weather))])
+ context+=str(r)+" "
+ else:
+ r=line
+ context+=str(r)+" "
+ else:
+ cnt_lin+=1
+ if(max_line and cnt_lin>=max_line):
+ break
+ context=""
+ max_len = max([len(d[0].split(' ')) for d in data])
+ avg_len = sum([len(d[0].split(' ')) for d in data]) / float(len([len(d[0].split(' ')) for d in data]))
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info("AVG Input Len: {}".format(avg_len))
+
+ print(data[0][0],data[0][1],data[0][2],data[0][3])
+ return data, max_len, max_r_len
+
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ entity = []
+ entity_cal = []
+ entity_nav = []
+ entity_wet = []
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ entity.append(pair[4])
+ entity_cal.append(pair[5])
+ entity_nav.append(pair[6])
+ entity_wet.append(pair[7])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1])
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len,entity,entity_cal,entity_nav,entity_wet)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = 'data/KVR/{}train.txt'.format(task)
+ file_dev = 'data/KVR/{}dev.txt'.format(task)
+ file_test = 'data/KVR/{}test.txt'.format(task)
+
+
+ pair_train,max_len_train, max_r_train = read_langs(file_train, max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev, max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, max_line=None)
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) +1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+
+ return train, dev, test, [], lang, max_len, max_r
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr_mem2seq.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr_mem2seq.py
new file mode 100644
index 0000000..7e53668
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_kvr_mem2seq.py
@@ -0,0 +1,348 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import torch
+import torch.utils.data as data
+import unicodedata
+import string
+import re
+import random
+import time
+import math
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+from torch import optim
+import torch.nn.functional as F
+from utils.config import *
+import logging
+import datetime
+import ast
+
+def hasNumbers(inputString):
+ return any(char.isdigit() for char in inputString)
+
+MEM_TOKEN_SIZE = 5
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, story, trg=False):
+ if trg:
+ for word in story.split(' '):
+ self.index_word(word)
+ else:
+ for word_triple in story:
+ for word in word_triple:
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, gate_seq,src_word2id, trg_word2id,max_len,entity,entity_cal,entity_nav,entity_wet, conv_seq, kb_arr):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.gate_seq = gate_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+ self.entity = entity
+ self.entity_cal = entity_cal
+ self.entity_nav = entity_nav
+ self.entity_wet = entity_wet
+ self.conv_seq = conv_seq
+ self.kb_arr = kb_arr
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ gete_s = self.gate_seq[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ trg_seq = self.preprocess(trg_seq, self.trg_word2id)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ gete_s = self.preprocess_gate(gete_s)
+ conv_seq = self.conv_seq[index]
+ conv_seq = self.preprocess(conv_seq, self.src_word2id, trg=False)
+
+ return src_seq, trg_seq, index_s, gete_s,self.max_len,self.src_seqs[index],self.trg_seqs[index],self.entity[index],self.entity_cal[index],self.entity_nav[index],self.entity_wet[index], conv_seq, self.kb_arr[index]
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ if trg:
+ story = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ else:
+ story = []
+ for i, word_triple in enumerate(sequence):
+ story.append([])
+ for ii, word in enumerate(word_triple):
+ temp = word2id[word] if word in word2id else UNK_token
+ story[i].append(temp)
+ try:
+ story = torch.Tensor(story)
+ except:
+ print(sequence)
+ print(story)
+ return story
+
+ def preprocess_inde(self, sequence, src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.ones(len(sequences), max(lengths), MEM_TOKEN_SIZE).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i,:end,:] = seq[:end]
+ else:
+ padded_seqs = torch.ones(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[-1]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, gete_s, max_len, src_plain,trg_plain, entity,entity_cal,entity_nav,entity_wet, conv_seq, kb_arr = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ trg_seqs, trg_lengths = merge(trg_seqs,None)
+ ind_seqs, _ = merge(ind_seqs,None)
+ gete_s, _ = merge(gete_s,None)
+ conv_seqs, conv_lengths = merge(conv_seq, max_len)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ gete_s = Variable(gete_s).transpose(0,1)
+ conv_seqs = Variable(conv_seqs).transpose(0,1)
+
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ gete_s = gete_s.cuda()
+ conv_seqs = conv_seqs.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, gete_s, src_plain, trg_plain, entity, entity_cal, entity_nav, entity_wet, conv_seqs, conv_lengths, kb_arr
+
+
+def read_langs(file_name, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ data=[]
+ contex_arr = []
+ conversation_arr = []
+ kb_arr = []
+ entity = {}
+ u=None
+ r=None
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ user_counter = 0
+ system_counter = 0
+ system_res_counter = 0
+ KB_counter = 0
+ dialog_counter = 0
+ for line in fin:
+ line=line.strip()
+ if line:
+ if '#' in line:
+ line = line.replace("#","")
+ task_type = line
+ continue
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r, gold = line.split('\t')
+ user_counter += 1
+ system_counter += 1
+
+ gen_u = generate_memory(u, "$u", str(nid))
+ contex_arr += gen_u
+ conversation_arr += gen_u
+
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ index = [loc for loc, val in enumerate(contex_arr) if (val[0] == key)]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+ system_res_counter += 1
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+ contex_arr_temp = contex_arr + [['$$$$']*MEM_TOKEN_SIZE]
+
+ ent_index_calendar = []
+ ent_index_navigation = []
+ ent_index_weather = []
+
+ gold = ast.literal_eval(gold)
+ if task_type=="weather":
+ ent_index_weather = gold
+ elif task_type=="schedule":
+ ent_index_calendar = gold
+ elif task_type=="navigate":
+ ent_index_navigation = gold
+
+ ent_index = list(set(ent_index_calendar + ent_index_navigation + ent_index_weather))
+ data.append([contex_arr_temp,r,r_index,gate,ent_index,list(set(ent_index_calendar)),list(set(ent_index_navigation)),list(set(ent_index_weather)), list(conversation_arr), list(kb_arr)])
+
+ gen_r = generate_memory(r, "$s", str(nid))
+ contex_arr += gen_r
+ conversation_arr += gen_r
+ else:
+ KB_counter += 1
+ r=line
+ for e in line.split(' '):
+ entity[e] = 0
+ kb_info = generate_memory(r, "", str(nid))
+ contex_arr += kb_info
+ kb_arr += kb_info
+ else:
+ cnt_lin+=1
+ entity = {}
+ if(max_line and cnt_lin>=max_line):
+ break
+ contex_arr = []
+ conversation_arr = []
+ kb_arr = []
+ dialog_counter += 1
+
+ max_len = max([len(d[0]) for d in data])
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info("Avg. User Utterances: {}".format(user_counter*1.0/dialog_counter))
+ logging.info("Avg. Bot Utterances: {}".format(system_counter*1.0/dialog_counter))
+ logging.info("Avg. KB results: {}".format(KB_counter*1.0/dialog_counter))
+ logging.info("Avg. responce Len: {}".format(system_res_counter*1.0/system_counter))
+
+ print('Sample: ',data[0][0])
+ print('Sample: ',data[0][1])
+ print('Sample: ',data[0][2])
+ print('Sample: ',data[0][3])
+ print('Sample: ',data[0][4])
+ print('Sample: ',data[1][0])
+ print('Sample: ',data[1][1])
+ print('Sample: ',data[1][2])
+ print('Sample: ',data[1][3])
+ print('Sample: ',data[1][4])
+ return data, max_len, max_r_len
+
+def generate_memory(sent, speaker, time):
+ sent_new = []
+ sent_token = sent.split(' ')
+ if speaker=="$u" or speaker=="$s":
+ for word in sent_token:
+ temp = [word, speaker, 't'+str(time)] + ["PAD"]*(MEM_TOKEN_SIZE-3)
+ sent_new.append(temp)
+ else:
+ sent_token = sent_token[::-1] + ["PAD"]*(MEM_TOKEN_SIZE-len(sent_token))
+ sent_new.append(sent_token)
+ return sent_new
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ entity = []
+ entity_cal = []
+ entity_nav = []
+ entity_wet = []
+ conv_seq = []
+ kb_arr = []
+
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ entity.append(pair[4])
+ entity_cal.append(pair[5])
+ entity_nav.append(pair[6])
+ entity_wet.append(pair[7])
+ conv_seq.append(pair[8])
+ kb_arr.append(pair[9])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1], trg=True)
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len,entity,entity_cal,entity_nav,entity_wet, conv_seq, kb_arr)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = 'data/KVR/{}train.txt'.format(task)
+ file_dev = 'data/KVR/{}dev.txt'.format(task)
+ file_test = 'data/KVR/{}test.txt'.format(task)
+
+ pair_train,max_len_train, max_r_train = read_langs(file_train, max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev, max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, max_line=None)
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) +1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+ #print(lang.index2word)
+
+ return train, dev, test, [], lang, max_len, max_r
+
diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_woz_mem2seq.py b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_woz_mem2seq.py
new file mode 100644
index 0000000..3c7eddf
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Mem2Seq/utils/utils_woz_mem2seq.py
@@ -0,0 +1,332 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import os
+import torch
+import torch.utils.data as data
+from torch.autograd import Variable
+from .config import *
+import logging
+import ast
+
+def hasNumbers(inputString):
+ return any(char.isdigit() for char in inputString)
+
+MEM_TOKEN_SIZE = 5
+
+class Lang:
+ def __init__(self):
+ self.word2index = {}
+ self.word2count = {}
+ self.index2word = {UNK_token: 'UNK', PAD_token: "PAD", EOS_token: "EOS", SOS_token: "SOS"}
+ self.n_words = 4 # Count default tokens
+
+ def index_words(self, story, trg=False):
+ if trg:
+ for word in story.split(' '):
+ self.index_word(word)
+ else:
+ for word_triple in story:
+ for word in word_triple:
+ self.index_word(word)
+
+ def index_word(self, word):
+ if word not in self.word2index:
+ self.word2index[word] = self.n_words
+ self.word2count[word] = 1
+ self.index2word[self.n_words] = word
+ self.n_words += 1
+ else:
+ self.word2count[word] += 1
+
+
+class Dataset(data.Dataset):
+ """Custom data.Dataset compatible with data.DataLoader."""
+ def __init__(self, src_seq, trg_seq, index_seq, gate_seq,src_word2id, trg_word2id,max_len,entity,conv_seq, kb_arr):
+ """Reads source and target sequences from txt files."""
+ self.src_seqs = src_seq
+ self.trg_seqs = trg_seq
+ self.index_seqs = index_seq
+ self.gate_seq = gate_seq
+ self.num_total_seqs = len(self.src_seqs)
+ self.src_word2id = src_word2id
+ self.trg_word2id = trg_word2id
+ self.max_len = max_len
+ self.entity = entity
+ self.conv_seq = conv_seq
+ self.kb_arr = kb_arr
+
+ def __getitem__(self, index):
+ """Returns one data pair (source and target)."""
+ src_seq = self.src_seqs[index]
+ trg_seq = self.trg_seqs[index]
+ index_s = self.index_seqs[index]
+ gete_s = self.gate_seq[index]
+ src_seq = self.preprocess(src_seq, self.src_word2id, trg=False)
+ trg_seq = self.preprocess(trg_seq, self.trg_word2id)
+ index_s = self.preprocess_inde(index_s,src_seq)
+ gete_s = self.preprocess_gate(gete_s)
+ conv_seq = self.conv_seq[index]
+ conv_seq = self.preprocess(conv_seq, self.src_word2id, trg=False)
+
+ return src_seq, trg_seq, index_s, gete_s,self.max_len,self.src_seqs[index],self.trg_seqs[index],self.entity[index],conv_seq, self.kb_arr[index]
+
+ def __len__(self):
+ return self.num_total_seqs
+
+ def preprocess(self, sequence, word2id, trg=True):
+ """Converts words to ids."""
+ if trg:
+ story = [word2id[word] if word in word2id else UNK_token for word in sequence.split(' ')]+ [EOS_token]
+ else:
+ story = []
+ for i, word_triple in enumerate(sequence):
+ story.append([])
+ for ii, word in enumerate(word_triple):
+ temp = word2id[word] if word in word2id else UNK_token
+ story[i].append(temp)
+ try:
+ story = torch.Tensor(story)
+ except:
+ print(sequence)
+ print(story)
+ return story
+
+ def preprocess_inde(self, sequence, src_seq):
+ """Converts words to ids."""
+ sequence = sequence + [len(src_seq)-1]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+ def preprocess_gate(self, sequence):
+ """Converts words to ids."""
+ sequence = sequence + [0]
+ sequence = torch.Tensor(sequence)
+ return sequence
+
+def collate_fn(data):
+ def merge(sequences,max_len):
+ lengths = [len(seq) for seq in sequences]
+ if (max_len):
+ padded_seqs = torch.ones(len(sequences), max(lengths), MEM_TOKEN_SIZE).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i,:end,:] = seq[:end]
+ else:
+ padded_seqs = torch.ones(len(sequences), max(lengths)).long()
+ for i, seq in enumerate(sequences):
+ end = lengths[i]
+ padded_seqs[i, :end] = seq[:end]
+ return padded_seqs, lengths
+
+ # sort a list by sequence length (descending order) to use pack_padded_sequence
+ data.sort(key=lambda x: len(x[-1]), reverse=True)
+ # seperate source and target sequences
+ src_seqs, trg_seqs, ind_seqs, gete_s, max_len, src_plain,trg_plain, entity, conv_seq, kb_arr = zip(*data)
+ # merge sequences (from tuple of 1D tensor to 2D tensor)
+ src_seqs, src_lengths = merge(src_seqs,max_len)
+ trg_seqs, trg_lengths = merge(trg_seqs,None)
+ ind_seqs, _ = merge(ind_seqs,None)
+ gete_s, _ = merge(gete_s,None)
+ conv_seqs, conv_lengths = merge(conv_seq, max_len)
+
+ src_seqs = Variable(src_seqs).transpose(0,1)
+ trg_seqs = Variable(trg_seqs).transpose(0,1)
+ ind_seqs = Variable(ind_seqs).transpose(0,1)
+ gete_s = Variable(gete_s).transpose(0,1)
+ conv_seqs = Variable(conv_seqs).transpose(0,1)
+
+ if USE_CUDA:
+ src_seqs = src_seqs.cuda()
+ trg_seqs = trg_seqs.cuda()
+ ind_seqs = ind_seqs.cuda()
+ gete_s = gete_s.cuda()
+ conv_seqs = conv_seqs.cuda()
+ return src_seqs, src_lengths, trg_seqs, trg_lengths, ind_seqs, gete_s, src_plain, trg_plain, entity, conv_seqs, conv_lengths, kb_arr
+
+
+def read_langs(file_name, max_line = None):
+ logging.info(("Reading lines from {}".format(file_name)))
+ data=[]
+ contex_arr = []
+ conversation_arr = []
+ kb_arr = []
+ entity = {}
+ u=None
+ r=None
+ with open(file_name) as fin:
+ cnt_ptr = 0
+ cnt_voc = 0
+ max_r_len = 0
+ cnt_lin = 1
+ user_counter = 0
+ system_counter = 0
+ system_res_counter = 0
+ KB_counter = 0
+ dialog_counter = 0
+ for line in fin:
+ line=line.strip()
+ if line:
+ if '#' in line:
+ line = line.replace("#","")
+ task_type = line
+ continue
+ nid, line = line.split(' ', 1)
+ if '\t' in line:
+ u, r, gold = line.split('\t')
+ user_counter += 1
+ system_counter += 1
+
+ gen_u = generate_memory(u, "$u", str(nid))
+ contex_arr += gen_u
+ conversation_arr += gen_u
+
+ r_index = []
+ gate = []
+ for key in r.split(' '):
+ index = [loc for loc, val in enumerate(contex_arr) if (val[0] == key)]
+ if (index):
+ index = max(index)
+ gate.append(1)
+ cnt_ptr +=1
+ else:
+ index = len(contex_arr)
+ gate.append(0)
+ cnt_voc +=1
+ r_index.append(index)
+ system_res_counter += 1
+
+ if len(r_index) > max_r_len:
+ max_r_len = len(r_index)
+ contex_arr_temp = contex_arr + [['$$$$']*MEM_TOKEN_SIZE]
+
+ ent_index_restaurant = []
+ ent_index_hotel = []
+ ent_index_attraction = []
+ ent_index_taxi = []
+ ent_index_train = []
+ ent_index_hospital = []
+ ent_index_police = []
+
+ gold = ast.literal_eval(gold)
+ if task_type=="restaurant":
+ ent_index_restaurant = gold
+ elif task_type=="hotel":
+ ent_index_hotel = gold
+ elif task_type=="attraction":
+ ent_index_attraction = gold
+ elif task_type=="taxi":
+ ent_index_taxi = gold
+ elif task_type=="train":
+ ent_index_train = gold
+ elif task_type=="hospital":
+ ent_index_hospital = gold
+ elif task_type=="police":
+ ent_index_police = gold
+
+ ent_index = list(set(ent_index_restaurant + ent_index_hotel + ent_index_attraction +
+ ent_index_taxi + ent_index_train + ent_index_hospital + ent_index_police))
+ data.append([contex_arr_temp,r,r_index,gate,ent_index,list(conversation_arr), list(kb_arr)])
+
+ gen_r = generate_memory(r, "$s", str(nid))
+ contex_arr += gen_r
+ conversation_arr += gen_r
+ else:
+ KB_counter += 1
+ r=line
+ for e in line.split(' '):
+ entity[e] = 0
+ kb_info = generate_memory(r, "", str(nid))
+ contex_arr += kb_info
+ kb_arr += kb_info
+ else:
+ cnt_lin+=1
+ entity = {}
+ if(max_line and cnt_lin>=max_line):
+ break
+ contex_arr = []
+ conversation_arr = []
+ kb_arr = []
+ dialog_counter += 1
+
+ max_len = max([len(d[0]) for d in data])
+ logging.info("Pointer percentace= {} ".format(cnt_ptr/(cnt_ptr+cnt_voc)))
+ logging.info("Max responce Len: {}".format(max_r_len))
+ logging.info("Max Input Len: {}".format(max_len))
+ logging.info("Avg. User Utterances: {}".format(user_counter*1.0/dialog_counter))
+ logging.info("Avg. Bot Utterances: {}".format(system_counter*1.0/dialog_counter))
+ logging.info("Avg. KB results: {}".format(KB_counter*1.0/dialog_counter))
+ logging.info("Avg. responce Len: {}".format(system_res_counter*1.0/system_counter))
+
+ print('Sample: ',data[1][0],data[1][1],data[1][2],data[1][3],data[1][4])
+ return data, max_len, max_r_len
+
+def generate_memory(sent, speaker, time):
+ sent_new = []
+ sent_token = sent.split(' ')
+ if speaker=="$u" or speaker=="$s":
+ for word in sent_token:
+ temp = [word, speaker, 't'+str(time)] + ["PAD"]*(MEM_TOKEN_SIZE-3)
+ sent_new.append(temp)
+ else:
+ sent_token = sent_token[::-1] + ["PAD"]*(MEM_TOKEN_SIZE-len(sent_token))
+ sent_new.append(sent_token)
+ return sent_new
+
+def get_seq(pairs,lang,batch_size,type,max_len):
+ x_seq = []
+ y_seq = []
+ ptr_seq = []
+ gate_seq = []
+ entity = []
+ conv_seq = []
+ kb_arr = []
+
+ for pair in pairs:
+ x_seq.append(pair[0])
+ y_seq.append(pair[1])
+ ptr_seq.append(pair[2])
+ gate_seq.append(pair[3])
+ entity.append(pair[4])
+ conv_seq.append(pair[5])
+ kb_arr.append(pair[6])
+ if(type):
+ lang.index_words(pair[0])
+ lang.index_words(pair[1], trg=True)
+
+ dataset = Dataset(x_seq, y_seq,ptr_seq,gate_seq,lang.word2index, lang.word2index,max_len,entity, conv_seq, kb_arr)
+ data_loader = torch.utils.data.DataLoader(dataset=dataset,
+ batch_size=batch_size,
+ shuffle=type,
+ collate_fn=collate_fn)
+ return data_loader
+
+def prepare_data_seq(task,batch_size=100,shuffle=True):
+ file_train = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))+'/data/MultiWOZ/{}train.txt'.format(task)
+ file_dev = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))+'/data/MultiWOZ/{}dev.txt'.format(task)
+ file_test = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))+'/data/MultiWOZ/{}test.txt'.format(task)
+
+ pair_train,max_len_train, max_r_train = read_langs(file_train, max_line=None)
+ pair_dev,max_len_dev, max_r_dev = read_langs(file_dev, max_line=None)
+ pair_test,max_len_test, max_r_test = read_langs(file_test, max_line=None)
+ max_r_test_OOV = 0
+ max_len_test_OOV = 0
+
+ max_len = max(max_len_train,max_len_dev,max_len_test,max_len_test_OOV) +1
+ max_r = max(max_r_train,max_r_dev,max_r_test,max_r_test_OOV) +1
+ lang = Lang()
+
+ train = get_seq(pair_train,lang,batch_size,True,max_len)
+ dev = get_seq(pair_dev,lang,batch_size,False,max_len)
+ test = get_seq(pair_test,lang,batch_size,False,max_len)
+
+ logging.info("Read %s sentence pairs train" % len(pair_train))
+ logging.info("Read %s sentence pairs dev" % len(pair_dev))
+ logging.info("Read %s sentence pairs test" % len(pair_test))
+ logging.info("Max len Input %s " % max_len)
+ logging.info("Vocab_size %s " % lang.n_words)
+ logging.info("USE_CUDA={}".format(USE_CUDA))
+ #print(lang.index2word)
+
+ return train, dev, test, [], lang, max_len, max_r
+
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/README.md b/convlab/modules/e2e/multiwoz/Sequicity/README.md
new file mode 100644
index 0000000..e938166
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/README.md
@@ -0,0 +1,78 @@
+# Sequicity
+
+ Source code for the ACL 2018 paper entitled "Sequicity: Simplifying Task-oriented Dialogue Systems with Single Sequence-to-Sequence
+ Architectures" by Wenqiang Lei et al.
+
+ ```
+ @inproceedings{lei2018sequicity,
+ title={Sequicity: Simplifying Task-oriented Dialogue Systems with Single Sequence-to-Sequence Architectures},
+ author={Lei, Wenqiang and Jin, Xisen and Ren, Zhaochun and He, Xiangnan and Kan, Min-Yen and Yin, Dawei},
+ year={2018},
+ organization={ACL}
+ }
+ ```
+
+ ## Training with default parameters
+
+ ```
+ python model.py -mode train -model [tsdf-camrest|tsdf-kvret]
+ python model.py -mode adjust -model [tsdf-camrest|tsdf-kvret] -c lr=0.0003
+ ```
+
+ (optional: configuring hyperparameters with cmdline)
+
+ ```
+ python model.py -mode train -model [tsdf-camrest|tsdf-kvret] -c lr=0.003 batch_size=32
+ ```
+
+ ## Testing
+
+ ```
+ python model.py -mode test -model [tsdf-camrest|tsdf-kvret]
+ ```
+
+ ## Reinforcement fine-tuning
+
+ ```
+ python model.py -mode rl -model [tsdf-camrest|tsdf-kvret] -c lr=0.0001
+ ```
+
+ ## Before running
+
+ 1. Install required python packages. We used pytorch 0.3.0 and python 3.6 under Linux operating system.
+
+ ```
+ pip install -r requirements.txt
+ ```
+
+ 2. Make directories under PROJECT_ROOT.
+
+ ```
+ mkdir vocab
+ mkdir log
+ mkdir results
+ mkdir models
+ mkdir sheets
+ ```
+
+ 3. Download pretrained Glove word vectors (glove.6B.50d.txt) and place them in PROJECT_ROOT/data/glove.
+
+## What's new (Gaoxin)
+
+Please download [data, trained model & results](https://drive.google.com/open?id=1R9VhYH4mbi5woqcmP422NjzN_IrGrKaF) and unzip the file here.
+
+- Update the code for pytorch **1.0**
+- Support the **multiwoz** dataset (see *data/MultiWoz* directory)
+- Fill the placeholder slots by querying DBs
+```
+python model.py -mode train -model tsdf-multiwoz
+python model.py -mode adjust -model tsdf-multiwoz -c lr=0.0003
+python model.py -mode test -model tsdf-multiwoz
+python model.py -mode rl -model tsdf-multiwoz -c lr=0.0001
+```
+
+- The model are saved at *models/multiwoz.pkl*, results are provided in the *results/multiwoz.csv*
+- Interact with the agent using command line (command END/RESET to end/reset the current dialog session)
+```
+python model.py -mode interact -model tsdf-multiwoz
+```
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/Sequicity.py b/convlab/modules/e2e/multiwoz/Sequicity/Sequicity.py
new file mode 100644
index 0000000..aeb84ab
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/Sequicity.py
@@ -0,0 +1,95 @@
+# -*- coding: utf-8 -*-
+
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+import random
+import torch
+import numpy as np
+from torch.autograd import Variable
+from convlab.e2e.Sequicity.model import Model
+from convlab.e2e.Sequicity.config import global_config as cfg
+from convlab.e2e.Sequicity.tsd_net import cuda_
+from convlab.e2e.Sequicity.reader import pad_sequences
+from nltk import word_tokenize
+
+def denormalize(uttr):
+ uttr = uttr.replace(' -s', 's')
+ uttr = uttr.replace(' -ly', 'ly')
+ uttr = uttr.replace(' -er', 'er')
+ return uttr
+
+class Sequicity:
+ def __init__(self):
+ cfg.init_handler('tsdf-multiwoz')
+
+ torch.manual_seed(cfg.seed)
+ torch.cuda.manual_seed(cfg.seed)
+ random.seed(cfg.seed)
+ np.random.seed(cfg.seed)
+ self.m = Model('multiwoz')
+ self.m.count_params()
+ self.m.load_model()
+ self.reset()
+
+ def reset(self):
+ self.kw_ret = dict({'func':self.z2degree})
+
+ def z2degree(self, gen_z):
+ gen_bspan = self.m.reader.vocab.sentence_decode(gen_z, eos='EOS_Z2')
+ constraint_request = gen_bspan.split()
+ constraints = constraint_request[:constraint_request.index('EOS_Z1')] if 'EOS_Z1' \
+ in constraint_request else constraint_request
+ for j, ent in enumerate(constraints):
+ constraints[j] = ent.replace('_', ' ')
+ degree = self.m.reader.db_search(constraints)
+ degree_input_list = self.m.reader._degree_vec_mapping(len(degree))
+ degree_input = cuda_(Variable(torch.Tensor(degree_input_list).unsqueeze(0)))
+ return degree, degree_input
+
+ def predict(self, usr):
+ print('usr:', usr)
+ usr = word_tokenize(usr.lower())
+ usr_words = usr + ['EOS_U']
+ u_len = np.array([len(usr_words)])
+ usr_indices = self.m.reader.vocab.sentence_encode(usr_words)
+ u_input_np = np.array(usr_indices)[:, np.newaxis]
+ u_input = cuda_(Variable(torch.from_numpy(u_input_np).long()))
+ m_idx, z_idx, degree = self.m.m(mode='test', degree_input=None, z_input=None,
+ u_input=u_input, u_input_np=u_input_np, u_len=u_len,
+ m_input=None, m_input_np=None, m_len=None,
+ turn_states=None, **self.kw_ret)
+ venue = random.sample(degree, 1)[0] if degree else dict()
+ l = [self.m.reader.vocab.decode(_) for _ in m_idx[0]]
+ if 'EOS_M' in l:
+ l = l[:l.index('EOS_M')]
+ l_origin = []
+ for word in l:
+ if 'SLOT' in word:
+ word = word[:-5]
+ if word in venue.keys():
+ value = venue[word]
+ if value != '?':
+ l_origin.append(value)
+ else:
+ l_origin.append(word)
+ sys = ' '.join(l_origin)
+ sys = denormalize(sys)
+ print('sys:', sys)
+ if cfg.prev_z_method == 'separate':
+ eob = self.m.reader.vocab.encode('EOS_Z2')
+ if eob in z_idx[0] and z_idx[0].index(eob) != len(z_idx[0]) - 1:
+ idx = z_idx[0].index(eob)
+ z_idx[0] = z_idx[0][:idx + 1]
+ for j, word in enumerate(z_idx[0]):
+ if word >= cfg.vocab_size:
+ z_idx[0][j] = 2 #unk
+ prev_z_input_np = pad_sequences(z_idx, cfg.max_ts, padding='post', truncating='pre').transpose((1, 0))
+ prev_z_len = np.array([len(_) for _ in z_idx])
+ prev_z_input = cuda_(Variable(torch.from_numpy(prev_z_input_np).long()))
+ self.kw_ret['prev_z_len'] = prev_z_len
+ self.kw_ret['prev_z_input'] = prev_z_input
+ self.kw_ret['prev_z_input_np'] = prev_z_input_np
+ return sys
\ No newline at end of file
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/__init__.py b/convlab/modules/e2e/multiwoz/Sequicity/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/config.py b/convlab/modules/e2e/multiwoz/Sequicity/config.py
new file mode 100644
index 0000000..2030762
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/config.py
@@ -0,0 +1,164 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import logging
+import time
+import os
+
+class _Config:
+ def __init__(self):
+ self._init_logging_handler()
+ self.eos_m_token = 'EOS_M'
+ self.beam_len_bonus = 0.5
+
+ self.mode = 'unknown'
+ self.m = 'TSD'
+ self.prev_z_method = 'none'
+
+ self.seed = 0
+
+ def init_handler(self, m):
+ init_method = {
+ 'tsdf-camrest':self._camrest_tsdf_init,
+ 'tsdf-kvret':self._kvret_tsdf_init,
+ 'tsdf-multiwoz':self._multiwoz_tsdf_init
+ }
+ init_method[m]()
+
+ def _camrest_tsdf_init(self):
+ self.beam_len_bonus = 0.5
+ self.prev_z_method = 'separate'
+ self.vocab_size = 800 #840
+ self.embedding_size = 50
+ self.hidden_size = 50
+ self.split = (3, 1, 1)
+ self.lr = 0.003
+ self.lr_decay = 0.5
+ self.vocab_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'vocab/vocab-camrest.pkl')
+ self.data = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/CamRest676/CamRest676.json')
+ self.entity = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/CamRest676/CamRestOTGY.json')
+ self.db = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/CamRest676/CamRestDB.json')
+ self.glove_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/glove/glove.6B.50d.txt')
+ self.batch_size = 32
+ self.z_length = 8
+ self.degree_size = 5
+ self.layer_num = 1
+ self.dropout_rate = 0.5
+ self.epoch_num = 100 # triggered by early stop
+ self.rl_epoch_num = 2
+ self.cuda = False
+ self.spv_proportion = 100
+ self.max_ts = 40
+ self.early_stop_count = 3
+ self.new_vocab = True
+ self.model_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'models/camrest.pkl')
+ self.result_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'results/camrest-rl.csv')
+ self.teacher_force = 100
+ self.beam_search = False
+ self.beam_size = 10
+ self.sampling = False
+ self.unfrz_attn_epoch = 0
+ self.skip_unsup = False
+ self.truncated = False
+ self.pretrain = False
+
+ def _kvret_tsdf_init(self):
+ self.prev_z_method = 'separate'
+ self.intent = 'all'
+ self.vocab_size = 1400
+ self.embedding_size = 50
+ self.hidden_size = 50
+ self.split = None
+ self.lr = 0.003
+ self.lr_decay = 0.5
+ self.vocab_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'vocab/vocab-kvret.pkl')
+ self.train = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/kvret/kvret_train_public.json')
+ self.dev = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/kvret/kvret_dev_public.json')
+ self.test = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/kvret/kvret_test_public.json')
+ self.entity = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/kvret/kvret_entities.json')
+ self.glove_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/glove/glove.6B.50d.txt')
+ self.batch_size = 32
+ self.degree_size = 5
+ self.z_length = 8
+ self.layer_num = 1
+ self.dropout_rate = 0.5
+ self.epoch_num = 100
+ self.cuda = False
+ self.spv_proportion = 100
+ self.alpha = 0.0
+ self.max_ts = 40
+ self.early_stop_count = 3
+ self.new_vocab = True
+ self.model_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'models/kvret.pkl')
+ self.result_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'results/kvret.csv')
+ self.teacher_force = 100
+ self.beam_search = False
+ self.beam_size = 10
+ self.sampling = False
+ self.unfrz_attn_epoch = 0
+ self.skip_unsup = False
+ self.truncated = False
+ self.pretrain = False
+ self.oov_proportion = 100
+
+ def _multiwoz_tsdf_init(self):
+ self.beam_len_bonus = 0.5
+ self.prev_z_method = 'separate'
+ self.vocab_size = 9000 #9543
+ self.embedding_size = 50
+ self.hidden_size = 50
+ self.split = (3, 1, 1)
+ self.lr = 0.003
+ self.lr_decay = 0.5
+ self.vocab_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'vocab/vocab-multiwoz.pkl')
+ self.train = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/train.json')
+ self.dev = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/valid.json')
+ self.test = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/test.json')
+ self.entity = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/entities.json')
+ self.db = [os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/attraction_db.json'),
+ os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/hotel_db.json'),
+ os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/restaurant_db.json'),
+ os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/hospital_db.json'),
+ os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/MultiWoz/train_db.json')]
+ self.glove_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data/glove/glove.6B.50d.txt')
+ self.batch_size = 32
+ self.z_length = 8
+ self.degree_size = 5
+ self.layer_num = 1
+ self.dropout_rate = 0.5
+ self.epoch_num = 100 # triggered by early stop
+ self.rl_epoch_num = 2
+ self.cuda = True
+ self.spv_proportion = 100
+ self.max_ts = 40
+ self.early_stop_count = 3
+ self.new_vocab = True
+ self.model_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'models/multiwoz.pkl')
+ self.result_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'results/multiwoz.csv')
+ self.teacher_force = 100
+ self.beam_search = False
+ self.beam_size = 10
+ self.sampling = False
+ self.unfrz_attn_epoch = 0
+ self.skip_unsup = False
+ self.truncated = False
+ self.pretrain = False
+
+ def __str__(self):
+ s = ''
+ for k,v in self.__dict__.items():
+ s += '{} : {}\n'.format(k,v)
+ return s
+
+ def _init_logging_handler(self):
+ current_time = time.strftime("%Y-%m-%d-%H-%M-%S", time.localtime())
+
+ stderr_handler = logging.StreamHandler()
+ file_handler = logging.FileHandler(os.path.join(os.path.dirname(os.path.abspath(__file__)), \
+ 'log/log_{}.txt').format(current_time))
+ logging.basicConfig(handlers=[stderr_handler, file_handler])
+ logger = logging.getLogger()
+ logger.setLevel(logging.DEBUG)
+
+global_config = _Config()
+
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/metric.py b/convlab/modules/e2e/multiwoz/Sequicity/metric.py
new file mode 100644
index 0000000..8faed8c
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/metric.py
@@ -0,0 +1,630 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import csv
+from collections import Counter
+from nltk.util import ngrams
+from nltk.corpus import stopwords
+from nltk.tokenize import word_tokenize
+from nltk.stem import WordNetLemmatizer
+import math, argparse
+import json
+import functools
+from convlab.modules.e2e.multiwoz.Sequicity.reader import clean_replace
+
+en_sws = set(stopwords.words())
+wn = WordNetLemmatizer()
+
+order_to_number = {
+ 'first': 1, 'one': 1, 'seco': 2, 'two': 2, 'third': 3, 'three': 3, 'four': 4, 'forth': 4, 'five': 5, 'fifth': 5,
+ 'six': 6, 'seven': 7, 'eight': 8, 'nin': 9, 'ten': 10, 'eleven': 11, 'twelve': 12
+}
+
+def similar(a,b):
+ return a == b or a in b or b in a or a.split()[0] == b.split()[0] or a.split()[-1] == b.split()[-1]
+ #return a == b or b.endswith(a) or a.endswith(b)
+
+def setsub(a,b):
+ junks_a = []
+ useless_constraint = ['temperature','week','est ','quick','reminder','near']
+ for i in a:
+ flg = False
+ for j in b:
+ if similar(i,j):
+ flg = True
+ if not flg:
+ junks_a.append(i)
+ for junk in junks_a:
+ flg = False
+ for item in useless_constraint:
+ if item in junk:
+ flg = True
+ if not flg:
+ return False
+ return True
+
+def setsim(a,b):
+ a,b = set(a),set(b)
+ return setsub(a,b) and setsub(b,a)
+
+class BLEUScorer(object):
+ ## BLEU score calculator via GentScorer interface
+ ## it calculates the BLEU-4 by taking the entire corpus in
+ ## Calulate based multiple candidates against multiple references
+ def __init__(self):
+ pass
+
+ def score(self, parallel_corpus):
+
+ # containers
+ count = [0, 0, 0, 0]
+ clip_count = [0, 0, 0, 0]
+ r = 0
+ c = 0
+ weights = [0.25, 0.25, 0.25, 0.25]
+
+ # accumulate ngram statistics
+ for hyps, refs in parallel_corpus:
+ hyps = [hyp.split() for hyp in hyps]
+ refs = [ref.split() for ref in refs]
+ for hyp in hyps:
+
+ for i in range(4):
+ # accumulate ngram counts
+ hypcnts = Counter(ngrams(hyp, i + 1))
+ cnt = sum(hypcnts.values())
+ count[i] += cnt
+
+ # compute clipped counts
+ max_counts = {}
+ for ref in refs:
+ refcnts = Counter(ngrams(ref, i + 1))
+ for ng in hypcnts:
+ max_counts[ng] = max(max_counts.get(ng, 0), refcnts[ng])
+ clipcnt = dict((ng, min(count, max_counts[ng])) \
+ for ng, count in hypcnts.items())
+ clip_count[i] += sum(clipcnt.values())
+
+ # accumulate r & c
+ bestmatch = [1000, 1000]
+ for ref in refs:
+ if bestmatch[0] == 0: break
+ diff = abs(len(ref) - len(hyp))
+ if diff < bestmatch[0]:
+ bestmatch[0] = diff
+ bestmatch[1] = len(ref)
+ r += bestmatch[1]
+ c += len(hyp)
+
+ # computing bleu score
+ p0 = 1e-7
+ bp = 1 if c > r else math.exp(1 - float(r) / float(c))
+ p_ns = [float(clip_count[i]) / float(count[i] + p0) + p0 \
+ for i in range(4)]
+ s = math.fsum(w * math.log(p_n) \
+ for w, p_n in zip(weights, p_ns) if p_n)
+ bleu = bp * math.exp(s)
+ return bleu
+
+
+def report(func):
+ @functools.wraps(func)
+ def wrapper(*args, **kwargs):
+ res = func(*args, **kwargs)
+ args[0].metric_dict[func.__name__ + ' '+str(args[2])] = res
+ return res
+ return wrapper
+
+
+class GenericEvaluator:
+ def __init__(self, result_path):
+ self.file = open(result_path,'r')
+ self.meta = []
+ self.metric_dict = {}
+ self.entity_dict = {}
+ filename = result_path.split('/')[-1]
+ dump_dir = './sheets/' + filename.replace('.csv','.report.txt')
+ self.dump_file = open(dump_dir,'w')
+
+ def _print_dict(self, dic):
+ for k, v in sorted(dic.items(),key=lambda x:x[0]):
+ print(k+'\t'+str(v))
+
+ @report
+ def bleu_metric(self,data,type='bleu'):
+ gen, truth = [],[]
+ for row in data:
+ gen.append(row['generated_response'])
+ truth.append(row['response'])
+ wrap_generated = [[_] for _ in gen]
+ wrap_truth = [[_] for _ in truth]
+ sc = BLEUScorer().score(zip(wrap_generated, wrap_truth))
+ return sc
+
+ def run_metrics(self):
+ raise ValueError('Please specify the evaluator first, bro')
+
+ def read_result_data(self):
+ while True:
+ line = self.file.readline()
+ if 'START_CSV_SECTION' in line:
+ break
+ self.meta.append(line)
+ reader = csv.DictReader(self.file)
+ data = [_ for _ in reader]
+ return data
+
+ def _extract_constraint(self, z):
+ z = z.split()
+ if 'EOS_Z1' not in z:
+ return set(z).difference(['name', 'address', 'postcode', 'phone', 'area', 'pricerange', 'restaurant',
+ 'restaurants', 'style', 'price', 'food', 'EOS_M'])
+ else:
+ idx = z.index('EOS_Z1')
+ return set(z[:idx]).difference(['name', 'address', 'postcode', 'phone', 'area', 'pricerange', 'restaurant',
+ 'restaurants', 'style', 'price', 'food', 'EOS_M'])
+
+ def _extract_request(self, z):
+ z = z.split()
+ if 'EOS_Z1' not in z or z[-1] == 'EOS_Z1':
+ return set()
+ else:
+ idx = z.index('EOS_Z1')
+ return set(z[idx+1:])
+
+ def pack_dial(self,data):
+ dials = {}
+ for turn in data:
+ dial_id = int(turn['dial_id'])
+ if dial_id not in dials:
+ dials[dial_id] = []
+ dials[dial_id].append(turn)
+ return dials
+
+ def dump(self):
+ self.dump_file.writelines(self.meta)
+ self.dump_file.write('START_REPORT_SECTION\n')
+ for k,v in self.metric_dict.items():
+ self.dump_file.write('{}\t{}\n'.format(k,v))
+
+
+ def clean(self,s):
+ s = s.replace(' ', '').replace(' SLOT', '_SLOT')
+ s = ' ' + s + ' '
+ for item in self.entity_dict:
+ # s = s.replace(item, 'VALUE_{}'.format(self.entity_dict[item]))
+ s = clean_replace(s, item, '{}_SLOT'.format(self.entity_dict[item]))
+ return s
+
+
+class CamRestEvaluator(GenericEvaluator):
+ def __init__(self, result_path):
+ super().__init__(result_path)
+ self.entities = []
+ self.entity_dict = {}
+
+ def run_metrics(self):
+ raw_json = open('./data/CamRest676/CamRest676.json')
+ raw_entities = open('./data/CamRest676/CamRestOTGY.json')
+ raw_data = json.loads(raw_json.read().lower())
+ raw_entities = json.loads(raw_entities.read().lower())
+ self.get_entities(raw_entities)
+ data = self.read_result_data()
+ for i, row in enumerate(data):
+ data[i]['response'] = self.clean(data[i]['response'])
+ data[i]['generated_response'] = self.clean(data[i]['generated_response'])
+ bleu_score = self.bleu_metric(data,'bleu')
+ success_f1 = self.success_f1_metric(data, 'success')
+ match = self.match_metric(data, 'match', raw_data=raw_data)
+ self._print_dict(self.metric_dict)
+ return -success_f1[0]
+
+ def get_entities(self, entity_data):
+ for k in entity_data['informable']:
+ self.entities.extend(entity_data['informable'][k])
+ for item in entity_data['informable'][k]:
+ self.entity_dict[item] = k
+
+ def _extract_constraint(self, z):
+ z = z.split()
+ if 'EOS_Z1' not in z:
+ s = set(z)
+ else:
+ idx = z.index('EOS_Z1')
+ s = set(z[:idx])
+ if 'moderately' in s:
+ s.discard('moderately')
+ s.add('moderate')
+ #print(self.entities)
+ #return s
+ return s.intersection(self.entities)
+ #return set(z).difference(['name', 'address', 'postcode', 'phone', 'area', 'pricerange'])
+
+ def _extract_request(self, z):
+ z = z.split()
+ return set(z).intersection(['address', 'postcode', 'phone', 'area', 'pricerange','food'])
+
+ @report
+ def match_metric(self, data, sub='match',raw_data=None):
+ dials = self.pack_dial(data)
+ match,total = 0,1e-8
+ success = 0
+ # find out the last placeholder and see whether that is correct
+ # if no such placeholder, see the final turn, because it can be a yes/no question or scheduling dialogue
+ for dial_id in dials:
+ truth_req, gen_req = [], []
+ dial = dials[dial_id]
+ gen_bspan, truth_cons, gen_cons = None, None, set()
+ truth_turn_num = -1
+ truth_response_req = []
+ for turn_num,turn in enumerate(dial):
+ if 'SLOT' in turn['generated_response']:
+ gen_bspan = turn['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+ if 'SLOT' in turn['response']:
+ truth_cons = self._extract_constraint(turn['bspan'])
+ gen_response_token = turn['generated_response'].split()
+ response_token = turn['response'].split()
+ for idx, w in enumerate(gen_response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ gen_req.append(w.split('_')[0])
+ if w == 'SLOT' and idx != 0:
+ gen_req.append(gen_response_token[idx - 1])
+ for idx, w in enumerate(response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ truth_response_req.append(w.split('_')[0])
+ if not gen_cons:
+ gen_bspan = dial[-1]['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+ if truth_cons:
+ if gen_cons == truth_cons:
+ match += 1
+ else:
+ print(gen_cons, truth_cons)
+ total += 1
+
+ return match / total, success / total
+
+ @report
+ def success_f1_metric(self, data, sub='successf1'):
+ dials = self.pack_dial(data)
+ tp,fp,fn = 0,0,0
+ for dial_id in dials:
+ truth_req, gen_req = set(),set()
+ dial = dials[dial_id]
+ for turn_num, turn in enumerate(dial):
+ gen_response_token = turn['generated_response'].split()
+ response_token = turn['response'].split()
+ for idx, w in enumerate(gen_response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ gen_req.add(w.split('_')[0])
+ for idx, w in enumerate(response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ truth_req.add(w.split('_')[0])
+
+ gen_req.discard('name')
+ truth_req.discard('name')
+ for req in gen_req:
+ if req in truth_req:
+ tp += 1
+ else:
+ fp += 1
+ for req in truth_req:
+ if req not in gen_req:
+ fn += 1
+ precision, recall = tp / (tp + fp + 1e-8), tp / (tp + fn + 1e-8)
+ f1 = 2 * precision * recall / (precision + recall + 1e-8)
+ return f1, precision, recall
+
+class KvretEvaluator(GenericEvaluator):
+ def __init__(self, result_path):
+ super().__init__(result_path)
+ ent_json = open('./data/kvret/kvret_entities.json')
+ self.ent_data = json.loads(ent_json.read().lower())
+ ent_json.close()
+ self._get_entity_dict(self.ent_data)
+ raw_json = open('./data/kvret/kvret_test_public.json')
+ self.raw_data = json.loads(raw_json.read().lower())
+ raw_json.close()
+
+ def run_metrics(self):
+ data = self.read_result_data()
+ for i, row in enumerate(data):
+ data[i]['response'] = self.clean_by_intent(data[i]['response'],int(data[i]['dial_id']))
+ data[i]['generated_response'] = self.clean_by_intent(data[i]['generated_response'],int(data[i]['dial_id']))
+ match_rate = self.match_rate_metric(data, 'match')
+ bleu_score = self.bleu_metric(data,'bleu')
+ success_f1 = self.success_f1_metric(data,'success_f1')
+ self._print_dict(self.metric_dict)
+
+ def clean_by_intent(self,s,i):
+ s = s.replace(' ', '').replace(' SLOT', '_SLOT')
+ s = ' ' + s + ' '
+ intent = self.raw_data[i]['scenario']['task']['intent']
+ slot = {
+ 'weather':['weather_attribute','location','weekly_time'],
+ 'navigate':['poi','poi_type','distance','traffic','address'],
+ 'schedule':['event','date','time','party','room','agenda']
+ }
+
+ for item in self.entity_dict:
+ if self.entity_dict[item] in slot[intent]:
+ # s = s.replace(item, 'VALUE_{}'.format(self.entity_dict[item]))
+ s = clean_replace(s, item, '{}_SLOT'.format(self.entity_dict[item]))
+ return s
+
+
+ def _extract_constraint(self, z):
+ z = z.split()
+ if 'EOS_Z1' not in z:
+ s = set(z)
+ else:
+ idx = z.index('EOS_Z1')
+ s = set(z[:idx])
+ reqs = ['address', 'traffic', 'poi', 'poi_type', 'distance', 'weather', 'temperature', 'weather_attribute',
+ 'date', 'time', 'location', 'event', 'agenda', 'party', 'room', 'weekly_time', 'forecast']
+ informable = {
+ 'weather': ['date','location','weather_attribute'],
+ 'navigate': ['poi_type','distance'],
+ 'schedule': ['event', 'date', 'time', 'agenda', 'party', 'room']
+ }
+ infs = []
+ for v in informable.values():
+ infs.extend(v)
+ junk = ['good','great','quickest','shortest','route','week','fastest','nearest','next','closest','way','mile',
+ 'activity','restaurant','appointment' ]
+ s = s.difference(junk).difference(en_sws).difference(reqs)
+ res = set()
+ for item in s:
+ if item in junk:
+ continue
+ flg = False
+ for canon_ent in sorted(list(self.entity_dict.keys())):
+ if self.entity_dict[canon_ent] in infs:
+ if similar(item, canon_ent):
+ flg = True
+ junk.extend(canon_ent.split())
+ res.add(canon_ent)
+ if flg:
+ break
+ return res
+
+ def constraint_same(self, truth_cons, gen_cons):
+ if not truth_cons and not gen_cons:
+ return True
+ if not truth_cons or not gen_cons:
+ return False
+ return setsim(gen_cons, truth_cons)
+
+ def _get_entity_dict(self, entity_data):
+ entity_dict = {}
+ for k in entity_data:
+ if type(entity_data[k][0]) is str:
+ for entity in entity_data[k]:
+ entity = self._lemmatize(self._tokenize(entity))
+ entity_dict[entity] = k
+ if k in ['event','poi_type']:
+ entity_dict[entity.split()[0]] = k
+ elif type(entity_data[k][0]) is dict:
+ for entity_entry in entity_data[k]:
+ for entity_type, entity in entity_entry.items():
+ entity_type = 'poi_type' if entity_type == 'type' else entity_type
+ entity = self._lemmatize(self._tokenize(entity))
+ entity_dict[entity] = entity_type
+ if entity_type in ['event', 'poi_type']:
+ entity_dict[entity.split()[0]] = entity_type
+ self.entity_dict = entity_dict
+
+ @report
+ def match_rate_metric(self, data, sub='match',bspans='./data/kvret/test.bspan.pkl'):
+ dials = self.pack_dial(data)
+ match,total = 0,1e-8
+ #bspan_data = pickle.load(open(bspans,'rb'))
+ # find out the last placeholder and see whether that is correct
+ # if no such placeholder, see the final turn, because it can be a yes/no question or scheduling conversation
+ for dial_id in dials:
+ dial = dials[dial_id]
+ gen_bspan, truth_cons, gen_cons = None, None, set()
+ truth_turn_num = -1
+ for turn_num,turn in enumerate(dial):
+ if 'SLOT' in turn['generated_response']:
+ gen_bspan = turn['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+ if 'SLOT' in turn['response']:
+ truth_cons = self._extract_constraint(turn['bspan'])
+
+ # KVRET dataset includes "scheduling" (so often no SLOT decoded in ground truth)
+ if not truth_cons:
+ truth_bspan = dial[-1]['bspan']
+ truth_cons = self._extract_constraint(truth_bspan)
+ if not gen_cons:
+ gen_bspan = dial[-1]['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+
+ if truth_cons:
+ if self.constraint_same(gen_cons, truth_cons):
+ match += 1
+ #print(gen_cons, truth_cons, '+')
+ else:
+ print(gen_cons, truth_cons, '-')
+ total += 1
+
+ return match / total
+
+ def _tokenize(self, sent):
+ return ' '.join(word_tokenize(sent))
+
+ def _lemmatize(self, sent):
+ words = [wn.lemmatize(_) for _ in sent.split()]
+ #for idx,w in enumerate(words):
+ # if w !=
+ return ' '.join(words)
+
+ @report
+ def success_f1_metric(self, data, sub='successf1'):
+ dials = self.pack_dial(data)
+ tp,fp,fn = 0,0,0
+ for dial_id in dials:
+ truth_req, gen_req = set(),set()
+ dial = dials[dial_id]
+ for turn_num, turn in enumerate(dial):
+ gen_response_token = turn['generated_response'].split()
+ response_token = turn['response'].split()
+ for idx, w in enumerate(gen_response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ gen_req.add(w.split('_')[0])
+ for idx, w in enumerate(response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ truth_req.add(w.split('_')[0])
+ gen_req.discard('name')
+ truth_req.discard('name')
+ for req in gen_req:
+ if req in truth_req:
+ tp += 1
+ else:
+ fp += 1
+ for req in truth_req:
+ if req not in gen_req:
+ fn += 1
+ precision, recall = tp / (tp + fp + 1e-8), tp / (tp + fn + 1e-8)
+ f1 = 2 * precision * recall / (precision + recall + 1e-8)
+ return f1
+
+class MultiWozEvaluator(GenericEvaluator):
+ def __init__(self, result_path):
+ super().__init__(result_path)
+ self.entities = []
+ self.entity_dict = {}
+
+ def run_metrics(self):
+ with open('./data/MultiWoz/test.json') as f:
+ raw_data = json.loads(f.read().lower())
+ with open('./data/MultiWoz/entities.json') as f:
+ raw_entities = json.loads(f.read().lower())
+ self.get_entities(raw_entities)
+ data = self.read_result_data()
+ for i, row in enumerate(data):
+ data[i]['response'] = self.clean(data[i]['response'])
+ data[i]['generated_response'] = self.clean(data[i]['generated_response'])
+ bleu_score = self.bleu_metric(data,'bleu')
+ success_f1 = self.success_f1_metric(data, 'success')
+ match = self.match_metric(data, 'match', raw_data=raw_data)
+ self._print_dict(self.metric_dict)
+ return -success_f1[0]
+
+ def get_entities(self, entity_data):
+ for k in entity_data:
+ k_attr = k.split('_')[1][:-1]
+ self.entities.extend(entity_data[k])
+ for item in entity_data[k]:
+ self.entity_dict[item] = k_attr
+
+ def _extract_constraint(self, z):
+ z = z.split()
+ if 'EOS_Z1' not in z:
+ s = set(z)
+ else:
+ idx = z.index('EOS_Z1')
+ s = set(z[:idx])
+ if 'moderately' in s:
+ s.discard('moderately')
+ s.add('moderate')
+ #print(self.entities)
+ #return s
+ return s.intersection(self.entities)
+ #return set(z).difference(['name', 'address', 'postcode', 'phone', 'area', 'pricerange'])
+
+ def _extract_request(self, z):
+ z = z.split()
+ return set(z).intersection(['address', 'postcode', 'phone', 'area', 'pricerange','food'])
+
+ @report
+ def match_metric(self, data, sub='match',raw_data=None):
+ dials = self.pack_dial(data)
+ match,total = 0,1e-8
+ # find out the last placeholder and see whether that is correct
+ # if no such placeholder, see the final turn, because it can be a yes/no question or scheduling dialogue
+ for dial_id in dials:
+ truth_req, gen_req = [], []
+ dial = dials[dial_id]
+ gen_bspan, truth_cons, gen_cons = None, None, set()
+ truth_turn_num = -1
+ truth_response_req = []
+ for turn_num,turn in enumerate(dial):
+ if 'SLOT' in turn['generated_response']:
+ gen_bspan = turn['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+ if 'SLOT' in turn['response']:
+ truth_cons = self._extract_constraint(turn['bspan'])
+ gen_response_token = turn['generated_response'].split()
+ response_token = turn['response'].split()
+ for idx, w in enumerate(gen_response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ gen_req.append(w.split('_')[0])
+ if w == 'SLOT' and idx != 0:
+ gen_req.append(gen_response_token[idx - 1])
+ for idx, w in enumerate(response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ truth_response_req.append(w.split('_')[0])
+ if not gen_cons:
+ gen_bspan = dial[-1]['generated_bspan']
+ gen_cons = self._extract_constraint(gen_bspan)
+ if truth_cons:
+ if gen_cons == truth_cons:
+ match += 1
+ else:
+ pass
+# print(gen_cons, truth_cons)
+ total += 1
+
+ return match / total
+
+ @report
+ def success_f1_metric(self, data, sub='successf1'):
+ dials = self.pack_dial(data)
+ tp,fp,fn = 0,0,0
+ for dial_id in dials:
+ truth_req, gen_req = set(),set()
+ dial = dials[dial_id]
+ for turn_num, turn in enumerate(dial):
+ gen_response_token = turn['generated_response'].split()
+ response_token = turn['response'].split()
+ for idx, w in enumerate(gen_response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ gen_req.add(w.split('_')[0])
+ for idx, w in enumerate(response_token):
+ if w.endswith('SLOT') and w != 'SLOT':
+ truth_req.add(w.split('_')[0])
+
+ gen_req.discard('name')
+ truth_req.discard('name')
+ for req in gen_req:
+ if req in truth_req:
+ tp += 1
+ else:
+ fp += 1
+ for req in truth_req:
+ if req not in gen_req:
+ fn += 1
+ precision, recall = tp / (tp + fp + 1e-8), tp / (tp + fn + 1e-8)
+ f1 = 2 * precision * recall / (precision + recall + 1e-8)
+ return f1, precision, recall
+
+def metric_handler():
+ parser = argparse.ArgumentParser()
+ parser.add_argument('-file')
+ parser.add_argument('-type')
+ args = parser.parse_args()
+ ev_class = None
+ if args.type == 'camrest':
+ ev_class = CamRestEvaluator
+ elif args.type == 'kvret':
+ ev_class = KvretEvaluator
+ elif args.type == 'multiwoz':
+ ev_class = MultiWozEvaluator
+ ev = ev_class(args.file)
+ ev.run_metrics()
+ ev.dump()
+
+if __name__ == '__main__':
+ metric_handler()
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/model.py b/convlab/modules/e2e/multiwoz/Sequicity/model.py
new file mode 100644
index 0000000..1c9252f
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/model.py
@@ -0,0 +1,519 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import random
+import numpy as np
+from convlab.modules.e2e.multiwoz.Sequicity.config import global_config as cfg
+from convlab.modules.e2e.multiwoz.Sequicity.reader import get_glove_matrix
+from convlab.modules.e2e.multiwoz.Sequicity.reader import CamRest676Reader, KvretReader, MultiWozReader
+from convlab.modules.e2e.multiwoz.Sequicity.tsd_net import TSD, cuda_
+from torch.optim import Adam
+from torch.autograd import Variable
+from convlab.modules.e2e.multiwoz.Sequicity.reader import pad_sequences
+import argparse, time
+
+from nltk import word_tokenize
+from convlab.modules.e2e.multiwoz.Sequicity.metric import CamRestEvaluator, KvretEvaluator, MultiWozEvaluator
+import logging
+
+
+class Model:
+ def __init__(self, dataset):
+ reader_dict = {
+ 'camrest': CamRest676Reader,
+ 'kvret': KvretReader,
+ 'multiwoz': MultiWozReader
+ }
+ model_dict = {
+ 'TSD':TSD
+ }
+ evaluator_dict = {
+ 'camrest': CamRestEvaluator,
+ 'kvret': KvretEvaluator,
+ 'multiwoz': MultiWozEvaluator
+ }
+ self.reader = reader_dict[dataset]()
+ self.m = model_dict[cfg.m](embed_size=cfg.embedding_size,
+ hidden_size=cfg.hidden_size,
+ vocab_size=cfg.vocab_size,
+ layer_num=cfg.layer_num,
+ dropout_rate=cfg.dropout_rate,
+ z_length=cfg.z_length,
+ max_ts=cfg.max_ts,
+ beam_search=cfg.beam_search,
+ beam_size=cfg.beam_size,
+ eos_token_idx=self.reader.vocab.encode('EOS_M'),
+ vocab=self.reader.vocab,
+ teacher_force=cfg.teacher_force,
+ degree_size=cfg.degree_size)
+ self.EV = evaluator_dict[dataset] # evaluator class
+ if cfg.cuda: self.m = self.m.cuda()
+ self.base_epoch = -1
+
+ def _convert_batch(self, py_batch, prev_z_py=None):
+ u_input_py = py_batch['user']
+ u_len_py = py_batch['u_len']
+ kw_ret = {}
+ if cfg.prev_z_method == 'concat' and prev_z_py is not None:
+ for i in range(len(u_input_py)):
+ eob = self.reader.vocab.encode('EOS_Z2')
+ if eob in prev_z_py[i] and prev_z_py[i].index(eob) != len(prev_z_py[i]) - 1:
+ idx = prev_z_py[i].index(eob)
+ u_input_py[i] = prev_z_py[i][:idx + 1] + u_input_py[i]
+ else:
+ u_input_py[i] = prev_z_py[i] + u_input_py[i]
+ u_len_py[i] = len(u_input_py[i])
+ for j, word in enumerate(prev_z_py[i]):
+ if word >= cfg.vocab_size:
+ prev_z_py[i][j] = 2 #unk
+ elif cfg.prev_z_method == 'separate' and prev_z_py is not None:
+ for i in range(len(prev_z_py)):
+ eob = self.reader.vocab.encode('EOS_Z2')
+ if eob in prev_z_py[i] and prev_z_py[i].index(eob) != len(prev_z_py[i]) - 1:
+ idx = prev_z_py[i].index(eob)
+ prev_z_py[i] = prev_z_py[i][:idx + 1]
+ for j, word in enumerate(prev_z_py[i]):
+ if word >= cfg.vocab_size:
+ prev_z_py[i][j] = 2 #unk
+ prev_z_input_np = pad_sequences(prev_z_py, cfg.max_ts, padding='post', truncating='pre').transpose((1, 0))
+ prev_z_len = np.array([len(_) for _ in prev_z_py])
+ prev_z_input = cuda_(Variable(torch.from_numpy(prev_z_input_np).long()))
+ kw_ret['prev_z_len'] = prev_z_len
+ kw_ret['prev_z_input'] = prev_z_input
+ kw_ret['prev_z_input_np'] = prev_z_input_np
+
+ degree_input_np = np.array(py_batch['degree'])
+ u_input_np = pad_sequences(u_input_py, cfg.max_ts, padding='post', truncating='pre').transpose((1, 0))
+ z_input_np = pad_sequences(py_batch['bspan'], padding='post').transpose((1, 0))
+ m_input_np = pad_sequences(py_batch['response'], cfg.max_ts, padding='post', truncating='post').transpose(
+ (1, 0))
+
+ u_len = np.array(u_len_py)
+ m_len = np.array(py_batch['m_len'])
+
+ degree_input = cuda_(Variable(torch.from_numpy(degree_input_np).float()))
+ u_input = cuda_(Variable(torch.from_numpy(u_input_np).long()))
+ z_input = cuda_(Variable(torch.from_numpy(z_input_np).long()))
+ m_input = cuda_(Variable(torch.from_numpy(m_input_np).long()))
+
+ kw_ret['z_input_np'] = z_input_np
+
+ return u_input, u_input_np, z_input, m_input, m_input_np,u_len, m_len, \
+ degree_input, kw_ret
+
+ def train(self):
+ lr = cfg.lr
+ prev_min_loss, early_stop_count = 1 << 30, cfg.early_stop_count
+ train_time = 0
+ for epoch in range(cfg.epoch_num):
+ sw = time.time()
+ if epoch <= self.base_epoch:
+ continue
+ self.training_adjust(epoch)
+ self.m.self_adjust(epoch)
+ sup_loss = 0
+ sup_cnt = 0
+ data_iterator = self.reader.mini_batch_iterator('train')
+ optim = Adam(lr=lr, params=filter(lambda x: x.requires_grad, self.m.parameters()),weight_decay=1e-5)
+ for iter_num, dial_batch in enumerate(data_iterator):
+ turn_states = {}
+ prev_z = None
+ for turn_num, turn_batch in enumerate(dial_batch):
+ if cfg.truncated:
+ logging.debug('iter %d turn %d' % (iter_num, turn_num))
+ optim.zero_grad()
+ u_input, u_input_np, z_input, m_input, m_input_np, u_len, \
+ m_len, degree_input, kw_ret \
+ = self._convert_batch(turn_batch, prev_z)
+
+ loss, pr_loss, m_loss, turn_states = self.m(u_input=u_input, z_input=z_input,
+ m_input=m_input,
+ degree_input=degree_input,
+ u_input_np=u_input_np,
+ m_input_np=m_input_np,
+ turn_states=turn_states,
+ u_len=u_len, m_len=m_len, mode='train', **kw_ret)
+ loss.backward(retain_graph=turn_num != len(dial_batch) - 1)
+ grad = torch.nn.utils.clip_grad_norm(self.m.parameters(), 5.0)
+ optim.step()
+ sup_loss += loss.item()
+ sup_cnt += 1
+ logging.debug(
+ 'loss:{} pr_loss:{} m_loss:{} grad:{}'.format(loss.item(),
+ pr_loss.item(),
+ m_loss.item(),
+ grad))
+
+ prev_z = turn_batch['bspan']
+
+ epoch_sup_loss = sup_loss / (sup_cnt + 1e-8)
+ train_time += time.time() - sw
+ logging.info('Traning time: {}'.format(train_time))
+ logging.info('avg training loss in epoch %d sup:%f' % (epoch, epoch_sup_loss))
+
+ valid_sup_loss, valid_unsup_loss = self.validate()
+ logging.info('validation loss in epoch %d sup:%f unsup:%f' % (epoch, valid_sup_loss, valid_unsup_loss))
+ logging.info('time for epoch %d: %f' % (epoch, time.time()-sw))
+ valid_loss = valid_sup_loss + valid_unsup_loss
+
+ if valid_loss <= prev_min_loss:
+ self.save_model(epoch)
+ prev_min_loss = valid_loss
+ else:
+ early_stop_count -= 1
+ lr *= cfg.lr_decay
+ if not early_stop_count:
+ break
+ logging.info('early stop countdown %d, learning rate %f' % (early_stop_count, lr))
+
+ def eval(self, data='test'):
+ self.m.eval()
+ self.reader.result_file = None
+ data_iterator = self.reader.mini_batch_iterator(data)
+ mode = 'test' if not cfg.pretrain else 'pretrain_test'
+ for batch_num, dial_batch in enumerate(data_iterator):
+ turn_states = {}
+ prev_z = None
+ for turn_num, turn_batch in enumerate(dial_batch):
+ u_input, u_input_np, z_input, m_input, m_input_np, u_len, \
+ m_len, degree_input, kw_ret \
+ = self._convert_batch(turn_batch, prev_z)
+ m_idx, z_idx, turn_states = self.m(mode=mode, u_input=u_input, u_len=u_len, z_input=z_input,
+ m_input=m_input,
+ degree_input=degree_input, u_input_np=u_input_np,
+ m_input_np=m_input_np,
+ m_len=m_len, turn_states=turn_states,**kw_ret)
+ self.reader.wrap_result(turn_batch, m_idx, z_idx, prev_z=prev_z)
+ prev_z = z_idx
+ ev = self.EV(result_path=cfg.result_path)
+ res = ev.run_metrics()
+ self.m.train()
+ return res
+
+ def interact(self):
+ def z2degree(gen_z):
+ gen_bspan = self.reader.vocab.sentence_decode(gen_z, eos='EOS_Z2')
+ constraint_request = gen_bspan.split()
+ constraints = constraint_request[:constraint_request.index('EOS_Z1')] if 'EOS_Z1' \
+ in constraint_request else constraint_request
+ for j, ent in enumerate(constraints):
+ constraints[j] = ent.replace('_', ' ')
+ degree = self.reader.db_search(constraints)
+ degree_input_list = self.reader._degree_vec_mapping(len(degree))
+ degree_input = cuda_(Variable(torch.Tensor(degree_input_list).unsqueeze(0)))
+ return degree, degree_input
+
+ def denormalize(uttr):
+ uttr = uttr.replace(' -s', 's')
+ uttr = uttr.replace(' -ly', 'ly')
+ uttr = uttr.replace(' -er', 'er')
+ return uttr
+
+ self.m.eval()
+ print('Start interaction.')
+ kw_ret = dict({'func':z2degree})
+ while True:
+ usr = input('usr: ')
+ if usr == 'END':
+ break
+ if usr == 'RESET':
+ kw_ret = dict({'func':z2degree})
+ continue
+ usr = word_tokenize(usr.lower())
+ usr_words = usr + ['EOS_U']
+ u_len = np.array([len(usr_words)])
+ usr_indices = self.reader.vocab.sentence_encode(usr_words)
+ u_input_np = np.array(usr_indices)[:, np.newaxis]
+ u_input = cuda_(Variable(torch.from_numpy(u_input_np).long()))
+ m_idx, z_idx, degree = self.m(mode='test', degree_input=None, z_input=None,
+ u_input=u_input, u_input_np=u_input_np, u_len=u_len,
+ m_input=None, m_input_np=None, m_len=None,
+ turn_states=None, **kw_ret)
+ venue = random.sample(degree, 1)[0] if degree else dict()
+ l = [self.reader.vocab.decode(_) for _ in m_idx[0]]
+ if 'EOS_M' in l:
+ l = l[:l.index('EOS_M')]
+ l_origin = []
+ for word in l:
+ if 'SLOT' in word:
+ word = word[:-5]
+ if word in venue.keys():
+ value = venue[word]
+ if value != '?':
+ l_origin.append(value)
+ else:
+ l_origin.append(word)
+ sys = ' '.join(l_origin)
+ sys = denormalize(sys)
+ print('sys:', sys)
+ if cfg.prev_z_method == 'separate':
+ eob = self.reader.vocab.encode('EOS_Z2')
+ if eob in z_idx[0] and z_idx[0].index(eob) != len(z_idx[0]) - 1:
+ idx = z_idx[0].index(eob)
+ z_idx[0] = z_idx[0][:idx + 1]
+ for j, word in enumerate(z_idx[0]):
+ if word >= cfg.vocab_size:
+ z_idx[0][j] = 2 #unk
+ prev_z_input_np = pad_sequences(z_idx, cfg.max_ts, padding='post', truncating='pre').transpose((1, 0))
+ prev_z_len = np.array([len(_) for _ in z_idx])
+ prev_z_input = cuda_(Variable(torch.from_numpy(prev_z_input_np).long()))
+ kw_ret['prev_z_len'] = prev_z_len
+ kw_ret['prev_z_input'] = prev_z_input
+ kw_ret['prev_z_input_np'] = prev_z_input_np
+
+ def predict(self, usr, kw_ret):
+ def z2degree(gen_z):
+ gen_bspan = self.reader.vocab.sentence_decode(gen_z, eos='EOS_Z2')
+ constraint_request = gen_bspan.split()
+ constraints = constraint_request[:constraint_request.index('EOS_Z1')] if 'EOS_Z1' \
+ in constraint_request else constraint_request
+ for j, ent in enumerate(constraints):
+ constraints[j] = ent.replace('_', ' ')
+ degree = self.reader.db_search(constraints)
+ degree_input_list = self.reader._degree_vec_mapping(len(degree))
+ degree_input = cuda_(Variable(torch.Tensor(degree_input_list).unsqueeze(0)))
+ return degree, degree_input
+
+ self.m.eval()
+
+ kw_ret['func'] = z2degree
+ if 'prev_z_input_np' in kw_ret:
+ kw_ret['prev_z_len'] = np.array(kw_ret['prev_z_len'])
+ kw_ret['prev_z_input_np'] = np.array(kw_ret['prev_z_input_np'])
+ kw_ret['prev_z_input'] = cuda_(Variable(torch.Tensor(kw_ret['prev_z_input_np']).long()))
+
+ usr = word_tokenize(usr.lower())
+
+ usr_words = usr + ['EOS_U']
+ u_len = np.array([len(usr_words)])
+ usr_indices = self.reader.vocab.sentence_encode(usr_words)
+ u_input_np = np.array(usr_indices)[:, np.newaxis]
+ u_input = cuda_(Variable(torch.from_numpy(u_input_np).long()))
+ m_idx, z_idx, degree = self.m(mode='test', degree_input=None, z_input=None,
+ u_input=u_input, u_input_np=u_input_np, u_len=u_len,
+ m_input=None, m_input_np=None, m_len=None,
+ turn_states=None, **kw_ret)
+ venue = random.sample(degree, 1)[0] if degree else dict()
+ l = [self.reader.vocab.decode(_) for _ in m_idx[0]]
+ if 'EOS_M' in l:
+ l = l[:l.index('EOS_M')]
+ l_origin = []
+ for word in l:
+ if 'SLOT' in word:
+ word = word[:-5]
+ if word in venue.keys():
+ value = venue[word]
+ if value != '?':
+ l_origin.append(value.replace(' ', '_'))
+ else:
+ l_origin.append(word)
+ sys = ' '.join(l_origin)
+ kw_ret['sys'] = sys
+ if cfg.prev_z_method == 'separate':
+ eob = self.reader.vocab.encode('EOS_Z2')
+ if eob in z_idx[0] and z_idx[0].index(eob) != len(z_idx[0]) - 1:
+ idx = z_idx[0].index(eob)
+ z_idx[0] = z_idx[0][:idx + 1]
+ for j, word in enumerate(z_idx[0]):
+ if word >= cfg.vocab_size:
+ z_idx[0][j] = 2 #unk
+ prev_z_input_np = pad_sequences(z_idx, cfg.max_ts, padding='post', truncating='pre').transpose((1, 0))
+ prev_z_len = np.array([len(_) for _ in z_idx])
+ kw_ret['prev_z_len'] = prev_z_len.tolist()
+ kw_ret['prev_z_input_np'] = prev_z_input_np.tolist()
+ if 'prev_z_input' in kw_ret:
+ del kw_ret['prev_z_input']
+
+ del kw_ret['func']
+
+ return kw_ret
+
+ def validate(self, data='dev'):
+ self.m.eval()
+ data_iterator = self.reader.mini_batch_iterator(data)
+ sup_loss, unsup_loss = 0, 0
+ sup_cnt, unsup_cnt = 0, 0
+ for dial_batch in data_iterator:
+ turn_states = {}
+ for turn_num, turn_batch in enumerate(dial_batch):
+ u_input, u_input_np, z_input, m_input, m_input_np, u_len, \
+ m_len, degree_input, kw_ret \
+ = self._convert_batch(turn_batch)
+
+ loss, pr_loss, m_loss, turn_states = self.m(u_input=u_input, z_input=z_input,
+ m_input=m_input,
+ turn_states=turn_states,
+ degree_input=degree_input,
+ u_input_np=u_input_np, m_input_np=m_input_np,
+ u_len=u_len, m_len=m_len, mode='train',**kw_ret)
+ sup_loss += loss.item()
+ sup_cnt += 1
+ logging.debug(
+ 'loss:{} pr_loss:{} m_loss:{}'.format(loss.item(), pr_loss.item(), m_loss.item()))
+
+ sup_loss /= (sup_cnt + 1e-8)
+ unsup_loss /= (unsup_cnt + 1e-8)
+ self.m.train()
+ print('result preview...')
+ self.eval()
+ return sup_loss, unsup_loss
+
+ def reinforce_tune(self):
+ lr = cfg.lr
+ prev_min_loss, early_stop_count = 1 << 30, cfg.early_stop_count
+ for epoch in range(self.base_epoch + cfg.rl_epoch_num + 1):
+ mode = 'rl'
+ if epoch <= self.base_epoch:
+ continue
+ epoch_loss, cnt = 0,0
+ data_iterator = self.reader.mini_batch_iterator('train')
+ optim = Adam(lr=lr, params=filter(lambda x: x.requires_grad, self.m.parameters()), weight_decay=1e-5)
+ for iter_num, dial_batch in enumerate(data_iterator):
+ turn_states = {}
+ prev_z = None
+ for turn_num, turn_batch in enumerate(dial_batch):
+ optim.zero_grad()
+ u_input, u_input_np, z_input, m_input, m_input_np, u_len, \
+ m_len, degree_input, kw_ret \
+ = self._convert_batch(turn_batch, prev_z)
+ loss_rl = self.m(u_input=u_input, z_input=z_input,
+ m_input=m_input,
+ degree_input=degree_input,
+ u_input_np=u_input_np,
+ m_input_np=m_input_np,
+ turn_states=turn_states,
+ u_len=u_len, m_len=m_len, mode=mode, **kw_ret)
+
+ if loss_rl is not None:
+ loss = loss_rl
+ loss.backward()
+ grad = torch.nn.utils.clip_grad_norm(self.m.parameters(), 2.0)
+ optim.step()
+ epoch_loss += loss.data.cpu().numpy()[0]
+ cnt += 1
+ logging.debug('{} loss {}, grad:{}'.format(mode,loss.data[0],grad))
+
+ prev_z = turn_batch['bspan']
+
+ epoch_sup_loss = epoch_loss / (cnt + 1e-8)
+ logging.info('avg training loss in epoch %d sup:%f' % (epoch, epoch_sup_loss))
+
+ valid_sup_loss, valid_unsup_loss = self.validate()
+ logging.info('validation loss in epoch %d sup:%f unsup:%f' % (epoch, valid_sup_loss, valid_unsup_loss))
+ valid_loss = valid_sup_loss + valid_unsup_loss
+
+ self.save_model(epoch)
+
+ if valid_loss <= prev_min_loss:
+ #self.save_model(epoch)
+ prev_min_loss = valid_loss
+ else:
+ early_stop_count -= 1
+ lr *= cfg.lr_decay
+ if not early_stop_count:
+ break
+ logging.info('early stop countdown %d, learning rate %f' % (early_stop_count, lr))
+
+ def save_model(self, epoch, path=None):
+ if not path:
+ path = cfg.model_path
+ all_state = {'lstd': self.m.state_dict(),
+ 'config': cfg.__dict__,
+ 'epoch': epoch}
+ torch.save(all_state, path)
+
+ def load_model(self, path=None):
+ if not path:
+ path = cfg.model_path
+ all_state = torch.load(path)
+ self.m.load_state_dict(all_state['lstd'])
+ self.base_epoch = all_state.get('epoch', 0)
+
+ def training_adjust(self, epoch):
+ return
+
+ def freeze_module(self, module):
+ for param in module.parameters():
+ param.requires_grad = False
+
+ def unfreeze_module(self, module):
+ for param in module.parameters():
+ param.requires_grad = True
+
+ def load_glove_embedding(self, freeze=False):
+ initial_arr = self.m.u_encoder.embedding.weight.data.cpu().numpy()
+ embedding_arr = torch.from_numpy(get_glove_matrix(self.reader.vocab, initial_arr))
+
+ self.m.u_encoder.embedding.weight.data.copy_(embedding_arr)
+ self.m.z_decoder.emb.weight.data.copy_(embedding_arr)
+ self.m.m_decoder.emb.weight.data.copy_(embedding_arr)
+
+ def count_params(self):
+
+ module_parameters = filter(lambda p: p.requires_grad, self.m.parameters())
+ param_cnt = sum([np.prod(p.size()) for p in module_parameters])
+
+ print('total trainable params: %d' % param_cnt)
+
+
+def main(arg_mode=None, arg_model=None):
+
+ parser = argparse.ArgumentParser()
+ parser.add_argument('-mode')
+ parser.add_argument('-model')
+ parser.add_argument('-cfg', nargs='*')
+ args = parser.parse_args()
+
+ if arg_mode is not None:
+ args.mode = arg_mode
+ if arg_model is not None:
+ args.model = arg_model
+
+ cfg.init_handler(args.model)
+
+ if args.cfg:
+ for pair in args.cfg:
+ k, v = tuple(pair.split('='))
+ dtype = type(getattr(cfg, k))
+ if dtype == type(None):
+ raise ValueError()
+ if dtype is bool:
+ v = False if v == 'False' else True
+ else:
+ v = dtype(v)
+ setattr(cfg, k, v)
+
+ logging.debug(str(cfg))
+ if cfg.cuda:
+ logging.debug('Device: {}'.format(torch.cuda.current_device()))
+ cfg.mode = args.mode
+
+ torch.manual_seed(cfg.seed)
+ torch.cuda.manual_seed(cfg.seed)
+ random.seed(cfg.seed)
+ np.random.seed(cfg.seed)
+
+ m = Model(args.model.split('-')[-1])
+ m.count_params()
+ if args.mode == 'train':
+ m.load_glove_embedding()
+ m.train()
+ elif args.mode == 'adjust':
+ m.load_model()
+ m.train()
+ elif args.mode == 'test':
+ m.load_model()
+ m.eval()
+ elif args.mode == 'rl':
+ m.load_model()
+ m.reinforce_tune()
+ elif args.mode == 'interact':
+ m.load_model()
+ m.interact()
+ elif args.mode == 'load':
+ m.load_model()
+ return m
+
+if __name__ == '__main__':
+ main()
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/reader.py b/convlab/modules/e2e/multiwoz/Sequicity/reader.py
new file mode 100644
index 0000000..547d2e8
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/reader.py
@@ -0,0 +1,1111 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import numpy as np
+import json
+import pickle
+from convlab.modules.e2e.multiwoz.Sequicity.config import global_config as cfg
+from nltk.tokenize import word_tokenize
+from nltk.stem import WordNetLemmatizer
+import logging
+import random
+import os
+import re
+import csv
+
+def clean_replace(s, r, t, forward=True, backward=False):
+ def clean_replace_single(s, r, t, forward, backward, sidx=0):
+ idx = s[sidx:].find(r)
+ if idx == -1:
+ return s, -1
+ idx += sidx
+ idx_r = idx + len(r)
+ if backward:
+ while idx > 0 and s[idx - 1]:
+ idx -= 1
+ elif idx > 0 and s[idx - 1] != ' ':
+ return s, -1
+
+ if forward:
+ while idx_r < len(s) and (s[idx_r].isalpha() or s[idx_r].isdigit()):
+ idx_r += 1
+ elif idx_r != len(s) and (s[idx_r].isalpha() or s[idx_r].isdigit()):
+ return s, -1
+ return s[:idx] + t + s[idx_r:], idx_r
+
+ sidx = 0
+ while sidx != -1:
+ s, sidx = clean_replace_single(s, r, t, forward, backward, sidx)
+ return s
+
+
+class _ReaderBase:
+ class LabelSet:
+ def __init__(self):
+ self._idx2item = {}
+ self._item2idx = {}
+ self._freq_dict = {}
+
+ def __len__(self):
+ return len(self._idx2item)
+
+ def _absolute_add_item(self, item):
+ idx = len(self)
+ self._idx2item[idx] = item
+ self._item2idx[item] = idx
+
+ def add_item(self, item):
+ if item not in self._freq_dict:
+ self._freq_dict[item] = 0
+ self._freq_dict[item] += 1
+
+ def construct(self, limit):
+ l = sorted(self._freq_dict.keys(), key=lambda x: -self._freq_dict[x])
+ print('Actual label size %d' % (len(l) + len(self._idx2item)))
+ if len(l) + len(self._idx2item) < limit:
+ logging.warning('actual label set smaller than that configured: {}/{}'
+ .format(len(l) + len(self._idx2item), limit))
+ for item in l:
+ if item not in self._item2idx:
+ idx = len(self._idx2item)
+ self._idx2item[idx] = item
+ self._item2idx[item] = idx
+ if len(self._idx2item) >= limit:
+ break
+
+ def encode(self, item):
+ return self._item2idx[item]
+
+ def decode(self, idx):
+ return self._idx2item[idx]
+
+ class Vocab(LabelSet):
+ def __init__(self, init=True):
+ _ReaderBase.LabelSet.__init__(self)
+ if init:
+ self._absolute_add_item('') # 0
+ self._absolute_add_item('') # 1
+ self._absolute_add_item('') # 2
+ self._absolute_add_item('') # 3
+
+ def load_vocab(self, vocab_path):
+ f = open(vocab_path, 'rb')
+ dic = pickle.load(f)
+ self._idx2item = dic['idx2item']
+ self._item2idx = dic['item2idx']
+ self._freq_dict = dic['freq_dict']
+ f.close()
+
+ def save_vocab(self, vocab_path):
+ f = open(vocab_path, 'wb')
+ dic = {
+ 'idx2item': self._idx2item,
+ 'item2idx': self._item2idx,
+ 'freq_dict': self._freq_dict
+ }
+ pickle.dump(dic, f)
+ f.close()
+
+ def sentence_encode(self, word_list):
+ return [self.encode(_) for _ in word_list]
+
+ def sentence_decode(self, index_list, eos=None):
+ l = [self.decode(_) for _ in index_list]
+ if not eos or eos not in l:
+ return ' '.join(l)
+ else:
+ idx = l.index(eos)
+ return ' '.join(l[:idx])
+
+ def nl_decode(self, l, eos=None):
+ return [self.sentence_decode(_, eos) + '\n' for _ in l]
+
+ def encode(self, item):
+ if item in self._item2idx:
+ return self._item2idx[item]
+ else:
+ return self._item2idx['']
+
+ def decode(self, idx):
+ idx = np.int(idx)
+ if idx < len(self):
+ return self._idx2item[idx]
+ else:
+ return 'ITEM_%d' % (idx - cfg.vocab_size)
+
+ def __init__(self):
+ self.train, self.dev, self.test = [], [], []
+ self.vocab = self.Vocab()
+ self.result_file = ''
+
+ def _construct(self, *args):
+ """
+ load data, construct vocab and store them in self.train/dev/test
+ :param args:
+ :return:
+ """
+ raise NotImplementedError('This is an abstract class, bro')
+
+ def _bucket_by_turn(self, encoded_data):
+ turn_bucket = {}
+ for dial in encoded_data:
+ turn_len = len(dial)
+ if turn_len not in turn_bucket:
+ turn_bucket[turn_len] = []
+ turn_bucket[turn_len].append(dial)
+ del_l = []
+ for k in turn_bucket:
+ if k >= 5: del_l.append(k)
+ logging.debug("bucket %d instance %d" % (k, len(turn_bucket[k])))
+ # for k in del_l:
+ # turn_bucket.pop(k)
+ return turn_bucket
+
+ def _mark_batch_as_supervised(self, all_batches):
+ supervised_num = int(len(all_batches) * cfg.spv_proportion / 100)
+ for i, batch in enumerate(all_batches):
+ for dial in batch:
+ for turn in dial:
+ turn['supervised'] = i < supervised_num
+ if not turn['supervised']:
+ turn['degree'] = [0.] * cfg.degree_size # unsupervised learning. DB degree should be unknown
+ return all_batches
+
+ def _construct_mini_batch(self, data):
+ all_batches = []
+ batch = []
+ for dial in data:
+ batch.append(dial)
+ if len(batch) == cfg.batch_size:
+ all_batches.append(batch)
+ batch = []
+ # if remainder > 1/2 batch_size, just put them in the previous batch, otherwise form a new batch
+ if len(batch) > 0.5 * cfg.batch_size:
+ all_batches.append(batch)
+ elif len(all_batches):
+ all_batches[-1].extend(batch)
+ else:
+ all_batches.append(batch)
+ return all_batches
+
+ def _transpose_batch(self, batch):
+ dial_batch = []
+ turn_num = len(batch[0])
+ for turn in range(turn_num):
+ turn_l = {}
+ for dial in batch:
+ this_turn = dial[turn]
+ for k in this_turn:
+ if k not in turn_l:
+ turn_l[k] = []
+ turn_l[k].append(this_turn[k])
+ dial_batch.append(turn_l)
+ return dial_batch
+
+ def mini_batch_iterator(self, set_name):
+ name_to_set = {'train': self.train, 'test': self.test, 'dev': self.dev}
+ dial = name_to_set[set_name]
+ turn_bucket = self._bucket_by_turn(dial)
+ # self._shuffle_turn_bucket(turn_bucket)
+ all_batches = []
+ for k in turn_bucket:
+ batches = self._construct_mini_batch(turn_bucket[k])
+ all_batches += batches
+ self._mark_batch_as_supervised(all_batches)
+ random.shuffle(all_batches)
+ for i, batch in enumerate(all_batches):
+ yield self._transpose_batch(batch)
+
+ def wrap_result(self, turn_batch, gen_m, gen_z, eos_syntax=None, prev_z=None):
+ """
+ wrap generated results
+ :param gen_z:
+ :param gen_m:
+ :param turn_batch: dict of [i_1,i_2,...,i_b] with keys
+ :return:
+ """
+
+ results = []
+ if eos_syntax is None:
+ eos_syntax = {'response': 'EOS_M', 'user': 'EOS_U', 'bspan': 'EOS_Z2'}
+ batch_size = len(turn_batch['user'])
+ for i in range(batch_size):
+ entry = {}
+ if prev_z is not None:
+ src = prev_z[i] + turn_batch['user'][i]
+ else:
+ src = turn_batch['user'][i]
+ for key in turn_batch:
+ entry[key] = turn_batch[key][i]
+ if key in eos_syntax:
+ entry[key] = self.vocab.sentence_decode(entry[key], eos=eos_syntax[key])
+ if gen_m:
+ entry['generated_response'] = self.vocab.sentence_decode(gen_m[i], eos='EOS_M')
+ else:
+ entry['generated_response'] = ''
+ if gen_z:
+ entry['generated_bspan'] = self.vocab.sentence_decode(gen_z[i], eos='EOS_Z2')
+ else:
+ entry['generated_bspan'] = ''
+ results.append(entry)
+ write_header = False
+ if not self.result_file:
+ self.result_file = open(cfg.result_path, 'w')
+ self.result_file.write(str(cfg))
+ write_header = True
+
+ field = ['dial_id', 'turn_num', 'user', 'generated_bspan', 'bspan', 'generated_response', 'response', 'u_len',
+ 'm_len', 'supervised']
+ for result in results:
+ del_k = []
+ for k in result:
+ if k not in field:
+ del_k.append(k)
+ for k in del_k:
+ result.pop(k)
+ writer = csv.DictWriter(self.result_file, fieldnames=field)
+ if write_header:
+ self.result_file.write('START_CSV_SECTION\n')
+ writer.writeheader()
+ writer.writerows(results)
+ return results
+
+ def db_search(self, constraints):
+ raise NotImplementedError('This is an abstract method')
+
+ def db_degree_handler(self, z_samples, *args, **kwargs):
+ """
+ returns degree of database searching and it may be used to control further decoding.
+ One hot vector, indicating the number of entries found: [0, 1, 2, 3, 4, >=5]
+ :param z_samples: nested list of B * [T]
+ :return: an one-hot control *numpy* control vector
+ """
+ control_vec = []
+
+ for cons_idx_list in z_samples:
+ constraints = set()
+ for cons in cons_idx_list:
+ if type(cons) is not str:
+ cons = self.vocab.decode(cons)
+ if cons == 'EOS_Z1':
+ break
+ constraints.add(cons)
+ match_result = self.db_search(constraints)
+ degree = len(match_result)
+ # modified
+ # degree = 0
+ control_vec.append(self._degree_vec_mapping(degree))
+ return np.array(control_vec)
+
+ def _degree_vec_mapping(self, match_num):
+ l = [0.] * cfg.degree_size
+ l[min(cfg.degree_size - 1, match_num)] = 1.
+ return l
+
+
+class CamRest676Reader(_ReaderBase):
+ def __init__(self):
+ super().__init__()
+ self._construct(cfg.data, cfg.db)
+ self.result_file = ''
+
+ def _get_tokenized_data(self, raw_data, db_data, construct_vocab):
+ tokenized_data = []
+ vk_map = self._value_key_map(db_data)
+ for dial_id, dial in enumerate(raw_data):
+ tokenized_dial = []
+ for turn in dial['dial']:
+ turn_num = turn['turn']
+ constraint = []
+ requested = []
+ for slot in turn['usr']['slu']:
+ if slot['act'] == 'inform':
+ s = slot['slots'][0][1]
+ if s not in ['dontcare', 'none']:
+ constraint.extend(word_tokenize(s))
+ else:
+ requested.extend(word_tokenize(slot['slots'][0][1]))
+ degree = len(self.db_search(constraint))
+ requested = sorted(requested)
+ constraint.append('EOS_Z1')
+ requested.append('EOS_Z2')
+ user = word_tokenize(turn['usr']['transcript']) + ['EOS_U']
+ response = word_tokenize(self._replace_entity(turn['sys']['sent'], vk_map, constraint)) + ['EOS_M']
+ tokenized_dial.append({
+ 'dial_id': dial_id,
+ 'turn_num': turn_num,
+ 'user': user,
+ 'response': response,
+ 'constraint': constraint,
+ 'requested': requested,
+ 'degree': degree,
+ })
+ if construct_vocab:
+ for word in user + response + constraint + requested:
+ self.vocab.add_item(word)
+ tokenized_data.append(tokenized_dial)
+ return tokenized_data
+
+ def _replace_entity(self, response, vk_map, constraint):
+ response = re.sub('[cC][., ]*[bB][., ]*\d[., ]*\d[., ]*\w[., ]*\w', 'postcode_SLOT', response)
+ response = re.sub('\d{5}\s?\d{6}', 'phone_SLOT', response)
+ constraint_str = ' '.join(constraint)
+ for v, k in sorted(vk_map.items(), key=lambda x: -len(x[0])):
+ start_idx = response.find(v)
+ if start_idx == -1 \
+ or (start_idx != 0 and response[start_idx - 1] != ' ') \
+ or (v in constraint_str):
+ continue
+ if k not in ['name', 'address']:
+ response = clean_replace(response, v, k + '_SLOT', forward=True, backward=False)
+ else:
+ response = clean_replace(response, v, k + '_SLOT', forward=False, backward=False)
+ return response
+
+ def _value_key_map(self, db_data):
+ requestable_keys = ['address', 'name', 'phone', 'postcode', 'food', 'area', 'pricerange']
+ value_key = {}
+ for db_entry in db_data:
+ for k, v in db_entry.items():
+ if k in requestable_keys:
+ value_key[v] = k
+ return value_key
+
+ def _get_encoded_data(self, tokenized_data):
+ encoded_data = []
+ for dial in tokenized_data:
+ encoded_dial = []
+ prev_response = []
+ for turn in dial:
+ user = self.vocab.sentence_encode(turn['user'])
+ response = self.vocab.sentence_encode(turn['response'])
+ constraint = self.vocab.sentence_encode(turn['constraint'])
+ requested = self.vocab.sentence_encode(turn['requested'])
+ degree = self._degree_vec_mapping(turn['degree'])
+ turn_num = turn['turn_num']
+ dial_id = turn['dial_id']
+
+ # final input
+ encoded_dial.append({
+ 'dial_id': dial_id,
+ 'turn_num': turn_num,
+ 'user': prev_response + user,
+ 'response': response,
+ 'bspan': constraint + requested,
+ 'u_len': len(prev_response + user),
+ 'm_len': len(response),
+ 'degree': degree,
+ })
+ # modified
+ prev_response = response
+ encoded_data.append(encoded_dial)
+ return encoded_data
+
+ def _split_data(self, encoded_data, split):
+ """
+ split data into train/dev/test
+ :param encoded_data: list
+ :param split: tuple / list
+ :return:
+ """
+ total = sum(split)
+ dev_thr = len(encoded_data) * split[0] // total
+ test_thr = len(encoded_data) * (split[0] + split[1]) // total
+ train, dev, test = encoded_data[:dev_thr], encoded_data[dev_thr:test_thr], encoded_data[test_thr:]
+ return train, dev, test
+
+ def _construct(self, data_json_path, db_json_path):
+ """
+ construct encoded train, dev, test set.
+ :param data_json_path:
+ :param db_json_path:
+ :return:
+ """
+ construct_vocab = False
+ if not os.path.isfile(cfg.vocab_path):
+ construct_vocab = True
+ print('Constructing vocab file...')
+ raw_data_json = open(data_json_path)
+ raw_data = json.loads(raw_data_json.read().lower())
+ db_json = open(db_json_path)
+ db_data = json.loads(db_json.read().lower())
+ self.db = db_data
+ tokenized_data = self._get_tokenized_data(raw_data, db_data, construct_vocab)
+ if construct_vocab:
+ self.vocab.construct(cfg.vocab_size)
+ self.vocab.save_vocab(cfg.vocab_path)
+ else:
+ self.vocab.load_vocab(cfg.vocab_path)
+ encoded_data = self._get_encoded_data(tokenized_data)
+ self.train, self.dev, self.test = self._split_data(encoded_data, cfg.split)
+ random.shuffle(self.train)
+ random.shuffle(self.dev)
+ random.shuffle(self.test)
+ raw_data_json.close()
+ db_json.close()
+
+ def db_search(self, constraints):
+ match_results = []
+ for entry in self.db:
+ entry_values = ' '.join(entry.values())
+ match = True
+ for c in constraints:
+ if c not in entry_values:
+ match = False
+ break
+ if match:
+ match_results.append(entry)
+ return match_results
+
+
+class KvretReader(_ReaderBase):
+ def __init__(self):
+ super().__init__()
+
+ self.entity_dict = {}
+ self.abbr_dict = {}
+
+ self.wn = WordNetLemmatizer()
+ self.db = {}
+
+ self.tokenized_data_path = './data/kvret/'
+ self._construct(cfg.train, cfg.dev, cfg.test, cfg.entity)
+
+ def _construct(self, train_json_path, dev_json_path, test_json_path, entity_json_path):
+ construct_vocab = False
+ if not os.path.isfile(cfg.vocab_path):
+ construct_vocab = True
+ print('Constructing vocab file...')
+ train_json, dev_json, test_json = open(train_json_path), open(dev_json_path), open(test_json_path)
+ entity_json = open(entity_json_path)
+ train_data, dev_data, test_data = json.loads(train_json.read().lower()), json.loads(dev_json.read().lower()), \
+ json.loads(test_json.read().lower())
+ entity_data = json.loads(entity_json.read().lower())
+ self._get_entity_dict(entity_data)
+
+ tokenized_train = self._get_tokenized_data(train_data, construct_vocab, 'train')
+ tokenized_dev = self._get_tokenized_data(dev_data, construct_vocab, 'dev')
+ tokenized_test = self._get_tokenized_data(test_data, construct_vocab, 'test')
+
+ if construct_vocab:
+ self.vocab.construct(cfg.vocab_size)
+ self.vocab.save_vocab(cfg.vocab_path)
+ else:
+ self.vocab.load_vocab(cfg.vocab_path)
+
+ self.train, self.dev, self.test = map(self._get_encoded_data, [tokenized_train, tokenized_dev,
+ tokenized_test])
+ random.shuffle(self.train)
+ random.shuffle(self.dev)
+ random.shuffle(self.test)
+
+ train_json.close()
+ dev_json.close()
+ test_json.close()
+ entity_json.close()
+
+ def _save_tokenized_data(self, data, filename):
+ path = self.tokenized_data_path + filename + '.tokenized.json'
+ f = open(path,'w')
+ json.dump(data,f,indent=2)
+ f.close()
+
+ def _load_tokenized_data(self, filename):
+ '''
+ path = self.tokenized_data_path + filename + '.tokenized.json'
+ try:
+ f = open(path,'r')
+ except FileNotFoundError:
+ return None
+ data = json.load(f)
+ f.close()
+ return data
+ '''
+ return None
+
+ def _tokenize(self, sent):
+ return ' '.join(word_tokenize(sent))
+
+ def _lemmatize(self, sent):
+ return ' '.join([self.wn.lemmatize(_) for _ in sent.split()])
+
+ def _replace_entity(self, response, vk_map, prev_user_input, intent):
+ response = re.sub('\d+-?\d*fs?', 'temperature_SLOT', response)
+ response = re.sub('\d+\s?miles?', 'distance_SLOT', response)
+ response = re.sub('\d+\s\w+\s(dr)?(ct)?(rd)?(road)?(st)?(ave)?(way)?(pl)?\w*[.]?', 'address_SLOT', response)
+ response = self._lemmatize(self._tokenize(response))
+ requestable = {
+ 'weather': ['weather_attribute'],
+ 'navigate': ['poi', 'traffic_info', 'address', 'distance'],
+ 'schedule': ['event', 'date', 'time', 'party', 'agenda', 'room']
+ }
+ reqs = set()
+ for v, k in sorted(vk_map.items(), key=lambda x: -len(x[0])):
+ start_idx = response.find(v)
+ if start_idx == -1 or k not in requestable[intent]:
+ continue
+ end_idx = start_idx + len(v)
+ while end_idx < len(response) and response[end_idx] != ' ':
+ end_idx += 1
+ # test whether they are indeed the same word
+ lm1, lm2 = v.replace('.', '').replace(' ', '').replace("'", ''), \
+ response[start_idx:end_idx].replace('.', '').replace(' ', '').replace("'", '')
+ if lm1 == lm2 and lm1 not in prev_user_input and v not in prev_user_input:
+ response = clean_replace(response, response[start_idx:end_idx], k + '_SLOT')
+ reqs.add(k)
+ return response,reqs
+
+ def _clean_constraint_dict(self, constraint_dict, intent, prefer='short'):
+ """
+ clean the constraint dict so that every key is in "informable" and similar to one in provided entity dict.
+ :param constraint_dict:
+ :return:
+ """
+ informable = {
+ 'weather': ['date', 'location', 'weather_attribute'],
+ 'navigate': ['poi_type', 'distance'],
+ 'schedule': ['event', 'date', 'time', 'agenda', 'party', 'room']
+ }
+
+ del_key = set(constraint_dict.keys()).difference(informable[intent])
+ for key in del_key:
+ constraint_dict.pop(key)
+ invalid_key = []
+ for k in constraint_dict:
+ constraint_dict[k] = constraint_dict[k].strip()
+ v = self._lemmatize(self._tokenize(constraint_dict[k]))
+ v = re.sub('(\d+) ([ap]m)', lambda x: x.group(1) + x.group(2), v)
+ v = re.sub('(\d+)\s?(mile)s?', lambda x: x.group(1) + ' ' + x.group(2), v)
+ if v in self.entity_dict:
+ if prefer == 'short':
+ constraint_dict[k] = v
+ elif prefer == 'long':
+ constraint_dict[k] = self.abbr_dict.get(v, v)
+ elif v.split()[0] in self.entity_dict:
+ if prefer == 'short':
+ constraint_dict[k] = v.split()[0]
+ elif prefer == 'long':
+ constraint_dict[k] = self.abbr_dict.get(v.split()[0], v)
+ else:
+ invalid_key.append(k)
+ for key in invalid_key:
+ constraint_dict.pop(key)
+ return constraint_dict
+
+ def _get_tokenized_data(self, raw_data, add_to_vocab, data_type, is_test=False):
+ """
+ Somerrthing to note: We define requestable and informable slots as below in further experiments
+ (including other baselines):
+
+ informable = {
+ 'weather': ['date','location','weather_attribute'],
+ 'navigate': ['poi_type','distance'],
+ 'schedule': ['event']
+ }
+
+ requestable = {
+ 'weather': ['weather_attribute'],
+ 'navigate': ['poi','traffic','address','distance'],
+ 'schedule': ['event','date','time','party','agenda','room']
+ }
+ :param raw_data:
+ :param add_to_vocab:
+ :param data_type:
+ :return:
+ """
+ tokenized_data = self._load_tokenized_data(data_type)
+ if tokenized_data is not None:
+ logging.info('directly loading %s' % data_type)
+ return tokenized_data
+ tokenized_data = []
+ state_dump = {}
+ for dial_id, raw_dial in enumerate(raw_data):
+ tokenized_dial = []
+ prev_utter = ''
+ single_turn = {}
+ constraint_dict = {}
+ intent = raw_dial['scenario']['task']['intent']
+ if cfg.intent != 'all' and cfg.intent != intent:
+ if intent not in ['navigate', 'weather', 'schedule']:
+ raise ValueError('what is %s intent bro?' % intent)
+ else:
+ continue
+ prev_response = []
+ for turn_num, dial_turn in enumerate(raw_dial['dialogue']):
+ state_dump[(dial_id, turn_num)] = {}
+ if dial_turn['turn'] == 'driver':
+ u = self._lemmatize(self._tokenize(dial_turn['data']['utterance']))
+ u = re.sub('(\d+) ([ap]m)', lambda x: x.group(1) + x.group(2), u)
+ single_turn['user'] = prev_response + u.split() + ['EOS_U']
+ prev_utter += u
+ elif dial_turn['turn'] == 'assistant':
+ s = dial_turn['data']['utterance']
+ # find entities and replace them
+ s = re.sub('(\d+) ([ap]m)', lambda x: x.group(1) + x.group(2), s)
+ s, reqs = self._replace_entity(s, self.entity_dict, prev_utter, intent)
+ single_turn['response'] = s.split() + ['EOS_M']
+ # get constraints
+ if not constraint_dict:
+ constraint_dict = dial_turn['data']['slots']
+ else:
+ for k, v in dial_turn['data']['slots'].items():
+ constraint_dict[k] = v
+ constraint_dict = self._clean_constraint_dict(constraint_dict, intent)
+
+ raw_constraints = constraint_dict.values()
+ raw_constraints = [self._lemmatize(self._tokenize(_)) for _ in raw_constraints]
+
+ # add separator
+ constraints = []
+ for item in raw_constraints:
+ if constraints:
+ constraints.append(';')
+ constraints.extend(item.split())
+ # get requests
+ dataset_requested = set(
+ filter(lambda x: dial_turn['data']['requested'][x], dial_turn['data']['requested'].keys()))
+ requestable = {
+ 'weather': ['weather_attribute'],
+ 'navigate': ['poi', 'traffic', 'address', 'distance'],
+ 'schedule': ['date', 'time', 'party', 'agenda', 'room']
+ }
+ requests = sorted(list(dataset_requested.intersection(reqs)))
+
+ single_turn['constraint'] = constraints + ['EOS_Z1']
+ single_turn['requested'] = requests + ['EOS_Z2']
+ single_turn['turn_num'] = len(tokenized_dial)
+ single_turn['dial_id'] = dial_id
+ single_turn['degree'] = self.db_degree(constraints, raw_dial['scenario']['kb']['items'])
+ self.db[dial_id] = raw_dial['scenario']['kb']['items']
+ if 'user' in single_turn:
+ state_dump[(dial_id, len(tokenized_dial))]['constraint'] = constraint_dict
+ state_dump[(dial_id, len(tokenized_dial))]['request'] = requests
+ tokenized_dial.append(single_turn)
+ prev_response = single_turn['response']
+ single_turn = {}
+ if add_to_vocab:
+ for single_turn in tokenized_dial:
+ for word_token in single_turn['constraint'] + single_turn['requested'] + \
+ single_turn['user'] + single_turn['response']:
+ self.vocab.add_item(word_token)
+ tokenized_data.append(tokenized_dial)
+ self._save_tokenized_data(tokenized_data, data_type)
+ return tokenized_data
+
+ def _get_encoded_data(self, tokenized_data):
+ encoded_data = []
+ for dial in tokenized_data:
+ new_dial = []
+ for turn in dial:
+ turn['constraint'] = self.vocab.sentence_encode(turn['constraint'])
+ turn['requested'] = self.vocab.sentence_encode(turn['requested'])
+ turn['bspan'] = turn['constraint'] + turn['requested']
+ turn['user'] = self.vocab.sentence_encode(turn['user'])
+ turn['response'] = self.vocab.sentence_encode(turn['response'])
+ turn['u_len'] = len(turn['user'])
+ turn['m_len'] = len(turn['response'])
+ turn['degree'] = self._degree_vec_mapping(turn['degree'])
+ new_dial.append(turn)
+ encoded_data.append(new_dial)
+ return encoded_data
+
+ def _get_entity_dict(self, entity_data):
+ entity_dict = {}
+ for k in entity_data:
+ if type(entity_data[k][0]) is str:
+ for entity in entity_data[k]:
+ entity = self._lemmatize(self._tokenize(entity))
+ entity_dict[entity] = k
+ if k in ['event', 'poi_type']:
+ entity_dict[entity.split()[0]] = k
+ self.abbr_dict[entity.split()[0]] = entity
+ elif type(entity_data[k][0]) is dict:
+ for entity_entry in entity_data[k]:
+ for entity_type, entity in entity_entry.items():
+ entity_type = 'poi_type' if entity_type == 'type' else entity_type
+ entity = self._lemmatize(self._tokenize(entity))
+ entity_dict[entity] = entity_type
+ if entity_type in ['event', 'poi_type']:
+ entity_dict[entity.split()[0]] = entity_type
+ self.abbr_dict[entity.split()[0]] = entity
+ self.entity_dict = entity_dict
+
+ def db_degree(self, constraints, items):
+ cnt = 0
+ if items is not None:
+ for item in items:
+ item = item.values()
+ flg = True
+ for c in constraints:
+ itemvaluestr = " ".join(list(item))
+ if c not in itemvaluestr:
+ flg = False
+ break
+ if flg:
+ cnt += 1
+ return cnt
+
+ def db_degree_handler(self, z_samples, idx=None, *args, **kwargs):
+ control_vec = []
+ for i,cons_idx_list in enumerate(z_samples):
+ constraints = set()
+ for cons in cons_idx_list:
+ if type(cons) is not str:
+ cons = self.vocab.decode(cons)
+ if cons == 'EOS_Z1':
+ break
+ constraints.add(cons)
+ items = self.db[idx[i]]
+ degree = self.db_degree(constraints, items)
+ control_vec.append(self._degree_vec_mapping(degree))
+ return np.array(control_vec)
+
+class MultiWozReader(_ReaderBase):
+ def __init__(self):
+ super().__init__()
+ self._construct(cfg.train, cfg.dev, cfg.test, cfg.db)
+ self.result_file = ''
+
+ def _get_tokenized_data(self, raw_data, db_data, construct_vocab):
+ requestable_keys = ['address', 'name', 'phone', 'postcode', 'food', 'area', 'pricerange', 'id', 'time', 'type']
+
+ tokenized_data = []
+ vk_map = self._value_key_map(db_data)
+ for dial_id, dial in enumerate(raw_data):
+ tokenized_dial = []
+ for turn in dial['dial']:
+ turn_num = turn['turn']
+ constraint = []
+ requested = []
+ for slot_act in turn['usr']['slu']:
+ if slot_act == 'inform':
+ slot_values = turn['usr']['slu'][slot_act]
+ for v in slot_values:
+ s = v[1]
+ if s not in ['dont_care', 'none']:
+ constraint.append(s)
+ elif slot_act == 'request':
+ slot_values = turn['usr']['slu'][slot_act]
+ for v in slot_values:
+ s = v[0]
+ if s in requestable_keys:
+ requested.append(s)
+ degree = len(self.db_search(constraint))
+ requested = sorted(requested)
+ constraint.append('EOS_Z1')
+ requested.append('EOS_Z2')
+ user = turn['usr']['transcript'].split() + ['EOS_U']
+ response = self._replace_entity(turn['sys']['sent'], vk_map, constraint).split() + ['EOS_M']
+ response_origin = turn['sys']['sent'].split()
+ tokenized_dial.append({
+ 'dial_id': dial_id,
+ 'turn_num': turn_num,
+ 'user': user,
+ 'response': response,
+ 'response_origin': response_origin,
+ 'constraint': constraint,
+ 'requested': requested,
+ 'degree': degree,
+ })
+ if construct_vocab:
+ for word in user + response + constraint + requested:
+ self.vocab.add_item(word)
+ tokenized_data.append(tokenized_dial)
+ return tokenized_data
+
+ def _replace_entity(self, response, vk_map, constraint):
+ response = re.sub('[cC][., ]*[bB][., ]*\d[., ]*\d[., ]*\w[., ]*\w', 'postcode_SLOT', response)
+ response = re.sub('\d{5}\s?\d{6}', 'phone_SLOT', response)
+ constraint_str = ' '.join(constraint)
+ for v, k in sorted(vk_map.items(), key=lambda x: -len(x[0])):
+ start_idx = response.find(v)
+ if start_idx == -1 \
+ or (start_idx != 0 and response[start_idx - 1] != ' ') \
+ or (v in constraint_str):
+ continue
+ response = clean_replace(response, v, k + '_SLOT')
+ return response
+
+ def _value_key_map(self, db_data):
+ def normal(string):
+ string = string.lower()
+ string = re.sub(r'\s*-\s*', '', string)
+ string = re.sub(r' ', '_', string)
+ string = re.sub(r',', '_,', string)
+ string = re.sub(r'\'', '_', string)
+ string = re.sub(r'\.', '_.', string)
+ string = re.sub(r'_+', '_', string)
+ string = re.sub(r'children', 'child_-s', string)
+ return string
+ requestable_dict = {'address':'address',
+ 'name':'name',
+ 'department':'name',
+ 'phone':'phone',
+ 'postcode':'postcode',
+ 'food':'food',
+ 'area':'area',
+ 'pricerange':'pricerange',
+ 'trainId':'id',
+ 'arriveBy':'time',
+ 'leaveAt':'time',
+ 'type':'type'}
+ value_key = {}
+ for db_entry in db_data:
+ for k, v in db_entry.items():
+ if k in requestable_dict:
+ value_key[normal(v)] = requestable_dict[k]
+ return value_key
+
+ def _get_encoded_data(self, tokenized_data):
+ encoded_data = []
+ for dial in tokenized_data:
+ encoded_dial = []
+ prev_response = []
+ for turn in dial:
+ user = self.vocab.sentence_encode(turn['user'])
+ response = self.vocab.sentence_encode(turn['response'])
+ response_origin = ' '.join(turn['response_origin'])
+ constraint = self.vocab.sentence_encode(turn['constraint'])
+ requested = self.vocab.sentence_encode(turn['requested'])
+ degree = self._degree_vec_mapping(turn['degree'])
+ turn_num = turn['turn_num']
+ dial_id = turn['dial_id']
+
+ # final input
+ encoded_dial.append({
+ 'dial_id': dial_id,
+ 'turn_num': turn_num,
+ 'user': prev_response + user,
+ 'response': response,
+ 'response_origin': response_origin,
+ 'bspan': constraint + requested,
+ 'u_len': len(prev_response + user),
+ 'm_len': len(response),
+ 'degree': degree,
+ })
+ # modified
+ prev_response = response
+ encoded_data.append(encoded_dial)
+ return encoded_data
+
+ def _get_clean_db(self, raw_db_data):
+ for entry in raw_db_data:
+ for k, v in list(entry.items()):
+ if type(v) != str or v == '?':
+ entry.pop(k)
+
+ def _construct(self, train_json_path, dev_json_path, test_json_path, db_json_path):
+ """
+ construct encoded train, dev, test set.
+ :param train_json_path:
+ :param dev_json_path:
+ :param test_json_path:
+ :param db_json_path: list
+ :return:
+ """
+ construct_vocab = False
+ if not os.path.isfile(cfg.vocab_path):
+ construct_vocab = True
+ print('Constructing vocab file...')
+ with open(train_json_path) as f:
+ train_raw_data = json.loads(f.read().lower())
+ with open(dev_json_path) as f:
+ dev_raw_data = json.loads(f.read().lower())
+ with open(test_json_path) as f:
+ test_raw_data = json.loads(f.read().lower())
+ db_data = list()
+ for domain_db_json_path in db_json_path:
+ with open(domain_db_json_path) as f:
+ db_data += json.loads(f.read().lower())
+ self._get_clean_db(db_data)
+ self.db = db_data
+
+ train_tokenized_data = self._get_tokenized_data(train_raw_data, db_data, construct_vocab)
+ dev_tokenized_data = self._get_tokenized_data(dev_raw_data, db_data, construct_vocab)
+ test_tokenized_data = self._get_tokenized_data(test_raw_data, db_data, construct_vocab)
+ if construct_vocab:
+ self.vocab.construct(cfg.vocab_size)
+ self.vocab.save_vocab(cfg.vocab_path)
+ else:
+ self.vocab.load_vocab(cfg.vocab_path)
+ self.train = self._get_encoded_data(train_tokenized_data)
+ self.dev = self._get_encoded_data(dev_tokenized_data)
+ self.test = self._get_encoded_data(test_tokenized_data)
+ random.shuffle(self.train)
+ random.shuffle(self.dev)
+ random.shuffle(self.test)
+
+ def db_search(self, constraints):
+ match_results = []
+ for entry in self.db:
+ entry_values = ' '.join(entry.values())
+ match = True
+ for c in constraints:
+ if c not in entry_values:
+ match = False
+ break
+ if match:
+ match_results.append(entry)
+ return match_results
+
+ def wrap_result(self, turn_batch, gen_m, gen_z, eos_syntax=None, prev_z=None):
+ """
+ wrap generated results
+ :param gen_z:
+ :param gen_m:
+ :param turn_batch: dict of [i_1,i_2,...,i_b] with keys
+ :return:
+ """
+
+ results = []
+ if eos_syntax is None:
+ eos_syntax = {'response': 'EOS_M', 'user': 'EOS_U', 'bspan': 'EOS_Z2'}
+ batch_size = len(turn_batch['user'])
+ for i in range(batch_size):
+ entry = {}
+ if prev_z is not None:
+ src = prev_z[i] + turn_batch['user'][i]
+ else:
+ src = turn_batch['user'][i]
+ for key in turn_batch:
+ entry[key] = turn_batch[key][i]
+ if key in eos_syntax:
+ entry[key] = self.vocab.sentence_decode(entry[key], eos=eos_syntax[key])
+ if gen_z:
+ entry['generated_bspan'] = self.vocab.sentence_decode(gen_z[i], eos='EOS_Z2')
+ else:
+ entry['generated_bspan'] = ''
+ if gen_m:
+ entry['generated_response'] = self.vocab.sentence_decode(gen_m[i], eos='EOS_M')
+ constraint_request = entry['generated_bspan'].split()
+ constraints = constraint_request[:constraint_request.index('EOS_Z1')] if 'EOS_Z1' \
+ in constraint_request else constraint_request
+ for j, ent in enumerate(constraints):
+ constraints[j] = ent.replace('_', ' ')
+ degree = self.db_search(constraints)
+ #print('constraints',constraints)
+ #print('degree',degree)
+ venue = random.sample(degree, 1)[0] if degree else dict()
+ l = [self.vocab.decode(_) for _ in gen_m[i]]
+ if 'EOS_M' in l:
+ l = l[:l.index('EOS_M')]
+ l_origin = []
+ for word in l:
+ if 'SLOT' in word:
+ word = word[:-5]
+ if word in venue.keys():
+ value = venue[word]
+ if value != '?':
+ l_origin.append(value.replace(' ', '_'))
+ else:
+ l_origin.append(word)
+ entry['generated_response_origin'] = ' '.join(l_origin)
+ else:
+ entry['generated_response'] = ''
+ entry['generated_response_origin'] = ''
+ results.append(entry)
+ write_header = False
+ if not self.result_file:
+ self.result_file = open(cfg.result_path, 'w')
+ self.result_file.write(str(cfg))
+ write_header = True
+
+ field = ['dial_id', 'turn_num', 'user', 'generated_bspan', 'bspan', 'generated_response', 'response', 'u_len',
+ 'm_len', 'supervised', 'generated_response_origin', 'response_origin']
+ for result in results:
+ del_k = []
+ for k in result:
+ if k not in field:
+ del_k.append(k)
+ for k in del_k:
+ result.pop(k)
+ writer = csv.DictWriter(self.result_file, fieldnames=field)
+ if write_header:
+ self.result_file.write('START_CSV_SECTION\n')
+ writer.writeheader()
+ writer.writerows(results)
+ return results
+
+def pad_sequences(sequences, maxlen=None, dtype='int32',
+ padding='pre', truncating='pre', value=0.):
+ if not hasattr(sequences, '__len__'):
+ raise ValueError('`sequences` must be iterable.')
+ lengths = []
+ for x in sequences:
+ if not hasattr(x, '__len__'):
+ raise ValueError('`sequences` must be a list of iterables. '
+ 'Found non-iterable: ' + str(x))
+ lengths.append(len(x))
+
+ num_samples = len(sequences)
+ seq_maxlen = np.max(lengths)
+ if maxlen is not None and cfg.truncated:
+ maxlen = min(seq_maxlen, maxlen)
+ else:
+ maxlen = seq_maxlen
+ # take the sample shape from the first non empty sequence
+ # checking for consistency in the main loop below.
+ sample_shape = tuple()
+ for s in sequences:
+ if len(s) > 0:
+ sample_shape = np.asarray(s).shape[1:]
+ break
+
+ x = (np.ones((num_samples, maxlen) + sample_shape) * value).astype(dtype)
+ for idx, s in enumerate(sequences):
+ if not len(s):
+ continue # empty list/array was found
+ if truncating == 'pre':
+ trunc = s[-maxlen:]
+ elif truncating == 'post':
+ trunc = s[:maxlen]
+ else:
+ raise ValueError('Truncating type "%s" not understood' % truncating)
+
+ # check `trunc` has expected shape
+ trunc = np.asarray(trunc, dtype=dtype)
+ if trunc.shape[1:] != sample_shape:
+ raise ValueError('Shape of sample %s of sequence at position %s is different from expected shape %s' %
+ (trunc.shape[1:], idx, sample_shape))
+
+ if padding == 'post':
+ x[idx, :len(trunc)] = trunc
+ elif padding == 'pre':
+ x[idx, -len(trunc):] = trunc
+ else:
+ raise ValueError('Padding type "%s" not understood' % padding)
+ return x
+
+
+def get_glove_matrix(vocab, initial_embedding_np):
+ """
+ return a glove embedding matrix
+ :param self:
+ :param glove_file:
+ :param initial_embedding_np:
+ :return: np array of [V,E]
+ """
+ ef = open(cfg.glove_path, 'r')
+ cnt = 0
+ vec_array = initial_embedding_np
+ old_avg = np.average(vec_array)
+ old_std = np.std(vec_array)
+ vec_array = vec_array.astype(np.float32)
+ new_avg, new_std = 0, 0
+
+ for line in ef.readlines():
+ line = line.strip().split(' ')
+ word, vec = line[0], line[1:]
+ vec = np.array(vec, np.float32)
+ word_idx = vocab.encode(word)
+ if word.lower() in ['unk', ''] or word_idx != vocab.encode(''):
+ cnt += 1
+ vec_array[word_idx] = vec
+ new_avg += np.average(vec)
+ new_std += np.std(vec)
+ new_avg /= cnt
+ new_std /= cnt
+ ef.close()
+ logging.info('%d known embedding. old mean: %f new mean %f, old std %f new std %f' % (cnt, old_avg,
+ new_avg, old_std, new_std))
+ return vec_array
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/requirements.txt b/convlab/modules/e2e/multiwoz/Sequicity/requirements.txt
new file mode 100644
index 0000000..237b0bc
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/requirements.txt
@@ -0,0 +1,3 @@
+numpy==1.14.3
+nltk==3.2.1
+torch==0.3.1
diff --git a/convlab/modules/e2e/multiwoz/Sequicity/tsd_net.py b/convlab/modules/e2e/multiwoz/Sequicity/tsd_net.py
new file mode 100644
index 0000000..3cd15df
--- /dev/null
+++ b/convlab/modules/e2e/multiwoz/Sequicity/tsd_net.py
@@ -0,0 +1,687 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+
+from torch import nn
+import torch.nn.functional as F
+from torch.autograd import Variable
+
+import numpy as np
+import math
+from convlab.modules.e2e.multiwoz.Sequicity.config import global_config as cfg
+import copy, random
+
+from torch.distributions import Categorical
+from convlab.modules.e2e.multiwoz.Sequicity.reader import pad_sequences
+
+def cuda_(var):
+ return var.cuda() if cfg.cuda else var
+
+
+def toss_(p):
+ return random.randint(0, 99) <= p
+
+
+def nan(v):
+ if type(v) is float:
+ return v == float('nan')
+ return np.isnan(np.sum(v.data.cpu().numpy()))
+
+def get_sparse_input_aug(x_input_np):
+ """
+ sparse input of
+ :param x_input_np: [T,B]
+ :return: Numpy array: [B,T,aug_V]
+ """
+ ignore_index = [0]
+ unk = 2
+ result = np.zeros((x_input_np.shape[0], x_input_np.shape[1], cfg.vocab_size + x_input_np.shape[0]),
+ dtype=np.float32)
+ result.fill(1e-10)
+ for t in range(x_input_np.shape[0]):
+ for b in range(x_input_np.shape[1]):
+ w = x_input_np[t][b]
+ if w not in ignore_index:
+ if w != unk:
+ result[t][b][x_input_np[t][b]] = 1.0
+ else:
+ result[t][b][cfg.vocab_size + t] = 1.0
+ result_np = result.transpose((1, 0, 2))
+ result = torch.from_numpy(result_np).float()
+ return result
+
+def init_gru(gru):
+ gru.reset_parameters()
+ for _, hh, _, _ in gru.all_weights:
+ for i in range(0, hh.size(0), gru.hidden_size):
+ torch.nn.init.orthogonal(hh[i:i+gru.hidden_size],gain=1)
+
+class Attn(nn.Module):
+ def __init__(self, hidden_size):
+ super(Attn, self).__init__()
+ self.hidden_size = hidden_size
+ self.attn = nn.Linear(self.hidden_size * 2, hidden_size)
+ self.v = nn.Parameter(torch.zeros(hidden_size))
+ stdv = 1. / math.sqrt(self.v.size(0))
+ self.v.data.normal_(mean=0, std=stdv)
+
+ def forward(self, hidden, encoder_outputs, normalize=True):
+ encoder_outputs = encoder_outputs.transpose(0, 1) # [B,T,H]
+ attn_energies = self.score(hidden, encoder_outputs)
+ normalized_energy = F.softmax(attn_energies, dim=2) # [B,1,T]
+ context = torch.bmm(normalized_energy, encoder_outputs) # [B,1,H]
+ return context.transpose(0, 1) # [1,B,H]
+
+ def score(self, hidden, encoder_outputs):
+ max_len = encoder_outputs.size(1)
+ H = hidden.repeat(max_len, 1, 1).transpose(0, 1)
+ energy = F.tanh(self.attn(torch.cat([H, encoder_outputs], 2))) # [B,T,2H]->[B,T,H]
+ energy = energy.transpose(2, 1) # [B,H,T]
+ v = self.v.repeat(encoder_outputs.size(0), 1).unsqueeze(1) # [B,1,H]
+ energy = torch.bmm(v, energy) # [B,1,T]
+ return energy
+
+class SimpleDynamicEncoder(nn.Module):
+ def __init__(self, input_size, embed_size, hidden_size, n_layers, dropout):
+ super().__init__()
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.embed_size = embed_size
+ self.n_layers = n_layers
+ self.dropout = dropout
+ self.embedding = nn.Embedding(input_size, embed_size)
+ self.gru = nn.GRU(embed_size, hidden_size, n_layers, dropout=self.dropout, bidirectional=True)
+ init_gru(self.gru)
+
+ def forward(self, input_seqs, input_lens, hidden=None):
+ """
+ forward procedure. No need for inputs to be sorted
+ :param input_seqs: Variable of [T,B]
+ :param hidden:
+ :param input_lens: *numpy array* of len for each input sequence
+ :return:
+ """
+ batch_size = input_seqs.size(1)
+ embedded = self.embedding(input_seqs)
+ embedded = embedded.transpose(0, 1) # [B,T,E]
+ sort_idx = np.argsort(-input_lens)
+ unsort_idx = cuda_(torch.LongTensor(np.argsort(sort_idx)))
+ input_lens = input_lens[sort_idx]
+ sort_idx = cuda_(torch.LongTensor(sort_idx))
+ embedded = embedded[sort_idx].transpose(0, 1) # [T,B,E]
+ packed = torch.nn.utils.rnn.pack_padded_sequence(embedded, input_lens)
+ outputs, hidden = self.gru(packed, hidden)
+
+ outputs, _ = torch.nn.utils.rnn.pad_packed_sequence(outputs)
+ outputs = outputs[:, :, :self.hidden_size] + outputs[:, :, self.hidden_size:]
+ outputs = outputs.transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+ hidden = hidden.transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+ return outputs, hidden, embedded
+
+
+class BSpanDecoder(nn.Module):
+ def __init__(self, embed_size, hidden_size, vocab_size, dropout_rate):
+ super().__init__()
+ self.gru = nn.GRU(hidden_size + embed_size, hidden_size, dropout=dropout_rate)
+ self.proj = nn.Linear(hidden_size * 2, vocab_size)
+ self.emb = nn.Embedding(vocab_size, embed_size)
+ self.attn_u = Attn(hidden_size)
+ self.proj_copy1 = nn.Linear(hidden_size, hidden_size)
+ self.proj_copy2 = nn.Linear(hidden_size, hidden_size)
+ self.dropout_rate = dropout_rate
+ init_gru(self.gru)
+ self.inp_dropout = nn.Dropout(self.dropout_rate)
+
+ def forward(self, u_enc_out, z_tm1, last_hidden, u_input_np, pv_z_enc_out, prev_z_input_np, u_emb, pv_z_emb):
+
+ sparse_u_input = Variable(get_sparse_input_aug(u_input_np), requires_grad=False)
+
+ if pv_z_enc_out is not None:
+ context = self.attn_u(last_hidden, torch.cat([pv_z_enc_out, u_enc_out], dim=0))
+ else:
+ context = self.attn_u(last_hidden, u_enc_out)
+ embed_z = self.emb(z_tm1)
+ #embed_z = F.dropout(embed_z, self.dropout_rate)
+ #embed_z = self.inp_dropout(embed_z)
+
+ gru_in = torch.cat([embed_z, context], 2)
+ gru_out, last_hidden = self.gru(gru_in, last_hidden)
+ #gru_out = F.dropout(gru_out, self.dropout_rate)
+ #gru_out = self.inp_dropout(gru_out)
+ gen_score = self.proj(torch.cat([gru_out, context], 2)).squeeze(0)
+ #gen_score = F.dropout(gen_score, self.dropout_rate)
+ #gen_score = self.inp_dropout(gen_score)
+ u_copy_score = F.tanh(self.proj_copy1(u_enc_out.transpose(0, 1))) # [B,T,H]
+ # stable version of copynet
+ u_copy_score = torch.matmul(u_copy_score, gru_out.squeeze(0).unsqueeze(2)).squeeze(2)
+ u_copy_score = u_copy_score.cpu()
+ u_copy_score_max = torch.max(u_copy_score, dim=1, keepdim=True)[0]
+ u_copy_score = torch.exp(u_copy_score - u_copy_score_max) # [B,T]
+ u_copy_score = torch.log(torch.bmm(u_copy_score.unsqueeze(1), sparse_u_input)).squeeze(
+ 1) + u_copy_score_max # [B,V]
+ u_copy_score = cuda_(u_copy_score)
+ if pv_z_enc_out is None:
+ #u_copy_score = F.dropout(u_copy_score, self.dropout_rate)
+ #u_copy_score = self.inp_dropout(u_copy_score)
+ scores = F.softmax(torch.cat([gen_score, u_copy_score], dim=1), dim=1)
+ gen_score, u_copy_score = scores[:, :cfg.vocab_size], \
+ scores[:, cfg.vocab_size:]
+ proba = gen_score + u_copy_score[:, :cfg.vocab_size] # [B,V]
+ proba = torch.cat([proba, u_copy_score[:, cfg.vocab_size:]], 1)
+ else:
+ sparse_pv_z_input = Variable(get_sparse_input_aug(prev_z_input_np), requires_grad=False)
+ pv_z_copy_score = F.tanh(self.proj_copy2(pv_z_enc_out.transpose(0, 1))) # [B,T,H]
+ pv_z_copy_score = torch.matmul(pv_z_copy_score, gru_out.squeeze(0).unsqueeze(2)).squeeze(2)
+ pv_z_copy_score = pv_z_copy_score.cpu()
+ pv_z_copy_score_max = torch.max(pv_z_copy_score, dim=1, keepdim=True)[0]
+ pv_z_copy_score = torch.exp(pv_z_copy_score - pv_z_copy_score_max) # [B,T]
+ pv_z_copy_score = torch.log(torch.bmm(pv_z_copy_score.unsqueeze(1), sparse_pv_z_input)).squeeze(
+ 1) + pv_z_copy_score_max # [B,V]
+ pv_z_copy_score = cuda_(pv_z_copy_score)
+ scores = F.softmax(torch.cat([gen_score, u_copy_score, pv_z_copy_score], dim=1), dim=1)
+ gen_score, u_copy_score, pv_z_copy_score = scores[:, :cfg.vocab_size], \
+ scores[:,
+ cfg.vocab_size:2 * cfg.vocab_size + u_input_np.shape[0]], \
+ scores[:, 2 * cfg.vocab_size + u_input_np.shape[0]:]
+ proba = gen_score + u_copy_score[:, :cfg.vocab_size] + pv_z_copy_score[:, :cfg.vocab_size] # [B,V]
+ proba = torch.cat([proba, pv_z_copy_score[:, cfg.vocab_size:], u_copy_score[:, cfg.vocab_size:]], 1)
+ return gru_out, last_hidden, proba
+
+
+class ResponseDecoder(nn.Module):
+ def __init__(self, embed_size, hidden_size, vocab_size, degree_size, dropout_rate, gru, proj, emb, vocab):
+ super().__init__()
+ self.emb = emb
+ self.attn_z = Attn(hidden_size)
+ self.attn_u = Attn(hidden_size)
+ self.gru = gru
+ init_gru(self.gru)
+ self.proj = proj
+ self.proj_copy1 = nn.Linear(hidden_size, hidden_size)
+ self.proj_copy2 = nn.Linear(hidden_size, hidden_size)
+ self.dropout_rate = dropout_rate
+
+ self.vocab = vocab
+
+ def get_sparse_selective_input(self, x_input_np):
+ result = np.zeros((x_input_np.shape[0], x_input_np.shape[1], cfg.vocab_size + x_input_np.shape[0]), dtype=np.float32)
+ result.fill(1e-10)
+ reqs = ['address', 'phone', 'postcode', 'pricerange', 'area']
+ for t in range(x_input_np.shape[0] - 1):
+ for b in range(x_input_np.shape[1]):
+ w = x_input_np[t][b]
+ word = self.vocab.decode(w)
+ if word in reqs:
+ slot = self.vocab.encode(word + '_SLOT')
+ result[t + 1][b][slot] = 1.0
+ else:
+ if w == 2 or w >= cfg.vocab_size:
+ result[t+1][b][cfg.vocab_size + t] = 5.0
+ else:
+ result[t+1][b][w] = 1.0
+ result_np = result.transpose((1, 0, 2))
+ result = torch.from_numpy(result_np).float()
+ return result
+
+ def forward(self, z_enc_out, u_enc_out, u_input_np, m_t_input, degree_input, last_hidden, z_input_np):
+ sparse_z_input = Variable(self.get_sparse_selective_input(z_input_np), requires_grad=False)
+
+ m_embed = self.emb(m_t_input)
+ z_context = self.attn_z(last_hidden, z_enc_out)
+ u_context = self.attn_u(last_hidden, u_enc_out)
+ gru_in = torch.cat([m_embed, u_context, z_context, degree_input.unsqueeze(0)], dim=2)
+ gru_out, last_hidden = self.gru(gru_in, last_hidden)
+ gen_score = self.proj(torch.cat([z_context, u_context, gru_out], 2)).squeeze(0)
+ z_copy_score = F.tanh(self.proj_copy2(z_enc_out.transpose(0, 1)))
+ z_copy_score = torch.matmul(z_copy_score, gru_out.squeeze(0).unsqueeze(2)).squeeze(2)
+ z_copy_score = z_copy_score.cpu()
+ z_copy_score_max = torch.max(z_copy_score, dim=1, keepdim=True)[0]
+ z_copy_score = torch.exp(z_copy_score - z_copy_score_max) # [B,T]
+ z_copy_score = torch.log(torch.bmm(z_copy_score.unsqueeze(1), sparse_z_input)).squeeze(
+ 1) + z_copy_score_max # [B,V]
+ z_copy_score = cuda_(z_copy_score)
+
+ scores = F.softmax(torch.cat([gen_score, z_copy_score], dim=1), dim=1)
+ gen_score, z_copy_score = scores[:, :cfg.vocab_size], \
+ scores[:, cfg.vocab_size:]
+ proba = gen_score + z_copy_score[:, :cfg.vocab_size] # [B,V]
+ proba = torch.cat([proba, z_copy_score[:, cfg.vocab_size:]], 1)
+ return proba, last_hidden, gru_out
+
+
+class TSD(nn.Module):
+ def __init__(self, embed_size, hidden_size, vocab_size, degree_size, layer_num, dropout_rate, z_length,
+ max_ts, beam_search=False, teacher_force=100, **kwargs):
+ super().__init__()
+ self.vocab = kwargs['vocab']
+
+ self.emb = nn.Embedding(vocab_size, embed_size)
+ self.dec_gru = nn.GRU(degree_size + embed_size + hidden_size * 2, hidden_size, dropout=dropout_rate)
+ self.proj = nn.Linear(hidden_size * 3, vocab_size)
+ self.u_encoder = SimpleDynamicEncoder(vocab_size, embed_size, hidden_size, layer_num, dropout_rate)
+ self.z_decoder = BSpanDecoder(embed_size, hidden_size, vocab_size, dropout_rate)
+ self.m_decoder = ResponseDecoder(embed_size, hidden_size, vocab_size, degree_size, dropout_rate,
+ self.dec_gru, self.proj, self.emb, self.vocab)
+ self.embed_size = embed_size
+
+ self.z_length = z_length
+ self.max_ts = max_ts
+ self.beam_search = beam_search
+ self.teacher_force = teacher_force
+
+ self.pr_loss = nn.NLLLoss(ignore_index=0)
+ self.dec_loss = nn.NLLLoss(ignore_index=0)
+
+ self.saved_log_policy = []
+
+ if self.beam_search:
+ self.beam_size = kwargs['beam_size']
+ self.eos_token_idx = kwargs['eos_token_idx']
+
+ def forward(self, u_input, u_input_np, m_input, m_input_np, z_input, u_len, m_len, turn_states,
+ degree_input, mode, **kwargs):
+ if mode == 'train' or mode == 'valid':
+ pz_proba, pm_dec_proba, turn_states = \
+ self.forward_turn(u_input, u_len, m_input=m_input, m_len=m_len, z_input=z_input, mode='train',
+ turn_states=turn_states, degree_input=degree_input, u_input_np=u_input_np,
+ m_input_np=m_input_np, **kwargs)
+ loss, pr_loss, m_loss = self.supervised_loss(torch.log(pz_proba), torch.log(pm_dec_proba),
+ z_input, m_input)
+ return loss, pr_loss, m_loss, turn_states
+
+ elif mode == 'test':
+ m_output_index, pz_index, turn_states = self.forward_turn(u_input, u_len=u_len, mode='test',
+ turn_states=turn_states,
+ degree_input=degree_input,
+ u_input_np=u_input_np, m_input_np=m_input_np,
+ **kwargs
+ )
+ return m_output_index, pz_index, turn_states
+ elif mode == 'rl':
+ loss = self.forward_turn(u_input, u_len=u_len, is_train=False, mode='rl',
+ turn_states=turn_states,
+ degree_input=degree_input,
+ u_input_np=u_input_np, m_input_np=m_input_np,
+ **kwargs
+ )
+ return loss
+
+ def forward_turn(self, u_input, u_len, turn_states, mode, degree_input, u_input_np, m_input_np=None,
+ m_input=None, m_len=None, z_input=None, **kwargs):
+ """
+ compute required outputs for a single dialogue turn. Turn state{Dict} will be updated in each call.
+ :param u_input_np:
+ :param m_input_np:
+ :param u_len:
+ :param turn_states:
+ :param is_train:
+ :param u_input: [T,B]
+ :param m_input: [T,B]
+ :param z_input: [T,B]
+ :return:
+ """
+ prev_z_input = kwargs.get('prev_z_input', None)
+ prev_z_input_np = kwargs.get('prev_z_input_np', None)
+ prev_z_len = kwargs.get('prev_z_len', None)
+ pv_z_emb = None
+ batch_size = u_input.size(1)
+ pv_z_enc_out = None
+
+ if prev_z_input is not None:
+ pv_z_enc_out, _, pv_z_emb = self.u_encoder(prev_z_input, prev_z_len)
+ u_enc_out, u_enc_hidden, u_emb = self.u_encoder(u_input, u_len)
+ last_hidden = u_enc_hidden[:-1]
+ z_tm1 = cuda_(Variable(torch.ones(1, batch_size).long() * 3)) # GO_2 token
+ m_tm1 = cuda_(Variable(torch.ones(1, batch_size).long())) # GO token
+ if mode == 'train':
+ pz_dec_outs = []
+ pz_proba = []
+ z_length = z_input.size(0) if z_input is not None else self.z_length # GO token
+ hiddens = [None] * batch_size
+ for t in range(z_length):
+ pz_dec_out, last_hidden, proba = \
+ self.z_decoder(u_enc_out=u_enc_out, u_input_np=u_input_np,
+ z_tm1=z_tm1, last_hidden=last_hidden,
+ pv_z_enc_out=pv_z_enc_out, prev_z_input_np=prev_z_input_np,
+ u_emb=u_emb, pv_z_emb=pv_z_emb)
+ pz_proba.append(proba)
+ pz_dec_outs.append(pz_dec_out)
+ z_np = z_tm1.view(-1).cpu().data.numpy()
+ for i in range(batch_size):
+ if z_np[i] == self.vocab.encode('EOS_Z2'):
+ hiddens[i] = last_hidden[:,i,:]
+ z_tm1 = z_input[t].view(1, -1)
+ for i in range(batch_size):
+ if hiddens[i] is None:
+ hiddens[i] = last_hidden[:,i,:]
+ last_hidden = torch.stack(hiddens, dim=1)
+
+ z_input_np = z_input.cpu().data.numpy()
+
+ pz_dec_outs = torch.cat(pz_dec_outs, dim=0) # [Tz,B,H]
+ pz_proba = torch.stack(pz_proba, dim=0)
+ # P(m|z,u)
+ pm_dec_proba, m_dec_outs = [], []
+ m_length = m_input.size(0) # Tm
+ #last_hidden = u_enc_hidden[:-1]
+ for t in range(m_length):
+ teacher_forcing = toss_(self.teacher_force)
+ proba, last_hidden, dec_out = self.m_decoder(pz_dec_outs, u_enc_out, u_input_np, m_tm1,
+ degree_input, last_hidden, z_input_np)
+ if teacher_forcing:
+ m_tm1 = m_input[t].view(1, -1)
+ else:
+ _, m_tm1 = torch.topk(proba, 1)
+ m_tm1 = m_tm1.view(1, -1)
+ pm_dec_proba.append(proba)
+ m_dec_outs.append(dec_out)
+
+ pm_dec_proba = torch.stack(pm_dec_proba, dim=0) # [T,B,V]
+ return pz_proba, pm_dec_proba, None
+ else:
+ pz_dec_outs, bspan_index,last_hidden = self.bspan_decoder(u_enc_out, z_tm1, last_hidden, u_input_np,
+ pv_z_enc_out=pv_z_enc_out, prev_z_input_np=prev_z_input_np,
+ u_emb=u_emb, pv_z_emb=pv_z_emb)
+ pz_dec_outs = torch.cat(pz_dec_outs, dim=0)
+
+ if mode == 'test':
+ if degree_input is None:
+ degree, degree_input = kwargs.get('func')(bspan_index[0])
+ else:
+ degree = None
+
+ if not self.beam_search:
+ m_output_index = self.greedy_decode(pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden,
+ degree_input, bspan_index)
+
+ else:
+ m_output_index = self.beam_search_decode(pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden,
+ degree_input, bspan_index)
+
+ return m_output_index, bspan_index, degree
+ elif mode == 'rl':
+ return self.sampling_decode(pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden,
+ degree_input, bspan_index)
+
+ def bspan_decoder(self, u_enc_out, z_tm1, last_hidden, u_input_np, pv_z_enc_out, prev_z_input_np, u_emb, pv_z_emb):
+ pz_dec_outs = []
+ pz_proba = []
+ decoded = []
+ batch_size = u_enc_out.size(1)
+ hiddens = [None] * batch_size
+ for t in range(cfg.z_length):
+ pz_dec_out, last_hidden, proba = \
+ self.z_decoder(u_enc_out=u_enc_out, u_input_np=u_input_np,
+ z_tm1=z_tm1, last_hidden=last_hidden, pv_z_enc_out=pv_z_enc_out,
+ prev_z_input_np=prev_z_input_np, u_emb=u_emb, pv_z_emb=pv_z_emb)
+ pz_proba.append(proba)
+ pz_dec_outs.append(pz_dec_out)
+ z_proba, z_index = torch.topk(proba, 1) # [B,1]
+ z_index = z_index.data.view(-1)
+ decoded.append(z_index.clone())
+ for i in range(z_index.size(0)):
+ if z_index[i] >= cfg.vocab_size:
+ z_index[i] = 2 # unk
+ z_np = z_tm1.view(-1).cpu().data.numpy()
+ for i in range(batch_size):
+ if z_np[i] == self.vocab.encode('EOS_Z2'):
+ hiddens[i] = last_hidden[:, i, :]
+ z_tm1 = cuda_(Variable(z_index).view(1, -1))
+ for i in range(batch_size):
+ if hiddens[i] is None:
+ hiddens[i] = last_hidden[:, i, :]
+ last_hidden = torch.stack(hiddens, dim=1)
+ decoded = torch.stack(decoded, dim=0).transpose(0, 1)
+ decoded = list(decoded)
+ decoded = [list(_) for _ in decoded]
+ return pz_dec_outs, decoded, last_hidden
+
+ def greedy_decode(self, pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden, degree_input, bspan_index):
+ decoded = []
+ bspan_index_np = pad_sequences(bspan_index).transpose((1, 0))
+ for t in range(self.max_ts):
+ proba, last_hidden, _ = self.m_decoder(pz_dec_outs, u_enc_out, u_input_np, m_tm1,
+ degree_input, last_hidden, bspan_index_np)
+ mt_proba, mt_index = torch.topk(proba, 1) # [B,1]
+ mt_index = mt_index.data.view(-1)
+ decoded.append(mt_index.clone())
+ for i in range(mt_index.size(0)):
+ if mt_index[i] >= cfg.vocab_size:
+ mt_index[i] = 2 # unk
+ m_tm1 = cuda_(Variable(mt_index).view(1, -1))
+ decoded = torch.stack(decoded, dim=0).transpose(0, 1)
+ decoded = list(decoded)
+ return [list(_) for _ in decoded]
+
+ def beam_search_decode_single(self, pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden, degree_input,
+ bspan_index):
+ eos_token_id = self.vocab.encode(cfg.eos_m_token)
+ batch_size = pz_dec_outs.size(1)
+ if batch_size != 1:
+ raise ValueError('"Beam search single" requires batch size to be 1')
+
+ class BeamState:
+ def __init__(self, score, last_hidden, decoded, length):
+ """
+ Beam state in beam decoding
+ :param score: sum of log-probabilities
+ :param last_hidden: last hidden
+ :param decoded: list of *Variable[1*1]* of all decoded words
+ :param length: current decoded sentence length
+ """
+ self.score = score
+ self.last_hidden = last_hidden
+ self.decoded = decoded
+ self.length = length
+
+ def update_clone(self, score_incre, last_hidden, decoded_t):
+ decoded = copy.copy(self.decoded)
+ decoded.append(decoded_t)
+ clone = BeamState(self.score + score_incre, last_hidden, decoded, self.length + 1)
+ return clone
+
+ def beam_result_valid(decoded_t, bspan_index):
+ decoded_t = [_.view(-1).data[0] for _ in decoded_t]
+ req_slots = self.get_req_slots(bspan_index)
+ decoded_sentence = self.vocab.sentence_decode(decoded_t, cfg.eos_m_token)
+ for req in req_slots:
+ if req not in decoded_sentence:
+ return False
+ return True
+
+ def score_bonus(state, decoded, bspan_index):
+ bonus = cfg.beam_len_bonus
+ return bonus
+
+ def soft_score_incre(score, turn):
+ return score
+
+ finished, failed = [], []
+ states = [] # sorted by score decreasingly
+ dead_k = 0
+ states.append(BeamState(0, last_hidden, [m_tm1], 0))
+ bspan_index_np = np.array(bspan_index).reshape(-1, 1)
+ for t in range(self.max_ts):
+ new_states = []
+ k = 0
+ while k < len(states) and k < self.beam_size - dead_k:
+ state = states[k]
+ last_hidden, m_tm1 = state.last_hidden, state.decoded[-1]
+ proba, last_hidden, _ = self.m_decoder(pz_dec_outs, u_enc_out, u_input_np, m_tm1, degree_input,
+ last_hidden, bspan_index_np)
+
+ proba = torch.log(proba)
+ mt_proba, mt_index = torch.topk(proba, self.beam_size - dead_k) # [1,K]
+ for new_k in range(self.beam_size - dead_k):
+ score_incre = soft_score_incre(mt_proba[0][new_k].data[0], t) + score_bonus(state,
+ mt_index[0][new_k].data[0],bspan_index)
+ if len(new_states) >= self.beam_size - dead_k and state.score + score_incre < new_states[-1].score:
+ break
+ decoded_t = mt_index[0][new_k]
+ if decoded_t.data[0] >= cfg.vocab_size:
+ decoded_t.data[0] = 2 # unk
+ if self.vocab.decode(decoded_t.data[0]) == cfg.eos_m_token:
+ if beam_result_valid(state.decoded, bspan_index):
+ finished.append(state)
+ dead_k += 1
+ else:
+ failed.append(state)
+ else:
+ decoded_t = decoded_t.view(1, -1)
+ new_state = state.update_clone(score_incre, last_hidden, decoded_t)
+ new_states.append(new_state)
+
+ k += 1
+ if self.beam_size - dead_k < 0:
+ break
+ new_states = new_states[:self.beam_size - dead_k]
+ new_states.sort(key=lambda x: -x.score)
+ states = new_states
+
+ if t == self.max_ts - 1 and not finished:
+ finished = failed
+ print('FAIL')
+ if not finished:
+ finished.append(states[0])
+
+ finished.sort(key=lambda x: -x.score)
+ decoded_t = finished[0].decoded
+ decoded_t = [_.view(-1).data[0] for _ in decoded_t]
+ decoded_sentence = self.vocab.sentence_decode(decoded_t, cfg.eos_m_token)
+ print(decoded_sentence)
+ generated = torch.cat(finished[0].decoded, dim=1).data # [B=1, T]
+ return generated
+
+ def beam_search_decode(self, pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden, degree_input, bspan_index):
+ vars = torch.split(pz_dec_outs, 1, dim=1), torch.split(u_enc_out, 1, dim=1), torch.split(
+ m_tm1, 1, dim=1), torch.split(last_hidden, 1, dim=1), torch.split(degree_input, 1, dim=0)
+ decoded = []
+ for i, (pz_dec_out_s, u_enc_out_s, m_tm1_s, last_hidden_s, degree_input_s) in enumerate(zip(*vars)):
+ decoded_s = self.beam_search_decode_single(pz_dec_out_s, u_enc_out_s, m_tm1_s,
+ u_input_np[:, i].reshape((-1, 1)),
+ last_hidden_s, degree_input_s, bspan_index[i])
+ decoded.append(decoded_s)
+ return [list(_.view(-1)) for _ in decoded]
+
+ def supervised_loss(self, pz_proba, pm_dec_proba, z_input, m_input):
+ pz_proba, pm_dec_proba = pz_proba[:, :, :cfg.vocab_size].contiguous(), pm_dec_proba[:, :,
+ :cfg.vocab_size].contiguous()
+ pr_loss = self.pr_loss(pz_proba.view(-1, pz_proba.size(2)), z_input.view(-1))
+ m_loss = self.dec_loss(pm_dec_proba.view(-1, pm_dec_proba.size(2)), m_input.view(-1))
+
+ loss = pr_loss + m_loss
+ return loss, pr_loss, m_loss
+
+ def self_adjust(self, epoch):
+ pass
+
+ # REINFORCEMENT fine-tuning with MC
+
+ def get_req_slots(self, bspan_index):
+ reqs = ['address', 'phone', 'postcode', 'pricerange', 'area']
+ reqs = set(self.vocab.sentence_decode(bspan_index).split()).intersection(reqs)
+ return [_ + '_SLOT' for _ in reqs]
+
+ def reward(self, m_tm1, decoded, bspan_index):
+ """
+ The setting of the reward function is heuristic. It can be better optimized.
+ :param m_tm1:
+ :param decoded:
+ :param bspan_index:
+ :return:
+ """
+ req_slots = self.get_req_slots(bspan_index)
+ all_reqs = ['address', 'phone', 'postcode', 'pricerange', 'area']
+ all_reqs = [_ + '_SLOT' for _ in all_reqs]
+
+ m_tm1 = self.vocab.decode(m_tm1[0])
+ finished = m_tm1 == 'EOS_M'
+ decoded = [_.view(-1)[0] for _ in decoded]
+ decoded_sentence = self.vocab.sentence_decode(decoded, cfg.eos_m_token).split()
+ reward = 0.0 # -0.1
+ '''
+ if not finished:
+ if m_tm1 in req_slots:
+ if decoded_sentence and m_tm1 not in decoded_sentence[:-1]:
+ reward = 1.0
+ '''
+ # some modification for reward function.
+ if m_tm1 in req_slots:
+ if decoded_sentence and m_tm1 not in decoded_sentence[:-1]:
+ reward += 1.5
+ else:
+ reward -= 1.0 # repeat
+ elif m_tm1 in all_reqs:
+ if decoded_sentence and m_tm1 not in decoded_sentence[:-1]:
+ reward += 0.5
+ return reward, finished
+
+ def sampling_decode(self, pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden, degree_input, bspan_index):
+ vars = torch.split(pz_dec_outs, 1, dim=1), torch.split(u_enc_out, 1, dim=1), torch.split(
+ m_tm1, 1, dim=1), torch.split(last_hidden, 1, dim=1), torch.split(degree_input, 1, dim=0)
+ batch_loss = []
+
+ sample_num = 1
+
+ for i, (pz_dec_out_s, u_enc_out_s, m_tm1_s, last_hidden_s, degree_input_s) in enumerate(zip(*vars)):
+ if not self.get_req_slots(bspan_index[i]):
+ continue
+ for j in range(sample_num):
+ loss = self.sampling_decode_single(pz_dec_out_s, u_enc_out_s, m_tm1_s, u_input_np[:, i].reshape((-1, 1)),
+ last_hidden_s, degree_input_s, bspan_index[i])
+ batch_loss.append(loss)
+ if not batch_loss:
+ return None
+ else:
+ return sum(batch_loss) / len(batch_loss)
+
+ def sampling_decode_single(self, pz_dec_outs, u_enc_out, m_tm1, u_input_np, last_hidden, degree_input, bspan_index):
+ decoded = []
+ reward_sum = 0
+ log_probs = []
+ rewards = []
+ bspan_index_np = np.array(bspan_index).reshape(-1, 1)
+ for t in range(self.max_ts):
+ # reward
+ reward, finished = self.reward(m_tm1.data.view(-1), decoded, bspan_index)
+ reward_sum += reward
+ rewards.append(reward)
+ if t == self.max_ts - 1:
+ finished = True
+ if finished:
+ loss = self.finish_episode(log_probs, rewards)
+ return loss
+ # action
+ proba, last_hidden, _ = self.m_decoder(pz_dec_outs, u_enc_out, u_input_np, m_tm1,
+ degree_input, last_hidden, bspan_index_np)
+ proba = proba.squeeze(0) # [B,V]
+ dis = Categorical(proba)
+ action = dis.sample()
+ log_probs.append(dis.log_prob(action))
+ mt_index = action.data.view(-1)
+ decoded.append(mt_index.clone())
+
+ for i in range(mt_index.size(0)):
+ if mt_index[i] >= cfg.vocab_size:
+ mt_index[i] = 2 # unk
+
+ m_tm1 = cuda_(Variable(mt_index).view(1, -1))
+
+ def finish_episode(self, log_probas, saved_rewards):
+ R = 0
+ policy_loss = []
+ rewards = []
+ for r in saved_rewards:
+ R = r + 0.8 * R
+ rewards.insert(0, R)
+
+ rewards = torch.Tensor(rewards)
+ # update: we notice improved performance without reward normalization
+ # rewards = (rewards - rewards.mean()) / (rewards.std() + np.finfo(np.float32).eps)
+
+ for log_prob, reward in zip(log_probas, rewards):
+ policy_loss.append(-log_prob * reward)
+ l = len(policy_loss)
+ policy_loss = torch.cat(policy_loss).sum()
+ return policy_loss / l
diff --git a/convlab/modules/e2e/multiwoz/__init__.py b/convlab/modules/e2e/multiwoz/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/nlg/__init__.py b/convlab/modules/nlg/__init__.py
new file mode 100644
index 0000000..9f5ebc7
--- /dev/null
+++ b/convlab/modules/nlg/__init__.py
@@ -0,0 +1,9 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlg.multiwoz import TemplateNLG
+from convlab.modules.nlg.multiwoz import MultiwozTemplateNLG
+from convlab.modules.util import *
+
+from convlab.modules.nlg.multiwoz import SCLSTM
+from convlab.modules.nlg.nlg import NLG
diff --git a/convlab/modules/nlg/multiwoz/__init__.py b/convlab/modules/nlg/multiwoz/__init__.py
new file mode 100644
index 0000000..c4b6f67
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/__init__.py
@@ -0,0 +1,9 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlg.multiwoz.template_nlg import TemplateNLG
+from convlab.modules.nlg.multiwoz.multiwoz_template_nlg.multiwoz_template_nlg import MultiwozTemplateNLG
+from convlab.modules.util import *
+
+from convlab.modules.nlg.multiwoz.sc_lstm.nlg_sc_lstm import SCLSTM
+from convlab.modules.nlg.nlg import NLG
diff --git a/convlab/modules/nlg/multiwoz/evaluate_multiwoz.py b/convlab/modules/nlg/multiwoz/evaluate_multiwoz.py
new file mode 100644
index 0000000..12cd9aa
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/evaluate_multiwoz.py
@@ -0,0 +1,116 @@
+"""
+evaluate NLG performance on multiwoz system side data
+"""
+import os
+import sys
+
+proj_path = os.path.abspath(os.path.join(os.path.abspath(__file__), "../../.."))
+sys.path.insert(0, proj_path)
+print(sys.path[0])
+from nltk.translate.bleu_score import corpus_bleu, SmoothingFunction
+from convlab.modules.nlg.multiwoz.multiwoz_template_nlg import MultiwozTemplateNLG
+from convlab.modules.nlg.multiwoz.sc_lstm.nlg_sc_lstm import SCLSTM
+from convlab.modules.nlg.multiwoz.nlg import NLG
+import json
+import zipfile
+import numpy as np
+
+
+def get_BLEU4(da2utt_list, nlg_model):
+ assert isinstance(nlg_model, NLG)
+ das2utts = {}
+ for das, utt in da2utt_list:
+ utt = utt.lower()
+ gen = nlg_model.generate(das).lower()
+ for da, svs in das.items():
+ domain, act = da.split('-')
+ if act == 'Request' or domain == 'general':
+ continue
+ else:
+ for s, v in sorted(svs, key=lambda x: x[0]):
+ if s == 'Internet' or s == 'Parking' or s == 'none' or v == 'none':
+ continue
+ else:
+ v = v.lower()
+ if (' ' + v in utt) or (v + ' ' in utt):
+ utt = utt.replace(v, '{}-{}'.format(da, s), 1)
+ if (' ' + v in gen) or (v + ' ' in gen):
+ gen = gen.replace(v, '{}-{}'.format(da, s), 1)
+
+ hash_key = ''
+ for da in sorted(das.keys()):
+ for s,v in sorted(das[da], key=lambda x: x[0]):
+ hash_key += da+'-'+s+';'
+ das2utts.setdefault(hash_key,{'refs': [], 'gens': []})
+ das2utts[hash_key]['refs'].append(utt)
+ das2utts[hash_key]['gens'].append(gen)
+ refs, gens = [], []
+ for das in das2utts.keys():
+ for gen in das2utts[das]['gens']:
+ refs.append([s.split() for s in das2utts[das]['refs']])
+ gens.append(gen.split())
+ bleu = corpus_bleu(refs, gens, weights=(0.25, 0.25, 0.25, 0.25),smoothing_function=SmoothingFunction().method1)
+ return bleu
+
+
+def get_err_slot(da2utt_list, nlg_model):
+ assert isinstance(nlg_model, SCLSTM)
+ errs = []
+ N_total, p_total, q_total = 0, 0, 0
+ for i, (das, utt) in enumerate(da2utt_list):
+ print('[%d/%d]'% (i+1,len(da2utt_list)))
+ gen = nlg_model.generate_slots(das)
+ triples = []
+ counter = {}
+ for da in das:
+ if 'Request' in da or 'general' in da:
+ continue
+ for s,v in das[da]:
+ if s == 'Internet' or s == 'Parking' or s == 'none' or v == 'none':
+ continue
+ slot = da.lower()+'-'+s.lower()
+ counter.setdefault(slot,0)
+ counter[slot] += 1
+ triples.append(slot+'-'+str(counter[slot]))
+ assert len(set(triples))==len(triples)
+ assert len(set(gen))==len(gen)
+ N = len(triples)
+ p = len(set(triples)-set(gen))
+ q = len(set(gen)-set(triples))
+ # print(triples)
+ # print(gen)
+ N_total+=N
+ p_total+=p
+ q_total+=q
+ if N>0:
+ err = (p+q)*1.0/N
+ print(err)
+ errs.append(err)
+ # else:
+ # assert q==0
+ print('mean(std): {}({})'.format(np.mean(errs),np.std(errs)))
+ if N_total>0:
+ print('divide after sum:', (p_total+q_total)/N_total)
+ return sum(errs)/len(errs)
+
+
+if __name__ == '__main__':
+ data_path = os.path.join(proj_path, 'data/multiwoz/test.json.zip')
+ print(data_path)
+ archive = zipfile.ZipFile(data_path, 'r')
+ dataset = json.load(archive.open('test.json'))
+ print('test set:', len(dataset))
+ da2utt_list = []
+ for no, sess in dataset.items():
+ for i, turn in enumerate(sess['log']):
+ if i % 2 == 1:
+ da2utt_list.append((turn['dialog_act'], turn['text']))
+ # print(da2utt_list[0])
+ models = [MultiwozTemplateNLG(is_user=False), SCLSTM()]
+ for model in models[1:]:
+ # bleu4 = get_BLEU4(da2utt_list, model)
+ # print(model, bleu4)
+ # 0.33670454158214 for templateNLG
+ # 0.4978659870379056 for sc-lstm
+ err = get_err_slot(da2utt_list, model)
+ print('ERR:',err)
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/README.md b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/README.md
new file mode 100644
index 0000000..8d14c1f
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/README.md
@@ -0,0 +1,49 @@
+# Multiwoz Template NLG
+
+Template NLG for Multiwoz dataset. The templates are extracted from data and modified manually.
+
+
+
+## Quick start
+
+There are three mode:
+
+- `auto`: templates extracted from data without manual modification, may have no match (return 'None');
+- `manual`: templates with manual modification, sometimes verbose;
+- `auto_manual`: use auto templates first. When fails, use manual templates.
+
+Example:
+
+```python
+from tasktk.modules.nlg.multiwoz.multiwoz_template_nlg.multiwoz_template_nlg import MultiwozTemplateNLG
+
+# dialog act
+dialog_acts = {'Train-Inform': [['Day', 'wednesday'], ['Leave', '10:15']]}
+# whether from user or system
+is_user = False
+
+multiwoz_template_nlg = MultiwozTemplateNLG()
+print(dialog_acts)
+print(multiwoz_template_nlg.generate(dialog_acts, is_user, mode='manual'))
+print(multiwoz_template_nlg.generate(dialog_acts, is_user, mode='auto'))
+print(multiwoz_template_nlg.generate(dialog_acts, is_user, mode='auto_manual'))
+```
+Result:
+```
+{'Train-Inform': [['Day', 'wednesday'], ['Leave', '10:15']]}
+The train is for wednesday you are all set. I have a train leaving at 10:15 would that be okay ?
+I can help you with that . one leaves wednesday at 10:15 , is that time okay for you ?
+There is a train leaving at 10:15 on wednesday .
+```
+
+
+
+## Templates
+
+This directory contains all extracted templates (*.json). Generally, we select the utterances that have only one dialog act to extract templates. For `auto` mode, the templates may have several slot, while for `manual` mode, the templates only have one slot. As a result, `auto` templates can fail when some slot combination don't appear in dataset, while for `manual` mode, we generate utterance slot by slot, which could not fail but may be verbose. Notice that `auto` templates could be inappropriate.
+
+
+
+## Generation
+
+For most dialog act, we fill the slots in template with corresponding values. For `general` and `Request` dialog act, there are no slot in templates. For `Select` dialog act in `manual` mode, we write a simple rule.
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/__init__.py b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/__init__.py
new file mode 100644
index 0000000..2e3e5df
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/__init__.py
@@ -0,0 +1 @@
+from convlab.modules.nlg.multiwoz.multiwoz_template_nlg.multiwoz_template_nlg import MultiwozTemplateNLG
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_system_template_nlg.json b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_system_template_nlg.json
new file mode 100644
index 0000000..9eb8102
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_system_template_nlg.json
@@ -0,0 +1,32822 @@
+{
+ "Attraction-Inform": {
+ "Phone;Post;": [
+ "Their phone number is #ATTRACTION-INFORM-PHONE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Absolutely . Their postcode is #ATTRACTION-INFORM-POST# and they can be reached at #ATTRACTION-INFORM-PHONE# . Would you also like me to find you an attraction nearby ?",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure the phone is #ATTRACTION-INFORM-PHONE# and post code #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# , and postcode is #ATTRACTION-INFORM-POST# .",
+ "Absolutely ! The post code is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . The postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Phone is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes their postcode is #ATTRACTION-INFORM-POST# and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure there phone number is #ATTRACTION-INFORM-PHONE# and postal code is #ATTRACTION-INFORM-POST# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Okay the post code is #ATTRACTION-INFORM-POST# and phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes their phone number is #ATTRACTION-INFORM-PHONE# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Absolutely . The phone number is #ATTRACTION-INFORM-PHONE# , and the postal code is #ATTRACTION-INFORM-POST# .",
+ "Sure the phone is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Absolutely . Their phone number is #ATTRACTION-INFORM-PHONE# and they are in postcode #ATTRACTION-INFORM-POST# .",
+ "Yes , the phone number is #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-POST# is the postcode .",
+ "Sure ! Their phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# .",
+ "Of course , the phone number is #ATTRACTION-INFORM-PHONE# , and the post code is #ATTRACTION-INFORM-POST# .",
+ "Of course the number is #ATTRACTION-INFORM-PHONE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "Sure ! Their phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Of course , their phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and post code is #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Well , the phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure thing #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Certainly . The number is #ATTRACTION-INFORM-PHONE# , and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# .",
+ "The phone is #ATTRACTION-INFORM-PHONE# with a post code of #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The post code is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , the phone number is #ATTRACTION-INFORM-PHONE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "No problem . Their number is \t #ATTRACTION-INFORM-PHONE# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Absolutely , the phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the phone is #ATTRACTION-INFORM-PHONE# .",
+ "Sure ! Their phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# .",
+ "The phone number for Downing College is #ATTRACTION-INFORM-PHONE# , and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes . The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Fee;Name;Phone;": [
+ "Yes . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I am sorry I #ATTRACTION-INFORM-FEE# on the entrance fee at the #ATTRACTION-INFORM-NAME# but you can call them at #ATTRACTION-INFORM-PHONE# and ask .",
+ "How about #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-PHONE# in the centre ? It 's #ATTRACTION-INFORM-FEE# .",
+ "The phone number for the #ATTRACTION-INFORM-NAME# phone number is #ATTRACTION-INFORM-PHONE# . I am sorry , but #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It is #ATTRACTION-INFORM-FEE# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I am sorry . There must have been a system glitch . The phone number for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Sure , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# admission and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# , and the entrance fee is #ATTRACTION-INFORM-FEE# . Do you also need the address ?",
+ "The name is #ATTRACTION-INFORM-NAME# . The entrance fee is #ATTRACTION-INFORM-FEE# in our database , but you could probably get it by calling them at #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Area;Name;Name;": [
+ "Sure I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-NAME# , which is very famous in the #ATTRACTION-INFORM-AREA# .",
+ "There is #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# and the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "sure there 's #ATTRACTION-INFORM-NAME# , located in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-NAME# which is in the #ATTRACTION-INFORM-AREA# .",
+ "Sorry , the #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , but there 's the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Area;Name;Type;": [
+ "My favorite attraction in the #ATTRACTION-INFORM-AREA# is a #ATTRACTION-INFORM-TYPE# called #ATTRACTION-INFORM-NAME# . It is amazing ! They are at #ATTRACTION-INFORM-ADDR# .",
+ "I think you would enjoy #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# of town . It is an #ATTRACTION-INFORM-TYPE# attraction . The address is #ATTRACTION-INFORM-ADDR# .",
+ "Certainly , the #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town . Their address is #ATTRACTION-INFORM-ADDR# . Would that work for you ?",
+ "The #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# is #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# .",
+ "Would you be interested in a #ATTRACTION-INFORM-TYPE# ? #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# located at #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# side of town . Would you also like their phone number ?"
+ ],
+ "Fee;Phone;Post;": [
+ "Sure , the phone number is #ATTRACTION-INFORM-PHONE# and the post code is #ATTRACTION-INFORM-POST# , and #ATTRACTION-INFORM-FEE# what the entrance fee is .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# . Phone number is #ATTRACTION-INFORM-PHONE# . And the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# , the phone number is #ATTRACTION-INFORM-PHONE# , and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "You might have to call , I #ATTRACTION-INFORM-FEE# . The number is #ATTRACTION-INFORM-PHONE# and postcode #ATTRACTION-INFORM-POST# .",
+ "Sure , the post code #ATTRACTION-INFORM-POST# and the phone # #ATTRACTION-INFORM-PHONE# . Unfortunately , we #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and post code #ATTRACTION-INFORM-POST# . #ATTRACTION-INFORM-FEE# about the entrance fee , you may want to call them directly .",
+ "the phone number is #ATTRACTION-INFORM-PHONE# . the postcode is #ATTRACTION-INFORM-POST# . unfortunately , #ATTRACTION-INFORM-FEE# about the entrance fee .",
+ "Entrance fee is just #ATTRACTION-INFORM-FEE# . Their phone is #ATTRACTION-INFORM-PHONE# and post code is #ATTRACTION-INFORM-POST# . Does that sound good to you ?",
+ "The postcode is #ATTRACTION-INFORM-POST# and the entrance fee is #ATTRACTION-INFORM-FEE# . Their phone number is #ATTRACTION-INFORM-PHONE# if you would like to call them to find out .",
+ "They have #ATTRACTION-INFORM-FEE# entrance . Their phone number is #ATTRACTION-INFORM-PHONE# . Their postcode is #ATTRACTION-INFORM-POST# .",
+ "They are located in #ATTRACTION-INFORM-POST# and can be reached at #ATTRACTION-INFORM-PHONE# . The cover charge is #ATTRACTION-INFORM-FEE# .",
+ "Sure , #ATTRACTION-INFORM-FEE# , that 's nice . The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The fee is #ATTRACTION-INFORM-FEE# , the number is #ATTRACTION-INFORM-PHONE# , and the code is #ATTRACTION-INFORM-POST# .",
+ "I ' m sorry , the postcode is #ATTRACTION-INFORM-POST# , but the entrance fee is #ATTRACTION-INFORM-FEE# . You would have to call them at #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number and post code are \t #ATTRACTION-INFORM-PHONE# \t #ATTRACTION-INFORM-POST# rspectively , and I have #ATTRACTION-INFORM-FEE# on their entrance fees .",
+ "The postcode is #ATTRACTION-INFORM-POST# . You will #ATTRACTION-INFORM-FEE# to find out the entrance fee . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and postcode is #ATTRACTION-INFORM-POST# . Unfortunately there is #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# . The post code is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Choice;Fee;Name;": [
+ "Yes #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# is a famous one with #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-CHOICE# . How does #ATTRACTION-INFORM-NAME# sound ? It has #ATTRACTION-INFORM-FEE# admission .",
+ "There are #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# is beautiful and there is #ATTRACTION-INFORM-FEE# charged ."
+ ],
+ "none;": [
+ "Attractions are one thing we ca n't book for you , unfortunately . Is there anything else you need today ?",
+ "That is the street address . I do n't have any further information .",
+ "Yes , it does .",
+ "I was able to find it , what information would you like about it today ?",
+ "Unfortunately I do n't have that information . But , again , you could call them at 01223511511 for that information .",
+ "i have their info , what would you like to know ?",
+ "Yes , they both are ."
+ ],
+ "Choice;": [
+ "I ' ve found #ATTRACTION-INFORM-CHOICE# places for you to go . Do you have any specific ideas in mind ?",
+ "sorry about that , there are actually #ATTRACTION-INFORM-CHOICE# in that area .",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# for you to choose from .",
+ "There are #ATTRACTION-INFORM-CHOICE# . Would you like me to recommend one for you ?",
+ "We have #ATTRACTION-INFORM-CHOICE# of those ! Anything specific you need or just a recommendation ?",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# options for you",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# in that area .",
+ "we have #ATTRACTION-INFORM-CHOICE# options , can i reccomend for you ?",
+ "there are #ATTRACTION-INFORM-CHOICE# , anything in particular you are looking for ?",
+ "We have #ATTRACTION-INFORM-CHOICE# such location .",
+ "sure , i have #ATTRACTION-INFORM-CHOICE# options for you",
+ "Yes ! I found #ATTRACTION-INFORM-CHOICE# attractions matching your requirements . Would you like to know more ?",
+ "I have #ATTRACTION-INFORM-CHOICE# on the list , do you have any other preferences ? Fees , no fees ?",
+ "Of course , there are actually #ATTRACTION-INFORM-CHOICE# to choose from .",
+ "We have #ATTRACTION-INFORM-CHOICE# places to pick from any other preferences ?",
+ "I can provide you #ATTRACTION-INFORM-CHOICE# names but not an entrance fee . I am sorry .",
+ "There are #ATTRACTION-INFORM-CHOICE# places to go in town . Is there anything more specific you would like ?",
+ "There are #ATTRACTION-INFORM-CHOICE# different attractions here in cambridge . Would you like me to pick one of them for you ?",
+ "I have found #ATTRACTION-INFORM-CHOICE# of them . Can you please be more specific about what you would like ?",
+ "Yes I have #ATTRACTION-INFORM-CHOICE# . Would you like me to recommend one to you ?",
+ "There are #ATTRACTION-INFORM-CHOICE# attractions to choose from .",
+ "there are #ATTRACTION-INFORM-CHOICE# cool places to check out in town",
+ "great , i have #ATTRACTION-INFORM-CHOICE# you could visit !",
+ "Okay I have #ATTRACTION-INFORM-CHOICE# to choose from . Would you like me to recommend one to you ?",
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# , would you like more information about them ?",
+ "There are #ATTRACTION-INFORM-CHOICE# . What kind of museum would you like to visit ?",
+ "I have listings for #ATTRACTION-INFORM-CHOICE# , can i recommend one ?"
+ ],
+ "Name;Post;": [
+ "Yes the postcode is #ATTRACTION-INFORM-POST# for the #ATTRACTION-INFORM-NAME# .",
+ "The post code for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . I ' m checking on your taxi reservation .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . Will that be all ?",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The post code for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . Is there anything else you want to know ?",
+ "How about #ATTRACTION-INFORM-NAME# , postcode #ATTRACTION-INFORM-POST# ?",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The post code for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . Have fun !",
+ "Then how about #ATTRACTION-INFORM-NAME# ? It 's code is #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "By the way the zipcode for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "Sure , the postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "How does the #ATTRACTION-INFORM-NAME# sound ? The postcode is #ATTRACTION-INFORM-POST# .",
+ "The park is #ATTRACTION-INFORM-NAME# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The post code for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The post code for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "There is a cinema #ATTRACTION-INFORM-NAME# with postcode #ATTRACTION-INFORM-POST# .",
+ "Okay the postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "Sure , #ATTRACTION-INFORM-NAME# has a postcode of #ATTRACTION-INFORM-POST# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# .",
+ "The #ATTRACTION-INFORM-NAME# 's postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure ! The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . Would you like the phone number ?"
+ ],
+ "Addr;Area;Name;Phone;": [
+ "Ah yes , #ATTRACTION-INFORM-NAME# is in #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# and phone #ATTRACTION-INFORM-PHONE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# and is on #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# area located at #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# and located on #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I have #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Hello . #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# area #ATTRACTION-INFORM-ADDR# . Call #ATTRACTION-INFORM-PHONE# to find more about costs ."
+ ],
+ "Post;": [
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# . Can I help you with anything else today ?",
+ "Okay the postcode is #ATTRACTION-INFORM-POST# .",
+ "It is really marvelous ! The postcode is #ATTRACTION-INFORM-POST# , make sure to visit the gift shop too !",
+ "The post code is #ATTRACTION-INFORM-POST# .",
+ "I do n't have any information on their entrance fee , but their postcode is #ATTRACTION-INFORM-POST# .",
+ "Its postcode is #ATTRACTION-INFORM-POST# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode for the riverboat georgina is #ATTRACTION-INFORM-POST# . Is there anything else I can assist you with today ?",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Its postal code is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , it 's postcode #ATTRACTION-INFORM-POST# . Would you also like their address or phone number ?",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# . anything else you need ?",
+ "Certainly , the postcode is #ATTRACTION-INFORM-POST# . Are you still wanting to reserve a taxi ?",
+ "The post code is #ATTRACTION-INFORM-POST# .",
+ "The post code is #ATTRACTION-INFORM-POST# .",
+ "Their post code is #ATTRACTION-INFORM-POST# .",
+ "Sure . The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , the postcode for the college is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Of course , it 's #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The post code is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "No problem , the postal code is #ATTRACTION-INFORM-POST# . Did you need the phone number as well ?",
+ "The postcode is #ATTRACTION-INFORM-POST# . Anything else I can assist you with ?",
+ "Their postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , the postcode is #ATTRACTION-INFORM-POST# .",
+ "The post code is #ATTRACTION-INFORM-POST# . I can help you with the restaurant in a moment .",
+ "Their postcode is #ATTRACTION-INFORM-POST# . Anything else ?",
+ "Yes sure . It is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes their postcode is #ATTRACTION-INFORM-POST# .",
+ "I 'd be happy to get that for you . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Their post code is #ATTRACTION-INFORM-POST# . Anything else I can do for you ?",
+ "Sure , the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postal code is #ATTRACTION-INFORM-POST# .",
+ "Sorry about that . The postal code is #ATTRACTION-INFORM-POST# .",
+ "Yes , Wandlebury Country Park 's postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode for that is #ATTRACTION-INFORM-POST# .",
+ "Sure ! The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes the post code is #ATTRACTION-INFORM-POST# .",
+ "Sure , it 's #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "That postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes the postal code is #ATTRACTION-INFORM-POST# .",
+ "Postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "Certainly their postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# . Is there anything else I can help with ?"
+ ],
+ "Fee;": [
+ "Its entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee for the museum is #ATTRACTION-INFORM-FEE# . Is there anything else I can assist you with today ?",
+ "Hmm , I #ATTRACTION-INFORM-FEE# .",
+ "No , there is no entrance fee , it 's #ATTRACTION-INFORM-FEE# to enter .",
+ "The park is #ATTRACTION-INFORM-FEE# . There is no entrance fee .",
+ "The entry fee is #ATTRACTION-INFORM-FEE# .",
+ "They do not have a fee . It is #ATTRACTION-INFORM-FEE# to enter .",
+ "You will not need tickets , as admission is #ATTRACTION-INFORM-FEE# . Would you like the address or phone number ?",
+ "Yes their entrance fee is #ATTRACTION-INFORM-FEE# by our system currently .",
+ "It 's #ATTRACTION-INFORM-FEE# to enter !",
+ "I ' m sorry , I #ATTRACTION-INFORM-FEE# . Would you like their phone number again ?",
+ "It is #ATTRACTION-INFORM-FEE# . Would you like the address and phone number for it ?",
+ "No entrance is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# as it depends on each movie .",
+ "The entrance is #ATTRACTION-INFORM-FEE# to Milton Country Park !",
+ "I ' m sorry but I have #ATTRACTION-INFORM-FEE# .",
+ "It has a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "I ' m sorry , #ATTRACTION-INFORM-FEE# in my system .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-FEE# in my system about their entrance fee . You are welcome to call them and see if they can provide you with that detail .",
+ "There is #ATTRACTION-INFORM-FEE# . I can give you their phone number if you would like ?",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# in our database . Perhaps it varies depending on what night of the week you go . You are welcome to call them and ask .",
+ "the admission is #ATTRACTION-INFORM-FEE# .",
+ "That 's the good thing ! The entrance is #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-FEE# .",
+ "There is no entrance fee , it is #ATTRACTION-INFORM-FEE# .",
+ "It is #ATTRACTION-INFORM-FEE# admittance .",
+ "I #ATTRACTION-INFORM-FEE# on their entrance fee , I ' m sorry .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Yes there is . It is #ATTRACTION-INFORM-FEE# .",
+ "Yes , there is a #ATTRACTION-INFORM-FEE# entrance fee for the club .",
+ "I am sorry but there is #ATTRACTION-INFORM-FEE# .",
+ "The cover charge is only #ATTRACTION-INFORM-FEE# , and I show a DJ Squalour from Ibiza doing a show there tonight .",
+ "It is #ATTRACTION-INFORM-FEE# to enter .",
+ "Unfortunately #ATTRACTION-INFORM-FEE# .",
+ "My #ATTRACTION-INFORM-FEE# . Would you like the phone number so you can call and ask ?",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entry fee is #ATTRACTION-INFORM-FEE# .",
+ "The admission is #ATTRACTION-INFORM-FEE# .",
+ "No . It is #ATTRACTION-INFORM-FEE# .",
+ "No , it 's #ATTRACTION-INFORM-FEE# to get in !",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "It is #ATTRACTION-INFORM-FEE# admission .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Yes as a matter of fact it does and this is #ATTRACTION-INFORM-FEE# .",
+ "Yes , the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I am actually #ATTRACTION-INFORM-FEE# of that , sorry .",
+ "Unfortunately , they #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "It is #ATTRACTION-INFORM-FEE# to get in .",
+ "admission is #ATTRACTION-INFORM-FEE# !",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I ' m , sorry , but the entrance fee is #ATTRACTION-INFORM-FEE# . Would you like a phone number for one of them ?",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I am sorry but there is #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "There is #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-FEE# .",
+ "There is no entrance fee it is #ATTRACTION-INFORM-FEE# .",
+ "The admission is #ATTRACTION-INFORM-FEE# !",
+ "I am sorry but #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-FEE# for the attraction .",
+ "It is #ATTRACTION-INFORM-FEE# ! The best kind of fee !",
+ "I #ATTRACTION-INFORM-FEE# .",
+ "I ' m sorry , I #ATTRACTION-INFORM-FEE# of their entrance fee in my system .",
+ "It would be #ATTRACTION-INFORM-FEE# .",
+ "My apologies . I #ATTRACTION-INFORM-FEE# , but if you call them , I ' m sure they can give you that information .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I ' m sorry but the entrance fee #ATTRACTION-INFORM-FEE# .",
+ "The fee is #ATTRACTION-INFORM-FEE# .",
+ "They do not - admission is #ATTRACTION-INFORM-FEE# .",
+ "Their entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "I ' m sorry , that information is #ATTRACTION-INFORM-FEE# to me .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# so i encourage you to call to inquiry about the fee .",
+ "Nope . It 's #ATTRACTION-INFORM-FEE# !",
+ "There is no entrance fee , it 's #ATTRACTION-INFORM-FEE# !",
+ "It is #ATTRACTION-INFORM-FEE# .",
+ "It is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "No , the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "No the fee is #ATTRACTION-INFORM-FEE# .",
+ "I just double - checked , and it 's #ATTRACTION-INFORM-FEE# here . I ' m terribly sorry .",
+ "It is actually #ATTRACTION-INFORM-FEE# .",
+ "we #ATTRACTION-INFORM-FEE# with us",
+ "Admission is absolutely #ATTRACTION-INFORM-FEE# !",
+ "It is #ATTRACTION-INFORM-FEE# to enter .",
+ "That is #ATTRACTION-INFORM-FEE# to enter .",
+ "I #ATTRACTION-INFORM-FEE# on the fee .",
+ "No , the entrance is #ATTRACTION-INFORM-FEE# . Can I book you a spot ?",
+ "I am sorry , there is #ATTRACTION-INFORM-FEE# for an entrance fee available .",
+ "There is #ATTRACTION-INFORM-FEE# for that . I ' m sure if you call , they would be happy to provide it for you .",
+ "Sometimes we are provided information on the entrance fee , but unfortunately for this attraction we #ATTRACTION-INFORM-FEE# .",
+ "I ' m sorry #ATTRACTION-INFORM-FEE# available to me .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Unfortunately the entrance fee for the cambridge arts theatre is #ATTRACTION-INFORM-FEE# right now .",
+ "I ' m sorry . I #ATTRACTION-INFORM-FEE# . I ' m not sure if they have one or not ."
+ ],
+ "Area;Choice;": [
+ "I have #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# . Would you like to know anything else about them ?",
+ "Yes ! there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-AREA# !",
+ "we have #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , how can I help you ?",
+ "There are #ATTRACTION-INFORM-CHOICE# colleges in the #ATTRACTION-INFORM-AREA# of town . Are you looking for a particular one ?",
+ "Yes I have #ATTRACTION-INFORM-CHOICE# located on #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# different colleges in the #ATTRACTION-INFORM-AREA# .",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# in #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# attractions in the #ATTRACTION-INFORM-AREA# . Could you be more specific about what you 're looking for ?",
+ "yes we have #ATTRACTION-INFORM-CHOICE# all in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# great attractions in #ATTRACTION-INFORM-AREA# , do you have a particular type in mind ?",
+ "There are #ATTRACTION-INFORM-CHOICE# located in the #ATTRACTION-INFORM-AREA# .",
+ "we have #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# of town",
+ "There are #ATTRACTION-INFORM-CHOICE# places in the #ATTRACTION-INFORM-AREA# . Do you have any further preferences or would you like me to recommend one ?",
+ "There are #ATTRACTION-INFORM-CHOICE# theatres in the #ATTRACTION-INFORM-AREA# that you could visit ."
+ ],
+ "Area;Name;": [
+ "Yes #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# .",
+ "what about #ATTRACTION-INFORM-NAME# ? it 's in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , there is the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "I have a listing for #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# is that okay ?",
+ "How about #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes , it is . #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# as well .",
+ "There is #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m afraid the only concert hall in town is #ATTRACTION-INFORM-NAME# , but it 's in the #ATTRACTION-INFORM-AREA# rather than the south . Would that work for you ?",
+ "We have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "what about #ATTRACTION-INFORM-NAME# ? It 's located in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# part of town . Would you like their phone number and postcode ?",
+ "The #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# and is quite funky and fun .",
+ "I have the #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# .",
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# .",
+ "How about #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes , #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# .",
+ "Sure , there is #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . What would you like to know about it ?",
+ "how about #ATTRACTION-INFORM-NAME# ? it 's located in the #ATTRACTION-INFORM-AREA# .",
+ "There 's just one - the #ATTRACTION-INFORM-NAME# on the #ATTRACTION-INFORM-AREA# side of town .",
+ "the #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , would you like the address ?",
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# area . Would you like information on it ?",
+ "The #ATTRACTION-INFORM-NAME# is a museum in the #ATTRACTION-INFORM-AREA# .",
+ "Ok , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# side of town . Would you like the address ?",
+ "Okay , #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# .",
+ "How about the #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# ?",
+ "We have #ATTRACTION-INFORM-NAME# that 's night , it 's in the #ATTRACTION-INFORM-AREA# .",
+ "I found an entertainment venue called \" #ATTRACTION-INFORM-NAME# \" in the #ATTRACTION-INFORM-AREA# . Does this interest you ?",
+ "My favorite pool is #ATTRACTION-INFORM-NAME# , in the #ATTRACTION-INFORM-AREA# .",
+ "The #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# may be a good choice , thank you .",
+ "Would you like to visit #ATTRACTION-INFORM-NAME# , they are in the #ATTRACTION-INFORM-AREA# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It is the #ATTRACTION-INFORM-AREA# .",
+ "Yes , there is #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# end .",
+ "I ' ve got #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# . How would that do ?",
+ "How about the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ?",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's located in the #ATTRACTION-INFORM-AREA# as well .",
+ "I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "the #ATTRACTION-INFORM-NAME# are both located in the #ATTRACTION-INFORM-AREA# side of town .",
+ "There is just one . It is the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "There is ! #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# . Would you like their phone ?",
+ "how about #ATTRACTION-INFORM-NAME# ? it is located in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Choice;Choice;Choice;Fee;Fee;": [
+ "There are #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-CHOICE# that are #ATTRACTION-INFORM-FEE# , and #ATTRACTION-INFORM-CHOICE# that have #ATTRACTION-INFORM-FEE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# in that area . #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# entrance while the other #ATTRACTION-INFORM-CHOICE# charge #ATTRACTION-INFORM-FEE# .",
+ "Sure , there are #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# but #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Name;": [
+ "How about the #ATTRACTION-INFORM-NAME# ?",
+ "Sure . I think a fun place to visit is #ATTRACTION-INFORM-NAME# .",
+ "Yes we have #ATTRACTION-INFORM-NAME# .",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "What about #ATTRACTION-INFORM-NAME# ?",
+ "Yes , you might want to try the #ATTRACTION-INFORM-NAME# .",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "How about #ATTRACTION-INFORM-NAME# ? Does that sound interesting ?",
+ "Okay ! How about #ATTRACTION-INFORM-NAME# ?",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's a very nice place to visit !",
+ "The #ATTRACTION-INFORM-NAME# you may like . It has passenger cruises and more .",
+ "How about the #ATTRACTION-INFORM-NAME# ?",
+ "We have #ATTRACTION-INFORM-NAME# . Could you like more information on them ?",
+ "Yes there is the #ATTRACTION-INFORM-NAME# in that part of town . Would you like more information about it ?",
+ "Yes you could visit #ATTRACTION-INFORM-NAME# .",
+ "Okay , #ATTRACTION-INFORM-NAME# is a popular one . Would you like the address or phone number ?",
+ "Great there 's the #ATTRACTION-INFORM-NAME# there !",
+ "In the same area , you 'll find #ATTRACTION-INFORM-NAME# .",
+ "Yes ! I have one called #ATTRACTION-INFORM-NAME# . Would you like their telephone number .",
+ "i said #ATTRACTION-INFORM-NAME# . its entrance is free .",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "Sure , #ATTRACTION-INFORM-NAME# will be great . What information do you need about this attraction ?",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "Lol . Okay how about the #ATTRACTION-INFORM-NAME# then ?",
+ "I personally like #ATTRACTION-INFORM-NAME# , they are very contemporaneity",
+ "sure , how about #ATTRACTION-INFORM-NAME# ?",
+ "sure thing . Does #ATTRACTION-INFORM-NAME# sound good to you ?",
+ "Yes you mentioned that . How about #ATTRACTION-INFORM-NAME# ?",
+ "how about #ATTRACTION-INFORM-NAME# ?",
+ "There is #ATTRACTION-INFORM-NAME# , do want the adress and phone number ?",
+ "There is #ATTRACTION-INFORM-NAME# .",
+ "They are all free . There is #ATTRACTION-INFORM-NAME# , I like that one .",
+ "How about #ATTRACTION-INFORM-NAME# ? I hear it 's lovely",
+ "Hold on while I look up the address for #ATTRACTION-INFORM-NAME# .",
+ "The #ATTRACTION-INFORM-NAME# is an attraction .",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "I ' m sorry but that information is only available in person at the #ATTRACTION-INFORM-NAME# .",
+ "Here is an option in that part of town #ATTRACTION-INFORM-NAME# .",
+ "Ok , How about the #ATTRACTION-INFORM-NAME# ?",
+ "well then #ATTRACTION-INFORM-NAME# is the place to go .",
+ "Yes there is #ATTRACTION-INFORM-NAME# would you like their address ?",
+ "Ok . How about #ATTRACTION-INFORM-NAME# ?",
+ "Does #ATTRACTION-INFORM-NAME# sound good ?",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "how about #ATTRACTION-INFORM-NAME# ? looks fun .",
+ "I recommend #ATTRACTION-INFORM-NAME# .",
+ "My favorite is #ATTRACTION-INFORM-NAME# .",
+ "I hear #ATTRACTION-INFORM-NAME# is nice , want more info ?",
+ "Sure , how about the #ATTRACTION-INFORM-NAME# ?",
+ "Yes their telephone number is #ATTRACTION-INFORM-NAME# .",
+ "sure , how about #ATTRACTION-INFORM-NAME# ?",
+ "Yes , there is #ATTRACTION-INFORM-NAME# . Would you like more information ?",
+ "Yes ! It is called #ATTRACTION-INFORM-NAME# .",
+ "Yes , the #ATTRACTION-INFORM-NAME# is a great place .",
+ "Would you be interested in #ATTRACTION-INFORM-NAME# ?"
+ ],
+ "Addr;Phone;Post;": [
+ "Sure . The phone number is #ATTRACTION-INFORM-PHONE# and it 's located at #ATTRACTION-INFORM-ADDR# at #ATTRACTION-INFORM-POST# .",
+ "Sure ! The address is #ATTRACTION-INFORM-ADDR# , the postcode is #ATTRACTION-INFORM-POST# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their address is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The museum is on #ATTRACTION-INFORM-ADDR# post code #ATTRACTION-INFORM-POST# and it 's number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , ant the phone is #ATTRACTION-INFORM-PHONE# .",
+ "It is located #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . You can call them at #ATTRACTION-INFORM-PHONE# .",
+ "I was able to find it , it is located on #ATTRACTION-INFORM-ADDR# , phone number is #ATTRACTION-INFORM-PHONE# , and #ATTRACTION-INFORM-POST# is the postcode .",
+ "Sure the address is #ATTRACTION-INFORM-ADDR# , postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "the phone number is #ATTRACTION-INFORM-PHONE# \t and this is address . zipcode - #ATTRACTION-INFORM-POST# \t #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# and the phone is #ATTRACTION-INFORM-PHONE# .",
+ "their address is #ATTRACTION-INFORM-ADDR# . postcode is #ATTRACTION-INFORM-POST# . you can reach them at #ATTRACTION-INFORM-PHONE# .",
+ "their post code is #ATTRACTION-INFORM-POST# . it is located in #ATTRACTION-INFORM-ADDR# . phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# , they are located at #ATTRACTION-INFORM-ADDR# , and their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Area;": [
+ "That one is located in the #ATTRACTION-INFORM-AREA# .",
+ "It is in the #ATTRACTION-INFORM-AREA# . What else would you like to know ?",
+ "Yes , it is located in the #ATTRACTION-INFORM-AREA# .",
+ "Both are located in the #ATTRACTION-INFORM-AREA# .",
+ "They are located within the #ATTRACTION-INFORM-AREA# .",
+ "No , it 's located in the #ATTRACTION-INFORM-AREA# .",
+ "That is in the #ATTRACTION-INFORM-AREA# .",
+ "It will be located in the #ATTRACTION-INFORM-AREA# .",
+ "it is in the #ATTRACTION-INFORM-AREA# of the city",
+ "It is in the #ATTRACTION-INFORM-AREA# .",
+ "Sure it is located in the #ATTRACTION-INFORM-AREA# .",
+ "It is in the #ATTRACTION-INFORM-AREA# .",
+ "It is in the #ATTRACTION-INFORM-AREA# .",
+ "It 's in the #ATTRACTION-INFORM-AREA# area .",
+ "The postcode is #ATTRACTION-INFORM-AREA# .",
+ "That is on the #ATTRACTION-INFORM-AREA# .",
+ "Mumford Theater is located in the #ATTRACTION-INFORM-AREA# .",
+ "it 's located in the #ATTRACTION-INFORM-AREA# .",
+ "Yes it is #ATTRACTION-INFORM-AREA# .",
+ "Yes it is in the #ATTRACTION-INFORM-AREA# .",
+ "It is in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , that 's located in the #ATTRACTION-INFORM-AREA# part of Cambridge .",
+ "It is located in the #ATTRACTION-INFORM-AREA# .",
+ "It 's right in the #ATTRACTION-INFORM-AREA# .",
+ "That museum is in the #ATTRACTION-INFORM-AREA# .",
+ "Is it in the #ATTRACTION-INFORM-AREA# .",
+ "We have 44 attraction in the #ATTRACTION-INFORM-AREA# , and specific type in mind ?"
+ ],
+ "Fee;Phone;": [
+ "Their contact number is #ATTRACTION-INFORM-PHONE# . It #ATTRACTION-INFORM-FEE# but I would call just to be sure .",
+ "They 're #ATTRACTION-INFORM-FEE# to enter , and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Entrance is #ATTRACTION-INFORM-FEE# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The cost is #ATTRACTION-INFORM-FEE# but here is their phone number so you can call them with any questions , #ATTRACTION-INFORM-PHONE# .",
+ "I #ATTRACTION-INFORM-FEE# the entrance fee . You can call #ATTRACTION-INFORM-PHONE# for more information .",
+ "Entry is #ATTRACTION-INFORM-FEE# , and the number is #ATTRACTION-INFORM-PHONE# .",
+ "the phone number is #ATTRACTION-INFORM-PHONE# , admission is #ATTRACTION-INFORM-FEE# .",
+ "no problem . Their phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The phone is #ATTRACTION-INFORM-PHONE# . Unfortunately my #ATTRACTION-INFORM-FEE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the entrance is #ATTRACTION-INFORM-FEE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# . As for entrance fee , I #ATTRACTION-INFORM-FEE# to you . I apologize .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and it is #ATTRACTION-INFORM-FEE# to enter .",
+ "Unfortunately , I #ATTRACTION-INFORM-FEE# . But if you need to reach them , please call #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# , and their #ATTRACTION-INFORM-FEE# .",
+ "They have #ATTRACTION-INFORM-FEE# entrance . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Unfortunately #ATTRACTION-INFORM-FEE# but if you call them at #ATTRACTION-INFORM-PHONE# , they 'll tell you . Will that be all today ?",
+ "I #ATTRACTION-INFORM-FEE# the entrance fee but the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I #ATTRACTION-INFORM-FEE# , but if you are interested in going there , you could call them at #ATTRACTION-INFORM-PHONE# to determine their pricing .",
+ "I #ATTRACTION-INFORM-FEE# about their entrance fees , but you can call them at #ATTRACTION-INFORM-PHONE# for more information .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and the admission is #ATTRACTION-INFORM-FEE# .",
+ "I ' m sorry we #ATTRACTION-INFORM-FEE# , only the phone number which is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , their phone number is #ATTRACTION-INFORM-PHONE# . There will be an entrance fee of #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# . You may have to call them and check . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Unfortunately I #ATTRACTION-INFORM-FEE# on their entrance fee , but the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# . Perhaps #ATTRACTION-INFORM-FEE# how much the entrance fee is .",
+ "I #ATTRACTION-INFORM-FEE# the entrance fee . You can call them directly at #ATTRACTION-INFORM-PHONE# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# , phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes of course their telephone number is #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-FEE# on their entrance cost at this time .",
+ "Of course , I 'd be happy to provide that information . Unfortunately #ATTRACTION-INFORM-FEE# about their entrance fee , but their phone number is #ATTRACTION-INFORM-PHONE# so you can ask directly .",
+ "We #ATTRACTION-INFORM-FEE# on the entrance fee , but their number is #ATTRACTION-INFORM-PHONE# if you would like to contact them .",
+ "Sure ! The cost is #ATTRACTION-INFORM-FEE# and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I #ATTRACTION-INFORM-FEE# about the entrance fee . I ' m sure you could call and ask them . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "the phone number is #ATTRACTION-INFORM-PHONE# and admission is #ATTRACTION-INFORM-FEE# !",
+ "I am #ATTRACTION-INFORM-FEE# if there is an entrance fee but their phone number is #ATTRACTION-INFORM-PHONE# , I ' m sure they will be able to tell you of any entrance fee ."
+ ],
+ "Addr;Area;Fee;Phone;": [
+ "The phone number is #ATTRACTION-INFORM-PHONE# . I can also tell you that there is #ATTRACTION-INFORM-FEE# and its located in #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# .",
+ "It is located at #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# . The phone number is #ATTRACTION-INFORM-PHONE# . The admission is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Phone;": [
+ "Certainly . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Here is the phone number you requested , #ATTRACTION-INFORM-PHONE# .",
+ "Yes sure it is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# \t .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# . Can I help with anything else ?",
+ "Certainly . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# . Will that be all ?",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure thing , that 's #ATTRACTION-INFORM-PHONE# .",
+ "Sure ! The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , again , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes of course . Their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "That I do : #ATTRACTION-INFORM-PHONE# .",
+ "Okay the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Absolutely , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address was just given to you and the phone is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "That is the only address information I have , but if you have trouble finding them , you could call them at #ATTRACTION-INFORM-PHONE# .",
+ "I #ATTRACTION-INFORM-PHONE# .",
+ "Yes the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Unfortunately I do not know the price . You can call them at #ATTRACTION-INFORM-PHONE# for more information .",
+ "Their number is #ATTRACTION-INFORM-PHONE# .",
+ "I do n't have that information , but you can call them at #ATTRACTION-INFORM-PHONE# to get more information .",
+ "Sure - their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure ! it is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# . Was there anything else you need to know ?",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure ! The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Absolutely ! The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "There is #ATTRACTION-INFORM-PHONE# for them I would suggest sending them an email .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Ok , that phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# . Do you need the postcode ?",
+ "Telephone \t : \t #ATTRACTION-INFORM-PHONE# is their telephone number",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sorry , I do n't have that information , but here is the phone number : #ATTRACTION-INFORM-PHONE# if you would like more specifics .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "You can call them at #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I am sorry i am unable to purchase tickets here is the phone number #ATTRACTION-INFORM-PHONE# so you can reserve tickets .",
+ "their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Certainly ! Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "the phone number is \t #ATTRACTION-INFORM-PHONE# .",
+ "Okay , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "That number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . You can phone at #ATTRACTION-INFORM-PHONE# . What else can I help with ?",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I ' m sorry . I do n't have the schedule , but I will provide a phone number so you can call to confirm their hours of operation . The number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number to the museum is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , it is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "You can call them at #ATTRACTION-INFORM-PHONE# and ask them about the entrance fee .",
+ "No , I ' m sorry . You 'll have to call them for the entrance fee . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , their number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , the phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Fee;Name;": [
+ "How about the #ATTRACTION-INFORM-NAME# ? Admission is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# , they have a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "The centre of town boasts some magnificent old churches . #ATTRACTION-INFORM-NAME# , for instance , which is #ATTRACTION-INFORM-FEE# to visit .",
+ "There is #ATTRACTION-INFORM-NAME# . The entry is also #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# .",
+ "I apologize but the entrance fee for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# . Would you like their phone number instead ?",
+ "I ' ve heard good things about #ATTRACTION-INFORM-NAME# . And there is #ATTRACTION-INFORM-FEE# entrance fee , so that 's a bonus !",
+ "Would you like #ATTRACTION-INFORM-NAME# it hs #ATTRACTION-INFORM-FEE# entrance fee .",
+ "The entrance fee for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# .",
+ "Entrance to #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# .",
+ "There appears to be #ATTRACTION-INFORM-FEE# entrance fee for #ATTRACTION-INFORM-NAME# .",
+ "I would recommend #ATTRACTION-INFORM-NAME# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "how about #ATTRACTION-INFORM-NAME# ? it has #ATTRACTION-INFORM-FEE# admission .",
+ "I do n't have rating information , but #ATTRACTION-INFORM-NAME# in nice , and admission is #ATTRACTION-INFORM-FEE# . Would that interest you ?",
+ "Certainly . #ATTRACTION-INFORM-NAME# is a museum , and there is #ATTRACTION-INFORM-FEE# .",
+ "Our #ATTRACTION-INFORM-FEE# for #ATTRACTION-INFORM-NAME# . You do n't have much experience with this system do you ?",
+ "How about #ATTRACTION-INFORM-NAME# ? It has #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It has #ATTRACTION-INFORM-FEE# admission .",
+ "Admission to #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# .",
+ "Yes the entrance fee is #ATTRACTION-INFORM-FEE# for #ATTRACTION-INFORM-NAME# .",
+ "Entrance is #ATTRACTION-INFORM-FEE# at #ATTRACTION-INFORM-NAME# .",
+ "There is #ATTRACTION-INFORM-FEE# for #ATTRACTION-INFORM-NAME# .",
+ "There is #ATTRACTION-INFORM-NAME# would you like the address and phone number ? The entrance fee #ATTRACTION-INFORM-FEE# .",
+ "I do n't have entrance fee info for most of the attractions , but I do know that the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# .",
+ "How does #ATTRACTION-INFORM-NAME# sound to you ? It is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? #ATTRACTION-INFORM-FEE# entrance fee .",
+ "I have the #ATTRACTION-INFORM-NAME# , which has #ATTRACTION-INFORM-FEE# .",
+ "Yes , all of the listed entrance fees are #ATTRACTION-INFORM-FEE# . The #ATTRACTION-INFORM-NAME# is nice .",
+ "I ' m not sure how close it is to the train station but #ATTRACTION-INFORM-NAME# has #ATTRACTION-INFORM-FEE# admission .",
+ "No , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# to enter !",
+ "It looks like the #ATTRACTION-INFORM-NAME# does #ATTRACTION-INFORM-FEE# for the public 's record . I apologize about that .",
+ "how about #ATTRACTION-INFORM-NAME# ? it 's #ATTRACTION-INFORM-FEE# of charge .",
+ "no , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# of entrance .",
+ "It costs #ATTRACTION-INFORM-FEE# to get into #ATTRACTION-INFORM-NAME# . Do you want some additional information about them ?",
+ "No . It is #ATTRACTION-INFORM-FEE# to tour #ATTRACTION-INFORM-NAME# .",
+ "What about #ATTRACTION-INFORM-NAME# ? it 's #ATTRACTION-INFORM-FEE# to get in ."
+ ],
+ "Area;Choice;Fee;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area , the one with the lowest entrance fee is #ATTRACTION-INFORM-NAME# which is #ATTRACTION-INFORM-FEE# to get in .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . My personal favorite is #ATTRACTION-INFORM-NAME# , even though they charge a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "There are #ATTRACTION-INFORM-CHOICE# attractions in the #ATTRACTION-INFORM-AREA# , you might like #ATTRACTION-INFORM-NAME# it 's a #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# . Would you like the address ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . The #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-FEE# . Would you like more information ?",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . A lot of our visitors start at #ATTRACTION-INFORM-NAME# which has #ATTRACTION-INFORM-FEE# admission .",
+ "We have #ATTRACTION-INFORM-CHOICE# fine #ATTRACTION-INFORM-TYPE# in town . My favorite is the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . It 's #ATTRACTION-INFORM-FEE# to get in !",
+ "You have #ATTRACTION-INFORM-CHOICE# options for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# Nightclub has the lowest entry fee , at #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Type;": [
+ "It is a #ATTRACTION-INFORM-TYPE# that is located in the #ATTRACTION-INFORM-AREA# .",
+ "Unfortunately there are no #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "It 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area . Do you want their phone number ?",
+ "Sure , it 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I do , they are an amazing #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of cambridge with activites for all type of boaters , would you like more information ?",
+ "there are no #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# sorry",
+ "Okay , it 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like more information on it ?",
+ "Its a lovely #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# . Would you like me to get you the address and phone number ?",
+ "I ' m sorry . There are no #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like me to try another area ?",
+ "The place is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "It is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "The #ATTRACTION-INFORM-TYPE# is located in the #ATTRACTION-INFORM-AREA# .",
+ "It is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like the phone number ?",
+ "sure it 's a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . would you like their phone number ?",
+ "it is a type of #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# of town",
+ "Yes , it 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Type;": [
+ "No , that is the attraction type listed in our database . It is listed as a #ATTRACTION-INFORM-TYPE# attraction .",
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# .",
+ "Absolutely . There are some wonderful #ATTRACTION-INFORM-TYPE# in that area . Would you like something free ?",
+ "it 's considered a #ATTRACTION-INFORM-TYPE# .",
+ "Would you be interested in visiting a #ATTRACTION-INFORM-TYPE# ?",
+ "It 's a #ATTRACTION-INFORM-TYPE# attraction .",
+ "It is a #ATTRACTION-INFORM-TYPE# .",
+ "It is listed as #ATTRACTION-INFORM-TYPE# .",
+ "Yes , of course . What information do you require about this #ATTRACTION-INFORM-TYPE# ?",
+ "It is a #ATTRACTION-INFORM-TYPE# .",
+ "it is listed as a #ATTRACTION-INFORM-TYPE# .",
+ "It is a #ATTRACTION-INFORM-TYPE# attraction . Is there anything else you need to know ?",
+ "It 's listed as a #ATTRACTION-INFORM-TYPE# .",
+ "It 's classified as a #ATTRACTION-INFORM-TYPE# type of attraction .",
+ "it 's listed as \" #ATTRACTION-INFORM-TYPE# \"",
+ "Sure , it 's an #ATTRACTION-INFORM-TYPE# , did you want their phone number ?",
+ "It is an #ATTRACTION-INFORM-TYPE# attraction .",
+ "It is a type of #ATTRACTION-INFORM-TYPE# . That is all the information I have .",
+ "They are #ATTRACTION-INFORM-TYPE# .",
+ "It is an #ATTRACTION-INFORM-TYPE# attraction .",
+ "Yes , I can help you find a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Fee;Name;": [
+ "I have the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# with #ATTRACTION-INFORM-FEE# entrance fee .",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's at #ATTRACTION-INFORM-ADDR# and it 's #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# with #ATTRACTION-INFORM-FEE# entrance fee .",
+ "You can visit #ATTRACTION-INFORM-NAME# , it is located at #ATTRACTION-INFORM-ADDR# and the admission price is #ATTRACTION-INFORM-FEE# .",
+ "How about the #ATTRACTION-INFORM-NAME# ? The address is #ATTRACTION-INFORM-ADDR# and #ATTRACTION-INFORM-FEE# .",
+ "You can find #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# and it 's #ATTRACTION-INFORM-FEE# !",
+ "There is #ATTRACTION-INFORM-FEE# for #ATTRACTION-INFORM-NAME# and it 's address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure . There 's #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# . It 's #ATTRACTION-INFORM-FEE# .",
+ "Certainly #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# to enter and their address is #ATTRACTION-INFORM-ADDR# .",
+ "The address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# and the fee is #ATTRACTION-INFORM-FEE# .",
+ "If you are into contemporary art , #ATTRACTION-INFORM-NAME# is a great place to relieve boredom . The address is #ATTRACTION-INFORM-ADDR# . Best of all , #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and it is on #ATTRACTION-INFORM-ADDR# . How does that sound ?",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the area . It 's located at #ATTRACTION-INFORM-ADDR# and admission is #ATTRACTION-INFORM-FEE# .",
+ "The first on my list is #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# , there is #ATTRACTION-INFORM-FEE# . Is this good .",
+ "There is the #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# . It is #ATTRACTION-INFORM-FEE# to get in ."
+ ],
+ "Addr;Choice;Fee;Name;Phone;": [
+ "I have #ATTRACTION-INFORM-CHOICE# available . How does #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# with #ATTRACTION-INFORM-FEE# entrance sound ? Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Area;": [
+ "Yes . It is in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# .",
+ "It is located on #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# .",
+ "Ah yes , that college is in the #ATTRACTION-INFORM-AREA# , on #ATTRACTION-INFORM-ADDR# . Would you like more information ?",
+ "t is located on \t #ATTRACTION-INFORM-ADDR# , in the #ATTRACTION-INFORM-AREA# .",
+ "The address is #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# .",
+ "It 's in the #ATTRACTION-INFORM-AREA# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure , it 's located in the #ATTRACTION-INFORM-AREA# , address is : #ATTRACTION-INFORM-ADDR# .",
+ "Yes , it is located on the #ATTRACTION-INFORM-AREA# side , at #ATTRACTION-INFORM-ADDR# .",
+ "It is located on #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# .",
+ "It is the #ATTRACTION-INFORM-AREA# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# in #ATTRACTION-INFORM-AREA# .",
+ "It is in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Price;Type;": [
+ "It is a #ATTRACTION-INFORM-TYPE# located #ATTRACTION-INFORM-AREA# where the entrance fee is #ATTRACTION-INFORM-PRICE# .",
+ "it is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . It is #ATTRACTION-INFORM-PRICE# of charge ."
+ ],
+ "Addr;Addr;Addr;": [
+ "Yes , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "it is in #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "it is at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . can i give you their number ?",
+ "Sure , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "That 's #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Post;Type;": [
+ "The post code is #ATTRACTION-INFORM-POST# , it is in the #ATTRACTION-INFORM-AREA# , and it is a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Choice;Type;": [
+ "great , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# if that interests you .",
+ "I see we have a total of #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# .",
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions if you 're interested .",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# of various types , did you want more information on any of them ?",
+ "sure there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in town",
+ "There are #ATTRACTION-INFORM-CHOICE# interesting #ATTRACTION-INFORM-TYPE# to visit if you are a fan of architecture .",
+ "There are #ATTRACTION-INFORM-CHOICE# ! Does #ATTRACTION-INFORM-TYPE# interest you ?",
+ "There are #ATTRACTION-INFORM-CHOICE# interesting things to do in that part of town . How about a #ATTRACTION-INFORM-TYPE# ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# would you like their info ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# to choose from .",
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the city centre .",
+ "Why yes , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# actually .",
+ "Yes , indeed , we have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# places , mainly #ATTRACTION-INFORM-TYPE# , that have great architecture . Do you want information on any of those ?",
+ "Does your ferret plan on furthering their education ? I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# that are favorite attractions .",
+ "Yes I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# would you be interested in those ?"
+ ],
+ "Addr;": [
+ "01223332320 . It is on #ATTRACTION-INFORM-ADDR# .",
+ "There is no specific number but their address in our system is listed as #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "Yes , it 's located at #ATTRACTION-INFORM-ADDR# .",
+ "Sure thing its on #ATTRACTION-INFORM-ADDR# .",
+ "The theatre is on #ATTRACTION-INFORM-ADDR# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# . Would you like the phone number also ?",
+ "Ok , it 's located at #ATTRACTION-INFORM-ADDR# . would you like the phone number ?",
+ "the address is #ATTRACTION-INFORM-ADDR# .",
+ "Of course . The address listed is #ATTRACTION-INFORM-ADDR# .",
+ "It is located on #ATTRACTION-INFORM-ADDR# .",
+ "Yes , it is just on #ATTRACTION-INFORM-ADDR# . I do n't know the number but it is very prominent . You wo n't miss it .",
+ "That address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure thing here is the address #ATTRACTION-INFORM-ADDR# .",
+ "Yes , the address is #ATTRACTION-INFORM-ADDR# .",
+ "It is located on #ATTRACTION-INFORM-ADDR# .",
+ "Yes the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "The address for that is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure thing , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "I am sorry but you will have to get ticket there and here is the address #ATTRACTION-INFORM-ADDR# .",
+ "Yes it 's on #ATTRACTION-INFORM-ADDR# .",
+ "Yes , the address is #ATTRACTION-INFORM-ADDR# . Was there anything else you would like to know ?",
+ "Ok , their address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "Their address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure thing , the address is #ATTRACTION-INFORM-ADDR# .",
+ "That address is #ATTRACTION-INFORM-ADDR# .",
+ "The address we have listed is simply #ATTRACTION-INFORM-ADDR# . Do you need a phone number ?",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is simply #ATTRACTION-INFORM-ADDR# . No number .",
+ "It is located on #ATTRACTION-INFORM-ADDR# . Is there anything else you would like to know ?",
+ "The address there is #ATTRACTION-INFORM-ADDR# .",
+ "It is located in #ATTRACTION-INFORM-ADDR# .",
+ "Okay the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "I found the place located at #ATTRACTION-INFORM-ADDR# .",
+ "Located at #ATTRACTION-INFORM-ADDR# \t .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure , it 's located at #ATTRACTION-INFORM-ADDR# .",
+ "Absolutely ! The address is #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Choice;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# including #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Fee;Phone;Type;": [
+ "The #ATTRACTION-INFORM-TYPE# is reachable at #ATTRACTION-INFORM-PHONE# and there is #ATTRACTION-INFORM-FEE# for admission .",
+ "The entrance fee #ATTRACTION-INFORM-FEE# , but the attraction type is #ATTRACTION-INFORM-TYPE# , and the number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Choice;Choice;Fee;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# options . #ATTRACTION-INFORM-CHOICE# of these #ATTRACTION-INFORM-TYPE# are #ATTRACTION-INFORM-FEE# .",
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# available . #ATTRACTION-INFORM-CHOICE# of them are #ATTRACTION-INFORM-FEE# .",
+ "There you 're in luck . We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# open to visitors , and #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# to visit ."
+ ],
+ "Fee;Post;": [
+ "Admission is #ATTRACTION-INFORM-FEE# and their postcode is #ATTRACTION-INFORM-POST# . What else can I help you with ?",
+ "I ' m sorry , there 's #ATTRACTION-INFORM-FEE# for that attraction . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Admission is #ATTRACTION-INFORM-FEE# ! The postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and there is #ATTRACTION-INFORM-FEE# .",
+ "Yes , the postcode is #ATTRACTION-INFORM-POST# and the entrance fee is #ATTRACTION-INFORM-FEE# at this time .",
+ "Yeah , the entrance fee is #ATTRACTION-INFORM-FEE# , and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The price is #ATTRACTION-INFORM-FEE# at this time , and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is \t #ATTRACTION-INFORM-POST# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# an the entrance is #ATTRACTION-INFORM-FEE# .",
+ "the postcode is #ATTRACTION-INFORM-POST# and entrance is #ATTRACTION-INFORM-FEE# .",
+ "The post code is #ATTRACTION-INFORM-POST# but I #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "Sure ! the postcode is #ATTRACTION-INFORM-POST# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The postcode is #ATTRACTION-INFORM-POST# . I am #ATTRACTION-INFORM-FEE# the entrance fee .",
+ "Sure thing ! Entry fee is #ATTRACTION-INFORM-FEE# and postcode is #ATTRACTION-INFORM-POST# .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "They have #ATTRACTION-INFORM-FEE# entrance . Their postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and it is #ATTRACTION-INFORM-FEE# .",
+ "Sure thing ! their postcode is #ATTRACTION-INFORM-POST# and there is #ATTRACTION-INFORM-FEE# entrance fees to get in",
+ "I ' m #ATTRACTION-INFORM-FEE# a listed entrance fee . Their postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# . I #ATTRACTION-INFORM-FEE# the entrance fee ."
+ ],
+ "Name;Name;Name;Name;Name;Name;Name;Name;": [
+ "There is #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# . Would you like me to list more ?"
+ ],
+ "Choice;Fee;Fee;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . Three are #ATTRACTION-INFORM-FEE# and one is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Post;": [
+ "It is located at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "Sure thing the adddress is #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , it 's #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# .",
+ "Sure , the address is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# the postcode is #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The church is located in #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# . I do not have access to the full address .",
+ "It 's located on #ATTRACTION-INFORM-ADDR# , in postcode #ATTRACTION-INFORM-POST# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes the postcode is #ATTRACTION-INFORM-POST# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , and #ATTRACTION-INFORM-POST# is the postcode .",
+ "Sure . Their address is #ATTRACTION-INFORM-ADDR# with postcode #ATTRACTION-INFORM-POST# .",
+ "It 's located on #ATTRACTION-INFORM-ADDR# . #ATTRACTION-INFORM-POST# is the postcode .",
+ "Sure , the address is #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# \t and their address is #ATTRACTION-INFORM-ADDR# .",
+ "The postcode is #ATTRACTION-INFORM-POST# , and the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is just \" #ATTRACTION-INFORM-ADDR# \" , postcode #ATTRACTION-INFORM-POST# .",
+ "It 's located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . Would you like their phone number ?",
+ "Its address is on #ATTRACTION-INFORM-ADDR# and its postal code is #ATTRACTION-INFORM-POST# .",
+ "The phone number is #ATTRACTION-INFORM-POST# and post code is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# \t and their address is #ATTRACTION-INFORM-ADDR# .",
+ "Postal code is #ATTRACTION-INFORM-POST# , the address is #ATTRACTION-INFORM-ADDR# .",
+ "Post code is #ATTRACTION-INFORM-POST# , and their address is #ATTRACTION-INFORM-ADDR# .",
+ "Their located at #ATTRACTION-INFORM-ADDR# and postcode #ATTRACTION-INFORM-POST# .",
+ "Yes , their post code is #ATTRACTION-INFORM-POST# and the address is on #ATTRACTION-INFORM-ADDR# .",
+ "It is at #ATTRACTION-INFORM-POST# #ATTRACTION-INFORM-ADDR# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# and their address is #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Their address is simply #ATTRACTION-INFORM-ADDR# . Postcode #ATTRACTION-INFORM-POST# .",
+ "Sure , the address is #ATTRACTION-INFORM-ADDR# , the postcode is #ATTRACTION-INFORM-POST# . Would you like their phone number for directions ?"
+ ],
+ "Choice;Name;Name;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# theatres in Centre : #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# . Would you be interested in any of these ?",
+ "Oh , my . I do apologize . I was wrong . There are #ATTRACTION-INFORM-CHOICE# different nightclubs available . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Name;": [
+ "Absolutely , the address for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "You 'll find #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# .",
+ "that should be #ATTRACTION-INFORM-NAME# \t located in #ATTRACTION-INFORM-ADDR# . can i give you the phone number ?",
+ "Sure . #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# .",
+ "Sure . #ATTRACTION-INFORM-NAME# is at #ATTRACTION-INFORM-ADDR# .",
+ "My favorite is the #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# . Would you like their phone number ?",
+ "Sure thing . You can find #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# .",
+ "I have located #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# .",
+ "How about #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# ?",
+ "The address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "How about #ATTRACTION-INFORM-NAME# , on #ATTRACTION-INFORM-ADDR# ?",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "You could check out the #ATTRACTION-INFORM-NAME# , located with the #ATTRACTION-INFORM-ADDR# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "How does #ATTRACTION-INFORM-NAME# sound ? That is located at #ATTRACTION-INFORM-ADDR# , would you like a phone number as well ?",
+ "Sure . The #ATTRACTION-INFORM-NAME# are located at #ATTRACTION-INFORM-ADDR# .",
+ "Yes , its called #ATTRACTION-INFORM-NAME# , located at #ATTRACTION-INFORM-ADDR# .",
+ "I found the #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "How about , the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# ?",
+ "How about the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# ?",
+ "You should try visiting the #ATTRACTION-INFORM-NAME# , they 're on #ATTRACTION-INFORM-ADDR# .",
+ "I would recommend #ATTRACTION-INFORM-NAME# . They are located on #ATTRACTION-INFORM-ADDR# .",
+ "Sure , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# .",
+ "I have the #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# .",
+ "The address to #ATTRACTION-INFORM-NAME# is \t #ATTRACTION-INFORM-ADDR# .",
+ "I have #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# .",
+ "The phone number for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# . Can I help you with anything else ?"
+ ],
+ "Addr;Fee;Phone;": [
+ "You can reach them by phone at #ATTRACTION-INFORM-PHONE# . Entrance is #ATTRACTION-INFORM-FEE# . The address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure , the address is #ATTRACTION-INFORM-ADDR# and their phone is #ATTRACTION-INFORM-PHONE# . Admittance is #ATTRACTION-INFORM-FEE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# , the address is #ATTRACTION-INFORM-ADDR# , and it is #ATTRACTION-INFORM-FEE# admittance .",
+ "Sure the phone number is #ATTRACTION-INFORM-PHONE# . It is on #ATTRACTION-INFORM-ADDR# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Sure the phone number is #ATTRACTION-INFORM-PHONE# and their address is #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# on an entrance fee .",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# , the address is on #ATTRACTION-INFORM-ADDR# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "It 's located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-PHONE# is their phone number and the entrance is #ATTRACTION-INFORM-FEE# as I said .",
+ "Address is #ATTRACTION-INFORM-ADDR# , entry fee is #ATTRACTION-INFORM-FEE# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure the address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# , there is #ATTRACTION-INFORM-FEE# either .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# . The entrance fee is #ATTRACTION-INFORM-FEE# !",
+ "No problem ! #ATTRACTION-INFORM-PHONE# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-FEE# though .",
+ "Yes , it is . The address is #ATTRACTION-INFORM-ADDR# , the entrance fee is #ATTRACTION-INFORM-FEE# , and the phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Phone;Post;Price;": [
+ "Actually , they have #ATTRACTION-INFORM-PRICE# entrance . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# . Their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Fee;Name;Phone;Post;": [
+ "I have the #ATTRACTION-INFORM-NAME# located in postcode #ATTRACTION-INFORM-POST# . I #ATTRACTION-INFORM-FEE# the entrance fee you can call at #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# , post code #ATTRACTION-INFORM-POST# , phone #ATTRACTION-INFORM-PHONE# , is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Post;Post;Post;Post;Post;Post;": [
+ "Postcodes are #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , and #ATTRACTION-INFORM-POST# ."
+ ],
+ "Choice;Type;Type;Type;": [
+ "there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# to visit",
+ "there are #ATTRACTION-INFORM-CHOICE# great #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# for you to visit .",
+ "there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# in that area",
+ "There are #ATTRACTION-INFORM-CHOICE# nice #ATTRACTION-INFORM-TYPE# in the area as well as #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Choice;Choice;Fee;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . They are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-FEE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# . should I recommend one ?",
+ "Of course , there are #ATTRACTION-INFORM-CHOICE# great #ATTRACTION-INFORM-TYPE# attractions in #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# admission as well . Any preferences ?",
+ "There are #ATTRACTION-INFORM-CHOICE# different #ATTRACTION-INFORM-TYPE# venue 's in the #ATTRACTION-INFORM-AREA# area , #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# entrance . Would you like a recommendation ?",
+ "There are #ATTRACTION-INFORM-CHOICE# lovely #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# . Do you have a preference for what area of town the park is in ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# . Do you have any further criteria ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# to visit in #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-CHOICE# of them are #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Name;": [
+ "I found #ATTRACTION-INFORM-CHOICE# theaters . Would you like to try the #ATTRACTION-INFORM-NAME# ?",
+ "Yes certainly . We have #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# is a good choice .",
+ "Sure . We have #ATTRACTION-INFORM-NAME# there in the same area as your restaurant . There are #ATTRACTION-INFORM-CHOICE# others in other parts of town .",
+ "I have #ATTRACTION-INFORM-CHOICE# listing for #ATTRACTION-INFORM-NAME# .",
+ "Actually , it looks like there is #ATTRACTION-INFORM-CHOICE# named #ATTRACTION-INFORM-NAME# . Would you like more information about it ?",
+ "There are #ATTRACTION-INFORM-CHOICE# found . how about the #ATTRACTION-INFORM-NAME# ?",
+ "I have #ATTRACTION-INFORM-CHOICE# and it is #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Area;Fee;Name;Phone;": [
+ "Sure ! #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . It 's #ATTRACTION-INFORM-FEE# to attend . The phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Name;Post;": [
+ "Absolutely . The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# , located #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# and it is located in the #ATTRACTION-INFORM-AREA# .",
+ "Sure , the #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# at postcode #ATTRACTION-INFORM-POST# . I do n't have any information on the entrance fee .",
+ "Do you mean the #ATTRACTION-INFORM-NAME# ? If so , it 's located in the #ATTRACTION-INFORM-AREA# . Postcode is #ATTRACTION-INFORM-POST# .",
+ "The #ATTRACTION-INFORM-NAME# on the #ATTRACTION-INFORM-AREA# side might also meet your needs . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Well I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "There is also #ATTRACTION-INFORM-NAME# on the #ATTRACTION-INFORM-AREA# side . Their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Phone;": [
+ "Sure , their address is #ATTRACTION-INFORM-ADDR# , and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes their address is #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# . Their address is #ATTRACTION-INFORM-ADDR# .",
+ "Here is the address #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# , and they are located at #ATTRACTION-INFORM-ADDR# .",
+ "Yes their address is #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , their phone number is #ATTRACTION-INFORM-PHONE# and their address is #ATTRACTION-INFORM-ADDR# .",
+ "It is at #ATTRACTION-INFORM-ADDR# . I ' m not sure how much it is to enter the pool . #ATTRACTION-INFORM-PHONE# is the phone number that could give you further information .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure . They are located at #ATTRACTION-INFORM-ADDR# \t and you can reach them at #ATTRACTION-INFORM-PHONE# .",
+ "Located at #ATTRACTION-INFORM-ADDR# . Number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure their phone number is #ATTRACTION-INFORM-PHONE# and their addres is #ATTRACTION-INFORM-ADDR# .",
+ "Yes , their address is #ATTRACTION-INFORM-ADDR# , clifton way and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes their address is #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "The pool is located #ATTRACTION-INFORM-ADDR# . I do n't have the information for the entrance fee , but you can give them a call at #ATTRACTION-INFORM-PHONE# .",
+ "Their address is #ATTRACTION-INFORM-ADDR# , and their phone number #ATTRACTION-INFORM-PHONE# .",
+ "The address in #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I found that attraction it is located at #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure the number is #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure their address is #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# . Would you like me to book you a taxi to get there ?",
+ "Their address is #ATTRACTION-INFORM-ADDR# . Phone is #ATTRACTION-INFORM-PHONE# .",
+ "Sure the address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , it is at #ATTRACTION-INFORM-ADDR# , with a phone of #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "They are located on #ATTRACTION-INFORM-ADDR# and their number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Fee;Name;": [
+ "how about #ATTRACTION-INFORM-NAME# its in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-FEE# admission",
+ "There is the #ATTRACTION-INFORM-NAME# which is located in the #ATTRACTION-INFORM-AREA# . I ' m #ATTRACTION-INFORM-FEE# .",
+ "In the #ATTRACTION-INFORM-AREA# #ATTRACTION-INFORM-NAME# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? They 're in #ATTRACTION-INFORM-AREA# , and they have #ATTRACTION-INFORM-FEE# .",
+ "Well , we ' ve got #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# and it 's #ATTRACTION-INFORM-FEE# to visit .",
+ "How about #ATTRACTION-INFORM-NAME# that is located in the #ATTRACTION-INFORM-AREA# ? It is also #ATTRACTION-INFORM-FEE# .",
+ "How about touring #ATTRACTION-INFORM-NAME# ? It is in the #ATTRACTION-INFORM-AREA# and very renown and #ATTRACTION-INFORM-FEE# to the public .",
+ "There 's one called #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . I ' m #ATTRACTION-INFORM-FEE# or not but I can get you their phone number",
+ "The #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and is in the #ATTRACTION-INFORM-AREA# .",
+ "There is the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . It 's #ATTRACTION-INFORM-FEE# to get into .",
+ "The #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and located in the #ATTRACTION-INFORM-AREA# .",
+ "Okay #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# and is #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , and it has #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Yes ! The #ATTRACTION-INFORM-NAME# are in the #ATTRACTION-INFORM-AREA# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Ok , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# and admission is #ATTRACTION-INFORM-FEE# .",
+ "If you ca n't tell me what type of attractions you 're looking for , I will pick the first option on the list : #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , admission is #ATTRACTION-INFORM-FEE# .",
+ "Yes , there is #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . It is #ATTRACTION-INFORM-FEE# to enter .",
+ "How about the #ATTRACTION-INFORM-NAME# , in the #ATTRACTION-INFORM-AREA# ? Admission is #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# is on the #ATTRACTION-INFORM-AREA# side . It 's lovely and , better yet , it 's #ATTRACTION-INFORM-FEE# !",
+ "Yes , #ATTRACTION-INFORM-NAME# is located t #ATTRACTION-INFORM-AREA# . It has #ATTRACTION-INFORM-FEE# entrance .",
+ "My favorite is #ATTRACTION-INFORM-NAME# . It is in #ATTRACTION-INFORM-AREA# , and they are #ATTRACTION-INFORM-FEE# to enter .",
+ "I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's on the #ATTRACTION-INFORM-AREA# and it 's #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Area;Area;Area;Name;Name;Name;Name;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# are in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# .",
+ "There are , yes . There 's #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Name;Phone;": [
+ "Sure . #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# , and the phone is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes #ATTRACTION-INFORM-NAME# 's address is #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes I have located The #ATTRACTION-INFORM-NAME# . The address is listed as #ATTRACTION-INFORM-ADDR# and their telephone number is : #ATTRACTION-INFORM-PHONE# .",
+ "How about #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Try the #ATTRACTION-INFORM-NAME# , at #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# address is #ATTRACTION-INFORM-ADDR# and it 's phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "How about #ATTRACTION-INFORM-NAME# , they are located on #ATTRACTION-INFORM-ADDR# . Phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , the phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# . The address is listed as #ATTRACTION-INFORM-ADDR# .",
+ "It 's called #ATTRACTION-INFORM-NAME# and it 's located at #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Of course . #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# . There number is #ATTRACTION-INFORM-PHONE# .",
+ "The address for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure ! The #ATTRACTION-INFORM-NAME# is located #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Name;Name;Name;Name;": [
+ "There are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# attractions as well .",
+ "I see #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# listed ."
+ ],
+ "Addr;Post;Type;": [
+ "Sure , it is a #ATTRACTION-INFORM-TYPE# located at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Fee;": [
+ "Address is the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , I #ATTRACTION-INFORM-FEE# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and there is #ATTRACTION-INFORM-FEE# . Would you like their phone number as well ?",
+ "Yes , it is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and has #ATTRACTION-INFORM-FEE# entry .",
+ "It is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and I ' m #ATTRACTION-INFORM-FEE# . You will need to call them .",
+ "The address is the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Unfortunately , #ATTRACTION-INFORM-FEE# . Would you like information on an alternate attraction ?",
+ "Certainly , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , however #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Type;Type;Type;": [
+ "I have a #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# available in #ATTRACTION-INFORM-AREA# .",
+ "In the #ATTRACTION-INFORM-AREA# there are the following attractions : #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . Would you like more information on any of these ?",
+ "We have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# , as well as #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# as well as a #ATTRACTION-INFORM-TYPE# and a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . do any of these appeal to you ?"
+ ],
+ "Area;Fee;Name;Type;": [
+ "How about #ATTRACTION-INFORM-NAME# for #ATTRACTION-INFORM-TYPE# ? It 's in the #ATTRACTION-INFORM-AREA# , but I #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "Here you go , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , they have #ATTRACTION-INFORM-FEE# admission .",
+ "As I mentioned earlier , #ATTRACTION-INFORM-NAME# is an #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like additional information ? #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "Well , I think the jiggiest #ATTRACTION-INFORM-TYPE# in town is #ATTRACTION-INFORM-NAME# , right in #ATTRACTION-INFORM-AREA# ! Plus the entrance fee is only #ATTRACTION-INFORM-FEE# .",
+ "I ' m so sorry , there must have been an error in our system . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# and is #ATTRACTION-INFORM-FEE# to visit .",
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# located in #ATTRACTION-INFORM-AREA# , there is a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "The only results for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area is #ATTRACTION-INFORM-NAME# . The entrance fee is #ATTRACTION-INFORM-FEE# . Would you like the address ?",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# and its located in the #ATTRACTION-INFORM-AREA# area . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Fee;Type;": [
+ "sure its located in the #ATTRACTION-INFORM-AREA# and is a #ATTRACTION-INFORM-TYPE# . #ATTRACTION-INFORM-FEE# admission too",
+ "Of course ! Is a nice little #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# . It 's #ATTRACTION-INFORM-FEE# to enter , and a nice place to spend an afternoon .",
+ "That 's a great spot for #ATTRACTION-INFORM-TYPE# ! It 's located in the #ATTRACTION-INFORM-AREA# and they only charge #ATTRACTION-INFORM-FEE# for their entrance fee .",
+ "That 's a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side , with #ATTRACTION-INFORM-FEE# admission .",
+ "Certainly . That 's one of our #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# over on the #ATTRACTION-INFORM-AREA# .",
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# with #ATTRACTION-INFORM-FEE# admission . Would you like the phone number ?",
+ "Sure it is a lovely #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# , and the best part is it is #ATTRACTION-INFORM-FEE# to get in !",
+ "It is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . Admission is #ATTRACTION-INFORM-FEE# .",
+ "That #ATTRACTION-INFORM-TYPE# is located in the #ATTRACTION-INFORM-AREA# and is #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Type;Type;Type;Type;Type;Type;": [
+ "There is much to choose from in the centre . There are several #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# .",
+ "You have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# to choose from ."
+ ],
+ "Area;Choice;Name;": [
+ "Cambridge has #ATTRACTION-INFORM-CHOICE# of great options . #ATTRACTION-INFORM-NAME# is quite popular and is in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# free #ATTRACTION-INFORM-AREA# in the area . Are you interested in archeology , art exhibits or galleries ? There is also a #ATTRACTION-INFORM-NAME# .",
+ "We have #ATTRACTION-INFORM-CHOICE# different attractions with cherry hinton . I have the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . Is that the one you were looking for ?",
+ "There are #ATTRACTION-INFORM-CHOICE# theatres located in the #ATTRACTION-INFORM-AREA# of town . How does #ATTRACTION-INFORM-NAME# sound ?",
+ "There are #ATTRACTION-INFORM-CHOICE# theatre options all in the #ATTRACTION-INFORM-AREA# . Would you like to try the #ATTRACTION-INFORM-NAME# ?",
+ "We have #ATTRACTION-INFORM-CHOICE# ! #ATTRACTION-INFORM-NAME# is good and is in the #ATTRACTION-INFORM-AREA# of the city .",
+ "Well , there are #ATTRACTION-INFORM-CHOICE# . But I like the #ATTRACTION-INFORM-NAME# . It 's also in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# , including #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Type;Type;Type;Type;Type;Type;": [
+ "On the #ATTRACTION-INFORM-AREA# , your options are the #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# venues , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and a #ATTRACTION-INFORM-TYPE# .",
+ "In addition to #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# , we also have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Name;Phone;": [
+ "How about #ATTRACTION-INFORM-NAME# ? The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# .",
+ "How about #ATTRACTION-INFORM-NAME# and its phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I 'll give you the phone number for #ATTRACTION-INFORM-NAME# . It is #ATTRACTION-INFORM-PHONE# .",
+ "You could try calling to get the fee . The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# . I hope this helps !",
+ "There is #ATTRACTION-INFORM-NAME# . If that interests you , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# .",
+ "How about the #ATTRACTION-INFORM-NAME# ? The phone number there is #ATTRACTION-INFORM-PHONE# .",
+ "Unfortunately , I am not sure of the entrance fee to #ATTRACTION-INFORM-NAME# . You can call them to find out : #ATTRACTION-INFORM-PHONE# .",
+ "The phone number for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , it 's the #ATTRACTION-INFORM-NAME# and the number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure . How about the #ATTRACTION-INFORM-NAME# and their telephone number is #ATTRACTION-INFORM-PHONE# ?",
+ "There 's the #ATTRACTION-INFORM-NAME# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . For example , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Area;Fee;Name;": [
+ "Their address is #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-ADDR# . They are located in the #ATTRACTION-INFORM-AREA# part of town and the entrance is #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-NAME# it 's in the #ATTRACTION-INFORM-AREA# . It is on #ATTRACTION-INFORM-ADDR# and it 's #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# is on the #ATTRACTION-INFORM-AREA# of the city at the #ATTRACTION-INFORM-ADDR# . Their entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Yes , the #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# . It offers #ATTRACTION-INFORM-FEE# entry .",
+ "The #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# . They have a #ATTRACTION-INFORM-FEE# entrance fee ."
+ ],
+ "Choice;Choice;Name;Name;Name;Name;Name;": [
+ "Sure . There are actually #ATTRACTION-INFORM-CHOICE# . The #ATTRACTION-INFORM-CHOICE# we ' ve got is #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Area;Area;Area;Choice;Name;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in town . #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# and the #ATTRACTION-INFORM-NAME# are in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Choice;Name;": [
+ "Sure , there is #ATTRACTION-INFORM-NAME# , it is located at #ATTRACTION-INFORM-ADDR# . There are #ATTRACTION-INFORM-CHOICE# others if you would like information on them as well .",
+ "The #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# . There are #ATTRACTION-INFORM-CHOICE# others as well .",
+ "There is #ATTRACTION-INFORM-CHOICE# , and it 's called #ATTRACTION-INFORM-NAME# . They 're located at #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Name;": [
+ "I have #ATTRACTION-INFORM-NAME# located at the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "How about the #ATTRACTION-INFORM-NAME# at the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ?",
+ "There is the #ATTRACTION-INFORM-NAME# on the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "There is #ATTRACTION-INFORM-NAME# , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "I have #ATTRACTION-INFORM-NAME# located at the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Sure thing , we have the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Ok , #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Do you need any other information about it ?"
+ ],
+ "Addr;Addr;Addr;Area;Fee;Name;Type;": [
+ "There is a great #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# called #ATTRACTION-INFORM-NAME# . It 's #ATTRACTION-INFORM-FEE# and located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Fee;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like to visit the #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# perhaps ? Both are #ATTRACTION-INFORM-FEE# .",
+ "You 're in luck ; there are #ATTRACTION-INFORM-CHOICE# beautiful #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# and both have #ATTRACTION-INFORM-FEE# admission . #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Area;Name;": [
+ "Personally , I enjoy the #ATTRACTION-INFORM-NAME# , it is located in the #ATTRACTION-INFORM-AREA# area at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Will you be needing any further information ?",
+ "There is #ATTRACTION-INFORM-NAME# , it is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# area .",
+ "OK , one at a time . #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Sure , I have located #ATTRACTION-INFORM-NAME# which is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# part of town ."
+ ],
+ "Addr;Addr;Addr;Name;": [
+ "Okay #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "An entertainment venue meeting your request is #ATTRACTION-INFORM-NAME# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "There 's a fun place called #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Sure ! #ATTRACTION-INFORM-NAME# is at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Would you like the phone number ?",
+ "I have the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Sure , the address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Choice;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# in that area . They are #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# attractions listed , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# . Would you like more information about them ?",
+ "I ' ve got #ATTRACTION-INFORM-CHOICE# for you . #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# . Would you like more information on one or both ?",
+ "Ok , there are #ATTRACTION-INFORM-CHOICE# options for you . There is #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# places - #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "Okay , how about #ATTRACTION-INFORM-NAME# ? Or the #ATTRACTION-INFORM-NAME# ? There are #ATTRACTION-INFORM-CHOICE# more options if you 'd like me to list them .",
+ "We have #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# and the #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# to choose from . #ATTRACTION-INFORM-NAME# is nice , and of course there 's always #ATTRACTION-INFORM-NAME# . Can I get you more information about them , or one of the others ?",
+ "We have #ATTRACTION-INFORM-CHOICE# , from the #ATTRACTION-INFORM-NAME# to the #ATTRACTION-INFORM-NAME# .",
+ "Oh , certainly . We have #ATTRACTION-INFORM-CHOICE# , including the #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# .",
+ "I found #ATTRACTION-INFORM-CHOICE# attractions that match your request : #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Type;Type;Type;": [
+ "We have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# to visit . Is there a particular attraction type you would be interested in ?",
+ "I do n't have any info on shopping sites but I do have info on #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and the like .",
+ "How about a #ATTRACTION-INFORM-TYPE# ? Or we have some terrific #ATTRACTION-INFORM-TYPE# you could visit . There 's always the #ATTRACTION-INFORM-TYPE# as well .",
+ "How about a #ATTRACTION-INFORM-TYPE# or #ATTRACTION-INFORM-TYPE# ? There 's also a great #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# .",
+ "Sure , how does a #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , or a #ATTRACTION-INFORM-TYPE# sound ?",
+ "Can you be more specific ? There 's a lot of different things to do , like #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# ...",
+ "There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Area;Name;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# . Would you like their phone number ?",
+ "I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# located on #ATTRACTION-INFORM-ADDR# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's located in the #ATTRACTION-INFORM-AREA# , at #ATTRACTION-INFORM-ADDR# .",
+ "I ' ve located #ATTRACTION-INFORM-NAME# and it 's in the #ATTRACTION-INFORM-AREA# . It 's located in #ATTRACTION-INFORM-ADDR# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , on #ATTRACTION-INFORM-ADDR# .",
+ "That would be the #ATTRACTION-INFORM-NAME# , and yes it is on the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# .",
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , and is located on #ATTRACTION-INFORM-ADDR# .",
+ "Would you be interested in visiting #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# ?",
+ "The #ATTRACTION-INFORM-NAME# address is #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# .",
+ "I have the #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# and they are located in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Fee;Name;Post;": [
+ "Sure ! #ATTRACTION-INFORM-NAME# is at #ATTRACTION-INFORM-POST# . It 's #ATTRACTION-INFORM-FEE# .",
+ "Okay I have #ATTRACTION-INFORM-NAME# . The post code is #ATTRACTION-INFORM-POST# and I have #ATTRACTION-INFORM-FEE# on the entrance fee .",
+ "How about #ATTRACTION-INFORM-NAME# ? The entrance is #ATTRACTION-INFORM-FEE# and the postcode is #ATTRACTION-INFORM-POST# . Enjoy !",
+ "Absolutely . There is #ATTRACTION-INFORM-FEE# for the #ATTRACTION-INFORM-NAME# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "There is #ATTRACTION-INFORM-NAME# , which has a #ATTRACTION-INFORM-FEE# entrance fee . Their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Choice;Fee;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# and #ATTRACTION-INFORM-FEE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# 's in the #ATTRACTION-INFORM-AREA# . How about #ATTRACTION-INFORM-NAME# ? It is on #ATTRACTION-INFORM-ADDR# and has #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Area;Choice;Choice;Name;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# , as well as #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , \" #ATTRACTION-INFORM-NAME# \" ."
+ ],
+ "Addr;Fee;Post;": [
+ "Sure , it is #ATTRACTION-INFORM-FEE# and it is located at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "Sure . Postcode #ATTRACTION-INFORM-POST# on #ATTRACTION-INFORM-ADDR# . It is #ATTRACTION-INFORM-FEE# to get in .",
+ "Sure , the postcode is #ATTRACTION-INFORM-POST# , the address is #ATTRACTION-INFORM-ADDR# and there is #ATTRACTION-INFORM-FEE# .",
+ "Yes their address is #ATTRACTION-INFORM-ADDR# and their postcode is #ATTRACTION-INFORM-POST# and admission to the college is #ATTRACTION-INFORM-FEE# .",
+ "The post code is #ATTRACTION-INFORM-POST# and the address for it is #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# but I could get you their phone number .",
+ "The postal code is #ATTRACTION-INFORM-POST# , address is #ATTRACTION-INFORM-ADDR# , and the entrance is #ATTRACTION-INFORM-FEE# .",
+ "Sure thing ! The entrance is #ATTRACTION-INFORM-FEE# ! It is located at #ATTRACTION-INFORM-ADDR# in postcode #ATTRACTION-INFORM-POST# .",
+ "Sure th entrance fee is #ATTRACTION-INFORM-FEE# and the postcode is #ATTRACTION-INFORM-POST# and the address is #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Name;Type;": [
+ "Do you like #ATTRACTION-INFORM-TYPE# ? There is the #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# .",
+ "yes , there 's a #ATTRACTION-INFORM-TYPE# called #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Fee;Phone;Post;": [
+ "Sure ! It is located on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . The entrance fee is #ATTRACTION-INFORM-FEE# and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "their phone number is #ATTRACTION-INFORM-PHONE# and are located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# and admission is #ATTRACTION-INFORM-FEE# .",
+ "It 's located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# and their phone number is #ATTRACTION-INFORM-PHONE# . Unfortunately , their entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Name;Phone;Price;": [
+ "The #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PRICE# to get into and is located at the #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Fee;Name;Post;": [
+ "Sure how about the #ATTRACTION-INFORM-NAME# . It 's in the #ATTRACTION-INFORM-AREA# and its postcode is #ATTRACTION-INFORM-POST# , but there is #ATTRACTION-INFORM-FEE# .",
+ "I think you would like #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , the postcode is #ATTRACTION-INFORM-POST# and the entrance is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Phone;Type;": [
+ "This is a #ATTRACTION-INFORM-TYPE# found in the #ATTRACTION-INFORM-AREA# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "It is a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# . The phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Choice;Name;Name;Name;Name;Name;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions . They include #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Area;Area;Choice;Name;Type;": [
+ "If you want to stay in the #ATTRACTION-INFORM-AREA# , there is the #ATTRACTION-INFORM-NAME# . There are also #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Do you want more information ?"
+ ],
+ "Addr;Addr;": [
+ "Sure , it 's at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "It 's located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "I ' m sorry I do n't have that information but I can tell you it is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Yes their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "I see it here . It 's located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Would you like the phone number ?",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Here is the address #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Post;": [
+ "The postcode is #ATTRACTION-INFORM-POST# and the area is #ATTRACTION-INFORM-AREA# .",
+ "It 's in the #ATTRACTION-INFORM-AREA# and it 's at #ATTRACTION-INFORM-POST# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "the postcode is #ATTRACTION-INFORM-POST# this is the one for the #ATTRACTION-INFORM-AREA# area .",
+ "They 're in the #ATTRACTION-INFORM-AREA# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure . It is located in the #ATTRACTION-INFORM-AREA# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "It is in the #ATTRACTION-INFORM-AREA# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# area and the postcode is #ATTRACTION-INFORM-POST# . The name of the place is Camboats .",
+ "It is located in the #ATTRACTION-INFORM-AREA# and the postal code is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Name;Type;": [
+ "I ' m sorry , I misunderstood . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# . Did you want a hotel ?",
+ "No , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# . Can I do anything else for you today ?",
+ "I ' m a big fan of the #ATTRACTION-INFORM-NAME# , which is an #ATTRACTION-INFORM-TYPE# venue .",
+ "How about #ATTRACTION-INFORM-NAME# . The #ATTRACTION-INFORM-TYPE# there is quite impressive .",
+ "How about #ATTRACTION-INFORM-NAME# It 's a #ATTRACTION-INFORM-TYPE# .",
+ "There 's a church called #ATTRACTION-INFORM-NAME# you could visit , it 's listed under #ATTRACTION-INFORM-TYPE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# .",
+ "Maybe #ATTRACTION-INFORM-NAME# , it is an #ATTRACTION-INFORM-TYPE# attraction .",
+ "There is a #ATTRACTION-INFORM-TYPE# that is nice . It 's called #ATTRACTION-INFORM-NAME# , does that sound interesting to you ?",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's a #ATTRACTION-INFORM-TYPE# !",
+ "the #ATTRACTION-INFORM-NAME# is a place you can go for #ATTRACTION-INFORM-TYPE# .",
+ "You might enjoy the #ATTRACTION-INFORM-NAME# . It 's a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Addr;Area;Name;Post;": [
+ "Well , #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-AREA# . Would you like another musuem ?",
+ "No problem . There is #ATTRACTION-INFORM-NAME# which is located in the #ATTRACTION-INFORM-AREA# side of town . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Area;Fee;": [
+ "It is in the #ATTRACTION-INFORM-AREA# and it 's #ATTRACTION-INFORM-FEE# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# . Admission is #ATTRACTION-INFORM-FEE# .",
+ "Okay it 's located in the #ATTRACTION-INFORM-AREA# an #ATTRACTION-INFORM-FEE# to get in .",
+ "It is located in the #ATTRACTION-INFORM-AREA# area and has a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "sure thing it is located in the #ATTRACTION-INFORM-AREA# I #ATTRACTION-INFORM-FEE# though I am sorry",
+ "It has #ATTRACTION-INFORM-FEE# admission and is in the #ATTRACTION-INFORM-AREA# area .",
+ "Sure , it 's located in the #ATTRACTION-INFORM-AREA# and admission is #ATTRACTION-INFORM-FEE# .",
+ "sure ! it 's located in the #ATTRACTION-INFORM-AREA# and costs #ATTRACTION-INFORM-FEE# .",
+ "They are located in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-FEE# .",
+ "It is located in the #ATTRACTION-INFORM-AREA# of town but there is #ATTRACTION-INFORM-FEE# .",
+ "Yes I can tell you it 's located on #ATTRACTION-INFORM-AREA# and the admission is #ATTRACTION-INFORM-FEE# and give you them her ID and telephone number .",
+ "I know the place ! It 's located in the #ATTRACTION-INFORM-AREA# and it 's #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Fee;Name;Post;": [
+ "Sure , #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# , and there is a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "Visitors find #ATTRACTION-INFORM-NAME# fascinating . There is an entrance fee of #ATTRACTION-INFORM-FEE# . The address is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# . It 's #ATTRACTION-INFORM-FEE# admission .",
+ "I would try #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "the #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# , is #ATTRACTION-INFORM-FEE# , and the post code is #ATTRACTION-INFORM-POST# .",
+ "You can find #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# . The postcode is #ATTRACTION-INFORM-POST# , and entry is #ATTRACTION-INFORM-FEE# .",
+ "Ok , the address for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# . Unfortunately I #ATTRACTION-INFORM-FEE# regarding the entrance fee .",
+ "Sure ! The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . It 's #ATTRACTION-INFORM-FEE# to get in !"
+ ],
+ "Addr;Addr;Choice;Name;": [
+ "Yes I found #ATTRACTION-INFORM-CHOICE# nightclubs . Would like to try the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ?"
+ ],
+ "Addr;Fee;": [
+ "Yes that is located at the #ATTRACTION-INFORM-ADDR# and has a entrance fee of #ATTRACTION-INFORM-FEE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and the admission is #ATTRACTION-INFORM-FEE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# and there is #ATTRACTION-INFORM-FEE# .",
+ "It 's address is at #ATTRACTION-INFORM-ADDR# and it is #ATTRACTION-INFORM-FEE# . Would you like their phone number as well ?",
+ "It is #ATTRACTION-INFORM-FEE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure , it 's at #ATTRACTION-INFORM-ADDR# . There is #ATTRACTION-INFORM-FEE# .",
+ "it is located in #ATTRACTION-INFORM-ADDR# and got #ATTRACTION-INFORM-FEE# . can i give you the contacts ?",
+ "The entrance fee is #ATTRACTION-INFORM-FEE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "their address is #ATTRACTION-INFORM-ADDR# and their entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "It is located at #ATTRACTION-INFORM-ADDR# and #ATTRACTION-INFORM-FEE# .",
+ "Their address is #ATTRACTION-INFORM-ADDR# . I am not sure of their entrance fee , they #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Name;Type;": [
+ "We have #ATTRACTION-INFORM-CHOICE# attractions in the #ATTRACTION-INFORM-AREA# #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# we have available .",
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in town . #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# .",
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town . It is the #ATTRACTION-INFORM-NAME# . Would you like the address ?",
+ "Yes there is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . It is #ATTRACTION-INFORM-NAME# . WOuld you like more information ?",
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . It is called #ATTRACTION-INFORM-NAME# . Would you like more information about it ?",
+ "We have about #ATTRACTION-INFORM-CHOICE# different #ATTRACTION-INFORM-TYPE# in town . The newest is supposedly really popular . It is called #ATTRACTION-INFORM-NAME# and it is located in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is one of them . Would that work for you ?",
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . It is called the #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Post;": [
+ "Yes , I can . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Post code is #ATTRACTION-INFORM-POST# .",
+ "Okay , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and post code is #ATTRACTION-INFORM-POST# .",
+ "Certainly , their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , and their postcode is #ATTRACTION-INFORM-POST# .",
+ "The #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# .",
+ "Sure the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , and the post code is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Area;Choice;Fee;Fee;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions in Cambridge . All in the #ATTRACTION-INFORM-AREA# . One costs #ATTRACTION-INFORM-FEE# and the others are #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-CHOICE# different #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# . Three are #ATTRACTION-INFORM-FEE# admission and one costs #ATTRACTION-INFORM-FEE# . Are you interested in further information about them ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Some of them have #ATTRACTION-INFORM-FEE# entrance and some of them #ATTRACTION-INFORM-FEE# a fee ."
+ ],
+ "Choice;Name;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the centre : #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the center - #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# . Would you like more information on any of those ?",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the east . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the area , the #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and the #ATTRACTION-INFORM-NAME# . Let me know if any of those appeal to you ."
+ ],
+ "Addr;Addr;Fee;Phone;": [
+ "I #ATTRACTION-INFORM-FEE# on the entrance fee , but the phone number is #ATTRACTION-INFORM-PHONE# and it is on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "I #ATTRACTION-INFORM-FEE# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the phone is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# to me , but you can contact them at #ATTRACTION-INFORM-PHONE# for more information .",
+ "Yes , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# . I ' m #ATTRACTION-INFORM-FEE# . You could call them and find out ?"
+ ],
+ "Area;Choice;Name;Post;Type;": [
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# of town . #ATTRACTION-INFORM-NAME# seems a good fit and is at #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Fee;Phone;Type;": [
+ "That is a #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town . They are located at #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Post;Type;": [
+ "Yes , It is a #ATTRACTION-INFORM-TYPE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes it is a #ATTRACTION-INFORM-TYPE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "The postcode for the #ATTRACTION-INFORM-TYPE# is #ATTRACTION-INFORM-POST# .",
+ "The postcode for the #ATTRACTION-INFORM-TYPE# is #ATTRACTION-INFORM-POST# .",
+ "The postcode is #ATTRACTION-INFORM-POST# and the attraction type is #ATTRACTION-INFORM-TYPE# .",
+ "Of course , it is a #ATTRACTION-INFORM-TYPE# and the post code is #ATTRACTION-INFORM-POST# .",
+ "It is a #ATTRACTION-INFORM-TYPE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Its an #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-POST# ."
+ ],
+ "Choice;Fee;Type;": [
+ "I ' m sorry , but #ATTRACTION-INFORM-CHOICE# the #ATTRACTION-INFORM-TYPE# list the #ATTRACTION-INFORM-FEE# . Would you like the phone number for any of them ?",
+ "I found #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , but there are #ATTRACTION-INFORM-FEE# .",
+ "Not , I do n't . There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions and I have #ATTRACTION-INFORM-FEE# on their entrance fees . You already have the phone number for Camboats . Perhaps you could call them ?"
+ ],
+ "Area;Fee;Phone;": [
+ "Sure , it 's located in the #ATTRACTION-INFORM-AREA# area of town . The phone number is #ATTRACTION-INFORM-PHONE# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Entrance is #ATTRACTION-INFORM-FEE# . The phone number is #ATTRACTION-INFORM-PHONE# , and the area is the #ATTRACTION-INFORM-AREA# .",
+ "The church is in the #ATTRACTION-INFORM-AREA# area , its phone number is #ATTRACTION-INFORM-PHONE# , and the entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Choice;Fee;Name;": [
+ "I have #ATTRACTION-INFORM-CHOICE# and #ATTRACTION-INFORM-CHOICE# include #ATTRACTION-INFORM-FEE# admission . How about #ATTRACTION-INFORM-NAME# ?"
+ ],
+ "Area;Area;Choice;": [
+ "I have located #ATTRACTION-INFORM-CHOICE# cinemas . One is in the #ATTRACTION-INFORM-AREA# ; the other in the #ATTRACTION-INFORM-AREA# . Would you like additional information ?"
+ ],
+ "Choice;Type;Type;": [
+ "there are #ATTRACTION-INFORM-CHOICE# of #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# to visit",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# in that area . including #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# .",
+ "It is a #ATTRACTION-INFORM-TYPE# , with emphasis on plants . There are #ATTRACTION-INFORM-CHOICE# types of attractions as well , such as #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# in town , what would you like to see ?",
+ "There 's a #ATTRACTION-INFORM-CHOICE# of attractions from #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , among others .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# you can visit . Would you like a recommendation for both ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# to see ."
+ ],
+ "Phone;Post;Type;": [
+ "Sure thing . Their phone number is #ATTRACTION-INFORM-PHONE# . Postcode is #ATTRACTION-INFORM-POST# and it is in fact a #ATTRACTION-INFORM-TYPE# like the name suggests"
+ ],
+ "Name;Phone;Post;": [
+ "The address for the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "How about #ATTRACTION-INFORM-NAME# ? Their postcode is #ATTRACTION-INFORM-POST# and the telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , the phone number is #ATTRACTION-INFORM-PHONE# . The post code is \t #ATTRACTION-INFORM-POST# . Do you need any additional information about #ATTRACTION-INFORM-NAME# ?",
+ "Okay the #ATTRACTION-INFORM-NAME# post code is #ATTRACTION-INFORM-POST# and phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The postcode for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . You will need to give them a call at #ATTRACTION-INFORM-PHONE# to find out the entrance fee .",
+ "The phone number to #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Name;Post;Price;": [
+ "Yes I can ! #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# in postcode #ATTRACTION-INFORM-POST# . The entry fee is #ATTRACTION-INFORM-PRICE# ."
+ ],
+ "Fee;Name;Post;Type;": [
+ "I ' m sorry , yes , #ATTRACTION-INFORM-NAME# is an #ATTRACTION-INFORM-TYPE# that I think you will enjoy . Postcode for that is #ATTRACTION-INFORM-POST# , but there is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Choice;Fee;Name;Name;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in that area . There is #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# . #ATTRACTION-INFORM-CHOICE# offer #ATTRACTION-INFORM-FEE# entrance .",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# available #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you like a recommendation ?",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . WIll one of those work ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Would you prefer one with free admission ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I have found #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of town . What type of museum would you like to visit ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in Cambridge . Would you like to visit a museum near your restaurant in the #ATTRACTION-INFORM-AREA# ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , do you have a preference of what you 'd like to see ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# is there a type of museum you prefer ?",
+ "Let 's start with your #ATTRACTION-INFORM-TYPE# request . We have #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# . Wht features are you interested ? Maybe , we can narrow your search .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# . Can I make a recommendation ?",
+ "Ah , we have some of the most beautiful #ATTRACTION-INFORM-TYPE# locally . I have #ATTRACTION-INFORM-CHOICE# different venues to choose from . All are located in the #ATTRACTION-INFORM-AREA# .",
+ "The are #ATTRACTION-INFORM-CHOICE# entries found for \" #ATTRACTION-INFORM-TYPE# \" at the #ATTRACTION-INFORM-AREA# of town . Would you like the first listing ?",
+ "There 's #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , anything in mind ?",
+ "There are #ATTRACTION-INFORM-CHOICE# lovely #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . Are you looking for something in particular , like art , or technology , or archaeology ?",
+ "There are #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# . How about #ATTRACTION-INFORM-TYPE# ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# listed in the #ATTRACTION-INFORM-AREA# area , what kind of museum are you interested in ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . Do you care about the entry fee ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# that are listed in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area . Both are free .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Any preferences ?"
+ ],
+ "Addr;Area;Choice;Type;": [
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attraction in Cambridge and it is in the #ATTRACTION-INFORM-AREA# area : The #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Name;Post;Type;": [
+ "The #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "The #ATTRACTION-INFORM-TYPE# called #ATTRACTION-INFORM-NAME# is located at the postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Choice;Fee;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# options in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# and has #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Addr;Addr;Phone;Post;": [
+ "they are at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . or call them on #ATTRACTION-INFORM-PHONE# .",
+ "Phone number is #ATTRACTION-INFORM-PHONE# . Postcode is #ATTRACTION-INFORM-POST# . Address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Sure , their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# in postcode #ATTRACTION-INFORM-POST# . Their phone is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , the postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "It is at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , phone #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and the postcode #ATTRACTION-INFORM-POST# . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address is the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , they are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . You will have to call for an entrance fee , the phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Area;Choice;Choice;": [
+ "Yes there 's #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# .",
+ "We have #ATTRACTION-INFORM-CHOICE# theatres in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# .",
+ "Why yes . #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Fee;Phone;Post;Type;": [
+ "Sure , they are at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Phone number is : #ATTRACTION-INFORM-PHONE# & postcode is #ATTRACTION-INFORM-POST# . It is a #ATTRACTION-INFORM-TYPE# and entrance fee is #ATTRACTION-INFORM-FEE# !"
+ ],
+ "Choice;Choice;Fee;Fee;": [
+ "Yes , #ATTRACTION-INFORM-CHOICE# of them are #ATTRACTION-INFORM-FEE# to visit and there are #ATTRACTION-INFORM-CHOICE# that have an entrance fee of #ATTRACTION-INFORM-FEE# .",
+ "Ok we have #ATTRACTION-INFORM-CHOICE# that are #ATTRACTION-INFORM-FEE# and #ATTRACTION-INFORM-CHOICE# that charges #ATTRACTION-INFORM-FEE# entrance fee ."
+ ],
+ "Addr;Addr;Area;Phone;Type;": [
+ "Yes the #ATTRACTION-INFORM-TYPE# is located i the #ATTRACTION-INFORM-AREA# and their phone number is #ATTRACTION-INFORM-PHONE# and their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;": [
+ "Sure . There is #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Choice;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# beautiful #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# , all well known and valued for their beautiful #ATTRACTION-INFORM-TYPE# . Is that something you might be interested in ?"
+ ],
+ "Addr;Phone;Type;": [
+ "It 's a #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-ADDR# ; their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Fee;Name;Type;": [
+ "How about #ATTRACTION-INFORM-NAME# ? It 's a #ATTRACTION-INFORM-TYPE# with #ATTRACTION-INFORM-FEE# admission , and it is located on #ATTRACTION-INFORM-ADDR# .",
+ "If your're in to #ATTRACTION-INFORM-TYPE# , you should see #ATTRACTION-INFORM-NAME# . It is located on #ATTRACTION-INFORM-ADDR# and entrance is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Name;Type;": [
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . Would you like to try the #ATTRACTION-INFORM-NAME# ?",
+ "I ve got #ATTRACTION-INFORM-CHOICE# choices here #ATTRACTION-INFORM-NAME# is the #ATTRACTION-INFORM-TYPE# that is recently popular , would you like more information ?",
+ "Yes , this is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the area #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Choice;Fee;Fee;Name;Name;": [
+ "We have #ATTRACTION-INFORM-CHOICE# options for you . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and located on #ATTRACTION-INFORM-ADDR# . I also have #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# with #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in that area , including #ATTRACTION-INFORM-NAME# and the #ATTRACTION-INFORM-NAME# .",
+ "I have #ATTRACTION-INFORM-CHOICE# listings for #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "We have the #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd be happy to help you find something . Are you looking for something in #ATTRACTION-INFORM-AREA# ? There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# just to name a few ."
+ ],
+ "Area;Choice;Choice;Choice;Fee;Fee;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-CHOICE# has #ATTRACTION-INFORM-FEE# and the #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# .",
+ "I see there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# . There are #ATTRACTION-INFORM-CHOICE# that are #ATTRACTION-INFORM-FEE# to visit and #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-FEE# .",
+ "Yes there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# to get into , #ATTRACTION-INFORM-CHOICE# is #ATTRACTION-INFORM-FEE# .",
+ "Sure . We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . While #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# , #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Name;Phone;Price;": [
+ "Sure . There 's also the #ATTRACTION-INFORM-NAME# , which is #ATTRACTION-INFORM-PRICE# . They 're phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Fee;Phone;": [
+ "The phone number is #ATTRACTION-INFORM-PHONE# , the address is ' #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ' , but I ' m sorry , the admission price is #ATTRACTION-INFORM-FEE# right now .",
+ "I #ATTRACTION-INFORM-FEE# but the address for the pool is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Name;Name;": [
+ "I have the #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , or the #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , including #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Name;Post;": [
+ "Sure ! The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# #ATTRACTION-INFORM-POST# . It has free admission .",
+ "How about the #ATTRACTION-INFORM-NAME# ? It is located on #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure , #ATTRACTION-INFORM-NAME# 's postcode is #ATTRACTION-INFORM-POST# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "The address of the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# and postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Choice;Price;": [
+ "We have #ATTRACTION-INFORM-CHOICE# , and most are #ATTRACTION-INFORM-PRICE# to visit ."
+ ],
+ "Area;Choice;Fee;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions located #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-FEE# .",
+ "There are , surprisingly , #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Looks like all of them are #ATTRACTION-INFORM-FEE# . Is there specific you want to see ?",
+ "There are #ATTRACTION-INFORM-CHOICE# options in the #ATTRACTION-INFORM-AREA# . And most #ATTRACTION-INFORM-TYPE# are #ATTRACTION-INFORM-FEE# to enter .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , they all have #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Addr;Fee;Name;Post;Type;": [
+ "The #ATTRACTION-INFORM-NAME# A #ATTRACTION-INFORM-ADDR# is a #ATTRACTION-INFORM-TYPE# . Entry is #ATTRACTION-INFORM-FEE# , and their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Area;Choice;Name;Name;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE#s in the #ATTRACTION-INFORM-AREA# . The names are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Fee;Name;Phone;": [
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# and they are located at #ATTRACTION-INFORM-ADDR# . The entrance fee is #ATTRACTION-INFORM-FEE# . Have fun !",
+ "Yes sure #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# in the city 's center and is #ATTRACTION-INFORM-FEE# to enter . Their telephone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# costs #ATTRACTION-INFORM-FEE# entrance and is located at #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I really love #ATTRACTION-INFORM-NAME# located on #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# , but you can call them at #ATTRACTION-INFORM-PHONE# .",
+ "Yes sure #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# an it is #ATTRACTION-INFORM-FEE# .",
+ "Okay #ATTRACTION-INFORM-NAME# address is #ATTRACTION-INFORM-ADDR# and it is #ATTRACTION-INFORM-FEE# to explore and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The cost of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# to get into , the phone number is #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Sure . #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# , the entrance fee is #ATTRACTION-INFORM-FEE# , and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure , #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# has the entrance fee of #ATTRACTION-INFORM-FEE# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Okay . #ATTRACTION-INFORM-NAME# 's telephone number is #ATTRACTION-INFORM-PHONE# and their address is #ATTRACTION-INFORM-ADDR# . The entrance fee is #ATTRACTION-INFORM-FEE# by the way .",
+ "Sure ! #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# . #ATTRACTION-INFORM-FEE# , but you can call them to find out ."
+ ],
+ "Addr;Addr;Area;Post;Type;": [
+ "They are an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# venue located in the #ATTRACTION-INFORM-AREA# , post code #ATTRACTION-INFORM-POST# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Fee;Phone;Post;Type;": [
+ "That 's a great choice ! It is an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "They are a wonderful #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . They offer #ATTRACTION-INFORM-FEE# admission . They are located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Absolutely ! It is an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . Phone is #ATTRACTION-INFORM-PHONE# . Postcode is #ATTRACTION-INFORM-POST# . And address is #ATTRACTION-INFORM-ADDR# . There is #ATTRACTION-INFORM-FEE# .",
+ "They are a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . They offer #ATTRACTION-INFORM-FEE# entrance . They are located at #ATTRACTION-INFORM-ADDR# . Their postcode is #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "It 's a #ATTRACTION-INFORM-TYPE# located at #ATTRACTION-INFORM-ADDR# on the #ATTRACTION-INFORM-AREA# side of town . Postcode is #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Sure do . Their address is #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . Phone number is #ATTRACTION-INFORM-PHONE# , and entrance is #ATTRACTION-INFORM-FEE# . It 's a #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Choice;Name;Name;Name;Name;Type;": [
+ "In the #ATTRACTION-INFORM-AREA# we have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE#s #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "Sure , we have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# , a few are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# . Any sound good ?",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE#s in the #ATTRACTION-INFORM-AREA# . They are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# .",
+ "Actually there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Area;Fee;Type;": [
+ "Yes , it is a beautiful place known for #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . It is on #ATTRACTION-INFORM-ADDR# and has an entrance fee of #ATTRACTION-INFORM-FEE# .",
+ "Sure , I found it ! It 's located at #ATTRACTION-INFORM-ADDR# . It 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# and it has a #ATTRACTION-INFORM-FEE# .",
+ "Okay ! It is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# . Admission is #ATTRACTION-INFORM-FEE# .",
+ "Absolutely . It is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . It 's #ATTRACTION-INFORM-FEE# to enter and it is located on #ATTRACTION-INFORM-ADDR# .",
+ "Certainly , its a beautiful #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , they are on #ATTRACTION-INFORM-ADDR# and the admission is #ATTRACTION-INFORM-FEE# .",
+ "They are a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# , at #ATTRACTION-INFORM-ADDR# . Their entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Why yes , it 's a great attraction . It is located at the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# . The entrance fee for the #ATTRACTION-INFORM-TYPE# is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Type;Type;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# attractions in the #ATTRACTION-INFORM-AREA# , of #ATTRACTION-INFORM-TYPE# . Quieter fare includes #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# . If you 'd like more excitement , we have #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# different attractions on the #ATTRACTION-INFORM-AREA# . There 's a #ATTRACTION-INFORM-TYPE# , a couple of #ATTRACTION-INFORM-TYPE# , a few #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# , and a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Choice;Choice;Fee;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the area . They are all #ATTRACTION-INFORM-FEE# . There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , an #ATTRACTION-INFORM-TYPE# , and a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Choice;Fee;": [
+ "There are #ATTRACTION-INFORM-CHOICE# matches . #ATTRACTION-INFORM-FEE# on the fees . Do you have any other preferences ?",
+ "Sure , did you have anything in mind ? We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-FEE# options !",
+ "Ok , there are #ATTRACTION-INFORM-CHOICE# to choose from . #ATTRACTION-INFORM-FEE# .",
+ "we have #ATTRACTION-INFORM-CHOICE# with #ATTRACTION-INFORM-FEE# entrance",
+ "Yes there are #ATTRACTION-INFORM-CHOICE# in the area and all have #ATTRACTION-INFORM-FEE# admission .",
+ "I have #ATTRACTION-INFORM-CHOICE# colleges in the #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Type;Type;Type;Type;Type;": [
+ "The #ATTRACTION-INFORM-AREA# of the city has #ATTRACTION-INFORM-CHOICE# options to choose from , including #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , a nightclub , a #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and a #ATTRACTION-INFORM-TYPE# . Which would you like to know more about ?"
+ ],
+ "Addr;Area;Fee;Post;": [
+ "It is located in the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# . Postcode is #ATTRACTION-INFORM-POST# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "it is located in \t #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . entry is #ATTRACTION-INFORM-FEE# and is in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , it is located in #ATTRACTION-INFORM-AREA# and has the postcode #ATTRACTION-INFORM-POST# . It is on #ATTRACTION-INFORM-ADDR# and has a #ATTRACTION-INFORM-FEE# entrance fee ."
+ ],
+ "Name;Name;Name;Name;Type;": [
+ "Great , the #ATTRACTION-INFORM-TYPE# are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# . Does any one of those in particular interest you ?"
+ ],
+ "Addr;Addr;Addr;Name;Phone;": [
+ "The address I have for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Perhaps you can give them a call for more information . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure the phone number and address for #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Open;Phone;": [
+ "No #ATTRACTION-INFORM-OPEN# their business hours but I have a phone number you can use to check with them . It 's #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Fee;Name;Type;": [
+ "I ' m sorry , I do n't have information on whether or not children are admitted . All #ATTRACTION-INFORM-TYPE#s are #ATTRACTION-INFORM-FEE# , would you like #ATTRACTION-INFORM-NAME# ?",
+ "I have found #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-TYPE# . It is #ATTRACTION-INFORM-FEE# to get in .",
+ "Sure . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# attraction . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's an #ATTRACTION-INFORM-TYPE# attraction that 's #ATTRACTION-INFORM-FEE# .",
+ "I have #ATTRACTION-INFORM-NAME# which is a #ATTRACTION-INFORM-TYPE# and has #ATTRACTION-INFORM-FEE# admission .",
+ "What about #ATTRACTION-INFORM-NAME# ? It ' a #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Addr;Phone;": [
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ; the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Ok ! Their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "I found that for you . It is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Phone;": [
+ "It is located in the #ATTRACTION-INFORM-AREA# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Their phone number is #ATTRACTION-INFORM-PHONE# and they 're located in the #ATTRACTION-INFORM-AREA# .",
+ "Sure , the phone number is #ATTRACTION-INFORM-PHONE# . It is located in #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Area;Choice;Name;Name;Type;": [
+ "Yes , I can ' There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE#s in cambridge , #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "We have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# : #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Fee;Name;Phone;": [
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , but I #ATTRACTION-INFORM-FEE# about price . I can give you their number , #ATTRACTION-INFORM-PHONE# .",
+ "Sure , there 's #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , their phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Sure , the #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , and the phone number is #ATTRACTION-INFORM-PHONE# . I ' m #ATTRACTION-INFORM-FEE# however .",
+ "Sure . #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# and their telephone number is #ATTRACTION-INFORM-PHONE# . Admission to the museum is #ATTRACTION-INFORM-FEE# .",
+ "I have the #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . The phone number is #ATTRACTION-INFORM-PHONE# and it is #ATTRACTION-INFORM-FEE# to enter . Can I help you with anything else today ?",
+ "Okay , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# and their phone number is #ATTRACTION-INFORM-PHONE# . I #ATTRACTION-INFORM-FEE# .",
+ "I found only #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# . There 's #ATTRACTION-INFORM-FEE# . Phone number , #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Post;": [
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# \t .",
+ "Their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Name;Phone;Post;Type;": [
+ "There 's a place called the #ATTRACTION-INFORM-NAME# that is a great #ATTRACTION-INFORM-TYPE# . They are located at #ATTRACTION-INFORM-ADDR# . Postcode is #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Type;": [
+ "Sure . It is an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# area . The address is #ATTRACTION-INFORM-ADDR# .",
+ "Absolutely ! It is located at #ATTRACTION-INFORM-ADDR# and is an #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area .",
+ "Sure , it is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# area right on #ATTRACTION-INFORM-ADDR# . Would you like the phone number ?",
+ "It is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# .",
+ "Yes , it is a nice #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , located on #ATTRACTION-INFORM-ADDR# .",
+ "That #ATTRACTION-INFORM-TYPE# is in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# . Is there other information you are looking for ?",
+ "Well its #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Fee;Name;": [
+ "Absolutely ! The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# on their entrance fee listed though .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . I apologize but I #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Fee;Name;Phone;Post;": [
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# , and it 's #ATTRACTION-INFORM-FEE# to get in .",
+ "The theatre is called , #ATTRACTION-INFORM-NAME# . It is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# . I ' m #ATTRACTION-INFORM-FEE# if there is an entrance fee or not .",
+ "Sure . #ATTRACTION-INFORM-NAME# is located #ATTRACTION-INFORM-ADDR# at postcode #ATTRACTION-INFORM-POST# and can be reached at #ATTRACTION-INFORM-PHONE# . #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Fee;Fee;Name;": [
+ "You are in luck , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# ! #ATTRACTION-INFORM-FEE# !",
+ "There is #ATTRACTION-INFORM-FEE# , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# !"
+ ],
+ "Addr;Addr;Addr;Phone;Post;": [
+ "Yes , it is located in the South area at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The postcode , phone number , and address to comboats is : #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-PHONE# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . You can reach them at #ATTRACTION-INFORM-PHONE# .",
+ "Sure thing ! The address is : #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The phone number and postcode are #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-POST# ."
+ ],
+ "Open;": [
+ "I ' m sorry . #ATTRACTION-INFORM-OPEN# in our database .",
+ "I ' m sorry , I #ATTRACTION-INFORM-OPEN# .",
+ "I #ATTRACTION-INFORM-OPEN# ."
+ ],
+ "Phone;Price;": [
+ "It is actually #ATTRACTION-INFORM-PRICE# . You can call them at #ATTRACTION-INFORM-PHONE# .",
+ "Sure . The phone number is #ATTRACTION-INFORM-PHONE# , but I ' m #ATTRACTION-INFORM-PRICE# .",
+ "The number is #ATTRACTION-INFORM-PHONE# and it is #ATTRACTION-INFORM-PRICE# of charge ."
+ ],
+ "Area;Name;Type;": [
+ "I certainly can . #ATTRACTION-INFORM-NAME# is categorized as an #ATTRACTION-INFORM-TYPE# attraction , and is located in the #ATTRACTION-INFORM-AREA# side .",
+ "Sure thing , this is the #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# #ATTRACTION-INFORM-NAME# .",
+ "Sure . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# to the #ATTRACTION-INFORM-AREA# . I ' m not sure what it costs to get in , but people really seem to like it .",
+ "The #ATTRACTION-INFORM-NAME# is a great #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "How about #ATTRACTION-INFORM-NAME# ? It 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Okay I recommend the #ATTRACTION-INFORM-NAME# which is #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Can I give you some information on it ?",
+ "We have an #ATTRACTION-INFORM-TYPE# venue called #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# .",
+ "What about #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "There are some great #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Or perhaps the #ATTRACTION-INFORM-NAME# ?",
+ "There 's the #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "No , it 's not . But we do have a terrific #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# side . It 's the #ATTRACTION-INFORM-NAME# . Would you like the address ?",
+ "There is a #ATTRACTION-INFORM-TYPE# that is name #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-AREA# . Do you need their address ?",
+ "Of course . #ATTRACTION-INFORM-NAME# has #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# end of town .",
+ "The #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Name;Name;": [
+ "There is #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# !",
+ "There is the #ATTRACTION-INFORM-NAME# and the #ATTRACTION-INFORM-NAME# .",
+ "Yes , there 's #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# .",
+ "Were you looking at the #ATTRACTION-INFORM-NAME# or the #ATTRACTION-INFORM-NAME# ?",
+ "It 's what I do ! Are you hoping for something fun , like #ATTRACTION-INFORM-NAME# , or more relaxing , like the #ATTRACTION-INFORM-NAME# ?"
+ ],
+ "Type;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , etc . Does any of that sound interesting ?",
+ "There is #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# .",
+ "I have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# . Any of these spark your interest ?"
+ ],
+ "Area;Type;Type;Type;Type;Type;Type;Type;Type;Type;": [
+ "In the #ATTRACTION-INFORM-AREA# there is #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Name;Phone;Type;": [
+ "How about #ATTRACTION-INFORM-NAME# ? It 's a #ATTRACTION-INFORM-TYPE# and their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Name;Post;": [
+ "How about #ATTRACTION-INFORM-NAME# . It is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# .",
+ "Yes . There is #ATTRACTION-INFORM-NAME# . The address is the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Fee;Name;Phone;": [
+ "The address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# . The entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The entrance fee for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# but it is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and you can reach them at #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Fee;Phone;Type;": [
+ "The #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The telephone number is #ATTRACTION-INFORM-PHONE# . May I help with anything else ?",
+ "Sure , its a #ATTRACTION-INFORM-TYPE# of course and their phone is #ATTRACTION-INFORM-PHONE# address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . I #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Area;Fee;Name;Post;": [
+ "How about #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . It has #ATTRACTION-INFORM-FEE# admission .",
+ "Okay , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# and is in the #ATTRACTION-INFORM-AREA# . Post code is #ATTRACTION-INFORM-POST# and it is #ATTRACTION-INFORM-FEE# .",
+ "Absolutely . #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# of town . Their postcode is #ATTRACTION-INFORM-POST# and is #ATTRACTION-INFORM-FEE# . Would you need their phone number ?"
+ ],
+ "Addr;Area;Choice;Name;Post;": [
+ "There is #ATTRACTION-INFORM-NAME# in the post code #ATTRACTION-INFORM-POST# on #ATTRACTION-INFORM-ADDR# . There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Type;Type;": [
+ "yes we have #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# .",
+ "Nothing specifically marked entertainment , although we do offer quite a lot to do , from #ATTRACTION-INFORM-TYPE# to #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Fee;Name;Name;": [
+ "I ' m sorry , #ATTRACTION-INFORM-NAME# is n't in the #ATTRACTION-INFORM-AREA# . If you 'd like , you Can visit #ATTRACTION-INFORM-NAME# , they have #ATTRACTION-INFORM-FEE# .",
+ "I have the #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# that is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Area;Choice;Fee;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# colleges in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# are on the #ATTRACTION-INFORM-ADDR# and both have #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Area;Name;Phone;Post;": [
+ "I have #ATTRACTION-INFORM-NAME# , located in the #ATTRACTION-INFORM-AREA# and the post code is #ATTRACTION-INFORM-POST# . Here is the phone #ATTRACTION-INFORM-PHONE# .",
+ "The number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# . It is in the #ATTRACTION-INFORM-AREA# and the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Type;": [
+ "Sure , its a #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Fee;Phone;Post;": [
+ "They are at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# postcode . #ATTRACTION-INFORM-FEE# , but you can call #ATTRACTION-INFORM-PHONE# for that information .",
+ "The postcode is #ATTRACTION-INFORM-POST# . The address is the #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# . The entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Name;Name;Name;": [
+ "There is #ATTRACTION-INFORM-NAME# which is renowned for its stunning Architecture , or #ATTRACTION-INFORM-NAME# for a more nautical adventure , or you can see a show at #ATTRACTION-INFORM-NAME# .",
+ "There is also #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Choice;Choice;Name;Name;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Area;Fee;": [
+ "Absolutely ! The #ATTRACTION-INFORM-FEE# ! It is located in the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# !",
+ "They are located in the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# . And , they offer #ATTRACTION-INFORM-FEE# entrance .",
+ "Yes , it is located in the #ATTRACTION-INFORM-AREA# . Address is #ATTRACTION-INFORM-ADDR# . It is #ATTRACTION-INFORM-FEE# to enter .",
+ "it is in the #ATTRACTION-INFORM-AREA# address is #ATTRACTION-INFORM-ADDR# and #ATTRACTION-INFORM-FEE# admittance"
+ ],
+ "Choice;Name;Name;Name;Name;Name;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# : #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Addr;Name;Post;": [
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Yes , of course . The address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , and the postcode is #ATTRACTION-INFORM-POST# .",
+ "You can visit #ATTRACTION-INFORM-NAME# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the post code is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Name;Post;": [
+ "There is #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# #ATTRACTION-INFORM-POST# in the #ATTRACTION-INFORM-AREA# .",
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# . The postcode is #ATTRACTION-INFORM-POST# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "Yes , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# and the address and postal code is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# respectively .",
+ "I have #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# postbcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Phone;": [
+ "sue it is the #ATTRACTION-INFORM-AREA# and the phone number is #ATTRACTION-INFORM-PHONE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "The phone number is #ATTRACTION-INFORM-PHONE# , and they are in the #ATTRACTION-INFORM-AREA# , they are located at #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Name;Phone;Type;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . I do not know the entrance fee , but the phone # is #ATTRACTION-INFORM-PHONE# .",
+ "The only #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# is #ATTRACTION-INFORM-NAME# . The phone number is #ATTRACTION-INFORM-PHONE# . Would you like to know the address or postcode ?",
+ "The #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# end of the city . We do n't have any information regarding their entrance fee , but their phone number if #ATTRACTION-INFORM-PHONE# .",
+ "I have #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Fee;Type;": [
+ "It is a #ATTRACTION-INFORM-TYPE# and it is #ATTRACTION-INFORM-FEE# entry .",
+ "It is #ATTRACTION-INFORM-TYPE# and I #ATTRACTION-INFORM-FEE# here on the price .",
+ "The #ATTRACTION-INFORM-TYPE# are #ATTRACTION-INFORM-FEE# .",
+ "It 's an #ATTRACTION-INFORM-TYPE# type . I #ATTRACTION-INFORM-FEE# the entrance fee , sorry .",
+ "For the #ATTRACTION-INFORM-TYPE# it is #ATTRACTION-INFORM-FEE# .",
+ "It 's the #ATTRACTION-INFORM-TYPE# type and there is a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "It is a #ATTRACTION-INFORM-TYPE# . And there is #ATTRACTION-INFORM-FEE# .",
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# and the entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Type;Type;Type;Type;": [
+ "There is a #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# places , a #ATTRACTION-INFORM-TYPE# , and a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Area;Post;": [
+ "It 's in the #ATTRACTION-INFORM-AREA# , it 's address is #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# .",
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-POST# .",
+ "It is in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Addr;Fee;Name;Post;": [
+ "The address and postcode for #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . There is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Name;Phone;Post;": [
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# in postcode #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Sure the #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , their phone number #ATTRACTION-INFORM-PHONE# .",
+ "How about #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# ? Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The address is #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Okay , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The postcode of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# . The address is #ATTRACTION-INFORM-ADDR# .",
+ "How about #ATTRACTION-INFORM-NAME# ? Its address is #ATTRACTION-INFORM-ADDR# , postcode is #ATTRACTION-INFORM-POST# , and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Yes , #ATTRACTION-INFORM-NAME# can be found at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , phone number #ATTRACTION-INFORM-PHONE# .",
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# and the phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Certainly . #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . That phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure , #ATTRACTION-INFORM-NAME# is on #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# . Phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Phone;Post;": [
+ "Sure , it is located in the #ATTRACTION-INFORM-AREA# area , on #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "It is in the #ATTRACTION-INFORM-AREA# address #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# and phone #ATTRACTION-INFORM-PHONE# . Despite the name the water is clear blue ."
+ ],
+ "Addr;Area;Fee;Name;Phone;Post;": [
+ "Sure , #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , phone #ATTRACTION-INFORM-PHONE# , postcode #ATTRACTION-INFORM-POST# , address #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-FEE# to enter .",
+ "Certainly . #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# and the entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Name;Name;Name;": [
+ "We have #ATTRACTION-INFORM-CHOICE# interesting museums , such as the #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# . Anything in particular strike your fancy ?",
+ "There are #ATTRACTION-INFORM-CHOICE# in our lovely city . The #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Choice;Fee;Fee;": [
+ "I have #ATTRACTION-INFORM-CHOICE# , four of them have #ATTRACTION-INFORM-FEE# entrance and one with #ATTRACTION-INFORM-FEE# fees . Do you want all the phone numbers ?",
+ "i have found #ATTRACTION-INFORM-CHOICE# . would you like info for the 3 #ATTRACTION-INFORM-FEE# or the 2 that cost #ATTRACTION-INFORM-FEE# ?"
+ ],
+ "Addr;Fee;Name;Phone;Post;Type;": [
+ "You should check out #ATTRACTION-INFORM-NAME# . It has great #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-FEE# . It 's located on #ATTRACTION-INFORM-ADDR# #ATTRACTION-INFORM-POST# . The phone is #ATTRACTION-INFORM-PHONE# . Would that work for you ?"
+ ],
+ "Name;Name;Type;Type;": [
+ "The #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-TYPE# , while the #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Addr;Choice;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# that fit your request . One is #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# and the other is #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# . Do you need more information ?"
+ ],
+ "Addr;Addr;Addr;Fee;Name;Phone;": [
+ "The address of #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and their telephone number is #ATTRACTION-INFORM-PHONE# , but unfortunately , I #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Area;Name;Phone;Post;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# #ATTRACTION-INFORM-POST# in the #ATTRACTION-INFORM-AREA# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# . Anything else I can help with ?",
+ "Ok , I have found the information on #ATTRACTION-INFORM-NAME# for you . the phone # is #ATTRACTION-INFORM-PHONE# , postal code is #ATTRACTION-INFORM-POST# and it is on #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Area;Area;Area;": [
+ "Yes , #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# and #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Fee;Name;Post;Type;": [
+ "Lets start with the attraction information first . #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Fee;Type;": [
+ "The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . It is a #ATTRACTION-INFORM-TYPE# . #ATTRACTION-INFORM-FEE# the entrance fee , unfortunately .",
+ "That #ATTRACTION-INFORM-TYPE# is located over at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . It 's #ATTRACTION-INFORM-FEE# to visit ."
+ ],
+ "Area;Area;Choice;Type;": [
+ "We have #ATTRACTION-INFORM-CHOICE# excellent #ATTRACTION-INFORM-TYPE# in town , located in the #ATTRACTION-INFORM-AREA# and the #ATTRACTION-INFORM-AREA# .",
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in town , but they are all in the #ATTRACTION-INFORM-AREA# or the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Area;Area;Area;Choice;Type;": [
+ "I found #ATTRACTION-INFORM-CHOICE# great #ATTRACTION-INFORM-TYPE# to visit . There are two on the #ATTRACTION-INFORM-AREA# , one on the #ATTRACTION-INFORM-AREA# , one on the #ATTRACTION-INFORM-AREA# and one in the #ATTRACTION-INFORM-AREA# of town ."
+ ],
+ "Addr;Area;Fee;Name;Phone;Post;Type;": [
+ "Okay . The only #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# is #ATTRACTION-INFORM-NAME# . Their address is #ATTRACTION-INFORM-ADDR# , postcode is #ATTRACTION-INFORM-POST# , phone number is #ATTRACTION-INFORM-PHONE# , and the entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "Certainly ! #ATTRACTION-INFORM-NAME# is a great #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# at #ATTRACTION-INFORM-ADDR# . The postcode is #ATTRACTION-INFORM-POST# and their phone is #ATTRACTION-INFORM-PHONE# . The entrance fee is a mere #ATTRACTION-INFORM-FEE# !"
+ ],
+ "Choice;Fee;Fee;Name;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE#s there . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# are all #ATTRACTION-INFORM-FEE# . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Choice;Fee;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in that area . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# and located on #ATTRACTION-INFORM-ADDR# .",
+ "We have #ATTRACTION-INFORM-CHOICE# great #ATTRACTION-INFORM-TYPE# in the east , but my favorite is #ATTRACTION-INFORM-NAME# , at #ATTRACTION-INFORM-ADDR# . It 's #ATTRACTION-INFORM-FEE# to get in !"
+ ],
+ "Choice;Type;Type;Type;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# options including #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and there are #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# options , including a #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Area;Area;Name;Name;Name;Name;Name;": [
+ "Yes , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# are in the #ATTRACTION-INFORM-AREA# , the #ATTRACTION-INFORM-AREA# has #ATTRACTION-INFORM-NAME# as well as #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Choice;Fee;Type;Type;Type;Type;": [
+ "Yes there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# . All of them have #ATTRACTION-INFORM-FEE# admission !"
+ ],
+ "Area;Phone;Post;": [
+ "This is found in the #ATTRACTION-INFORM-AREA# . Their phone number is #ATTRACTION-INFORM-PHONE# and their postcode is #ATTRACTION-INFORM-POST# .",
+ "Sure ! The phone number is #ATTRACTION-INFORM-PHONE# , the postcode is #ATTRACTION-INFORM-POST# , and that is in the #ATTRACTION-INFORM-AREA# area ."
+ ],
+ "Name;Name;Name;Name;Name;": [
+ "We have #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Area;Choice;Fee;Name;Name;Name;Name;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# all have #ATTRACTION-INFORM-FEE# entrance fee ."
+ ],
+ "Addr;Addr;Area;": [
+ "The #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Okay it 's located in the #ATTRACTION-INFORM-AREA# and the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# .",
+ "Sure , it is in the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Name;Name;Type;": [
+ "I can help you find something ! How about #ATTRACTION-INFORM-NAME# or #ATTRACTION-INFORM-NAME# ? They are in the #ATTRACTION-INFORM-AREA# and are #ATTRACTION-INFORM-TYPE# facilities ."
+ ],
+ "Addr;Addr;Area;Phone;Post;Type;": [
+ "It is a great #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Their postcode is #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Area;Area;Choice;Choice;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# to choose from . There are #ATTRACTION-INFORM-NAME# in #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-NAME# in #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# places for punting in #ATTRACTION-INFORM-AREA# . Do any of those appeal ?"
+ ],
+ "Addr;Addr;Area;Name;Phone;Post;": [
+ "Okay , the #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Post code is #ATTRACTION-INFORM-POST# and phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Post;Type;": [
+ "What a great choice ! That is a #ATTRACTION-INFORM-TYPE# attraction that is located in the #ATTRACTION-INFORM-AREA# . They are located at #ATTRACTION-INFORM-ADDR# . Their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Name;Name;Name;Price;Type;Type;Type;": [
+ "The #ATTRACTION-INFORM-NAME# is a great example of #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-NAME# is a good , #ATTRACTION-INFORM-PRICE# #ATTRACTION-INFORM-TYPE# , and the #ATTRACTION-INFORM-NAME# is a lovely #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Choice;Fee;Fee;Name;": [
+ "We have #ATTRACTION-INFORM-CHOICE# museums in that area . Most are #ATTRACTION-INFORM-FEE# , though the #ATTRACTION-INFORM-NAME# #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Choice;Type;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# , a #ATTRACTION-INFORM-TYPE# , and 2 #ATTRACTION-INFORM-TYPE# , any of those sound ok ?"
+ ],
+ "Addr;Type;": [
+ "You 'll find the #ATTRACTION-INFORM-TYPE# at #ATTRACTION-INFORM-ADDR# .",
+ "It is a #ATTRACTION-INFORM-TYPE# and the address is #ATTRACTION-INFORM-ADDR# .",
+ "It is a #ATTRACTION-INFORM-TYPE# and the address is #ATTRACTION-INFORM-ADDR# . Anything else I can help you with ?"
+ ],
+ "Choice;Name;Name;Name;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# theatres in Cambridge : #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# . What do you want to know about them ?",
+ "Sure , we have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# .",
+ "I have #ATTRACTION-INFORM-CHOICE# great sights for you . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Choice;Post;Post;Post;Post;Post;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# different #ATTRACTION-INFORM-TYPE# . Postcodes are #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , #ATTRACTION-INFORM-POST# , and #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Addr;Name;Phone;Post;": [
+ "I have #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# . The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , and the postal code is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Type;Type;Type;Type;": [
+ "I have #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# and #ATTRACTION-INFORM-TYPE# just to name a few .",
+ "There 's the #ATTRACTION-INFORM-TYPE# . There are also #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Addr;Fee;Post;": [
+ "Yes the address is \t #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# , admission is #ATTRACTION-INFORM-FEE# so best price of all ."
+ ],
+ "Fee;Post;Type;": [
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# . The post code is #ATTRACTION-INFORM-POST# , and admission is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Fee;Name;Phone;Post;": [
+ "i have the #ATTRACTION-INFORM-NAME# they have #ATTRACTION-INFORM-FEE# entrance . the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . the postcode is #ATTRACTION-INFORM-POST# . phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Area;Fee;Type;": [
+ "That #ATTRACTION-INFORM-TYPE# is located in the #ATTRACTION-INFORM-AREA# . Their address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . They also offer #ATTRACTION-INFORM-FEE# entrance .",
+ "No problem . It is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# , located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and charges a #ATTRACTION-INFORM-FEE# entrance fee .",
+ "It 's a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# located on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , and admission is #ATTRACTION-INFORM-FEE# .",
+ "It is a beautiful #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town , on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Admission is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Name;Phone;Post;": [
+ "There is #ATTRACTION-INFORM-NAME# at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . Their phone is #ATTRACTION-INFORM-PHONE# .",
+ "I 'd recommend the cafe #ATTRACTION-INFORM-NAME# . #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# and the post cod is #ATTRACTION-INFORM-POST# .",
+ "Sure thing ! I ' ve picked for you #ATTRACTION-INFORM-NAME# . Their phone is #ATTRACTION-INFORM-PHONE# and they 're located in postcode #ATTRACTION-INFORM-POST# at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Is that everything you need today ?"
+ ],
+ "Addr;Addr;Addr;Area;Post;": [
+ "Sure , the area is just known as the #ATTRACTION-INFORM-AREA# , but the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# and the postcode is #ATTRACTION-INFORM-POST# . Does that help ?"
+ ],
+ "Area;Area;": [
+ "It is in the #ATTRACTION-INFORM-AREA# . Would you like me to check attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "They 're located in either the #ATTRACTION-INFORM-AREA# or the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Fee;Name;Phone;Post;": [
+ "I have the #ATTRACTION-INFORM-NAME# on the #ATTRACTION-INFORM-AREA# side of town . It is #ATTRACTION-INFORM-FEE# , the phone number is #ATTRACTION-INFORM-PHONE# and post code is #ATTRACTION-INFORM-POST# .",
+ "I would recommend #ATTRACTION-INFORM-NAME# . They 're located in the #ATTRACTION-INFORM-AREA# at postcode #ATTRACTION-INFORM-POST# . You can reach them by phone at #ATTRACTION-INFORM-PHONE# and they list a #ATTRACTION-INFORM-FEE# entrance fee ."
+ ],
+ "Area;Area;Area;Area;Choice;": [
+ "I have #ATTRACTION-INFORM-CHOICE# other parks in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Addr;Choice;Name;": [
+ "Yes there is #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Fee;Fee;Phone;": [
+ "I #ATTRACTION-INFORM-FEE# you can call #ATTRACTION-INFORM-PHONE# and find out . I #ATTRACTION-INFORM-FEE# based on day and time so calling would be best ."
+ ],
+ "Addr;Addr;Area;Fee;Name;": [
+ "The #ATTRACTION-INFORM-NAME# is located in the #ATTRACTION-INFORM-AREA# and costs #ATTRACTION-INFORM-FEE# . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Choice;Name;Phone;Type;": [
+ "Yes ! There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . The first one listed is #ATTRACTION-INFORM-NAME# and it is located at #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Name;Name;Name;Name;Name;Type;": [
+ "The #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# .",
+ "All #ATTRACTION-INFORM-TYPE# is in the #ATTRACTION-INFORM-AREA# . Your options are #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Choice;Choice;Type;Type;Type;Type;": [
+ "There #ATTRACTION-INFORM-CHOICE# places to go in the east . Would you like a #ATTRACTION-INFORM-TYPE# , there are #ATTRACTION-INFORM-CHOICE# ? or would you prefer something sportier such as a #ATTRACTION-INFORM-TYPE# or a #ATTRACTION-INFORM-TYPE# or a #ATTRACTION-INFORM-TYPE# ?"
+ ],
+ "Area;Area;Area;Choice;Choice;Choice;Choice;": [
+ "There are #ATTRACTION-INFORM-CHOICE# . #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# . Which would you prefer ?"
+ ],
+ "Area;Choice;Name;Name;Name;Name;": [
+ "Certainly , We have #ATTRACTION-INFORM-CHOICE# nightclubs in the #ATTRACTION-INFORM-AREA# , there is #ATTRACTION-INFORM-NAME# , , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# .",
+ "I have #ATTRACTION-INFORM-CHOICE# theatres in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# . I can provide further details on any of them ."
+ ],
+ "Area;Choice;Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# different places in the #ATTRACTION-INFORM-AREA# . What kind are you interested in ? #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , or #ATTRACTION-INFORM-TYPE# ?"
+ ],
+ "Fee;Fee;Post;Type;": [
+ "The entrance fee for the #ATTRACTION-INFORM-TYPE# is #ATTRACTION-INFORM-FEE# . It 's #ATTRACTION-INFORM-FEE# . And the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Area;Fee;Post;": [
+ "Its postcode is #ATTRACTION-INFORM-POST# , it is in the #ATTRACTION-INFORM-AREA# , and the entrance fee is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Area;Area;Choice;Choice;Choice;Choice;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-CHOICE# in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Area;Choice;Fee;Name;": [
+ "I see . #ATTRACTION-INFORM-AREA# offers #ATTRACTION-INFORM-CHOICE# colleges . Most , like #ATTRACTION-INFORM-NAME# , are #ATTRACTION-INFORM-FEE# to visit ."
+ ],
+ "Addr;Area;Name;Phone;Type;": [
+ "Yes , The #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# and is located in the #ATTRACTION-INFORM-AREA# part of town . The address is #ATTRACTION-INFORM-ADDR# and their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Good choice ! #ATTRACTION-INFORM-NAME# has beautiful #ATTRACTION-INFORM-TYPE# , located on #ATTRACTION-INFORM-ADDR# in the town #ATTRACTION-INFORM-AREA# . Phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Choice;Choice;Fee;": [
+ "There 's #ATTRACTION-INFORM-CHOICE# to choose from , and #ATTRACTION-INFORM-CHOICE# have #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Addr;Area;Name;Type;": [
+ "How about #ATTRACTION-INFORM-NAME# ? It 's an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . The address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Choice;Choice;Fee;Type;Type;": [
+ "Would you be interested in checking out some neat #ATTRACTION-INFORM-TYPE# ? There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in town , #ATTRACTION-INFORM-CHOICE# of them are #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Name;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# known for their #ATTRACTION-INFORM-TYPE# . Are you interested in seeing #ATTRACTION-INFORM-NAME# ?"
+ ],
+ "Area;Area;Name;Name;Price;": [
+ "There is #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# or #ATTRACTION-INFORM-NAME# located in the #ATTRACTION-INFORM-AREA# . Both are #ATTRACTION-INFORM-PRICE# . Do either work for you ?"
+ ],
+ "Name;Name;Type;": [
+ "There is #ATTRACTION-INFORM-NAME# , if you like #ATTRACTION-INFORM-TYPE# , or #ATTRACTION-INFORM-NAME# .",
+ "We have lovely #ATTRACTION-INFORM-TYPE# . #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# are quite nice"
+ ],
+ "Addr;Name;Name;Type;Type;": [
+ "There is a lovely #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-NAME# . There is a great #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-ADDR# as well . It is called #ATTRACTION-INFORM-NAME# . Do either sound interesting ?"
+ ],
+ "Addr;Choice;Name;Price;Type;": [
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . I 'd recommend #ATTRACTION-INFORM-NAME# . It 's at #ATTRACTION-INFORM-ADDR# and has #ATTRACTION-INFORM-PRICE# entrance . Would that work for you ?"
+ ],
+ "Addr;Area;Choice;Fee;Type;": [
+ "It 's a #ATTRACTION-INFORM-FEE# #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# part of town . #ATTRACTION-INFORM-CHOICE# of interesting things there ."
+ ],
+ "Area;Choice;Fee;Fee;Name;Name;Name;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , and #ATTRACTION-INFORM-NAME# are all #ATTRACTION-INFORM-FEE# . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Fee;Fee;Name;Name;Name;Name;Name;Name;": [
+ "Sure , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-FEE# , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Area;Phone;Post;Type;": [
+ "It is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town located at #ATTRACTION-INFORM-ADDR# , poscode #ATTRACTION-INFORM-POST# and their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Choice;Name;Phone;Post;Type;": [
+ "There is #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# located in #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is located on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-POST# . You may can #ATTRACTION-INFORM-PHONE# for more information . ,"
+ ],
+ "Fee;Fee;Fee;Fee;Name;Name;Name;": [
+ "Most are #ATTRACTION-INFORM-FEE# , but #ATTRACTION-INFORM-NAME# has a #ATTRACTION-INFORM-FEE# fee , #ATTRACTION-INFORM-NAME# has a #ATTRACTION-INFORM-FEE# fee , and #ATTRACTION-INFORM-NAME# has a #ATTRACTION-INFORM-FEE# fee ."
+ ],
+ "Area;Area;Area;Choice;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attractions in town , but they are only found in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# , and #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Choice;Fee;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# different #ATTRACTION-INFORM-TYPE# , the #ATTRACTION-INFORM-NAME# might be worth a try , and it has #ATTRACTION-INFORM-FEE# .",
+ "Thee are #ATTRACTION-INFORM-CHOICE# places in the centre that people visit for their #ATTRACTION-INFORM-TYPE# - would that be fun for you ? For example , you could go to see #ATTRACTION-INFORM-NAME# for #ATTRACTION-INFORM-FEE# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the centre . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# , would you like more information on that ?"
+ ],
+ "Addr;Area;Choice;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# .",
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# . It 's entrance fee is free ."
+ ],
+ "Addr;Name;Phone;Type;": [
+ "The #ATTRACTION-INFORM-NAME# is an #ATTRACTION-INFORM-TYPE# attraction . The address is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Fee;Fee;Name;Name;Type;": [
+ "The #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# , but the entry fee is #ATTRACTION-INFORM-FEE# . Perhaps you 'd prefer #ATTRACTION-INFORM-NAME# , which is renowned for its #ATTRACTION-INFORM-TYPE# , and offers #ATTRACTION-INFORM-FEE# admittance ?"
+ ],
+ "Addr;Area;Fee;Post;Type;": [
+ "It is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , address #ATTRACTION-INFORM-ADDR# . Postcode is #ATTRACTION-INFORM-POST# and it has #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Price;": [
+ "yes it is in the #ATTRACTION-INFORM-PRICE# price range",
+ "The prices for these restaurants are #ATTRACTION-INFORM-PRICE# .",
+ "The fee is #ATTRACTION-INFORM-PRICE# ."
+ ],
+ "Area;Name;Post;Type;": [
+ "My favorite attraction in the #ATTRACTION-INFORM-AREA# is #ATTRACTION-INFORM-NAME# . It 's a #ATTRACTION-INFORM-TYPE# . Their postcode is #ATTRACTION-INFORM-POST# . Would you like more information ?"
+ ],
+ "Addr;Choice;Name;Phone;": [
+ "Sure . #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# and its phone number is #ATTRACTION-INFORM-PHONE# . Would you like information for the other #ATTRACTION-INFORM-CHOICE# ?"
+ ],
+ "Fee;Fee;Name;Name;": [
+ "The #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-FEE# , and the #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-FEE# .",
+ "There is #ATTRACTION-INFORM-NAME# , which costs #ATTRACTION-INFORM-FEE# to enter , and #ATTRACTION-INFORM-NAME# , which is #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# costs #ATTRACTION-INFORM-FEE# . There is #ATTRACTION-INFORM-FEE# for #ATTRACTION-INFORM-NAME# . Would you like their phone number ?"
+ ],
+ "Addr;Addr;Addr;Name;Name;Phone;Phone;": [
+ "The address for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-ADDR# and the phone number is #ATTRACTION-INFORM-PHONE# . For #ATTRACTION-INFORM-NAME# it 's #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , their number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Area;Choice;Name;Name;Name;Name;": [
+ "There are #ATTRACTION-INFORM-CHOICE# to choose from ! There 's #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# , and many others ."
+ ],
+ "Price;Type;": [
+ "There are #ATTRACTION-INFORM-TYPE# you can visit for #ATTRACTION-INFORM-PRICE# ."
+ ],
+ "Addr;Area;Fee;Name;Type;": [
+ "No , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . It 's located on #ATTRACTION-INFORM-ADDR# and there 's #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Fee;Fee;Name;Name;": [
+ "Okay there is the #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# and it 's #ATTRACTION-INFORM-FEE# . Also #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-ADDR# cost #ATTRACTION-INFORM-FEE# .",
+ "The #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# at #ATTRACTION-INFORM-ADDR# with postcode cb39da . The #ATTRACTION-INFORM-NAME# is at #ATTRACTION-INFORM-ADDR# , postcode cb30aq and cost #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Area;Choice;Name;Name;Type;": [
+ "Sure , there are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# places in the #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# . Would you like more information on those ?"
+ ],
+ "Name;Name;Phone;Phone;Post;Post;": [
+ "The phone number for #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# . #ATTRACTION-INFORM-NAME# has the phone number #ATTRACTION-INFORM-PHONE# and the postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Choice;Fee;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# in the centre , all of which are #ATTRACTION-INFORM-FEE# . There are #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Addr;Addr;Addr;Fee;Fee;Name;Name;Name;": [
+ "Sure , #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# and #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# are #ATTRACTION-INFORM-FEE# to enter . #ATTRACTION-INFORM-NAME# on #ATTRACTION-INFORM-ADDR# is #ATTRACTION-INFORM-FEE# to enter ."
+ ],
+ "Addr;Name;Post;Price;": [
+ "The #ATTRACTION-INFORM-NAME# is located at #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# , it has an entrance fee of #ATTRACTION-INFORM-PRICE# ."
+ ],
+ "Addr;Fee;Phone;Type;": [
+ "It 's a #ATTRACTION-INFORM-TYPE# on #ATTRACTION-INFORM-ADDR# . There 's #ATTRACTION-INFORM-FEE# . The phone number is #ATTRACTION-INFORM-PHONE# to check their current attractions ."
+ ],
+ "Addr;Addr;Area;Fee;": [
+ "Sure thing the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . In the #ATTRACTION-INFORM-AREA# and there is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Name;Type;Type;": [
+ "How about #ATTRACTION-INFORM-NAME# ? It is #ATTRACTION-INFORM-TYPE# and a #ATTRACTION-INFORM-TYPE# !"
+ ],
+ "Area;Name;Phone;": [
+ "Our night life is so much fun ! How about #ATTRACTION-INFORM-NAME# in the #ATTRACTION-INFORM-AREA# ? Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Type;": [
+ "Sure , that is a fun #ATTRACTION-INFORM-TYPE# venue located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Area;Fee;Post;": [
+ "Sure , it 's located in the #ATTRACTION-INFORM-AREA# and is on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The postcode is #ATTRACTION-INFORM-POST# . It 's also #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Choice;Choice;Fee;Fee;Name;Type;": [
+ "I have #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# . #ATTRACTION-INFORM-CHOICE# are #ATTRACTION-INFORM-FEE# . #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Phone;Type;": [
+ "Yes , it is a #ATTRACTION-INFORM-TYPE# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Phone is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Fee;Name;Name;": [
+ "The #ATTRACTION-INFORM-NAME# , and the #ATTRACTION-INFORM-NAME# are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-FEE# and in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Choice;Fee;Name;Name;": [
+ "I have #ATTRACTION-INFORM-CHOICE# colleges listed in the centre . #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# both have #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Addr;Area;Name;Phone;Type;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# on #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Fee;Name;Name;": [
+ "How about #ATTRACTION-INFORM-NAME# and #ATTRACTION-INFORM-NAME# ( #ATTRACTION-INFORM-ADDR# ) , both #ATTRACTION-INFORM-FEE# and on #ATTRACTION-INFORM-ADDR# ?"
+ ],
+ "Phone;Phone;": [
+ "Sorry , I do n't have that information . You can call them to find out . #ATTRACTION-INFORM-PHONE# and #ATTRACTION-INFORM-PHONE# are the phone numbers ."
+ ],
+ "Fee;Name;Name;Name;": [
+ "Unfortunately , we do not have information on several of them . But , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# , #ATTRACTION-INFORM-NAME# are all #ATTRACTION-INFORM-FEE# attractions ."
+ ],
+ "Choice;Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# things to visit including #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , #ATTRACTION-INFORM-TYPE# , and #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Choice;Fee;Fee;Name;Name;": [
+ "In the east area , there are #ATTRACTION-INFORM-CHOICE# museums . #ATTRACTION-INFORM-NAME# has #ATTRACTION-INFORM-FEE# admission . #ATTRACTION-INFORM-NAME# offers admission for #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Addr;Fee;Name;Name;Post;Post;": [
+ "Entrance fees #ATTRACTION-INFORM-FEE# , but the addresses are : #ATTRACTION-INFORM-NAME# is in #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# postcode #ATTRACTION-INFORM-POST# . #ATTRACTION-INFORM-NAME# is at the #ATTRACTION-INFORM-ADDR# , postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Area;Choice;Name;": [
+ "Yes , there is #ATTRACTION-INFORM-CHOICE# such facility , #ATTRACTION-INFORM-NAME# , located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# in the #ATTRACTION-INFORM-AREA# side of town ."
+ ],
+ "Fee;Fee;": [
+ "The entrance fee is #ATTRACTION-INFORM-FEE# . It is #ATTRACTION-INFORM-FEE# ."
+ ],
+ "Addr;Addr;Addr;Area;Choice;Name;Post;Type;": [
+ "The #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attraction I have in the #ATTRACTION-INFORM-AREA# is #ATTRACTION-INFORM-NAME# . They are located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . The postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Area;Phone;Type;": [
+ "Yes , that is a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# and is located on #ATTRACTION-INFORM-ADDR# . Their phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Ah , that 's a great #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town . Located on #ATTRACTION-INFORM-ADDR# , phone is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Phone;Type;": [
+ "The attraction is a #ATTRACTION-INFORM-TYPE# and the number is #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Choice;Fee;Type;Type;Type;": [
+ "You could visit a #ATTRACTION-INFORM-TYPE# or #ATTRACTION-INFORM-TYPE# . There are also #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# that are #ATTRACTION-INFORM-FEE# to enter ."
+ ],
+ "Addr;Area;Fee;Name;Phone;": [
+ "Sure ! #ATTRACTION-INFORM-NAME# is in the #ATTRACTION-INFORM-AREA# of the city on #ATTRACTION-INFORM-ADDR# . The phone number is #ATTRACTION-INFORM-PHONE# . It has #ATTRACTION-INFORM-FEE# admission ."
+ ],
+ "Area;Area;Choice;Choice;Fee;": [
+ "Yes , there are #ATTRACTION-INFORM-CHOICE# clubs in #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-AREA# . #ATTRACTION-INFORM-CHOICE# location charges a #ATTRACTION-INFORM-FEE# entrance fee . Do you have transportation ?"
+ ],
+ "Addr;Addr;Addr;Fee;": [
+ "The fees charged by this venue #ATTRACTION-INFORM-FEE# , the address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Choice;Name;Type;": [
+ "There are #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# and a place c#ATTRACTION-INFORM-CHOICE#ed #ATTRACTION-INFORM-NAME# . They are all conveniently located in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Name;Type;": [
+ "No problem . How does the #ATTRACTION-INFORM-NAME# sound ? It is #ATTRACTION-INFORM-TYPE# and it is located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Addr;Area;Name;Phone;Post;Type;": [
+ "Yes , #ATTRACTION-INFORM-NAME# is a #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# . Their number is #ATTRACTION-INFORM-PHONE# , and address is #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# . Postcode #ATTRACTION-INFORM-POST# ."
+ ],
+ "Addr;Addr;Addr;Choice;Name;Type;": [
+ "I found #ATTRACTION-INFORM-CHOICE# #ATTRACTION-INFORM-TYPE# attraction . #ATTRACTION-INFORM-NAME# located at #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# , #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "Area;Fee;Fee;Name;Name;Post;Post;": [
+ "In the #ATTRACTION-INFORM-AREA# are the #ATTRACTION-INFORM-NAME# postcode #ATTRACTION-INFORM-POST# , the entrance is #ATTRACTION-INFORM-FEE# . Also , the #ATTRACTION-INFORM-NAME# postcode #ATTRACTION-INFORM-POST# entrance fee #ATTRACTION-INFORM-FEE# ."
+ ]
+ },
+ "Attraction-NoOffer": {
+ "none;": [
+ "There are no attractions matching that description . Would you like me to search for parks in the area ?",
+ "I ' m sorry but I have not found any matches .",
+ "I do not see anything called Tall Monument . Is there another name for it ?",
+ "I ' m sorry there are no matches .",
+ "There are none available at this time .",
+ "I ' m sorry . I ' m not finding any attractions that meet your criteria . Would you like to try a different location ?",
+ "we do nt have any in that area .",
+ "there are n't any shopping malls .",
+ "I only have attraction information .",
+ "I do n't have anything meeting that criteria . Can I try something else ?",
+ "I ' m sorry but there are no parks in the area of your hotel .",
+ "There 's nothing that says there will be a church event on Monday or any other day .",
+ "Unfortunately there were no matches for that criteria .",
+ "no I am sorry",
+ "We do n't have any sports attractions in the centre .",
+ "I do n't have that either .",
+ "There does n't seem to be anything matching your specifications .",
+ "Sorry I am not finding anything like that , something else perhaps ?",
+ "There is nothing which matches you search in that area .",
+ "I ' m sorry . There are none .",
+ "Sorry , parking is n't something that is mentioned for attractions .",
+ "Unfortunately , I ' m not seeing any .",
+ "I ' m sorry . We do n't have any results . Would you like to try a different attraction type or area ?",
+ "I ' m afraid no attractions match that description . Could you like to check out other areas of the city ?",
+ "I am sorry but I do not have anything matching the criteria you specified . Would you be interested in expanding your field of search ?",
+ "I do n't see a match . Do you have any other preferences ?",
+ "Oh no ! We do n't have any attractions meeting that description . Is there something else I can help with ?",
+ "Sure thing , there are none .",
+ "I ' m not finding one , sorry .",
+ "I am not finding anything like that , something else perhaps ?",
+ "I ' m sorry , I do n't have a listing for an attraction by that name ."
+ ],
+ "Area;Type;": [
+ "There are not any #ATTRACTION-NOOFFER-TYPE# located in #ATTRACTION-NOOFFER-AREA# actually .",
+ "Unfortunately there is no good #ATTRACTION-NOOFFER-TYPE# on #ATTRACTION-NOOFFER-AREA# but I can look in other parts of town if you want",
+ "There are no #ATTRACTION-NOOFFER-TYPE# available in the #ATTRACTION-NOOFFER-AREA# part of town .",
+ "Unfortunately there is n't anything in the #ATTRACTION-NOOFFER-AREA# that 's #ATTRACTION-NOOFFER-TYPE# , do you have an alternate preference or area you 'd like ?",
+ "I ' m sorry , there 's no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# , can I run another search for you ?",
+ "Sorry , there are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "We do n't have any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Do you want to look for something else ?",
+ "Unfortunately , I do n't have any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . I could try another area , or another attraction .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# locations in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are n't any #ATTRACTION-NOOFFER-TYPE# options in the #ATTRACTION-NOOFFER-AREA# . Do you have another choice ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# in my system .",
+ "I do n't have anything specifically listed as #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you be interested in something else ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# to the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# located in the #ATTRACTION-NOOFFER-AREA# .",
+ "Sorry , I have no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you be interested in another area or another attraction , perhaps ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Shall I change type or location for you ?",
+ "I can not find any #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# . Is there another area I can check ?",
+ "I ' m sorry , there are no #ATTRACTION-NOOFFER-TYPE# activities in the #ATTRACTION-NOOFFER-AREA# . Would you like to try another area ?",
+ "I ' m sorry , there are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# , either . Would you like to try something else ?",
+ "I was unable to find any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "Unfortunately I did not find any #ATTRACTION-NOOFFER-TYPE# venues in the #ATTRACTION-NOOFFER-AREA# . Perhaps you would be interested in searching in a different location ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# on the #ATTRACTION-NOOFFER-AREA# right now , do you have something else you 'd like to try ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Do you have another preference ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# on the #ATTRACTION-NOOFFER-AREA# . Do you want me to search for a park in a different part of town ?",
+ "Sorry , I can not find any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in #ATTRACTION-NOOFFER-AREA# .",
+ "There are currently no #ATTRACTION-NOOFFER-TYPE# locations in #ATTRACTION-NOOFFER-AREA# .",
+ "We do n't have any #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# . Would you like to search for something else ?",
+ "No , there are no #ATTRACTION-NOOFFER-TYPE# on #ATTRACTION-NOOFFER-AREA# .",
+ "There are n't any #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# area .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you like something else ?",
+ "I ' m sorry , there are no #ATTRACTION-NOOFFER-TYPE# located in the #ATTRACTION-NOOFFER-AREA# part of town . Would you like to search for something different ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# places in the #ATTRACTION-NOOFFER-AREA# .",
+ "Unfortunately there are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Wanna try another area ?",
+ "I ' m sorry , there are no #ATTRACTION-NOOFFER-TYPE# in #ATTRACTION-NOOFFER-AREA# .",
+ "I ' m sorry . At the moment there are no #ATTRACTION-NOOFFER-TYPE# attractions available in #ATTRACTION-NOOFFER-AREA# .",
+ "Sorry , I did n't find any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# .",
+ "I do not have any places with #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# , I ' m sorry .",
+ "Actually , for reasons that are n't clear to me , there are no #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# of Cambridge in our listings .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# attractions located in the #ATTRACTION-NOOFFER-AREA# .",
+ "I am sorry there are no #ATTRACTION-NOOFFER-TYPE# option in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# . Can I try another type of attraction ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# on the #ATTRACTION-NOOFFER-AREA# .",
+ "So sorry we have no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# in the system .",
+ "we do n't have a #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# , can I check another area ?",
+ "I ' m sorry we have no #ATTRACTION-NOOFFER-TYPE# attractions in #ATTRACTION-NOOFFER-AREA# . Should I look for another type of attraction ?",
+ "There is no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# of town",
+ "I regret to inform you : there are #ATTRACTION-NOOFFER-TYPE# #ATTRACTION-NOOFFER-AREA# of any kind , sorry .",
+ "Sorry , no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "Unfortunately , there is not attraction type with #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# areat .",
+ "Sorry ! I do n't see any results for your query of #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Do you want me to expand the search to neighboring areas ?",
+ "I was unable to find any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# part of town .",
+ "There are no attractions under the #ATTRACTION-NOOFFER-TYPE# classification in #ATTRACTION-NOOFFER-AREA# . Would you like to try another attraction type or area perhaps ?",
+ "I ' m sorry , but there is n't a #ATTRACTION-NOOFFER-TYPE# place in the #ATTRACTION-NOOFFER-AREA# .",
+ "I do n't have any #ATTRACTION-NOOFFER-TYPE# located in the #ATTRACTION-NOOFFER-AREA# . May I try a different area ?",
+ "No sorry , there is no #ATTRACTION-NOOFFER-TYPE# attraction in the #ATTRACTION-NOOFFER-AREA# .",
+ "Unfortunately there is n't any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you like to try another area perhaps ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you like something different ?",
+ "I ' m sorry , but there are no #ATTRACTION-NOOFFER-TYPE# in #ATTRACTION-NOOFFER-AREA# .",
+ "I am sorry , there are no #ATTRACTION-NOOFFER-TYPE# located on #ATTRACTION-NOOFFER-AREA# . Would you be interested in visiting a different attraction ?",
+ "I am not showing any #ATTRACTION-NOOFFER-TYPE# attractions in the #ATTRACTION-NOOFFER-AREA# . Would you like me to explore other areas ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you like me to look in a different area ?",
+ "There is no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# , did you have something else in mind ?",
+ "Unfortunately there are no #ATTRACTION-NOOFFER-TYPE# in #ATTRACTION-NOOFFER-AREA# .",
+ "I ' m sorry I do not have any #ATTRACTION-NOOFFER-TYPE# locations in the #ATTRACTION-NOOFFER-AREA# .",
+ "I am sorry I do not see any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Would you like me to look in another area , or for a different attraction ?",
+ "I ' m sorry . There is no #ATTRACTION-NOOFFER-TYPE# attraction in the #ATTRACTION-NOOFFER-AREA# .",
+ "Sorry , I got no results for #ATTRACTION-NOOFFER-TYPE# in #ATTRACTION-NOOFFER-AREA# , is there something else I can look for ?",
+ "I ' m sorry but I do n't have any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# .",
+ "I ' m so sorry , I ' m not showing any #ATTRACTION-NOOFFER-TYPE# in the #ATTRACTION-NOOFFER-AREA# . Could I look in a different part of town for you ?"
+ ],
+ "Type;": [
+ "There are no #ATTRACTION-NOOFFER-TYPE# close to the area you are requesting , would you like to chose another destination ?",
+ "No , I ' m sorry , I am not finding anything with #ATTRACTION-NOOFFER-TYPE# . Perhaps another type of attraction would interest you ?",
+ "I ' m sorry , but it does n't look like we have a #ATTRACTION-NOOFFER-TYPE# that matches your criteria .",
+ "Unfortunately there are no #ATTRACTION-NOOFFER-TYPE# venues in that location .",
+ "I ' m sorry , I do n't see any #ATTRACTION-NOOFFER-TYPE# attractions in that area of town . Is there anything else you 'd be interested in seeing ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in this area .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in this area .",
+ "I ' m sorry . There are no #ATTRACTION-NOOFFER-TYPE# listed in that area .",
+ "Unfortunately I can not find anything strictly categorized as #ATTRACTION-NOOFFER-TYPE# in that area can you provide more specifications ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in that area .",
+ "Unfortunately there are no #ATTRACTION-NOOFFER-TYPE# in the centre of the city . Would you like me to check in other areas ?",
+ "I am not finding any #ATTRACTION-NOOFFER-TYPE# . Sorry .",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in that area .",
+ "I am sorry , but I have not found any #ATTRACTION-NOOFFER-TYPE# in the specific area you requested .",
+ "I ' m sorry , we do not have any #ATTRACTION-NOOFFER-TYPE# listings .",
+ "Sorry there are no listings for #ATTRACTION-NOOFFER-TYPE# , can I check in another area ?",
+ "There are n't any attractions of that type in the #ATTRACTION-NOOFFER-TYPE# unfortunately , do you have an alternative preference ?",
+ "sorry I am not showing any #ATTRACTION-NOOFFER-TYPE# in that area something else perhaps ?"
+ ],
+ "Name;": [
+ "There is no listing for #ATTRACTION-NOOFFER-NAME# , but I can book the attraction for you",
+ "i am sorry but i actually am not finding any information for #ATTRACTION-NOOFFER-NAME# . let me do another search for you ."
+ ],
+ "Area;": [
+ "I ' m sorry , I could n't find anything like that in the #ATTRACTION-NOOFFER-AREA# .",
+ "sorry , i could n't find anything in the #ATTRACTION-NOOFFER-AREA# .",
+ "I ' m sorry there 's no entertainment in the #ATTRACTION-NOOFFER-AREA# .",
+ "I am sorry , I am unable to locate an attraction in #ATTRACTION-NOOFFER-AREA# ?"
+ ],
+ "Area;Choice-none;": [
+ "I have none available in the #ATTRACTION-NOOFFER-AREA# . Would you like a different area or attraction ?"
+ ]
+ },
+ "Attraction-Recommend": {
+ "Fee;Name;Type;": [
+ "Great ! How about #ATTRACTION-RECOMMEND-NAME# ? It has fantastic #ATTRACTION-RECOMMEND-TYPE# and #ATTRACTION-RECOMMEND-FEE# entrance . Would you like more information ?",
+ "Are you interested in #ATTRACTION-RECOMMEND-TYPE# ? It is #ATTRACTION-RECOMMEND-FEE# to visit #ATTRACTION-RECOMMEND-NAME# .",
+ "If you like #ATTRACTION-RECOMMEND-TYPE# , then I recommend #ATTRACTION-RECOMMEND-NAME# . It is #ATTRACTION-RECOMMEND-FEE# to enter .",
+ "we have a lovely #ATTRACTION-RECOMMEND-TYPE# called #ATTRACTION-RECOMMEND-NAME# it is #ATTRACTION-RECOMMEND-FEE# admission",
+ "I 'd like to recommend \" #ATTRACTION-RECOMMEND-NAME# \" . It is in the category of #ATTRACTION-RECOMMEND-TYPE# and the entrance is #ATTRACTION-RECOMMEND-FEE# .",
+ "Certainly . You might enjoy #ATTRACTION-RECOMMEND-NAME# . It 's famous for its #ATTRACTION-RECOMMEND-TYPE# , and #ATTRACTION-RECOMMEND-FEE# to visit .",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# . It 's an #ATTRACTION-RECOMMEND-TYPE# attraction , and it 's #ATTRACTION-RECOMMEND-FEE# to get in .",
+ "What about a #ATTRACTION-RECOMMEND-TYPE# ? The #ATTRACTION-RECOMMEND-NAME# is amazing and it 's #ATTRACTION-RECOMMEND-FEE# !"
+ ],
+ "Addr;Addr;Name;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# , they are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# .",
+ "I suggest the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about the #ATTRACTION-RECOMMEND-NAME# located at the #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ?"
+ ],
+ "Fee;Name;": [
+ "I recommend #ATTRACTION-RECOMMEND-NAME# and it 's #ATTRACTION-RECOMMEND-FEE# to get in !",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# , it 's #ATTRACTION-RECOMMEND-FEE# to enter .",
+ "I can recommend #ATTRACTION-RECOMMEND-NAME# . Admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "Okay , how about #ATTRACTION-RECOMMEND-NAME# ? It 's #ATTRACTION-RECOMMEND-FEE# to get in .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . It 's educational and #ATTRACTION-RECOMMEND-FEE# !",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# . Admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "One of my personal favorites would be the #ATTRACTION-RECOMMEND-NAME# . It is definitely worth the entrance fee of #ATTRACTION-RECOMMEND-FEE# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# . It has a #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "what about #ATTRACTION-RECOMMEND-NAME# ? it 's #ATTRACTION-RECOMMEND-FEE# to visit",
+ "I enjoy the #ATTRACTION-RECOMMEND-NAME# this time of year . They have an entrance fee of #ATTRACTION-RECOMMEND-FEE# .",
+ "Sure thing , I reccomend #ATTRACTION-RECOMMEND-NAME# it has #ATTRACTION-RECOMMEND-FEE# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It fits your criteria and has #ATTRACTION-RECOMMEND-FEE# !",
+ "Definitely ! #ATTRACTION-RECOMMEND-NAME# is one that is a definite must - see . And it 's #ATTRACTION-RECOMMEND-FEE# to enter !",
+ "The #ATTRACTION-RECOMMEND-NAME# has a #ATTRACTION-RECOMMEND-FEE# entrance fee .",
+ "The #ATTRACTION-RECOMMEND-NAME# is one most newcomers find interesting , admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "I enjoy visiting #ATTRACTION-RECOMMEND-NAME# , and best of all it 's #ATTRACTION-RECOMMEND-FEE# to get in . Would you like the address ?",
+ "I 'd suggest #ATTRACTION-RECOMMEND-NAME# it has #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "How about #ATTRACTION-RECOMMEND-NAME# , they are also #ATTRACTION-RECOMMEND-FEE# .",
+ "Sure . #ATTRACTION-RECOMMEND-NAME# is a nice , #ATTRACTION-RECOMMEND-FEE# attraction . Would you like the phone number ?",
+ "There is a #ATTRACTION-RECOMMEND-FEE# attraction at #ATTRACTION-RECOMMEND-NAME# .",
+ "I think you would like #ATTRACTION-RECOMMEND-NAME# and the entree fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "of course ! how about #ATTRACTION-RECOMMEND-NAME# , it has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "I personally like to visit #ATTRACTION-RECOMMEND-NAME# myself . And , it 's #ATTRACTION-RECOMMEND-FEE# to enter . Would that work for you ?",
+ "How about the #ATTRACTION-RECOMMEND-NAME# and it 's #ATTRACTION-RECOMMEND-FEE# admission !",
+ "What about #ATTRACTION-RECOMMEND-NAME# ? It has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "You might enjoy the #ATTRACTION-RECOMMEND-NAME# . It has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "Do you like modern art ? #ATTRACTION-RECOMMEND-NAME# is great , and admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "My favorite is #ATTRACTION-RECOMMEND-NAME# . Their entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "Yes , I recommend #ATTRACTION-RECOMMEND-NAME# on 1 Station Road . It costs #ATTRACTION-RECOMMEND-FEE# to get in .",
+ "The #ATTRACTION-RECOMMEND-NAME# sounds like a blast and its also #ATTRACTION-RECOMMEND-FEE# .",
+ "Ok , how about #ATTRACTION-RECOMMEND-NAME# ? It has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "I can recommend #ATTRACTION-RECOMMEND-NAME# . Admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "Okay , #ATTRACTION-RECOMMEND-NAME# is #ATTRACTION-RECOMMEND-FEE# admission .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? Admission is #ATTRACTION-RECOMMEND-FEE# !",
+ "Well #ATTRACTION-RECOMMEND-NAME# is quite famous and is #ATTRACTION-RECOMMEND-FEE# to enter .",
+ "I can recommend the #ATTRACTION-RECOMMEND-NAME# , it 's both peaceful and interesting . The entrance fee is #ATTRACTION-RECOMMEND-FEE# . Does that sound like what you 're looking for ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# admission ."
+ ],
+ "Addr;Name;": [
+ "Okay , how about #ATTRACTION-RECOMMEND-NAME# located on #ATTRACTION-RECOMMEND-ADDR# ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# , located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "how about #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# ?",
+ "Perhaps you would enjoy seeing #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# ?",
+ "Sure . Let 's go with #ATTRACTION-RECOMMEND-NAME# . That is located on #ATTRACTION-RECOMMEND-ADDR# .",
+ "Sure . I suggest #ATTRACTION-RECOMMEND-NAME# , on #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# ?",
+ "I really like #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I like the #ATTRACTION-RECOMMEND-NAME# . It is located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I love #ATTRACTION-RECOMMEND-NAME# over on #ATTRACTION-RECOMMEND-ADDR# .",
+ "You should check out #ATTRACTION-RECOMMEND-NAME# , which is located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I 'd try the #ATTRACTION-RECOMMEND-NAME# , at #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# ?",
+ "You could check out the #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# . The address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "I would highly recommend #ATTRACTION-RECOMMEND-NAME# , the gallery is stunning . It is located at #ATTRACTION-RECOMMEND-ADDR# in the East .",
+ "Sure . #ATTRACTION-RECOMMEND-NAME# is very popular . It is at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I have #ATTRACTION-RECOMMEND-NAME# which ic located in #ATTRACTION-RECOMMEND-ADDR# .",
+ "There is the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I suggest #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I would like to recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# .",
+ "Would you be interested in #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# ?",
+ "How about the #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# ?",
+ "My favorite is the #ATTRACTION-RECOMMEND-NAME# , located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "Try #ATTRACTION-RECOMMEND-NAME# . It 's on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I can do that . Try #ATTRACTION-RECOMMEND-NAME# , on #ATTRACTION-RECOMMEND-ADDR# .",
+ "Okay , how about the #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# ?"
+ ],
+ "Name;": [
+ "Would you like #ATTRACTION-RECOMMEND-NAME# ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# , it 's got a lot of great features to watch !",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# . Would you like some information on it ?",
+ "how about #ATTRACTION-RECOMMEND-NAME# ? they 're pretty fun .",
+ "The #ATTRACTION-RECOMMEND-NAME# is very popular . Would you like to know more ?",
+ "I recommend visiting #ATTRACTION-RECOMMEND-NAME# . The architecture is amazing .",
+ "how about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "How about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# , would you like more info on them ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "I would #ATTRACTION-RECOMMEND-NAME# .",
+ "how about #ATTRACTION-RECOMMEND-NAME# ?",
+ "I think you would like #ATTRACTION-RECOMMEND-NAME# . Would you like more information on it ?",
+ "I really like #ATTRACTION-RECOMMEND-NAME# ! How does that sound ?",
+ "I think you should go to the #ATTRACTION-RECOMMEND-NAME# , would you like any info on them ?",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# would you like to visit that ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's a great place to take children .",
+ "Okay , how about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "would you be interested in #ATTRACTION-RECOMMEND-NAME# ?",
+ "Sure ! I highly suggest #ATTRACTION-RECOMMEND-NAME# . Would you like more information ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "The #ATTRACTION-RECOMMEND-NAME# would be a fun place to check out , would you be interested ?",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# . Would you like more information on it ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "Yeah , I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "how about #ATTRACTION-RECOMMEND-NAME# ?",
+ "Okay can I recommend #ATTRACTION-RECOMMEND-NAME# then ?",
+ "Could I recommend #ATTRACTION-RECOMMEND-NAME# it is very nice .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# , would you like the address ?",
+ "Can I recommend the #ATTRACTION-RECOMMEND-NAME# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "We have several . May I suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# . Will that work ?",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# .",
+ "I would suggest visiting #ATTRACTION-RECOMMEND-NAME# .",
+ "I ' m fond of the #ATTRACTION-RECOMMEND-NAME# . Would you like more information on it ?",
+ "What about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "Can I recommend #ATTRACTION-RECOMMEND-NAME# ?",
+ "I hear the #ATTRACTION-RECOMMEND-NAME# is awesome .",
+ "I think you 'd enjoy #ATTRACTION-RECOMMEND-NAME# .",
+ "There is #ATTRACTION-RECOMMEND-NAME# if you are interested ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "what about #ATTRACTION-RECOMMEND-NAME# ? its lovely",
+ "You must see great #ATTRACTION-RECOMMEND-NAME# ! !",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# , would you like any information about that ?",
+ "I highly suggest the #ATTRACTION-RECOMMEND-NAME# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "You could always visit #ATTRACTION-RECOMMEND-NAME# .",
+ "The #ATTRACTION-RECOMMEND-NAME# is very nice",
+ "What about #ATTRACTION-RECOMMEND-NAME# ?",
+ "There is a museum called #ATTRACTION-RECOMMEND-NAME# in the west . Would you like to go here ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "Can I recommend #ATTRACTION-RECOMMEND-NAME# ?",
+ "Yes , I recommend the #ATTRACTION-RECOMMEND-NAME# . With a name like that , how can you go wrong ?",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# . Would you like more information on it ?",
+ "Sure thing , I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I like #ATTRACTION-RECOMMEND-NAME# myself . Do you want the number there ?",
+ "Yes , I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# . Would you like the contact info ?",
+ "You could check out the #ATTRACTION-RECOMMEND-NAME# .",
+ "I would suggest the #ATTRACTION-RECOMMEND-NAME# .",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# . Would you like more information ?",
+ "I 'd recommend the #ATTRACTION-RECOMMEND-NAME# , myself .",
+ "May I suggest #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "How about the #ATTRACTION-RECOMMEND-NAME# ?",
+ "Sure I personally like the #ATTRACTION-RECOMMEND-NAME# .",
+ "Sure thing . I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I 'd like to suggest #ATTRACTION-RECOMMEND-NAME# . Do you need any information on it ?",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ?",
+ "You may want to try #ATTRACTION-RECOMMEND-NAME# .",
+ "what about #ATTRACTION-RECOMMEND-NAME# ?",
+ "Well they are almost all free and located in the city center . I would recommend #ATTRACTION-RECOMMEND-NAME# for one .",
+ "Would you like to try the #ATTRACTION-RECOMMEND-NAME# ?",
+ "How does the #ATTRACTION-RECOMMEND-NAME# sound to you ?"
+ ],
+ "Area;Name;": [
+ "Can I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "May I recommend #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# of town .",
+ "How about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "What about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "I like #ATTRACTION-RECOMMEND-NAME# . It 's located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "how about #ATTRACTION-RECOMMEND-NAME# ? it 's located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "You could try out #ATTRACTION-RECOMMEND-NAME# on the #ATTRACTION-RECOMMEND-AREA# . Does that sound good or would you like to hear other options ?",
+ "In my opinion , the nicest one is #ATTRACTION-RECOMMEND-NAME# . It 's in the #ATTRACTION-RECOMMEND-AREA# . Would you like more information on it ?",
+ "May I recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-AREA# .",
+ "We have that ! How about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . Sound fun ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# in #ATTRACTION-RECOMMEND-AREA# ?",
+ "Does the #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# pique your interest ?",
+ "I think you would enjoy #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# of town .",
+ "Yes , I can . How about #ATTRACTION-RECOMMEND-NAME# ? It is located in the #ATTRACTION-RECOMMEND-AREA# so it would be close to your restaurant .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It is located in the #ATTRACTION-RECOMMEND-AREA# area .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# , which is an entertainment venue in the #ATTRACTION-RECOMMEND-AREA# . It 's a lot of fun .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Would you like to try the #ATTRACTION-RECOMMEND-NAME# attraction as it is located in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Well , looks like we need to select a boating attraction first and then I will be happy to arrange your taxi service . Can I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "If you 'd like to be in the #ATTRACTION-RECOMMEND-AREA# , I recommend #ATTRACTION-RECOMMEND-NAME# .",
+ "Most of our nightclubs are #ATTRACTION-RECOMMEND-AREA# . #ATTRACTION-RECOMMEND-NAME# is my favorite .",
+ "Sure . #ATTRACTION-RECOMMEND-NAME# is a really good one and it is located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "There is #ATTRACTION-RECOMMEND-NAME# on the #ATTRACTION-RECOMMEND-AREA# .",
+ "There is #ATTRACTION-RECOMMEND-NAME# in #ATTRACTION-RECOMMEND-AREA# . This may be of interest to you .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's in the #ATTRACTION-RECOMMEND-AREA# .",
+ "I suggest #ATTRACTION-RECOMMEND-NAME# on the #ATTRACTION-RECOMMEND-AREA# !",
+ "My favorite is #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . Does that sound interesting to you ?",
+ "Okay I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# please .",
+ "If you 're heading #ATTRACTION-RECOMMEND-AREA# , I recommend taking a ride on the #ATTRACTION-RECOMMEND-NAME# .",
+ "If you 'll be in the #ATTRACTION-RECOMMEND-AREA# , I recommend taking a ride on the #ATTRACTION-RECOMMEND-NAME# .",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# in #ATTRACTION-RECOMMEND-AREA# .",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "I can help you with that . How about #ATTRACTION-RECOMMEND-NAME# ? It is in the #ATTRACTION-RECOMMEND-AREA# .",
+ "May I suggest #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "I have #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# side . Would that work ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Okay , #ATTRACTION-RECOMMEND-NAME# is in the #ATTRACTION-RECOMMEND-AREA# and is something I recommend . Would you like their information ?",
+ "we have lovely college 's in the #ATTRACTION-RECOMMEND-AREA# , #ATTRACTION-RECOMMEND-NAME# is one of my favorites !",
+ "I have #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-AREA# .",
+ "May I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "Yeah , #ATTRACTION-RECOMMEND-NAME# is great . It 's in #ATTRACTION-RECOMMEND-AREA# .",
+ "I have the #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "I suggest the #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "May I suggest #ATTRACTION-RECOMMEND-NAME# , since it will be warm out . It 's located in the #ATTRACTION-RECOMMEND-AREA# ."
+ ],
+ "Name;Phone;Post;": [
+ "Of course . How about #ATTRACTION-RECOMMEND-NAME# , in postcode #ATTRACTION-RECOMMEND-POST# ? Phone is #ATTRACTION-RECOMMEND-PHONE# .",
+ "Personally , I love the #ATTRACTION-RECOMMEND-NAME# . The phone number is #ATTRACTION-RECOMMEND-PHONE# and the postcode is #ATTRACTION-RECOMMEND-POST# . Is there anything else I can help you with today ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . The number is #ATTRACTION-RECOMMEND-PHONE# and post code is #ATTRACTION-RECOMMEND-POST# .",
+ "Sure . How about #ATTRACTION-RECOMMEND-NAME# . The postcode is #ATTRACTION-RECOMMEND-POST# and phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Name;Type;": [
+ "I would like to recommend #ATTRACTION-RECOMMEND-NAME# as it is beautiful #ATTRACTION-RECOMMEND-TYPE# .",
+ "What about a #ATTRACTION-RECOMMEND-TYPE# ? The #ATTRACTION-RECOMMEND-NAME# is a nice one .",
+ "I highly suggest a #ATTRACTION-RECOMMEND-TYPE# called #ATTRACTION-RECOMMEND-NAME# .",
+ "Might I recommend the #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# ?",
+ "Can I suggest #ATTRACTION-RECOMMEND-NAME# it is a wonderful #ATTRACTION-RECOMMEND-TYPE# .",
+ "Might I suggest #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# , a #ATTRACTION-RECOMMEND-TYPE# ?",
+ "How about a #ATTRACTION-RECOMMEND-TYPE# ? #ATTRACTION-RECOMMEND-NAME# is showing all our the newest London films !",
+ "If you 're looking for some #ATTRACTION-RECOMMEND-TYPE# , I 'd highly recommend the \" #ATTRACTION-RECOMMEND-NAME# \" building !",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# .",
+ "I have #ATTRACTION-RECOMMEND-NAME# , it is a #ATTRACTION-RECOMMEND-TYPE# and is very nice .",
+ "I think everybody enjoys the #ATTRACTION-RECOMMEND-NAME# . It is a great #ATTRACTION-RECOMMEND-TYPE# type of attraction .",
+ "Okay , well I recommend #ATTRACTION-RECOMMEND-NAME# . It 's a lovely #ATTRACTION-RECOMMEND-TYPE# .",
+ "If you are bored , you should try going to #ATTRACTION-RECOMMEND-NAME# . It is an #ATTRACTION-RECOMMEND-TYPE# .",
+ "The #ATTRACTION-RECOMMEND-NAME# is a #ATTRACTION-RECOMMEND-TYPE# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# as a great place to see interesting #ATTRACTION-RECOMMEND-TYPE# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# it is #ATTRACTION-RECOMMEND-TYPE# .",
+ "There are several . The #ATTRACTION-RECOMMEND-TYPE# are very nice , I especially like #ATTRACTION-RECOMMEND-NAME# . Does that sound like what you 're looking for ?",
+ "There 's one #ATTRACTION-RECOMMEND-TYPE# called #ATTRACTION-RECOMMEND-NAME# that fits your needs ."
+ ],
+ "Addr;Addr;Fee;Name;Post;": [
+ "I definitely recommend the #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# to get in . They are located on #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . The postcode is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Fee;Name;Phone;Type;": [
+ "All right . #ATTRACTION-RECOMMEND-NAME# is one our many churches famous for #ATTRACTION-RECOMMEND-TYPE# . It 's #ATTRACTION-RECOMMEND-FEE# to get in , and their number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . It is some nice #ATTRACTION-RECOMMEND-TYPE# . There is #ATTRACTION-RECOMMEND-FEE# and the phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "Sure , #ATTRACTION-RECOMMEND-NAME# the phone number is #ATTRACTION-RECOMMEND-PHONE# . I #ATTRACTION-RECOMMEND-FEE# the entrance fee information . And I do confirm that it is a #ATTRACTION-RECOMMEND-TYPE# type attraction .",
+ "I prefer the #ATTRACTION-RECOMMEND-NAME# , but #ATTRACTION-RECOMMEND-FEE# for any #ATTRACTION-RECOMMEND-TYPE# . Their number is #ATTRACTION-RECOMMEND-PHONE# - I ' m sure you could call and find out .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# . It is an #ATTRACTION-RECOMMEND-TYPE# attraction . Their phone number is #ATTRACTION-RECOMMEND-PHONE# and the entry is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Addr;Name;Type;": [
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# which is a #ATTRACTION-RECOMMEND-TYPE# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# . The #ATTRACTION-RECOMMEND-TYPE# there is beautiful .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# . It is actually #ATTRACTION-RECOMMEND-TYPE# !",
+ "What would you like to do ? If you like music , I would recommend the #ATTRACTION-RECOMMEND-NAME# . It 's a #ATTRACTION-RECOMMEND-TYPE# located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "If you like #ATTRACTION-RECOMMEND-TYPE# , I would recommend #ATTRACTION-RECOMMEND-NAME# located on #ATTRACTION-RECOMMEND-ADDR# . It is a nice place to visit .",
+ "i recommend #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# in #ATTRACTION-RECOMMEND-ADDR# . you want the address"
+ ],
+ "Addr;Area;Name;Phone;": [
+ "Ok , I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# , they are located on #ATTRACTION-RECOMMEND-ADDR# and are reachable at #ATTRACTION-RECOMMEND-PHONE# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# in #ATTRACTION-RECOMMEND-AREA# . Address is #ATTRACTION-RECOMMEND-ADDR# , phone #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Name;Name;Name;Name;": [
+ "Yes ! #ATTRACTION-RECOMMEND-NAME# , #ATTRACTION-RECOMMEND-NAME# , #ATTRACTION-RECOMMEND-NAME# and #ATTRACTION-RECOMMEND-NAME# . Any interist ?"
+ ],
+ "Type;Type;": [
+ "I would say #ATTRACTION-RECOMMEND-TYPE# or #ATTRACTION-RECOMMEND-TYPE# in Cambridge would be a good bet .",
+ "I could recommend some #ATTRACTION-RECOMMEND-TYPE# and #ATTRACTION-RECOMMEND-TYPE# to visit , would that be ok ?"
+ ],
+ "Addr;Fee;Name;": [
+ "They just added a second floor at #ATTRACTION-RECOMMEND-NAME# . It 's a must see . They are located at #ATTRACTION-RECOMMEND-ADDR# . The entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# . It 's #ATTRACTION-RECOMMEND-FEE# .",
+ "Sure , I enjoy #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# . It is #ATTRACTION-RECOMMEND-FEE# , which is a plus .",
+ "I have the #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# and has #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# . The address is #ATTRACTION-RECOMMEND-ADDR# and it 's #ATTRACTION-RECOMMEND-FEE# admission . Will this work ?",
+ "How does #ATTRACTION-RECOMMEND-NAME# sound ? It is located on #ATTRACTION-RECOMMEND-ADDR# and there is #ATTRACTION-RECOMMEND-FEE# ?",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# . It 's #ATTRACTION-RECOMMEND-FEE# to enter and a great museum .",
+ "If I may , might I suggest the #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# to get in and they are located on #ATTRACTION-RECOMMEND-ADDR# . Would you like more info ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# and has #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "Well I would suggest #ATTRACTION-RECOMMEND-NAME# which is #ATTRACTION-RECOMMEND-FEE# to enter and is located on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# it 's beautiful to visit and #ATTRACTION-RECOMMEND-FEE# . They are located on #ATTRACTION-RECOMMEND-ADDR# I do n't have the exact address .",
+ "I love #ATTRACTION-RECOMMEND-NAME# , located on #ATTRACTION-RECOMMEND-ADDR# . And admissions is #ATTRACTION-RECOMMEND-FEE# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# , on #ATTRACTION-RECOMMEND-ADDR# ? Entrance is #ATTRACTION-RECOMMEND-FEE# .",
+ "I found the #ATTRACTION-RECOMMEND-NAME# . It is located at the #ATTRACTION-RECOMMEND-ADDR# . There is an entrance fee of #ATTRACTION-RECOMMEND-FEE# .",
+ "My recommendation is the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# . Admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "May i suggest visiting #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# . It 's #ATTRACTION-RECOMMEND-FEE# !",
+ "Sure , #ATTRACTION-RECOMMEND-NAME# is located on #ATTRACTION-RECOMMEND-ADDR# and admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "Sure , I suggest #ATTRACTION-RECOMMEND-NAME# . Its address is #ATTRACTION-RECOMMEND-ADDR# and its #ATTRACTION-RECOMMEND-FEE# .",
+ "I quite enjoy #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# . It is #ATTRACTION-RECOMMEND-FEE# also . Can I give you any more information ?",
+ "Sure . How about #ATTRACTION-RECOMMEND-NAME# ? It is located at #ATTRACTION-RECOMMEND-ADDR# and is #ATTRACTION-RECOMMEND-FEE# .",
+ "I have the #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# and it 's #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "I am very partial to the #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# and admission is #ATTRACTION-RECOMMEND-FEE# . Does that sound good ?"
+ ],
+ "Area;Name;Type;": [
+ "There is the #ATTRACTION-RECOMMEND-NAME# that is an #ATTRACTION-RECOMMEND-TYPE# destination in the #ATTRACTION-RECOMMEND-AREA# , would you like that ?",
+ "If you 're going to the #ATTRACTION-RECOMMEND-AREA# , I recommend taking #ATTRACTION-RECOMMEND-TYPE# with #ATTRACTION-RECOMMEND-NAME# .",
+ "Sure , the #ATTRACTION-RECOMMEND-NAME# offer #ATTRACTION-RECOMMEND-TYPE# and they are located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Can I recommend #ATTRACTION-RECOMMEND-NAME# , it is a beautiful #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Sure the #ATTRACTION-RECOMMEND-NAME# is #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# ."
+ ],
+ "Fee;Name;Post;": [
+ "Okay , I recommend #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# to get in . The post code is #ATTRACTION-RECOMMEND-POST# .",
+ "Okay . I recommend #ATTRACTION-RECOMMEND-NAME# . Their postcode is #ATTRACTION-RECOMMEND-POST# and their admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "The #ATTRACTION-RECOMMEND-NAME# located at postcode #ATTRACTION-RECOMMEND-POST# has #ATTRACTION-RECOMMEND-FEE# entrance ."
+ ],
+ "Addr;Addr;Name;Phone;Post;": [
+ "Yes the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# postcode #ATTRACTION-RECOMMEND-POST# is beautiful . The phone number is #ATTRACTION-RECOMMEND-PHONE# if you would like to call for more information .",
+ "I ' m going to recommend the #ATTRACTION-RECOMMEND-ADDR# learner pool located at #ATTRACTION-RECOMMEND-ADDR# , kings hedges the post code is #ATTRACTION-RECOMMEND-POST# . The phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Name;Post;": [
+ "May I suggest #ATTRACTION-RECOMMEND-NAME# ? the post code is #ATTRACTION-RECOMMEND-POST# .",
+ "I like the #ATTRACTION-RECOMMEND-NAME# . Its post code is #ATTRACTION-RECOMMEND-POST# . Would you like more information about this theatre ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . The zip code is #ATTRACTION-RECOMMEND-POST# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? The postcode is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Addr;Name;Phone;Post;": [
+ "I suggest the #ATTRACTION-RECOMMEND-NAME# . The address is #ATTRACTION-RECOMMEND-ADDR# . The post code is #ATTRACTION-RECOMMEND-POST# and the phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "How about the #ATTRACTION-RECOMMEND-NAME# ? The address , postcode and phone number are #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# , and #ATTRACTION-RECOMMEND-PHONE# .",
+ "There are numerous , would you be interested in this one ? #ATTRACTION-RECOMMEND-NAME# , phone - #ATTRACTION-RECOMMEND-PHONE# , postcode - #ATTRACTION-RECOMMEND-POST# , address - #ATTRACTION-RECOMMEND-ADDR# .",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# . Their phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "i would recommend #ATTRACTION-RECOMMEND-NAME# located in #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# . phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I think you will enjoy the #ATTRACTION-RECOMMEND-NAME# . It is located at #ATTRACTION-RECOMMEND-ADDR# . The postal code is #ATTRACTION-RECOMMEND-POST# and the phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Addr;Name;Post;": [
+ "How about the #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , postcode #ATTRACTION-RECOMMEND-POST# ? I love that one .",
+ "Sure , most people love #ATTRACTION-RECOMMEND-NAME# , located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , postcode #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Addr;Name;Post;": [
+ "Sure , the #ATTRACTION-RECOMMEND-NAME# is on #ATTRACTION-RECOMMEND-ADDR# , postcode #ATTRACTION-RECOMMEND-POST# .",
+ "Okay #ATTRACTION-RECOMMEND-NAME# is free and is in the centre . The address is #ATTRACTION-RECOMMEND-ADDR# and post code is #ATTRACTION-RECOMMEND-POST# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# , postcode #ATTRACTION-RECOMMEND-POST# .",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# . It is located on #ATTRACTION-RECOMMEND-ADDR# and the post code is #ATTRACTION-RECOMMEND-POST# .",
+ "i recommend #ATTRACTION-RECOMMEND-NAME# \t located #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# . do you need the phone number ?",
+ "I suggest #ATTRACTION-RECOMMEND-NAME# , the address is #ATTRACTION-RECOMMEND-ADDR# and the post code is #ATTRACTION-RECOMMEND-POST# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# ?"
+ ],
+ "Addr;Fee;Name;Post;": [
+ "Sure ! #ATTRACTION-RECOMMEND-NAME# is located at #ATTRACTION-RECOMMEND-ADDR# with a postcode of #ATTRACTION-RECOMMEND-POST# , There is #ATTRACTION-RECOMMEND-FEE# .",
+ "My favorite is the #ATTRACTION-RECOMMEND-NAME# . They 're at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-POST# , and it 's #ATTRACTION-RECOMMEND-FEE# to get in .",
+ "Might I recommend #ATTRACTION-RECOMMEND-NAME# which has #ATTRACTION-RECOMMEND-FEE# admission and is located on #ATTRACTION-RECOMMEND-ADDR# with postcode #ATTRACTION-RECOMMEND-POST# .",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# , postcode \t #ATTRACTION-RECOMMEND-POST# , address #ATTRACTION-RECOMMEND-ADDR# . #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Area;Fee;Name;": [
+ "Sure , I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# , admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "How does the #ATTRACTION-RECOMMEND-NAME# sound ? It is located in #ATTRACTION-RECOMMEND-AREA# and #ATTRACTION-RECOMMEND-FEE# an entrance fee .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# , it is in #ATTRACTION-RECOMMEND-AREA# and the entrance fee is #ATTRACTION-RECOMMEND-FEE# . Would you like the address or phone number ?",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# . It is in the #ATTRACTION-RECOMMEND-AREA# area and the entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "How does #ATTRACTION-RECOMMEND-NAME# sound ? It 's in the #ATTRACTION-RECOMMEND-AREA# and is #ATTRACTION-RECOMMEND-FEE# to visit .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# , admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "May I recommend #ATTRACTION-RECOMMEND-NAME# . It is in the #ATTRACTION-RECOMMEND-AREA# and has #ATTRACTION-RECOMMEND-FEE# entrance ?",
+ "Sure ! #ATTRACTION-RECOMMEND-NAME# is located in the #ATTRACTION-RECOMMEND-AREA# and is #ATTRACTION-RECOMMEND-FEE# to enter !",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . It 's #ATTRACTION-RECOMMEND-FEE# to enter !",
+ "Would you like to visit the #ATTRACTION-RECOMMEND-NAME# ? It is also in the #ATTRACTION-RECOMMEND-AREA# and has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "Personally , I 'd recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . The entrance fee there is #ATTRACTION-RECOMMEND-FEE# .",
+ "There 's the #ATTRACTION-RECOMMEND-NAME# . It 's in the #ATTRACTION-RECOMMEND-AREA# area and is #ATTRACTION-RECOMMEND-FEE# .",
+ "Would you like to visit #ATTRACTION-RECOMMEND-NAME# ? It is in the #ATTRACTION-RECOMMEND-AREA# with #ATTRACTION-RECOMMEND-FEE# entrance .",
+ "May I recommend #ATTRACTION-RECOMMEND-NAME# ? It is in the #ATTRACTION-RECOMMEND-AREA# and there is #ATTRACTION-RECOMMEND-FEE# .",
+ "I suggest the #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# and in the #ATTRACTION-RECOMMEND-AREA# . Do you want an address ?",
+ "Sure . I really enjoy #ATTRACTION-RECOMMEND-NAME# . It 's conveniently located in the #ATTRACTION-RECOMMEND-AREA# and has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# is located on the #ATTRACTION-RECOMMEND-AREA# of Cambridge and the entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . It 's #ATTRACTION-RECOMMEND-FEE# to go to . Does that work ?",
+ "I can . I would personally recommend #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# to visit and located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "I just love #ATTRACTION-RECOMMEND-NAME# . They 're in #ATTRACTION-RECOMMEND-AREA# and have #ATTRACTION-RECOMMEND-FEE# .",
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# on the #ATTRACTION-RECOMMEND-AREA# . It is also #ATTRACTION-RECOMMEND-FEE# admission ."
+ ],
+ "Name;Name;": [
+ "How does the #ATTRACTION-RECOMMEND-NAME# sound ? Or #ATTRACTION-RECOMMEND-NAME# ?",
+ "Yes , several . #ATTRACTION-RECOMMEND-NAME# is good , or if you 're in a more aquatic frame of mind there 's #ATTRACTION-RECOMMEND-NAME# . Do they sound appealing ?",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? Or the #ATTRACTION-RECOMMEND-NAME# ?"
+ ],
+ "Addr;Area;Fee;Name;": [
+ "Okay , I suggest #ATTRACTION-RECOMMEND-NAME# . It is in the #ATTRACTION-RECOMMEND-AREA# . The address is #ATTRACTION-RECOMMEND-ADDR# . Entrance is #ATTRACTION-RECOMMEND-FEE# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# at #ATTRACTION-RECOMMEND-ADDR# ? Admission is #ATTRACTION-RECOMMEND-FEE# .",
+ "Sure ! I 'd suggest #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# on #ATTRACTION-RECOMMEND-ADDR# . It has #ATTRACTION-RECOMMEND-FEE# entrance . Would that work for you ?",
+ "I recommend visiting #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . It 's #ATTRACTION-RECOMMEND-FEE# to get in . Their address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# over in #ATTRACTION-RECOMMEND-AREA# , they are located at #ATTRACTION-RECOMMEND-ADDR# and has #ATTRACTION-RECOMMEND-FEE# .",
+ "Then I would definitely recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . Their address is #ATTRACTION-RECOMMEND-ADDR# and there is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Fee;Name;Phone;": [
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# . The phone number is #ATTRACTION-RECOMMEND-PHONE# , and the fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "Hi the phone number to #ATTRACTION-RECOMMEND-NAME# is #ATTRACTION-RECOMMEND-PHONE# and it is #ATTRACTION-RECOMMEND-FEE# .",
+ "The entrance fee for #ATTRACTION-RECOMMEND-NAME# is #ATTRACTION-RECOMMEND-FEE# . The phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . Their phone number is #ATTRACTION-RECOMMEND-PHONE# . And their entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "I suggest #ATTRACTION-RECOMMEND-NAME# . It has a #ATTRACTION-RECOMMEND-FEE# entrance fee and the contact number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I would suggest the #ATTRACTION-RECOMMEND-NAME# . I #ATTRACTION-RECOMMEND-FEE# but you can call them at #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Type;": [
+ "I would suggest visiting one of the famous #ATTRACTION-RECOMMEND-TYPE# .",
+ "How about a #ATTRACTION-RECOMMEND-TYPE# ?",
+ "Would a #ATTRACTION-RECOMMEND-TYPE# work for you ?",
+ "How about visiting one of our many architecturally important #ATTRACTION-RECOMMEND-TYPE# ? May I offer you a list ?",
+ "It 's an #ATTRACTION-RECOMMEND-TYPE# . Great for the whole family , especially the younger ones !",
+ "All Saints Church has some lovely #ATTRACTION-RECOMMEND-TYPE# . Does that suit your needs ?"
+ ],
+ "Area;Fee;Name;Phone;Post;": [
+ "The #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# is well known . Their number is #ATTRACTION-RECOMMEND-PHONE# and they are in the #ATTRACTION-RECOMMEND-POST# postcode . I ' m sorry , I #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Addr;Name;Post;Type;": [
+ "How about the #ATTRACTION-RECOMMEND-NAME# . It is an #ATTRACTION-RECOMMEND-TYPE# attraction . Its postcode is #ATTRACTION-RECOMMEND-POST# and the address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# #ATTRACTION-RECOMMEND-TYPE# at #ATTRACTION-RECOMMEND-ADDR# , postcode #ATTRACTION-RECOMMEND-POST# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's a #ATTRACTION-RECOMMEND-TYPE# at #ATTRACTION-RECOMMEND-POST# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Name;Phone;Post;Type;": [
+ "If you are interested in #ATTRACTION-RECOMMEND-TYPE# , there is #ATTRACTION-RECOMMEND-NAME# . The phone number is #ATTRACTION-RECOMMEND-PHONE# and the postcode is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Addr;Addr;Area;Name;Post;": [
+ "How about the #ATTRACTION-RECOMMEND-NAME# ? It is in the #ATTRACTION-RECOMMEND-AREA# at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . The post code is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Area;Choice;Type;": [
+ "Would you be interested in one of the #ATTRACTION-RECOMMEND-CHOICE# #ATTRACTION-RECOMMEND-TYPE# located in the #ATTRACTION-RECOMMEND-AREA# ?",
+ "There are #ATTRACTION-RECOMMEND-CHOICE# #ATTRACTION-RECOMMEND-TYPE# in #ATTRACTION-RECOMMEND-AREA# to check out ."
+ ],
+ "Addr;Fee;Name;Type;": [
+ "You should definitely check out #ATTRACTION-RECOMMEND-NAME# . It 's a #ATTRACTION-RECOMMEND-TYPE# with #ATTRACTION-RECOMMEND-FEE# entrance at #ATTRACTION-RECOMMEND-ADDR# . Would that work for you ?",
+ "My favorite #ATTRACTION-RECOMMEND-FEE# #ATTRACTION-RECOMMEND-TYPE# is the #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# .",
+ "Oh , wonderful . I 'd recommend #ATTRACTION-RECOMMEND-NAME# , on #ATTRACTION-RECOMMEND-ADDR# . It 's a #ATTRACTION-RECOMMEND-TYPE# and the entrance fee is #ATTRACTION-RECOMMEND-FEE# , but it 's worth it !"
+ ],
+ "Name;Phone;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# the phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "The #ATTRACTION-RECOMMEND-NAME# is wonderful . Their phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "Certainly , #ATTRACTION-RECOMMEND-NAME# 's number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Fee;Name;Phone;": [
+ "I will choose for you the #ATTRACTION-RECOMMEND-NAME# , their phone number is #ATTRACTION-RECOMMEND-PHONE# , they are found on #ATTRACTION-RECOMMEND-ADDR# , they #ATTRACTION-RECOMMEND-FEE# .",
+ "Well #ATTRACTION-RECOMMEND-NAME# is quite historic and relaxing and their address is #ATTRACTION-RECOMMEND-ADDR# , it is #ATTRACTION-RECOMMEND-FEE# to enter and you can contact them on #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Fee;Name;Phone;Post;": [
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# . They offer #ATTRACTION-RECOMMEND-FEE# entrance . Their postcode is #ATTRACTION-RECOMMEND-POST# . Their phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I highly recommend #ATTRACTION-RECOMMEND-NAME# . It 's #ATTRACTION-RECOMMEND-FEE# ! The postcode is #ATTRACTION-RECOMMEND-POST# and the phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Name;Phone;": [
+ "I suggest #ATTRACTION-RECOMMEND-NAME# . The address is #ATTRACTION-RECOMMEND-ADDR# and the phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "The #ATTRACTION-RECOMMEND-NAME# is very nice and the phone number is #ATTRACTION-RECOMMEND-PHONE# and the address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "I 'd recommend the #ATTRACTION-RECOMMEND-NAME# on #ATTRACTION-RECOMMEND-ADDR# . Their phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . Their address is #ATTRACTION-RECOMMEND-ADDR# , and their phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Area;Name;Name;": [
+ "How about the #ATTRACTION-RECOMMEND-NAME# or #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ?"
+ ],
+ "Addr;Area;Name;Type;": [
+ "There is a great #ATTRACTION-RECOMMEND-TYPE# in #ATTRACTION-RECOMMEND-AREA# called #ATTRACTION-RECOMMEND-NAME# . It 's one of the best for visitors . They are located at #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Area;Name;": [
+ "I would recommend the #ATTRACTION-RECOMMEND-NAME# , which are in the #ATTRACTION-RECOMMEND-AREA# , they are located on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I think you may like #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . It is located on #ATTRACTION-RECOMMEND-ADDR# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# that is located in the #ATTRACTION-RECOMMEND-AREA# . Their address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's located in the #ATTRACTION-RECOMMEND-AREA# at #ATTRACTION-RECOMMEND-ADDR# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# in #ATTRACTION-RECOMMEND-ADDR# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "Sure let 's have you go to #ATTRACTION-RECOMMEND-NAME# , it 's in the #ATTRACTION-RECOMMEND-AREA# and they 're #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Area;Choice;Fee;Name;Name;": [
+ "Here are #ATTRACTION-RECOMMEND-CHOICE# suggestions from #ATTRACTION-RECOMMEND-AREA# : #ATTRACTION-RECOMMEND-NAME# and #ATTRACTION-RECOMMEND-NAME# , both are #ATTRACTION-RECOMMEND-FEE# to visit ."
+ ],
+ "Name;Price;": [
+ "My favorite is #ATTRACTION-RECOMMEND-NAME# and there is #ATTRACTION-RECOMMEND-PRICE# ."
+ ],
+ "Addr;Area;Fee;Name;Phone;Post;": [
+ "I would suggest the #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . Their address is #ATTRACTION-RECOMMEND-ADDR# , the post code #ATTRACTION-RECOMMEND-POST# , and the phone is #ATTRACTION-RECOMMEND-PHONE# . It is #ATTRACTION-RECOMMEND-FEE# .",
+ "Okay how about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ? Their phone is #ATTRACTION-RECOMMEND-PHONE# . Postcode is #ATTRACTION-RECOMMEND-POST# and address is #ATTRACTION-RECOMMEND-ADDR# . Entrance is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Area;Fee;Name;Type;": [
+ "One of my favorites is in the #ATTRACTION-RECOMMEND-AREA# part of town and it 's a #ATTRACTION-RECOMMEND-TYPE# called #ATTRACTION-RECOMMEND-NAME# . It is #ATTRACTION-RECOMMEND-FEE# . Is that of interest to you ?",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# , which is a #ATTRACTION-RECOMMEND-FEE# #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's a #ATTRACTION-RECOMMEND-TYPE# on the #ATTRACTION-RECOMMEND-AREA# side of town , and they have #ATTRACTION-RECOMMEND-FEE# .",
+ "I would like to recommend #ATTRACTION-RECOMMEND-NAME# , it is beautiful #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# and #ATTRACTION-RECOMMEND-FEE# .",
+ "the #ATTRACTION-RECOMMEND-NAME# is a fantastic #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# . Bonus , it 's #ATTRACTION-RECOMMEND-FEE# !"
+ ],
+ "Addr;Addr;Fee;Name;": [
+ "I recommend #ATTRACTION-RECOMMEND-NAME# they are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . The entrance fee #ATTRACTION-RECOMMEND-FEE# .",
+ "I would suggest the #ATTRACTION-RECOMMEND-NAME# . It is located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# and has #ATTRACTION-RECOMMEND-FEE# admission .",
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# it 's located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . The entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# . It is #ATTRACTION-RECOMMEND-FEE# admission , and the address is #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Addr;Area;Fee;Name;": [
+ "I highly recommend the #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . They have #ATTRACTION-RECOMMEND-FEE# admission . They are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Name;Name;Name;Type;": [
+ "My suggestions are #ATTRACTION-RECOMMEND-NAME# which is known for its #ATTRACTION-RECOMMEND-TYPE# ; #ATTRACTION-RECOMMEND-NAME# , and the #ATTRACTION-RECOMMEND-NAME# ."
+ ],
+ "none;": [
+ "all saints church \t architecture \t centre \t 01223452587 \t cb58bs \t jesus lane \t free \n great saint mary 's church \t architecture \t centre \t 01223350914 \t cb23pq \t market square \t 2 pounds \n holy trinity church \t architecture \t centre \t 01223355397 \t cb23nz \t market street \t free \n little saint mary 's church \t architecture \t centre \t 01223366202 \t cb21qy \t little saint mary 's lane \t free \n old schools \t architecture \t centre \t 01223332320 \t cb21tt \t trinity lane \t free",
+ "It 's a really fun house with lots of interesting things to do in it ."
+ ],
+ "Fee;Name;Phone;Post;Type;": [
+ "the #ATTRACTION-RECOMMEND-NAME# is a #ATTRACTION-RECOMMEND-TYPE# is #ATTRACTION-RECOMMEND-FEE# . Postcode : #ATTRACTION-RECOMMEND-POST# . Phone : #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Name;Phone;Type;": [
+ "I 'd like to suggest #ATTRACTION-RECOMMEND-NAME# , a wonderful #ATTRACTION-RECOMMEND-TYPE# venue . The phone number is , #ATTRACTION-RECOMMEND-PHONE# , the address is , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Area;Name;Phone;Type;": [
+ "I enjoy going to a #ATTRACTION-RECOMMEND-TYPE# . There is #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . You can call them for the fee at #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Name;": [
+ "I 'd suggest the #ATTRACTION-RECOMMEND-NAME# . Their address is #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# .",
+ "My favorite park is #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# .",
+ "May I suggest #ATTRACTION-RECOMMEND-NAME# located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ?"
+ ],
+ "Addr;Fee;Name;Phone;Post;": [
+ "OK , how about #ATTRACTION-RECOMMEND-NAME# , the phone number is #ATTRACTION-RECOMMEND-PHONE# , the address is #ATTRACTION-RECOMMEND-ADDR# , the postcode is #ATTRACTION-RECOMMEND-POST# , and it 's #ATTRACTION-RECOMMEND-FEE# !",
+ "Okay #ATTRACTION-RECOMMEND-NAME# is #ATTRACTION-RECOMMEND-FEE# and their address is #ATTRACTION-RECOMMEND-ADDR# , their postcode is #ATTRACTION-RECOMMEND-POST# and their phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's address is #ATTRACTION-RECOMMEND-ADDR# , their postcode is #ATTRACTION-RECOMMEND-POST# , phone number is #ATTRACTION-RECOMMEND-PHONE# , and entrance is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Addr;Addr;Fee;Fee;Name;Phone;Post;": [
+ "Ok #ATTRACTION-RECOMMEND-NAME# is pretty universally enjoyed , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , postal #ATTRACTION-RECOMMEND-POST# , phone , #ATTRACTION-RECOMMEND-PHONE# , #ATTRACTION-RECOMMEND-FEE# , #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Addr;Addr;Addr;Fee;Name;Phone;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# ? They are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . Phone number is #ATTRACTION-RECOMMEND-PHONE# . Admission is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Name;Name;Type;": [
+ "I honestly recommend visiting a famous #ATTRACTION-RECOMMEND-TYPE# such as #ATTRACTION-RECOMMEND-NAME# or #ATTRACTION-RECOMMEND-NAME# ."
+ ],
+ "Addr;Addr;Area;Name;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# in the #ATTRACTION-RECOMMEND-AREA# .",
+ "I would recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Addr;Name;Phone;": [
+ "I recommend the #ATTRACTION-RECOMMEND-NAME# . They are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# . Their phone number is #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Area;Choice;Fee;Name;Type;": [
+ "The #ATTRACTION-RECOMMEND-NAME# is the #ATTRACTION-RECOMMEND-CHOICE# #ATTRACTION-RECOMMEND-TYPE# in the #ATTRACTION-RECOMMEND-AREA# and the entrance fee is #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Addr;Addr;Addr;Name;Name;Type;": [
+ "If you 're in the mood for #ATTRACTION-RECOMMEND-TYPE# there is #ATTRACTION-RECOMMEND-NAME# at #ATTRACTION-RECOMMEND-ADDR# , or maybe a movie ? #ATTRACTION-RECOMMEND-NAME# is at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Fee;Type;Type;": [
+ "I 'd recommend a #ATTRACTION-RECOMMEND-TYPE# if you do n't mind paying or a #ATTRACTION-RECOMMEND-TYPE# if you 're looking to do something #ATTRACTION-RECOMMEND-FEE# ."
+ ],
+ "Area;Name;Price;": [
+ "The #ATTRACTION-RECOMMEND-NAME# is a must - see . It 's on #ATTRACTION-RECOMMEND-AREA# and has #ATTRACTION-RECOMMEND-PRICE# admission .",
+ "I ' m sorry , my system went down for a minute . I can recommend #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# . And it 's #ATTRACTION-RECOMMEND-PRICE# !"
+ ],
+ "Area;Name;Post;": [
+ "Okay I recommend #ATTRACTION-RECOMMEND-NAME# located in the #ATTRACTION-RECOMMEND-AREA# . The postcode is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Addr;Addr;Addr;Area;Name;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# in the #ATTRACTION-RECOMMEND-AREA# ? Their address is #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Area;Fee;Name;Phone;": [
+ "How about #ATTRACTION-RECOMMEND-NAME# ? It 's in the #ATTRACTION-RECOMMEND-AREA# of town and the admission is #ATTRACTION-RECOMMEND-FEE# . You can contact them at #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Name;Type;": [
+ "I do have one #ATTRACTION-RECOMMEND-TYPE# venue . It is called #ATTRACTION-RECOMMEND-NAME# . From what I hear , it is very popular . They are located at #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# , #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Choice;Type;": [
+ "There are #ATTRACTION-RECOMMEND-CHOICE# #ATTRACTION-RECOMMEND-TYPE# in this area ."
+ ],
+ "Addr;Area;Fee;Name;Post;": [
+ "Sue i suggest #ATTRACTION-RECOMMEND-NAME# that is in the #ATTRACTION-RECOMMEND-AREA# , has a postcode of #ATTRACTION-RECOMMEND-POST# , an address of #ATTRACTION-RECOMMEND-ADDR# and the entrance is #ATTRACTION-RECOMMEND-FEE# ."
+ ]
+ },
+ "Attraction-Request": {
+ "Type;": [
+ "What type of attraction are you looking for ?",
+ "Please specify the type of attraction you 're interested in .",
+ "Ok . What type of attraction are you interested in ?",
+ "What ype of attraction are you looking for ?",
+ "Do you have a particular museum in mind or would you like suggestions ?",
+ "What kind of attraction are you interested in ?",
+ "Sure , I can help you with that . What kind of attraction were you looking for ?",
+ "Sure thing , you have any particular attraction in mind ?",
+ "Sure , what type of attractions are you interested in ?",
+ "What sort of attraction would you like it to be ?",
+ "Okay what kind of attraction are you looking for ?",
+ "Okay , so you 'd like an attraction in the east . Did you have anything in particular in mind ?",
+ "sure . What do you like to do ?",
+ "What type of attraction are you looking for ?",
+ "Is there anything in particular you 're interested in doing / seeing ?",
+ "What type of attraction are you interested in visiting ?",
+ "Do you have any interests for attractions ?",
+ "Sure , I can assist you . What type of attraction were you interested in ?",
+ "What type of attraction are you looking for ?",
+ "Can I ask you some questions about the types of places you want to go while you 're in Cambridge ?",
+ "There are lots of attractions in Cambridge , do you have any specific activities in mind ?",
+ "Do you have any preferences ? We have museums , parks , pools , and a sports centre .",
+ "Do you have a particular preference on what you want to see ?",
+ "There is a lot to do in the centre . Is there a certain type of attraction you 'd like to see or do ?",
+ "There are lots of fun places to go in the centre of town . Is there a particular type of attraction you 're looking for ?",
+ "Do you have any preferences in the type of activity ? Museums ? Entertainment ? Colleges ?",
+ "Are you interested in a specific type of attraction ?",
+ "Okay ! What type of place would you like to visit ?",
+ "I can help you with that what type of Attraction would you like to go too ?",
+ "sure . do you know what you would like to do ?",
+ "We have lots to see ! Anything specific you had in mind ?",
+ "What type of place are you looking for ?",
+ "Do you have any preferences in terms of the attraction types ?",
+ "Sure , what type of attraction are you interested in ?",
+ "There are several great places to visit in cambridge . What type of attraction do you prefer ?",
+ "Sure , what type of place interests you ?",
+ "Absolutely , what kinda of place you are looking for ?",
+ "I ' m happy to help . Do you have any preferences for the type of attraction you would like to visit ?",
+ "Is there a certain type of attraction that you prefer ?",
+ "Yes , what sort of place would you like to go to ?",
+ "What kind of attraction are you interested in ?",
+ "Are you looking for a specific type of attraction ?",
+ "What type of attraction are you looking to attend ?",
+ "Yes I did . Yes , what sort of place would you like to see ?",
+ "What type of place would you like to visit ?",
+ "what type of attraction do you want ?",
+ "what kind of attraction would you like to visit ?",
+ "what type of attraction do you want ?",
+ "I can help with that . Do you have a preference ?",
+ "There are all kinds of entertainment choices . Did you have something in mind ?",
+ "What type of attraction are you interested in ?",
+ "Absolutely ! Do you have any particular attraction type in mind ? Maybe a specific area ?",
+ "What sort of place are you looking for ?",
+ "Did you have a particular attraction type in mind ?",
+ "What type of place are you looking for ?",
+ "What type of attraction would you like to visit ?",
+ "Can I get the type of attraction you would like to go to ?",
+ "What type of place are you looking for ?",
+ "What type of attraction do you prefer ?",
+ "Sure , I can help with that . What kind of attraction were you intersted in ?",
+ "Certainly , are you looking for a museum , theater , college , nightclub or something architectural ?",
+ "What kind of attraction are you interested in ?",
+ "Sure , what type of place are you interested in ?",
+ "Ok , what type of attraction are you looking for ?",
+ "What type of attraction would you like ?",
+ "Sure . What kind of place are you looking for ?",
+ "What type of attraction were you interested in ?",
+ "Is there a particular type of attraction you 're interested in ?",
+ "Sure , what did you have in mind ?",
+ "What type of place would you like to find ?",
+ "Okay , what type of attraction would you like to see ?",
+ "Do you have any preferences in the attraction types ?",
+ "Sure , what type of attraction are you interested in ?",
+ "What type of attraction are you looking at ?",
+ "Do you have a preference ?",
+ "I can certainly help you find something . Do you have a type of attraction in mind ?",
+ "Absolutely ! What type of attraction are you interested in ?",
+ "Is there a type of attraction you are interested in ?",
+ "We have many attractions in the town centre . Do you have a specific type of attraction in mind ?",
+ "Sure what type of attraction were you looking for ?",
+ "do you have a type in mind ?",
+ "Sure , what type of attraction are you looking for ?",
+ "What type of attraction are you looking for ?",
+ "Is there a certain type of attraction you 'd like to see ?",
+ "There are many places . What do you like to do ?",
+ "Do you have an attraction type preference ?",
+ "What type of attraction are you looking for ?",
+ "Sure , what are you interests ?",
+ "We have dozens of activities in centre . Is there a specific type that you are interested in ?",
+ "Do you have a type of attraction you 'd like to see ?",
+ "Is there a specific type of attraction you are looking for ?",
+ "Sure , what are you interested in seeing ?",
+ "Yes , there are many . Do you have any preferences in terms of attraction types ?",
+ "We 're fortunate to have a wide variety of attractions in the centre of town . Do you have any specific interests today ?",
+ "Is there a certain type of attraction you 'd like ?",
+ "What kind would you like to see ?",
+ "Do you have any attraction type in mind ?",
+ "Do you have a preference on whether it is a college , museum , or entertainment ?",
+ "Sure ! Would you rather a nightclub type of environment or more of a park or entertainment venue ?",
+ "I can . What sort of place are you looking for ?",
+ "Is there a specific type of attraction you are looking for ?",
+ "What type of attraction or places are of interest for you ?",
+ "What type of attraction are you looking for ?",
+ "What did you have in mind ?",
+ "Is there a specific type of attraction you are looking for ?",
+ "Anything in particular you like to do ?",
+ "Yes ! What type of attraction would you like to visit ?",
+ "Yes , is there a specific type of attraction you would like to see ?",
+ "Sure , I can help with that . Were you looking for a specific type of entertainment ?",
+ "Any more specifics ?",
+ "There is so much to see . Do you have any interests ?",
+ "We can cancel that no worries . What type of attraction would you like ?",
+ "What attraction type are you interested in ?",
+ "Sure ! What type of attraction were you looking for ?",
+ "What kind of attraction are you looking for ?",
+ "No problem . Any preference on type ?",
+ "Were you interested in any type of place like a museum or architecture ?",
+ "What type of attraction would you like ?",
+ "What type of attraction would you like ?",
+ "Sure , I can help you with that . Were you looking for a specific kind of attraction ?",
+ "What types of attraction are you interested in ?",
+ "What type of attraction would you like to see ?",
+ "Of course . What type of place ?",
+ "Okay , what kind of place are you looking for ?",
+ "I can try . What are you trying to find ?",
+ "Unfortunately , the only multiple sports place I have is in the east . Is there something else you might be interested in ?",
+ "Are you looking for a certain type of attraction in cambridge ?",
+ "You have a particular type of attraction in mind ?",
+ "What sort of attraction would you like ?",
+ "great , what are you interested in doing or seeing ?",
+ "There 's lots of different attractions in the centre of town ? Are you looking for anything specific ?",
+ "Sure , do you have a preference for a museum / college / architecture , etc ?",
+ "I have several museums listed , is there a specific type you are interested in ?",
+ "Do you have a certain type of attraction you would like ?",
+ "What type of attraction would you like ?",
+ "I would need to know what attraction you are looking at before being able to book a taxi .",
+ "We have a bunch of stuff out that way . What type are you looking for ?",
+ "Please provide me with attraction type preference that you may have so that I can narrow down to a few choices .",
+ "Yes , what kind of a place are you looking for ?",
+ "Do you know what you are looking for ? Do you want a museum or maybe the Cinema ?",
+ "What type of attraction would you like to visit ?",
+ "what kind of attraction do you want ?",
+ "There are a few places , do you have any preferences in attraction types ?",
+ "Sure what type of attraction can I help you find ?",
+ "What type of attraction are you looking for ?",
+ "Do you have a specific type of attraction in mind ?",
+ "Sure , what are you looking for in general ?",
+ "Do you have an idea of what type of attraction you would be interested in ?",
+ "There is lots to see in the centre . Were you looking for a certain type ?",
+ "What type of attraction would you like to go to ?",
+ "Is there a specific type of attraction you 're looking for ?",
+ "Please tell me the types of places you are looking for .",
+ "Sure , I can help you with that ? Was there a type of attraction you were looking for ?",
+ "Do you have any preferences for the attraction types ?",
+ "ok , what type of place are you looking for ?",
+ "What type of attraction ?",
+ "What type of park are you looking for ?",
+ "I can help you with that . Is there a certain kind of attraction that you would like to visit ?",
+ "Okay ! What type of place would you like to visit ?",
+ "Is there a specific type of attraction you 'd like ? Or would you like for me to make a recommendation ?",
+ "What type of attractions are you looking for ?",
+ "Sure , what type of attraction are you interested in ?",
+ "Sure , what type of places are you interested in ?",
+ "What sort of place are you looking for ?",
+ "Do you have preferences in the attraction type ?",
+ "what type of attractions are yopu looking for ?",
+ "What type of place are you looking for ?",
+ "I have a lot to do there , any specific types of attractions you would prefer ?",
+ "Sure thing , is there any specific type of attraction you 'd like to try ?",
+ "Ok , I can help you with that . What type of attraction are you looking for ?",
+ "Ok , is there a specific attraction type you are interested in seeing ?",
+ "Certainly . Do you have any particular types of things you 'd like to see ?",
+ "Is there a specific type of attraction you would like to visit ?",
+ "Sure , what kind of places are you thinking about ?",
+ "Is there an attraction type you prefer ?",
+ "Do you have a specific kind of attraction in mind ?",
+ "There are many things to do in the centre is there a type of attraction you are looking for ?",
+ "There is none . Is there anything else you 'd like to see ?",
+ "Great ! There are lots of things to do here ! Did you have a certain activity in mind ?",
+ "What type of attraction would you like to visit ?",
+ "I have many attractions in the center of town . Do you have a specific type in mind ?",
+ "What kind of entertainment are you looking for ?",
+ "What type of attraction are you looking for ?",
+ "What type of attraction are you interested in ?",
+ "There are plenty of things to do , are you interested in museums or architecture ?",
+ "Okay ! What kind of place would you like to visit ?",
+ "What sort of place if the funky House ?",
+ "What type of place is that ?",
+ "There are many options for you . What type of attraction would you like to visit ?",
+ "What type of attraction are you interested in ?",
+ "Is there a type of place you might prefer ?",
+ "Okay ! What kind of place would you like to go ?",
+ "Are you interested in having dinner ? Going to a bar ? Going dancing ?",
+ "What types of attractions are you interested in going to ?",
+ "Of course ! What type of attraction did you have in mind ?",
+ "What type of attraction ?",
+ "Is there a certain type of place you are looking for ?",
+ "Yes , what kind of attraction are you looking for ?",
+ "what type of attraction do you want ?",
+ "I can help you with that ! What type of attraction are you looking for ?",
+ "Sure what type of attraction are you interested in ?",
+ "I can give you that information once we narrow down your interest to a few locations . What type of attraction are you looking for ?",
+ "Great , I have many places for you to go in the Centre . What type of attraction are you looking for ?",
+ "What sort of attraction are you thinking of doing ?",
+ "I can help you with that . What type of attraction are you interested in ?",
+ "What did you have in mind ?",
+ "What type of attraction are you interested in ?",
+ "sure , what are you interested in ?",
+ "What type of attraction are you looking for ?",
+ "What kind of attraction would you like to see ?",
+ "Sure , is there a particular type of activity you are interested in . A museum or nightclub perhaps ?",
+ "Is there any type of attraction you 'd like to see ?"
+ ],
+ "Area;": [
+ "Any particular area ?",
+ "is there a certain area of town you would prefer ?",
+ "Depends on what area of town you 'll be visiting .",
+ "I have various attractions all over town . Is there a specific area you are wanting to find something to do ?",
+ "Do you have a part of town you prefer ?",
+ "What part of town would you like it",
+ "Do you have a preference for the area of town you wish to visit ?",
+ "Where in town would you like to go ?",
+ "Which part of town would you prefer ?",
+ "There are quite a few fantastic museums to choose from . Is there a specific area you are looking for ?",
+ "Where would you like it to be ?",
+ "Which part of town ?",
+ "Sure , there are many boating attractions . What specific part of town were you looking for ?",
+ "Sure , do you have an area of town you would like to visit ?",
+ "Do you have a preference for a particular area of town ?",
+ "Do you have a preferred area ?",
+ "In which area of town would you prefer ?",
+ "Are you looking for one in a particular area ?",
+ "There is so much to do here , what part of town are you in ?",
+ "We have lots ! What part of town will you be in ?",
+ "What area of town would you prefer ?",
+ "Is there a certain area of town you would like to be in ?",
+ "What area are you interested in ?",
+ "Are you looking for an attraction in the Centre of town as well ?",
+ "Sure . Were you looking for a particular area of town to visit ?",
+ "I would be happy to help with that . Is there a certain area of town you would prefer to visit ?",
+ "There are many in Cambridge . Could we narrow it down by choosing a specific area of town to search in ?",
+ "Are you looking for one in a particular area ?",
+ "Is there a particular area of town that you would like to visit ?",
+ "We have many colleges , is there are particular part of town you are interested in ?",
+ "What area of town were you looking to visit ?",
+ "What area of town would you like to find a attraction ?",
+ "Which area do you want to go to ?",
+ "I would be more than happy to recommend an attraction , first could you tell me in what part of town your hotel is located ?",
+ "Which area would you like the museum to be ?",
+ "Sure , is there an area of the city you would like to visit ?",
+ "What side of town would you like to be on ?",
+ "Are you looking for one in a particular area ?",
+ "Which area would you like to go ?",
+ "Are you planning on visiting a particular part of town ?",
+ "What area would you prefer it to be in ?",
+ "Are you looking for one in a particular area ?",
+ "I can help with that . What area would you like me to check out for you ?",
+ "on what area are you looking for the attraction ?",
+ "Sure , I can help you find one . Is there a certain part of town you were looking to visit ?",
+ "Is there a certain area you 're looking at ?",
+ "Is there a specific area you 'd like to visit a park in ?",
+ "What side of town would you like to be on ?",
+ "Which side of town will you be on ?",
+ "Do you have a preference for which area of town ?",
+ "What area would you be in ?",
+ "What side of town would you like to be on ?",
+ "Yes ! What part of town would you like to visit ?",
+ "Were you looking for one in a particular area ?",
+ "Do you have a specific part of town in mind ?",
+ "Which part of town did you have in mind ?",
+ "Sure , are you looking for an attraction in a particular area ?",
+ "Sure , there are a few around town . What area are you interested in ?",
+ "Should it be in the same area of town as the hotel ?",
+ "In what area would you like ?",
+ "Great ! What area are you looking for ?",
+ "Sure , I can help you with that . Was there a particular area of town you were looking at ?",
+ "Sure , I can help you with that . What section of town would you prefer ?",
+ "What side of town would you like that to be on ?",
+ "What area ?",
+ "which part of town should it be ?",
+ "Where would you like it to be ?",
+ "What area of town would you like to be in ?",
+ "Yes may I ask what area you are looking for it to be in ?",
+ "Sure , is there a particular area of town you 're interested in ?",
+ "Not a problem . Where are you staying ?",
+ "Does the area of town matter to you ?",
+ "I can help . What part of town are you looking to spend time in ?",
+ "What are would you like to look in ?",
+ "I 'd be happy to . Any preference on location ?",
+ "Sure , what part of town will you be in ?",
+ "There are a wide variety of museums , do you know which area you 'd like to visit ?",
+ "In what area ?",
+ "Do you have a location preference ?",
+ "What area would you like this in ?",
+ "Sure , is there a certain part of town you 'd like to be on ?",
+ "Which side of town would you like to be on ?",
+ "Sure thing , is there a certain area you are interested in ?",
+ "Do you have a particular part of town in mind ?",
+ "Which specific area of town are you interested in ?",
+ "What area would you like to be in ?",
+ "Is there an area of town you prefer ?",
+ "What area of town will you be shopping in ?",
+ "Sure , do you want to be in a certain area ?",
+ "Absolutely . Which area of town will you be visiting ?",
+ "sure ! any particular part of town ?",
+ "Do you know what area you 're looking for an attraction in ?",
+ "Is there a particular area you 're looking for a theatre in ?",
+ "What side of town would you like to be on ?",
+ "Do you have a location preference ?",
+ "What area of town would you be in ?",
+ "What area would you like me to look in ?",
+ "I ' m sure there are . What area are you looking for ?",
+ "In what area would you prefer it to be ?",
+ "Sure , what part of town are you looking for ?",
+ "I ' m sorry , I meant what area of Cambridge ( north , south , east , west , centre ) ?",
+ "Okay ! What part of town would you like to visit ?",
+ "In which specific area of town are you interested ?",
+ "Are you looking for one in a particular area ?",
+ "I 'd love to help . In the future , these hits require more effort . Want something in the north ?",
+ "I can help you with that . What part of town will be visiting ?",
+ "Would you prefer centre or south area ?",
+ "Do you have an area of the city you more prefer ?",
+ "Are you interested in things to do in the centre , or perhaps a different area ? There is so much to do !",
+ "What area in town would you like to go to ?",
+ "What part of town would you like to visit ?",
+ "Sure , which part of town are you looking for ?",
+ "Is there a certain area you would like ?",
+ "Is there a location preference ?",
+ "What area are you looking for ?",
+ "Which area would you like to visit ?",
+ "What area of town are you interested in going to ?",
+ "Sure , there are actually a number of options . Is there a specific area of town you would like to visit a college ?",
+ "What area would you like it to be in ?",
+ "Any specific area in mind ?",
+ "What part of town were you interested in ?",
+ "In what area would you prefer it to be ?",
+ "Do you have a part of town you would like to visit ?",
+ "What area of cambridge will you be visiting ?",
+ "Which area do you prefer ?",
+ "Were you needing it in a certain area or did you just want a recommendation for anywhere in town ?",
+ "Sure , in the south of town or the centre ?",
+ "Is there a specific area you would like to visit ?",
+ "Sure , what area of town are you looking to visit ?",
+ "which side of town do you prefer ?",
+ "Is there a specific area you looking for ?",
+ "What side of town ?",
+ "Sure , what part of town did you want to visit ?",
+ "What area would you like ?",
+ "Which area are you interested in visiting in town ?",
+ "on what area do you need the attraction ?",
+ "What area will you be going to ?",
+ "What area would you like to go to ?",
+ "Definitely ! What area of town are you planning to visit ?",
+ "Does location matter ?",
+ "We have tons of museums to choose from . Did you have a specific area in mind ?",
+ "Does you atheist ferret have a preference of the area in town you may like to go ?",
+ "Sure , I can help you with that . Were you looking for a specific part of town ?",
+ "Sure , which part of town are you interested in ?",
+ "Sure , what specific area of town are you interested in ?",
+ "Okay would you like a specific area ?",
+ "Sure , which part of town will you be in ?",
+ "Is there a particular area of town you 'd like to spend time in ?",
+ "Is there an area you prefer ?",
+ "well we have quite a few what area please",
+ "Sure . What of part town do you prefer ?"
+ ],
+ "Name;": [
+ "I ' m sorry for the confusion , which college do you want a contact number for ?",
+ "Which museum will you be attending ?",
+ "Which attraction do you need the postcode and entrance fee for ?",
+ "What is the name of the attraction ?",
+ "Okay , sounds good . What attraction are you thinking about ?",
+ "I ' m sorry for the confusion , what attraction are you interested in the entrance fee for ?",
+ "I ' m sorry , which centre would you like to visit ?",
+ "Absolutely ! What attraction were you thinking of ?",
+ "Maybe I could help . Do you know the name of it ?",
+ "Yes can you give me the name of it ?",
+ "Sure , what are you looking for ?",
+ "Do you have a specific one in mind ?",
+ "I sure can , what is the name of the attraction you are seeking information about ?",
+ "Okay ! What is the name of the attraction that you are interested in ?",
+ "What is the name of the attraction ?",
+ "Is there a particular attraction you want to go to ?",
+ "Did you have a specific place in mind ?",
+ "I ' m sorry . To which park are you referring ?",
+ "I can help with that . What 's the name of the attraction ?",
+ "Sure , what 's it called ?",
+ "I ' m sorry , I do n't understand . What is the gallery name you want to travel too ?",
+ "Is there a particular one you would like the address and phone number for , or would you like the contact information for all of them ?",
+ "Do you have any specific attractions in mind ?",
+ "I would be happy to find the attraction . What is the name of the attraction ?",
+ "OK , what is the name of the attraction ?",
+ "Happy to help . What is the name of the attraction you are interested in ?",
+ "Do you have a specific place in mind that you will like to visit ?",
+ "Okay , what is it called ?",
+ "Do you know the name of the attraction ?",
+ "Yeah , I ' ve got access to a complete and comprehensive list of all the museums in Cambridge . Which one are you looking for ?",
+ "Certainly , did you have a particular place in mind ?",
+ "I ' m sorry , but I ' m having trouble locating your requested attraction . Can you please restate your request ?",
+ "Sure , what is the name you are looking for ?"
+ ],
+ "Price;": [
+ "any specific price range to help narrow down available options ?",
+ "What price range would you like ?",
+ "what is your price range for that ?",
+ "What price range are you looking for ?",
+ "What price point is good for you ?",
+ "Does a entrance fee make any difference ?",
+ "Would you like a free entrance fee or paid ?",
+ "I can , but to narrow it down more ... were you looking to pay fees to get in ?",
+ "Do you need free admission or pay to get in ?",
+ "What price point would you like ?",
+ "Is there a price range would you like ?",
+ "Does it matter if it has a entrance fee ?",
+ "Do you have a price preference ?",
+ "Are you most interested in free attractions ?"
+ ],
+ "Name;Type;": [
+ "Do you have the name of the particular attraction you are looking for or the type of attraction you need ?",
+ "Do you know the name of the attraction , or what type of attraction it is ?",
+ "Are you looking for a specific place ? Or do you prefer a particular type of attraction ?",
+ "We have quite a few interesting attractions in the center of town . Is there anything in particular you would like to see ?",
+ "Is there anything in particular you 'd like to see in the west part of town ?"
+ ],
+ "Area;Type;": [
+ "What are your ideas ? what area of town and what type of attraction ?",
+ "I can help you with that ! Do you have a specific type of attraction in mind , or perhaps a certain area ?",
+ "As far as attractions , we have all kinds , any preference on area of type of place ?",
+ "What kind of attraction are you looking for , and in what area ?",
+ "Sure , I can help you with that . Is there a specific kind of attraction or part of town you were interested in going to ?",
+ "One of the best things about cambridge is all of our attractions ! Did you have an area in mind or an attraction type so I can narrow my search ?",
+ "Any preference on area or type of attraction ?",
+ "Okay . What part of town would you like to visit , and what type of attraction would you like ?",
+ "Is there a specific type or area you had in mind ?",
+ "Absolutely , what area and what type of attraction are you looking for ?",
+ "We have many fantastic attractions ! Would you like to narrow it down by area or type ?",
+ "What area will you be staying in and what kind of things do you like ?",
+ "I ' m sure I could . Any particular area or type of attraction you 're interested in ?",
+ "I can help with that . Is there a certain type or location you are looking for these attractions ?",
+ "Do you have a specific area or attraction type in mind ?",
+ "I can help you with that ! What area of information are you looking to find ?",
+ "Do you have any preferences on things to do or area ?",
+ "OK - what type of attraction are you looking for , and in what part of town ?",
+ "Definitely . We have many attractions in Cambridge . What type of place are you looking for , or in which area of town ?",
+ "Absolutely ! Is there a certain type of attraction you 're interested in visiting , or are you looking for something in a certain area ?",
+ "Sure , there 's lots to do here ? Is there a certain area or type you 're looking for ?",
+ "Great , I can definitely help you with that . Did you have a particular type of attraction or area of town you were looking for ?",
+ "Are you looking for an attraction ? If so , what type , and where ?"
+ ],
+ "Area;Name;": [
+ "Do you know the name of the attraction and what area of the city it is in ?",
+ "Sure ! Is there any particular part of the city you want to see , or anything specific you 'd like to visit ?",
+ "Can you tell me the name of the college ? And the city it is located ?",
+ "Did you have a specific place or area in mind ?"
+ ],
+ "Area;Name;Type;": [
+ "Do you have a certain area or attraction you would like to see ?"
+ ],
+ "Price;Type;": [
+ "Can you tell me what you are looking to do so i can better serve you and are looking to pay an entrance fee ?"
+ ]
+ },
+ "Attraction-Select": {
+ "Type;Type;Type;": [
+ "Would you prefer to go #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , or to #ATTRACTION-SELECT-TYPE# ?",
+ "There are #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# . What interests you ?",
+ "Would you be interested in #ATTRACTION-SELECT-TYPE# , a #ATTRACTION-SELECT-TYPE# , or perhaps #ATTRACTION-SELECT-TYPE# ?",
+ "It depends on what you like - do you like #ATTRACTION-SELECT-TYPE# ? #ATTRACTION-SELECT-TYPE# ? #ATTRACTION-SELECT-TYPE# ? Let me know so I can recommend something"
+ ],
+ "Choice;Name;Name;Type;": [
+ "There are #ATTRACTION-SELECT-CHOICE# #ATTRACTION-SELECT-TYPE# places , #ATTRACTION-SELECT-NAME# and #ATTRACTION-SELECT-NAME# , which would you like ?"
+ ],
+ "none;": [
+ "The address and post code is different for each which one would you like please ?",
+ "I can only process one at a time would you like the post code or the nightclub info ?",
+ "What type of attraction are you looking for ?",
+ "Could you please choose an attraction first ?"
+ ],
+ "Name;Name;": [
+ "You have a choice of #ATTRACTION-SELECT-NAME# or #ATTRACTION-SELECT-NAME# .",
+ "Please pick a pool first ; #ATTRACTION-SELECT-NAME# or #ATTRACTION-SELECT-NAME# ?",
+ "Just so I can get you the right information , are you interested in #ATTRACTION-SELECT-NAME# or #ATTRACTION-SELECT-NAME# ?",
+ "Okay ! You can choose #ATTRACTION-SELECT-NAME# or #ATTRACTION-SELECT-NAME# . Do either of these appeal to you ?",
+ "Sure . Were you interested in #ATTRACTION-SELECT-NAME# or #ATTRACTION-SELECT-NAME# ?"
+ ],
+ "Type;": [
+ "I have #ATTRACTION-SELECT-TYPE# here . Do you have a preference ?",
+ "I do n't have information on events only attractions . Are you interested in visiting a #ATTRACTION-SELECT-TYPE# ?",
+ "of course , any #ATTRACTION-SELECT-TYPE# you 're interested in ?",
+ "Ok , are you looking for a #ATTRACTION-SELECT-TYPE# ?",
+ "What kind of architecture are you looking for ? #ATTRACTION-SELECT-TYPE# ?",
+ "First let 's take a look at what we can find for attractions for you . Do you like #ATTRACTION-SELECT-TYPE# ?",
+ "Would a #ATTRACTION-SELECT-TYPE# work in its place ?",
+ "I ' m sorry , I do n't know the specific #ATTRACTION-SELECT-TYPE# your're talking about ."
+ ],
+ "Type;Type;": [
+ "Did you want #ATTRACTION-SELECT-TYPE# or a #ATTRACTION-SELECT-TYPE# ?",
+ "Would a #ATTRACTION-SELECT-TYPE# or #ATTRACTION-SELECT-TYPE# be of interest to you ?",
+ "Are you looking for a #ATTRACTION-SELECT-TYPE# to visit ? Or would you prefer a #ATTRACTION-SELECT-TYPE# ?",
+ "Just to avoid any confusion on my part you were looking for a #ATTRACTION-SELECT-TYPE# or a #ATTRACTION-SELECT-TYPE# ? I may have pulled up the wrong information . I apologize for that .",
+ "Definitely ! Are you more interested in a #ATTRACTION-SELECT-TYPE# or a #ATTRACTION-SELECT-TYPE# ?",
+ "Is your ferret religious ? Perhaps you 'd like to visit a beautiful #ATTRACTION-SELECT-TYPE# and appreciate the #ATTRACTION-SELECT-TYPE# ?",
+ "Would you prefer a #ATTRACTION-SELECT-TYPE# or a #ATTRACTION-SELECT-TYPE# ?"
+ ],
+ "Name;": [
+ "What would you like to know about #ATTRACTION-SELECT-NAME# ?",
+ "Yes , there are two . #ATTRACTION-SELECT-NAME# . Do you have a preference ?",
+ "Yes I have many . How about #ATTRACTION-SELECT-NAME# ?",
+ "How about the #ATTRACTION-SELECT-NAME# ?",
+ "which one would you like #ATTRACTION-SELECT-NAME# ?"
+ ],
+ "Fee;Fee;": [
+ "Would you like a #ATTRACTION-SELECT-FEE# one or a #ATTRACTION-SELECT-FEE# entry one ?",
+ "Sure , were you looking for a #ATTRACTION-SELECT-FEE# one or one with #ATTRACTION-SELECT-FEE# ?",
+ "Does it matter if there is #ATTRACTION-SELECT-FEE# or do you prefer something that is #ATTRACTION-SELECT-FEE# ?",
+ "Sorry yes I did , would you prefer #ATTRACTION-SELECT-FEE# or is a #ATTRACTION-SELECT-FEE# okay ?"
+ ],
+ "Area;Name;Type;Type;Type;": [
+ "The #ATTRACTION-SELECT-AREA# area has many #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# called #ATTRACTION-SELECT-NAME# . Do you have a preference ?"
+ ],
+ "Area;Name;": [
+ "I found 2 entertainment places . #ATTRACTION-SELECT-NAME# both located in the #ATTRACTION-SELECT-AREA# . Do you have a preference ?"
+ ],
+ "Type;Type;Type;Type;": [
+ "I can definitely help you . Do you want a #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , or maybe a #ATTRACTION-SELECT-TYPE# ?",
+ "What do you like ? #ATTRACTION-SELECT-TYPE# and #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# and #ATTRACTION-SELECT-TYPE# ?"
+ ],
+ "Area;Name;Name;Type;": [
+ "I have #ATTRACTION-SELECT-NAME# and #ATTRACTION-SELECT-NAME# that are #ATTRACTION-SELECT-TYPE# in the #ATTRACTION-SELECT-AREA# . Which one interests you ?"
+ ],
+ "Fee;Type;": [
+ "There are 11 . Did you want the #ATTRACTION-SELECT-TYPE# to be #ATTRACTION-SELECT-FEE# ?"
+ ],
+ "Choice;Fee;Fee;Name;Type;": [
+ "Would you be interested in an #ATTRACTION-SELECT-TYPE# attraction such as great #ATTRACTION-SELECT-NAME# ? They have a #ATTRACTION-SELECT-FEE# entrance fee or there are #ATTRACTION-SELECT-CHOICE# available for #ATTRACTION-SELECT-FEE# ."
+ ],
+ "Area;": [
+ "Did you want that museum to be in the #ATTRACTION-SELECT-AREA# , as well ?"
+ ],
+ "Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;": [
+ "Are you more interested by #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , or #ATTRACTION-SELECT-TYPE# ?"
+ ],
+ "Choice;Fee;": [
+ "There are #ATTRACTION-SELECT-CHOICE# in that area . How about a #ATTRACTION-SELECT-FEE# ?"
+ ],
+ "Price;Price;Type;": [
+ "Would you rather have a #ATTRACTION-SELECT-PRICE# #ATTRACTION-SELECT-TYPE# or go to one with an #ATTRACTION-SELECT-PRICE# ?"
+ ],
+ "Choice;Type;": [
+ "first , let 's determine which of the #ATTRACTION-SELECT-CHOICE# #ATTRACTION-SELECT-TYPE# you would like to be your destination after the restaurant ."
+ ],
+ "Area;Area;Area;Choice;Type;": [
+ "If you are interested in #ATTRACTION-SELECT-TYPE# , I have #ATTRACTION-SELECT-CHOICE# . I have some in the #ATTRACTION-SELECT-AREA# , #ATTRACTION-SELECT-AREA# and #ATTRACTION-SELECT-AREA# . Which do you prefer ?"
+ ],
+ "Area;Type;Type;": [
+ "There are mostly #ATTRACTION-SELECT-TYPE# and #ATTRACTION-SELECT-TYPE# in the #ATTRACTION-SELECT-AREA# . Would you be interested in one of those ?"
+ ],
+ "Name;Name;Name;Name;": [
+ "there is #ATTRACTION-SELECT-NAME# , #ATTRACTION-SELECT-NAME# , \t #ATTRACTION-SELECT-NAME# and #ATTRACTION-SELECT-NAME# , which one could you prefer ?"
+ ],
+ "Area;Area;": [
+ "Would you prefer something in the #ATTRACTION-SELECT-AREA# , or in the #ATTRACTION-SELECT-AREA# ?"
+ ],
+ "Type;Type;Type;Type;Type;Type;": [
+ "Sure . Would you like to go to a #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , #ATTRACTION-SELECT-TYPE# , or to #ATTRACTION-SELECT-TYPE# ?"
+ ],
+ "Addr;Area;Name;": [
+ "How about the #ATTRACTION-SELECT-NAME# located in the #ATTRACTION-SELECT-AREA# at #ATTRACTION-SELECT-ADDR# ? Would you like more information on this theatre ?"
+ ]
+ },
+ "Booking-Book": {
+ "Ref;": [
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking for City Centre North B&B has been made , your reference number is #BOOKING-BOOK-REF# .",
+ "The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I was able to make you a reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "Booked ! Your table will be reserved for 15 minutes . Reference number : #BOOKING-BOOK-REF# .",
+ "Yes I am happy to say I was able to book that hotel for you . The reference number is #BOOKING-BOOK-REF# .",
+ "Yes I was able to book that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "Oh great . your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I reserved a table at cote for you , ref # is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve got your booking set , the reference number is #BOOKING-BOOK-REF# .",
+ "I was able to do that and your reservation number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "That one was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Booking was successful . You 're reference number is #BOOKING-BOOK-REF# .",
+ "I have made that booking for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have your rooms booked , and your reference number is #BOOKING-BOOK-REF# .",
+ "I have your table reserved . The reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation has been made and the reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and the reference number is #BOOKING-BOOK-REF# .",
+ "Okay , the booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked it here is the information : Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book the room , the reference number is #BOOKING-BOOK-REF# . Is there anything else I can assist with today ?",
+ "Your booking was successful ! Your table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Wonderful . Your booking was succesful . The reference number is #BOOKING-BOOK-REF# .",
+ "You are booked at Kohinoor . Reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "They do indeed have a table at that time . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Yes the booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "The booking was successful . Your table will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "I have that reserved , the reference code is #BOOKING-BOOK-REF# .",
+ "i have successfully booked Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made your reservations . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Those reservations have been made and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I have booked that and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "The hotel booking is complete . The reference number is #BOOKING-BOOK-REF# .",
+ "You have your reservation at the Ashley , reference number #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations your reference number is #BOOKING-BOOK-REF# .",
+ "Great ! I was able to book you there and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Good news ! Your booking has been successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful , here is your reference number #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# . The table is reserved for 15 minutes .",
+ "I have made your reservations . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve booked that for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Perfect , I was able to book the hotel for you . The reference number is #BOOKING-BOOK-REF# .",
+ "The table has been booked . Your reference number is #BOOKING-BOOK-REF# . Can I help you with anything else ?",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# . \n Is there anything else I can help you with ?",
+ "The booking of the restaurant is ready , and the reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay . I have your reservation for the hotel and your reference number for this booking is #BOOKING-BOOK-REF# .",
+ "Booking was successful for one night . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# . Is there anything else ?",
+ "I have made that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "You ' ve been booked and your reference number is #BOOKING-BOOK-REF# .",
+ "It was all booked , reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# , is there anything else you need ?",
+ "Okay . Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "That is available . Reference number is : #BOOKING-BOOK-REF# .",
+ "That booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have those reference number #BOOKING-BOOK-REF# .",
+ "You 're all set . The restaurant can only hold your table for 15 minutes after the reservation time . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes I was able to reserve this for you and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that , reference number is #BOOKING-BOOK-REF# .",
+ "Yes . Your reservation was successful . The booking number is #BOOKING-BOOK-REF# .",
+ "I ' ve got you booked with reference number #BOOKING-BOOK-REF# .",
+ "I have you booked . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok . Your booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful for the bridge guest house . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made reservations and the reference number is #BOOKING-BOOK-REF# .",
+ "I was able to complete that booking for you . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "Great , I have booked that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made the reservations for you . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , the booking is made . your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book you at the restaurant . The Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes your reservation number is #BOOKING-BOOK-REF# .",
+ "Okay the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Alright , you 're all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been reserved . The reference number is : #BOOKING-BOOK-REF# .",
+ "There is availability . Your reference number is #BOOKING-BOOK-REF# .",
+ "The hotel is booked and the reference number is #BOOKING-BOOK-REF# . Your wife can sleep calm now .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "sure , I have booked it foe you . Reference number is : #BOOKING-BOOK-REF# .",
+ "I certainly ca . Your reservation number is #BOOKING-BOOK-REF# .",
+ "I have made a booking here is the information - Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking has been successfully made . The reference number is #BOOKING-BOOK-REF# . Enjoy your meal !",
+ "Yes your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Great . You 're all booked . The reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your table . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Yes sure . I have a reference number for you and it is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . your reference number is #BOOKING-BOOK-REF# .",
+ "Great your reservation was successful the reference number is #BOOKING-BOOK-REF# .",
+ "You have a new one at a cheap restaurant , reference #BOOKING-BOOK-REF# .",
+ "That worked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay the booking was successful . Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table is reserved . Reference number #BOOKING-BOOK-REF# .",
+ "I ' ve booked your table ! It will be reserved for 15 minutes , and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes , Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Ok . I have booked the lensfield hotel for you . The reference number is #BOOKING-BOOK-REF# .",
+ "I have made that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve successfully booked that for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set . Your reference number is #BOOKING-BOOK-REF# . Can I help you with anything else today ?",
+ "I apologize for the delay . The system is up and the booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , that worked ! The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to make the booking . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to complete this transaction for you . Reference number is #BOOKING-BOOK-REF# ,",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay great ! I was able to book that and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation is all set . Reference number #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Sure , the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . Will there be anything else today ?",
+ "Absolutely , your Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "No problem at all . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Your table is reserved . Reference number #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table has been booked . The reference number is #BOOKING-BOOK-REF# .",
+ "okay it went through . So you will be staying at the alexander bed and breakfast and your reference is #BOOKING-BOOK-REF# . Can I help you with anything else today ?",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Success . The reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations for you your reference number is #BOOKING-BOOK-REF# .",
+ "Done . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that , reference number is #BOOKING-BOOK-REF# .",
+ "Thank you sir , I was starting to think this was a prank , you are set , your reference number is #BOOKING-BOOK-REF# , can I help with anything else ?",
+ "You are all booked . Your reference number is #BOOKING-BOOK-REF# . Thank you .",
+ "Sure ! The Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Great . your booking was successful and you table is reserved for 15 minutes . \n The reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have that booked for you ! Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Sure . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to get that booked , here is your reference number , #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . Can I help you with anything else ?",
+ "It 's all booked your reference is #BOOKING-BOOK-REF# .",
+ "I have made those reservations . Your reference number is #BOOKING-BOOK-REF# .",
+ "it was successful . Reference number is : #BOOKING-BOOK-REF# . thank you .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I have made that reservation for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking there was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . and the Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking is successful , reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "A room has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Very good , sir . That worked and I have a reference number for you : #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book you . Your references number is #BOOKING-BOOK-REF# .",
+ "Okay that booking was successful and the reservation number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have successfully booked your hotel . The reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is #BOOKING-BOOK-REF# .",
+ "They do and the Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful ! Your table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Of course . I successfully booked you your reservation . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes I got that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set . The book was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking is successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful you reference number is #BOOKING-BOOK-REF# they will hold the table for 15 minutes .",
+ "Sure , I have made the reservation , and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve reserved your room for you , your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , we got you book . Your table will be reserved for 15 minutes . The reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Your reference number is #BOOKING-BOOK-REF# and the table will be reserved for 15 minutes .",
+ "Booking complete . Reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . Do you need anything else ?",
+ "I have booked the table for you ; it will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , your room is reserved . The reference number is #BOOKING-BOOK-REF# . Is there anything else I can help with ?",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "All right , your table is reserved . The reference number is #BOOKING-BOOK-REF# .",
+ "Reservation made . The reference number is #BOOKING-BOOK-REF# .",
+ "The reference number is #BOOKING-BOOK-REF# .",
+ "Okay , your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your table is reserved . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set ! Reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "Your booking was successful . Here is your reference number , #BOOKING-BOOK-REF# .",
+ "Of course ! You have a table at that time and your reference number is #BOOKING-BOOK-REF# .",
+ "That booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "I have made reservations your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You got it , your reference is #BOOKING-BOOK-REF# . Thank you .",
+ "The booking was successful and the table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have made your reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . Your reference number #BOOKING-BOOK-REF# .",
+ "Ok . The booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked it for you ! The reference is #BOOKING-BOOK-REF# .",
+ "Your booking is complete . Your table is reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# . Is there anything else I can help with ?",
+ "I was able to get that reservation booked for you . They will hold the table for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "We got that booked for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes I have done so and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I have amended that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Good news ! Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "The table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have been successful in this and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to reserve that reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that , your reference is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# ,",
+ "You are booked with reference number #BOOKING-BOOK-REF# . Anything else ?",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , you are all set ! Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Reference number is : #BOOKING-BOOK-REF# . Is there anything else I can do for you ?",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . May I help you with anything else ?",
+ "Okay I was able to do that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "Great I was able to do it , reference number is #BOOKING-BOOK-REF# .",
+ "Great ! That booking was successful and your reservation number is #BOOKING-BOOK-REF# .",
+ "The booking for Ashley Hotel was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The reference number is : #BOOKING-BOOK-REF# .",
+ "That was succesful . Your booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "your all set reference # is #BOOKING-BOOK-REF# . anything else today ?",
+ "Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I was able to book a table for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "then Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation is all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "That was a success . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes I can and your reference number for the booking is #BOOKING-BOOK-REF# .",
+ "Okay that was comleted successfully and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Your table will be reserved for 15 minutes . Reference number : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes ! I have a booking with a reference number for you and it is #BOOKING-BOOK-REF# .",
+ "Sure I have your reservation and the reference number is #BOOKING-BOOK-REF# .",
+ "Okay , booking was successful . The table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay . I was ablt to book you into there and your reference number is #BOOKING-BOOK-REF# .",
+ "All booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# . Anything else I can help with ?",
+ "Sure , I adjusted that for you , your booking was successful and the ref number is #BOOKING-BOOK-REF# .",
+ "Sure thing ! You have the table reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked it for you ! Your reference number is : #BOOKING-BOOK-REF# . They will reserve your table for 15 minutes .",
+ "Your Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . The reference number is #BOOKING-BOOK-REF# .",
+ "Great ! Your reservation was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Great , the booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , that 'll be #BOOKING-BOOK-REF# .",
+ "Okay I have done that and their reference number is #BOOKING-BOOK-REF# .",
+ "It 's booked , your reference number is #BOOKING-BOOK-REF# .",
+ "You have a reservation . The confirmation code is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "You are all set for your reservation . The reservation number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The reservation number is #BOOKING-BOOK-REF# . Anything else I can help you with ?",
+ "Okay , I have booked you a table at Yippee Noodle Bar . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have completed the booking . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "You 're all booked . Reference number is #BOOKING-BOOK-REF# .",
+ "Great your reservation was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that , your reference number is #BOOKING-BOOK-REF# .",
+ "your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I just completed your booking . The table will be reserved for 15 minutes and the reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "I have made that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "your booking was successful . your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "it has been booked . reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book your room per your request . The reference number is : #BOOKING-BOOK-REF# .",
+ "That reservation has been made . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Alright - you are booked , reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes your booking was successful ! Your reservation number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking was successful , your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful , the reference number is #BOOKING-BOOK-REF# .",
+ "It 's booked and your reference number is #BOOKING-BOOK-REF# . The address is 154 chesterton road and postcode is cb41da . Anything else I can do for you ?",
+ "Your table has been booked . Your reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Your table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Great , you 're booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you . Your booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# . do you need information about the hotel ?",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I have done that and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve set you up at bridge guest house . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Oh , yes , I ' m sorry . The reference number is #BOOKING-BOOK-REF# .",
+ "You have a reservation at Restaurant Alimentum . Your reference number is #BOOKING-BOOK-REF# .",
+ "Certainly , the reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . Please be advised that your table will be reserved for 15 minutes .",
+ "Sure . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number is : #BOOKING-BOOK-REF# .",
+ "Done ! Your reference number for the booking is #BOOKING-BOOK-REF# .",
+ "Alright , the table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Yes , the booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Great ! Your booking was successful I have you checked in and your booking reference number is #BOOKING-BOOK-REF# .",
+ "your booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Just did , your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have that booked for you and your reference number is #BOOKING-BOOK-REF# .",
+ "I have made the reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Sure it has been reserved reference number #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and the reference number is #BOOKING-BOOK-REF# .",
+ "Yes your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "Okay I have your reservation and the reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Excellent . The booking worked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , there is already a booking for you there . The reservation number is #BOOKING-BOOK-REF# .",
+ "Great it 's all set #BOOKING-BOOK-REF# is the reference number",
+ "Booked ! Your table will be held for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "OK , you 're all set . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# .",
+ "That worked!. your reservation number will be #BOOKING-BOOK-REF# .",
+ "Okay , you got it . Booking was successful , and your reference number is #BOOKING-BOOK-REF# .",
+ "Booked ! The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Your table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I do apologize ! I must have fat fingered it the last time . Clumsy me ! Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "it is booked here is your ref number #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Sure , your reference number is #BOOKING-BOOK-REF# .",
+ "Reference number : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You are all booked ! Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservations have been made and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , I ' ve made the booking for you and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I have booked your reservation . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Great . Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , your reference number is #BOOKING-BOOK-REF# .",
+ "Your Reference number is : #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "The reference number for your booking is #BOOKING-BOOK-REF# , this table will be held for 15 mins should you not arrive at your reserved time .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is #BOOKING-BOOK-REF# .",
+ "Sure thing . I just booked it . Your ref number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking was successful . Please remember the table is only reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "No problem . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have successfully booked it for 2 days , and your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Great ! That worked and your confirmation code is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Great , your reference number is #BOOKING-BOOK-REF# . Is there anything else I can help with ?",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve made the booking for you . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . Thank you",
+ "your table has been reserved . The booking reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . Anything else I can help with ?",
+ "Yes the reservation was successful and the booking number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Reference number is : #BOOKING-BOOK-REF# . Is there anything else ?",
+ "You have a reservation at Autumn House , located at 710 newmarket road . Reference number #BOOKING-BOOK-REF# . Can I help you with anything else today ?",
+ "Alright , I have you booked successfully , and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , it is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked your table here is the information : Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was a success ! Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# . Will be held for 15 minutes .",
+ "Absolutely , your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Alright , I have you reservation made . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You got it ! Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful ! The reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Ok . I was able to complete the booking . Your reference number is #BOOKING-BOOK-REF# .",
+ "It was booked successfully . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was a complete success mam , your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes of course . It is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that reservation for you . The reference number is #BOOKING-BOOK-REF# .",
+ "Sure , your reference number is #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "The restaurant is all booked , reference is #BOOKING-BOOK-REF# .",
+ "That booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "The reference number is #BOOKING-BOOK-REF# . Thank you !",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "That was a successful booking , your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve got it for you ! The table will be reserved for 15 minutes . Your number is : #BOOKING-BOOK-REF# .",
+ "Your hotel has been booked . Your reference number is #BOOKING-BOOK-REF# . Can I be of further assistance ?",
+ "I have booked a table and the reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful ! Your reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve got you booked ! Your reference number is #BOOKING-BOOK-REF# . They will hold your table for 15 minutes .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation has been made . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay that booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I was able to reserve that table for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok . The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have made your reservation . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set ! Your reference number is #BOOKING-BOOK-REF# . Do you need anything else ?",
+ "Your booking was successful ! The reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Okay I have your reference number and it is #BOOKING-BOOK-REF# .",
+ "Great ! I have your booking and your reference number is #BOOKING-BOOK-REF# .",
+ "All set your reservation number is #BOOKING-BOOK-REF# .",
+ "You 're all set . The reference number for this stay is #BOOKING-BOOK-REF# .",
+ "Yes success ! I was able to reserve all of you a table and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made the reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "That was open , the reference code is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve booked that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Of course , the reference number is #BOOKING-BOOK-REF# .",
+ "I have made that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "The Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I certainly can ! Your booking is confirmed and your reservation number is #BOOKING-BOOK-REF# .",
+ "I was able to make a booking for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# . anything else today ?",
+ "That worked out for you ! Your reference number is #BOOKING-BOOK-REF# .",
+ "It has been booked the reference number is #BOOKING-BOOK-REF# the table will be reserved for 15 minutes .",
+ "Ok , your booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# . anything else today ?",
+ "You are all set , the reference number is #BOOKING-BOOK-REF# , can I assist with anything else today ?",
+ "I ' ve successfully booked your table . The reference number is #BOOKING-BOOK-REF# .",
+ "Good news . I checked again at the Huntingdon Marriott , and they were able to accommodate your party . Your reference number is #BOOKING-BOOK-REF# .",
+ "The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation was successful . It will be available for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes it does and I was able to book it for you ! The reference number is #BOOKING-BOOK-REF# .",
+ "I booked it for you . The reference number is #BOOKING-BOOK-REF# .",
+ "No problem ! Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "OK , your reservation is booked , your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have that reservation made for you the reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The table will be reserved for you and your party for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I was able to reserve a table . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked . The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "That one was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , sorry about that .. the reference number is #BOOKING-BOOK-REF# .",
+ "Your table is reserved . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve booked it for you , your reference number is #BOOKING-BOOK-REF# .",
+ "Sure , booking was successful . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "They were able to accommodate you for one night . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I have made the reservations for you the reference number is #BOOKING-BOOK-REF# .",
+ "Ok . That worked . It is booked and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I managed to book your reservation successfully , Reference number is : #BOOKING-BOOK-REF# . Thank you .",
+ "Great , I have booked a room at this hotel to your required specifications . Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I have that reserved for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes I was able to book this for you and your reference number is #BOOKING-BOOK-REF# .",
+ "It is successfully booked your reference number is #BOOKING-BOOK-REF# .",
+ "Great ! I booked that room for you . Here is your reference number #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , your table will be reserved for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book the hotel , reference number is #BOOKING-BOOK-REF# .",
+ "All booked ! The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Sure thing , you are booked with ref . # #BOOKING-BOOK-REF# .",
+ "Booked ! Your table will be held for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve got your table reserved , reference number #BOOKING-BOOK-REF# .",
+ "The booking has been successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , it 's #BOOKING-BOOK-REF# .",
+ "The booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful ! Your reference number is #BOOKING-BOOK-REF# . Is there anything else I can do for you ?",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Yes I was able to do this and the reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book you per your request . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . Anything else I can do for you ?",
+ "Your booking was successful . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "OK I have that booked the reference number is #BOOKING-BOOK-REF# .",
+ "Of course . I reserved the table for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set ! Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and the reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking goes through and the reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Excellent , you 're all set . The reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , the book was successful , your reference number is #BOOKING-BOOK-REF# . Is there anything else I can do for you ?",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , the booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I have made your booking and here is the information : Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked the restaurant for you . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "You 're all ready to go ! The reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Okay your booking was successful and your reservation number is #BOOKING-BOOK-REF# .",
+ "oh that definitely worked . I have booked you in and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes your reference number is #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful . The reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "That worked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booked . The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Great . Your table is reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "I have those reservations made for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booked ! The table will be reserved for 15 minutes . Your Reference number : #BOOKING-BOOK-REF# .",
+ "I have made your reservation . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . your reservation number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table will be reserved for 15 minutes at the time you requested . Reference number #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have your booking , the reference number is #BOOKING-BOOK-REF# , any further questions ?",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that for you and your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked your table . The Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked it and here your information , Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful . The reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Great ! I have you booked - reference number #BOOKING-BOOK-REF# . Please note - table will be reserved for 15 minutes .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was and your reference number is #BOOKING-BOOK-REF# . Is there anything else you need help with today ?",
+ "I have made successful booking there . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Your room has been booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "All booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "All booked ! The reference number is #BOOKING-BOOK-REF# .",
+ "I have booked that for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "I made that reservation for you the reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Thank you for waiting , your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to do that . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that for you , your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is #BOOKING-BOOK-REF# .",
+ "it was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked it for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have reserved your table . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , you 're all set ! Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , the booking was successful . Confirmation code is #BOOKING-BOOK-REF# .",
+ "Your reservation is all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Great your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I have made a booking and it went through . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , you 're booked , the table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes , I have made a booking for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation is made . The number is #BOOKING-BOOK-REF# .",
+ "Booking was a success ! Your reference number is : #BOOKING-BOOK-REF# and the table will be reserved for 15 minutes .",
+ "Great the reference is #BOOKING-BOOK-REF# . Thank you .",
+ "Your reservation has been made . Reference number is #BOOKING-BOOK-REF# .",
+ "I have your table reserved at the requested day and time . It will be held 15 minutes for you . The reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations your reference number is #BOOKING-BOOK-REF# .",
+ "Yes your reservation was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Great your reference number is #BOOKING-BOOK-REF# . Thank you .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "All booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . anything else ?",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to make a booking for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "The booking was successful , and your reference number is #BOOKING-BOOK-REF# .",
+ "You are booked ! Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay , the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to reserve it , reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "The Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , your booking was successful . The table will be reserved for 15 minutes , the reference number is : #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . You have a table reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "I booked that for you and the reference number is : #BOOKING-BOOK-REF# .",
+ "You 're booked ! Your reference number is #BOOKING-BOOK-REF# . Can I assist you with anything further ?",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have the reservation booked at the restaurant . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to reserve that for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# . now let 's find you a hotel !",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "It is booked ! Your table will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "Great . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The Reference number is : #BOOKING-BOOK-REF# .",
+ "Sure ! That is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# . Enjoy your stay !",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "You are all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "Alright , I have made your reservation . The reference number is #BOOKING-BOOK-REF# .",
+ "You are booked at the acorn guest house . Reference number is #BOOKING-BOOK-REF# .",
+ "Certainly , your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking is complete your reference number is #BOOKING-BOOK-REF# they will only hold the table for 15 minutes .",
+ "I have that booked and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation was successful and your reference number is #BOOKING-BOOK-REF# . Is there anything else that I can help you with today ?",
+ "It has been booked , your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful , reference number is #BOOKING-BOOK-REF# .",
+ "Ok , it 's booked ! Your reference number for the reservation is #BOOKING-BOOK-REF# .",
+ "Of course . The reference number is #BOOKING-BOOK-REF# .",
+ "Your table will be reserved for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set ! Reference number is #BOOKING-BOOK-REF# .",
+ "Got it . Here is your reference number : #BOOKING-BOOK-REF# .",
+ "Sure , you 're all set . Your reference number is #BOOKING-BOOK-REF# . May I help with anything else ?",
+ "It was booked , your reference number is #BOOKING-BOOK-REF# is there anything else ?",
+ "Great I was able to book that reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok , we were able to book that for you , your confirmation code is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# . Is there anything else I can help you with today ?",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . thank you for inquiring with us",
+ "I have a table reserved for you . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# . i will now look up your train information .",
+ "I have made your booking here is the information : Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes I was able to make that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "The marriott worked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "i booked your hotel here is your conformation #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference number is #BOOKING-BOOK-REF# .",
+ "Success ! I was able to book that for you and your reference number is #BOOKING-BOOK-REF# . Anything else ?",
+ "Booking was successful for that time ! Your table will be reserved for 15 minutes . Here is your reference number : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Ok . The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay that was successful and your reservation number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Your confirmation number is #BOOKING-BOOK-REF# .",
+ "I have made your reservations and your reference numbers is #BOOKING-BOOK-REF# .",
+ "Your table was booked . Your reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "You booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , so you are all booked . Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , it 's #BOOKING-BOOK-REF# .",
+ "Okay that was successful and your booking number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at acorn guest house . Reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# . What else may I help you with ?",
+ "Booking was successful , table will be reserved for 15 mins . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Your table is reserved . Your reference number is #BOOKING-BOOK-REF# . Can I help you with anything else ?",
+ "Okay your booking is confirmed and your reservation number is #BOOKING-BOOK-REF# .",
+ "Great I was able to get your table , reference number is #BOOKING-BOOK-REF# . Make sure you arrive on time they will only hold the table for 15 minutes .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# .",
+ "Great ! I ' ve booked it for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , that worked ! You 're reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made those reservations and your reference number are #BOOKING-BOOK-REF# .",
+ "Okay , you 're all set ! Your reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful . Your table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "I have your table reserved . Your reservation number is #BOOKING-BOOK-REF# .",
+ "You 're all set the reference is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I have successfully booked it for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have it booked for you . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I apologize for the confusion . I booked the room for you and the reference number is #BOOKING-BOOK-REF# .",
+ "I have successfully booked that for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "I booked it for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked your room , the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made that reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The table will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , great . Your reservation is booked ! The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , you 'll be at the allenbell and your reference number is #BOOKING-BOOK-REF# .",
+ "Booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve made your reservations and your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful and the reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "The reference number is : #BOOKING-BOOK-REF# .",
+ "That was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your room has been reserved . Reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set ! Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Okay , your booking was successful ! The reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked that for you . Your confirmation number is #BOOKING-BOOK-REF# . They 'll hold the table for 15 minutes .",
+ "Yes I certainly can ! Your reservation was successful and your booking reference is #BOOKING-BOOK-REF# .",
+ "The table is book and the reference number is #BOOKING-BOOK-REF# .",
+ "Great news I was able to book you into there and the reference number is #BOOKING-BOOK-REF# .",
+ "They were able to accommodate your party . Your reservation is made , reference number #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# . Your table will be held for 15 minutes .",
+ "I have booked it here is the information : Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# . anything else ?",
+ "Okay , your booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Thank you , I was able to book you . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked that for you . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked . The table will be reserved for 15 minutes . Reference number : #BOOKING-BOOK-REF# .",
+ "Your booking was successful with reference number #BOOKING-BOOK-REF# . Oh , by the way , your table will be reserved for 15 minutes . Enjoy !",
+ "Ok I have made that reservation for you the reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "You are booked and your reference number is #BOOKING-BOOK-REF# . Can I help you with anything else today ?",
+ "You are booked and your booking reference number is #BOOKING-BOOK-REF# .",
+ "Okay your reference number is #BOOKING-BOOK-REF# .",
+ "You are all booked . Reference number is #BOOKING-BOOK-REF# .",
+ "I have your table booked . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# . Will that be all ?",
+ "Your room has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking was successful here is your reference number , #BOOKING-BOOK-REF# .",
+ "You are booked ! Your table will be reserved for fifteen minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "Sure , I ' ve got you booked , and your reference number is #BOOKING-BOOK-REF# .",
+ "Congratulations ! That was successful Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay the booking was successful . The reference number is #BOOKING-BOOK-REF# .",
+ "Alright , you 're all booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Sure I got your reservation and your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was a success ! Your reference number is : #BOOKING-BOOK-REF# .",
+ "Yes I was able here is the detailed information - Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book that for you . Your reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Sure ! Booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation is all set . Your reference number is #BOOKING-BOOK-REF# .",
+ "The reference number is #BOOKING-BOOK-REF# , I have successfully booked your room as well .",
+ "Sure . I booked that for you and your reference number is #BOOKING-BOOK-REF# . Is there anything else I can do for you ?",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# .",
+ "You reservation is all set ! In case you need it , your reference number is #BOOKING-BOOK-REF# .",
+ "Sure thing ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes sure . your reference number for the new booking will be #BOOKING-BOOK-REF# .",
+ "Alright , I ' ve got your reservation booked , reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "It 's booked , your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your room has been booked . The reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking went through successfully . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book it , reference is #BOOKING-BOOK-REF# .",
+ "i booked that for you . your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# . Do you need anything else ?",
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "I changed the restaurant and booked for you . Your new Reference number is : #BOOKING-BOOK-REF# .",
+ "The reference number is #BOOKING-BOOK-REF# . What else can i do for you ?",
+ "Booked ! Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked at Charlie Chan ! Your table will be reserved for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "I have made those reservations and your reference number is #BOOKING-BOOK-REF# .",
+ "Sure thing I have your reservation number . It is #BOOKING-BOOK-REF# .",
+ "Okay . Your booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "You are booked , the reference number is #BOOKING-BOOK-REF# , can I help with anything else ?",
+ "I was able to reserve the table for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "It was successful your reference number is #BOOKING-BOOK-REF# .",
+ "Your table is booked ! It will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book it , the reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Alright , you 're all set ! Your reference number is : #BOOKING-BOOK-REF# .",
+ "Great ! I booked that room for you . Here is your reference number #BOOKING-BOOK-REF# .",
+ "Thee booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that for you . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book the table for you . It will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have reserved your room at the avalon , reference number #BOOKING-BOOK-REF# . Can I help you with anything else ?",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked ! Reference number : #BOOKING-BOOK-REF# .",
+ "Booked . The table will be reserved for 15 minutes . \n Reference number : #BOOKING-BOOK-REF# .",
+ "Booked , your table will be held for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table is booked . Reference number is #BOOKING-BOOK-REF# . They will hold the table for 15 minutes .",
+ "Sure ! The Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Sure thing ! It is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# . anything else ?",
+ "Your booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes your booking was successful and the reference number is #BOOKING-BOOK-REF# .",
+ "Okay , you ' ve been booked ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok . The booking was successful and your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay done . The reference number for your table is #BOOKING-BOOK-REF# and it is only reserved for 15 minutes .",
+ "I ' m sorry about that . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was sucessful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked your table and the reference number is : #BOOKING-BOOK-REF# ."
+ ],
+ "Name;Ref;": [
+ "I was able to book you a room at the #BOOKING-BOOK-NAME# . Reference # #BOOKING-BOOK-REF# .",
+ "Booking was successful at #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your stay at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Good News ! I got the #BOOKING-BOOK-NAME# in 56 saint barnabas road cb12de , phone number 01223525725 . The reference # is #BOOKING-BOOK-REF# .",
+ "Okay , your table is booked for #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "You are all booked for #BOOKING-BOOK-NAME# ! Your reference number is #BOOKING-BOOK-REF# . Is there anything else you need ?",
+ "I was able to book #BOOKING-BOOK-NAME# . Reference number is : #BOOKING-BOOK-REF# .",
+ "The reference number for your reservation at #BOOKING-BOOK-NAME# is #BOOKING-BOOK-REF# . Your table will be reserved for no longer than 15 minutes .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book you at #BOOKING-BOOK-NAME# , your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve booked a table for you and your guests at #BOOKING-BOOK-NAME# on Milton Road in Chesterton . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to reserve a spot for you at #BOOKING-BOOK-NAME# . Here is your reference number , #BOOKING-BOOK-REF# .",
+ "I was able to book you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "You have been booked at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "You have been booked for #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I booked a room at #BOOKING-BOOK-NAME# and the reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "I was able to make a booking for #BOOKING-BOOK-NAME# . You reservation number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "i got you a reservation for #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you into #BOOKING-BOOK-NAME# and your reference number is : #BOOKING-BOOK-REF# .",
+ "Okay . We have you booked at the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve made a reservation for you at #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "We have booked you for #BOOKING-BOOK-NAME# , here is your reference number #BOOKING-BOOK-REF# .",
+ "Yes sure I was able to book you into #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I have reserved a table at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Do you need anything else ?",
+ "Booked at #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# .",
+ "I ' ve made reservations at the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay . I got you in at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I have successfully booked you at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Great , I have booked you for #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Sorry , I tried to book a stay for 2 guests earlier . You 're staying at the #BOOKING-BOOK-NAME# , reference number #BOOKING-BOOK-REF# !",
+ "Your booking at the #BOOKING-BOOK-NAME# was successful . The reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "You are all set for #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking at #BOOKING-BOOK-NAME# was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you then at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "You 're booked at #BOOKING-BOOK-NAME# ! Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve successfully booked your stay at the #BOOKING-BOOK-NAME# , your reference # is #BOOKING-BOOK-REF# . would you like directions ?",
+ "Great ! You 're booked for 3 nights at #BOOKING-BOOK-NAME# with reference number #BOOKING-BOOK-REF# . Anything else I can help you with ?",
+ "I ' ve booked your stay at the #BOOKING-BOOK-NAME# , and your reference number is #BOOKING-BOOK-REF# .",
+ "Since you mentioned a hotel rather than a guesthouse , I ' ve booked you at the #BOOKING-BOOK-NAME# , but just let me know if you prefer the other . Your reference # is #BOOKING-BOOK-REF# .",
+ "I have you booked at #BOOKING-BOOK-NAME# at 710 newmarket road . The reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking at the #BOOKING-BOOK-NAME# was successful , the reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I made you a reservation at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Can I do anything else for you today ?",
+ "Hi , I was able to book Your table at #BOOKING-BOOK-NAME# . the reference number is #BOOKING-BOOK-REF# .",
+ "Okay I booked you into an Indian restaurant that is moderately priced called #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Ok , you are all booked at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Alright , I have you booked at the #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table is booked at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful for the #BOOKING-BOOK-NAME# . Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay I was able to get you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay . I was able to book you into #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "You have a room at #BOOKING-BOOK-NAME# , reference number #BOOKING-BOOK-REF# .",
+ "I ' ve got you booked at the #BOOKING-BOOK-NAME# , and your reference number is #BOOKING-BOOK-REF# .",
+ "The table will be reserved for 15 minutes at the #BOOKING-BOOK-NAME# . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Okay . I got you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation was made at #BOOKING-BOOK-NAME# . Your reference number for your reservation is #BOOKING-BOOK-REF# .",
+ "Okay . I booked you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your stay at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay well I was able to book you at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation at #BOOKING-BOOK-NAME# was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve booked you at #BOOKING-BOOK-NAME# , and your reference number is #BOOKING-BOOK-REF# .",
+ "Your stay at #BOOKING-BOOK-NAME# is booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I ' ve got you at #BOOKING-BOOK-NAME# . Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "That worked ! I have you booked for two nights at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "You have a reservation at #BOOKING-BOOK-NAME# at your requested time . Your reference number is #BOOKING-BOOK-REF# .",
+ "OK , you 're booked at the #BOOKING-BOOK-NAME# . Your reference number is : #BOOKING-BOOK-REF# . Is there anything else you need today ?",
+ "Okay you have reservations at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book you at #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Booked you a table at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' m so sorry about that . You are booked at the #BOOKING-BOOK-NAME# . Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking at the #BOOKING-BOOK-NAME# was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "The #BOOKING-BOOK-NAME# has availability . I went ahead and booked that stay for you . I can always cancel if you change your mind . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking for #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# .",
+ "Okay great . I was able to book #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book restaurant #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "You are booked into #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# . May I help with anything else ?",
+ "Booking was successful at #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to successfully book you at #BOOKING-BOOK-NAME# , the reference number is #BOOKING-BOOK-REF# .",
+ "Thank you for holding . I have booked a table for you at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Would you like their address and phone number ?",
+ "Okay , reservation made at #BOOKING-BOOK-NAME# . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes ! I have booked a room for you at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Is there anything else I can do for you today ?",
+ "I was able to book you at the #BOOKING-BOOK-NAME# . Reference number #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you into #BOOKING-BOOK-NAME# serving Indian food and your reference number is #BOOKING-BOOK-REF# .",
+ "You 'll find a table waiting for your party at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked you a room at the #BOOKING-BOOK-NAME# , I think you 'll like it . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "Reference number is #BOOKING-BOOK-REF# for the #BOOKING-BOOK-NAME# .",
+ "The #BOOKING-BOOK-NAME# Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booked at #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# . Table will be held for 15 minutes .",
+ "Sure I was able to book you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book you in the #BOOKING-BOOK-NAME# with reference number #BOOKING-BOOK-REF# . May I help with anything else ?",
+ "Booked for #BOOKING-BOOK-NAME# , you reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Great I was able to book #BOOKING-BOOK-NAME# , the reference is #BOOKING-BOOK-REF# .",
+ "I made you a reservation at the #BOOKING-BOOK-NAME# your reference number is #BOOKING-BOOK-REF# .",
+ "I booked a room at the #BOOKING-BOOK-NAME# Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay i booked you at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , your booking was successful ! We have you booked at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking was successful at the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "I booked in #BOOKING-BOOK-NAME# , the Reference number is #BOOKING-BOOK-REF# .",
+ "You are booked at #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# .",
+ "Booked at #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "Okay . Your booking at the #BOOKING-BOOK-NAME# was successful . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve gone ahead and booked you at #BOOKING-BOOK-NAME# , so you 'll be close to a lot of attractions . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I made a reservation at #BOOKING-BOOK-NAME# . The reference number #BOOKING-BOOK-REF# .",
+ "I booked you at #BOOKING-BOOK-NAME# . Your table will be reserved for 15 minutes . Reference number is #BOOKING-BOOK-REF# .",
+ "I ' m sorry for the this . I successfully booked for you accomodation at #BOOKING-BOOK-NAME# . Your reservation number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# , reference number is #BOOKING-BOOK-REF# .",
+ "I have booked you at #BOOKING-BOOK-NAME# for your time requested ! Your reference is #BOOKING-BOOK-REF# .",
+ "I have good news . I was able to book you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "You are now booked for #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Wonderful . I was successful in booking #BOOKING-BOOK-NAME# for you and your reference number is #BOOKING-BOOK-REF# .",
+ "I think you 'd enjoy #BOOKING-BOOK-NAME# , so I ' ve booked you a table there . The reference number is #BOOKING-BOOK-REF# .",
+ "I can get a table for you at #BOOKING-BOOK-NAME# . This is the only other place to eat in that area . Reference number is #BOOKING-BOOK-REF# .",
+ "Okay . We have you booked at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I ' ve booked you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I successfully booked your room at the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "I have booked at the #BOOKING-BOOK-NAME# Your reference number is #BOOKING-BOOK-REF# . How can I further assist you ?",
+ "Okay I was able to book you at The #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked a table for you at #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I was able to get you into the #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I have you booked at #BOOKING-BOOK-NAME# then . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have you booked for #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# . Is there anything else you need ?",
+ "Your reservation is booked at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you into the #BOOKING-BOOK-NAME# , an expensive Asian restaurant in the center of town and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to get you into #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I booked you with #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "You are booked at #BOOKING-BOOK-NAME# . Reference number : #BOOKING-BOOK-REF# .",
+ "Great news ! I was able to book you into #BOOKING-BOOK-NAME# and your reference number is #BOOKING-BOOK-REF# .",
+ "Good news ! I got you into #BOOKING-BOOK-NAME# instead and you still have free parking and a cheap price for your stay . Your reference number is #BOOKING-BOOK-REF# .",
+ "I managed to successfully book a table in #BOOKING-BOOK-NAME# that is in the centre . Your reservation number is #BOOKING-BOOK-REF# .",
+ "You are booked for the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "sorry was trying to confirm . i have booked #BOOKING-BOOK-NAME# and Reference number is : #BOOKING-BOOK-REF# .",
+ "The restaurant #BOOKING-BOOK-NAME# is available , and I ' ve made you a reservation . Your reference number is #BOOKING-BOOK-REF# .",
+ "Great ! You 're booked at #BOOKING-BOOK-NAME# for one night . Your reference number is #BOOKING-BOOK-REF# . Would you like more information ?",
+ "Yes I was able to get you in at the #BOOKING-BOOK-NAME# and your reservation number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "I ' ve booked you into #BOOKING-BOOK-NAME# . You reference number is #BOOKING-BOOK-REF# .",
+ "I have made your reservation at restaurant #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your room at the #BOOKING-BOOK-NAME# has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at #BOOKING-BOOK-NAME# . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' m happy to inform you that you have a booked apartment at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I booked #BOOKING-BOOK-NAME# , reference number is : #BOOKING-BOOK-REF# ."
+ ],
+ "Ref;Time;": [
+ "The booking for #BOOKING-BOOK-TIME# was successful they will reserve the table for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to make that reservation at #BOOKING-BOOK-TIME# your reference number is #BOOKING-BOOK-REF# .",
+ "For #BOOKING-BOOK-TIME# , Booking was successful . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for #BOOKING-BOOK-TIME# . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table is reserved for #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I believe you meant #BOOKING-BOOK-TIME# , so I went ahead and made the reservation for that time . The reference number is #BOOKING-BOOK-REF# .",
+ "Yes I was able to make that reservation at #BOOKING-BOOK-TIME# your reference number #BOOKING-BOOK-REF# .",
+ "You 're all set . The table will be available at #BOOKING-BOOK-TIME# - they can only hold it for 15 minutes , though . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to successfully book you for #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking went through , your table is reserved for 15 minutes starting at #BOOKING-BOOK-TIME# . Reference number is #BOOKING-BOOK-REF# .",
+ "Alright , you 're booked for #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I successfully booked that table for you at #BOOKING-BOOK-TIME# for your party . Please arrive on time , as the table is only reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful . The table will be reserved for #BOOKING-BOOK-TIME# . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful for #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I have successfully booked it . Your table will be reserved for 15 minutes starting at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful for #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book a table for you at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I was able to get you a table for #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your table for #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes had an opening for #BOOKING-BOOK-TIME# so I made a reservation for you . Your reference is #BOOKING-BOOK-REF# and the table will be reserved for 15 minutes .",
+ "I was able to book it for #BOOKING-BOOK-TIME# . You reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Name;People;": [
+ "That is correct for #BOOKING-BOOK-PEOPLE# people at the #BOOKING-BOOK-NAME# ."
+ ],
+ "Day;Name;People;Ref;Stay;": [
+ "All right , you have a reservation beginning #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights for a party of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked your group of #BOOKING-BOOK-PEOPLE# a room at #BOOKING-BOOK-NAME# You 'll be staying for #BOOKING-BOOK-STAY# night beginning on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked #BOOKING-BOOK-NAME# , #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# nights beginning on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . You have a reservation for #BOOKING-BOOK-PEOPLE# people , staying #BOOKING-BOOK-STAY# nights a #BOOKING-BOOK-NAME# starting on #BOOKING-BOOK-DAY# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# for #BOOKING-BOOK-PEOPLE# person was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful . Your reservation is at #BOOKING-BOOK-NAME# . Starting on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve got you booked for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# for you for #BOOKING-BOOK-STAY# nights for #BOOKING-BOOK-PEOPLE# people starting on #BOOKING-BOOK-DAY# . The reference number is #BOOKING-BOOK-REF# .",
+ "Okay . I have reservations for #BOOKING-BOOK-PEOPLE# people starting on #BOOKING-BOOK-DAY# and staying for #BOOKING-BOOK-STAY# days at #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "I have your party of #BOOKING-BOOK-PEOPLE# booked at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book a room for you at the #BOOKING-BOOK-NAME# . #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . #BOOKING-BOOK-STAY# nights at #BOOKING-BOOK-NAME# , arriving on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# guests . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at the #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your booking has been made for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# days 3 nights was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# for you for #BOOKING-BOOK-STAY# nights for #BOOKING-BOOK-PEOPLE# people . Your check - in day is #BOOKING-BOOK-DAY# and your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation at the #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "OK , booking complete at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# guest . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to do a #BOOKING-BOOK-STAY# night booking at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# starting on #BOOKING-BOOK-DAY# . Reference number #BOOKING-BOOK-REF# . Any else I can assist you with ?",
+ "I was able to book #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# , for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "Actually , there might have been an error int he system before . I booked the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people , #BOOKING-BOOK-STAY# , starting on #BOOKING-BOOK-DAY# . Reference number is #BOOKING-BOOK-REF# .",
+ "You have a reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights from #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve scheduled your booking at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights for #BOOKING-BOOK-PEOPLE# people . The Reference number is : #BOOKING-BOOK-REF# ."
+ ],
+ "Ref;Stay;": [
+ "They did in have fact have rooms for #BOOKING-BOOK-STAY# days . Your reference number is #BOOKING-BOOK-REF# .",
+ "Rosa 's now has a room reserved for your party for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have you booked for #BOOKING-BOOK-STAY# nights , and your reference number is #BOOKING-BOOK-REF# .",
+ "Yes , I was able to book for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "All set for #BOOKING-BOOK-STAY# nights at the Gonville . Your reference number is #BOOKING-BOOK-REF# .",
+ "I booked your room for #BOOKING-BOOK-STAY# . Your reference number is #BOOKING-BOOK-REF# . Can I help with anything else today ?",
+ "I was able to find availability for #BOOKING-BOOK-STAY# days . Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have you booked for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes that worked ! You are booked into the hotel for #BOOKING-BOOK-STAY# night and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that hotel for you for #BOOKING-BOOK-STAY# nights . The reference number is #BOOKING-BOOK-REF# .",
+ "A reservation for #BOOKING-BOOK-STAY# nights was no problem . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book a room for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "There was availability for #BOOKING-BOOK-STAY# nights so I have booked your request . The reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;People;Ref;Time;": [
+ "Yes it is . I have booked a table for you at 1#BOOKING-BOOK-PEOPLE#:00 on #BOOKING-BOOK-DAY# for 7 people . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok your table for #BOOKING-BOOK-PEOPLE# is booked on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reservation will be held for 15 minutes . Your reference number is #BOOKING-BOOK-REF# . Enjoy your meal !",
+ "Good news , I was able to successfully book you at Golden Wok at 1#BOOKING-BOOK-PEOPLE#:45 on #BOOKING-BOOK-DAY# for 8 . Your confirmation is #BOOKING-BOOK-REF# .",
+ "You have a table reserved for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation is for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reservation number is #BOOKING-BOOK-REF# .",
+ "Your reservations were successful . The table will be reserved for 15 minutes on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Sure ! I ' ve booked it for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-PEOPLE#7:00 for 1 person . Reference number is #BOOKING-BOOK-REF# .",
+ "The reservation for #BOOKING-BOOK-PEOPLE# people at the lucky star this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Table for #BOOKING-BOOK-PEOPLE# at La Mimosa on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The restaurant will hold your table for up to 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your restaurant booking was successful . This is the reference number #BOOKING-BOOK-REF# . It is for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people .",
+ "I have you booked for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your table for #BOOKING-BOOK-PEOPLE# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I have booked a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at the Tandoori Palace . Your reference number is #BOOKING-BOOK-REF# . Enjoy your evening !",
+ "Ok I have a table booked for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have your booking for #BOOKING-BOOK-PEOPLE# people , #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book the table for you for your party of #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Ok , booking was successful . You ' ve got a table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Reference number is : #BOOKING-BOOK-REF# .",
+ "I can check on that for you . Yes , I was able to get your reservation set up for #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I have that booked for you , #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people . Here is your reference number : #BOOKING-BOOK-REF# . They will hold your table for 15 minutes .",
+ "Your table is reserved for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book that reservation for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people , reference number #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Ok ! I have a table for #BOOKING-BOOK-PEOPLE# booked on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes and your Reference number is #BOOKING-BOOK-REF# .",
+ "Alright , I have a table for #BOOKING-BOOK-PEOPLE# booked at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your table on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-PEOPLE#1:00 for 1 . The reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation has been booked on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# . Reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book your table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is : #BOOKING-BOOK-REF# .",
+ "Yes i was able to make your reservation for #BOOKING-BOOK-PEOPLE# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation at Clowns Cafe for this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "You have a table booked for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . It will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "I have successfully booked a table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for you . The table will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "Okay ! Great ! I was able to book that restaurant at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# and your reference number is #BOOKING-BOOK-REF# .",
+ "All righty , your reservation is set for #BOOKING-BOOK-DAY# , 1#BOOKING-BOOK-PEOPLE#:15 , for 8 people . Your table will be held for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "You have a reservation for #BOOKING-BOOK-PEOPLE# at Eraina on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your table has been reserved at for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . The reference number is #BOOKING-BOOK-REF# .",
+ "I have you booked #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# a table for #BOOKING-BOOK-PEOPLE# , this table will hold for 15 mins and your reference number is #BOOKING-BOOK-REF# .",
+ "I have a reservation for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# , your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;People;Ref;Stay;": [
+ "I booked the room for #BOOKING-BOOK-PEOPLE# people and #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . The Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I have booked your reservation at the Ashley hotel for #BOOKING-BOOK-PEOPLE# people #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# , Your confirmation number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked you a #BOOKING-BOOK-PEOPLE# person stay for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I have you booked for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# and your reference number is #BOOKING-BOOK-REF# .",
+ "I have reserved you a room at the allenbell guesthouse for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# , for #BOOKING-BOOK-STAY# nights , reference number #BOOKING-BOOK-REF# .",
+ "The hotel has been booked for you for #BOOKING-BOOK-DAY# night for a total of #BOOKING-BOOK-STAY# night for #BOOKING-BOOK-PEOPLE# people . The reference number is #BOOKING-BOOK-REF# .",
+ "I have booked the El Shaddai for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book the Alexander B&B for you for #BOOKING-BOOK-PEOPLE# people and #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . The reference number is #BOOKING-BOOK-REF# .",
+ "Alright , you are booked on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "No problem . Your booking was successful for #BOOKING-BOOK-PEOPLE# people , starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# days . Your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;Name;People;Ref;Time;": [
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book at table at #BOOKING-BOOK-NAME# . #BOOKING-BOOK-DAY# at 17:1#BOOKING-BOOK-PEOPLE# for 5 people , reference number #BOOKING-BOOK-REF# . What destination would you like for the train from Stevenage ?",
+ "You 're all set . #BOOKING-BOOK-NAME# will be expecting the #BOOKING-BOOK-PEOPLE# of you at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve booked at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Ok , I have booked dinner for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Enjoy your meal !",
+ "Your table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# this #BOOKING-BOOK-DAY# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked your party of #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# . You are booked for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-NAME# on this #BOOKING-BOOK-DAY# at 17:1#BOOKING-BOOK-PEOPLE# for a party of 5 was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Great ! Your booking for #BOOKING-BOOK-PEOPLE# people at the restaurant #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful ! Your reference number is #BOOKING-BOOK-REF# .",
+ "A table for #BOOKING-BOOK-PEOPLE# has been booked for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "I have a table reserved for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve reserved a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve booked you a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to make a reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes I was able to make you a reservation at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve booked a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I booked your table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference is #BOOKING-BOOK-REF# . Is there anything else I can help with today ?",
+ "I made you a reservation for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# . Your reference is #BOOKING-BOOK-REF# and the table will be held for 15 minutes",
+ "Okay , i was able to book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "A table for #BOOKING-BOOK-PEOPLE# has been booked for you at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at the #BOOKING-BOOK-NAME# for this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "OK , you have a table at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve booked you a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reservation number is #BOOKING-BOOK-REF# . Your table will be reserved for 15 minutes .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation for a table of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "The reservation at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your table has been booked for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Excellent choice . I have booked #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at 14:4#BOOKING-BOOK-PEOPLE# , party of 5 . The reference number is #BOOKING-BOOK-REF# .",
+ "I have made a reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reservation reference is #BOOKING-BOOK-REF# . The table will be held for 15 minutes .",
+ "I ' ve booked #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# , for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# . The reservation lasts 15 minutes .",
+ "Table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-NAME# . They will hold your table for up to 15 minutes after your reservation . Your Reference # is : #BOOKING-BOOK-REF# .",
+ "Your reservation for a party of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to successfully book a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# , your reference number is #BOOKING-BOOK-REF# .",
+ "So sorry for the confusion , I was able to book for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# , it will be held 15 minutes .",
+ "The reservation at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is : #BOOKING-BOOK-REF# .",
+ "Thank you . I have booked you a table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# , and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to successfully book you for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes .",
+ "Your reservation at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your table will be reserved for 15 minutes . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "You have a reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Reference # #BOOKING-BOOK-REF# . Can I help you with anything else today ?",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I have booked you a table at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at 12:#BOOKING-BOOK-PEOPLE#5 for 4 people . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to get you in at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people . There is a new reference number , though . Use #BOOKING-BOOK-REF# .",
+ "Your reservation at the #BOOKING-BOOK-NAME# for this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation the #BOOKING-BOOK-NAME# was successfully booked for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I successfully booked a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# restaurant on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# . The table will be held for 15 minutes .",
+ "I was able to book #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# , reference number #BOOKING-BOOK-REF# . The table will be reserved for 15 minutes ."
+ ],
+ "none;": [
+ "Booking was successful . The table will be reserved for 15 minutes . Would you like the reference number ?",
+ "Thanks , booking has been completed .",
+ "Great ! Thank you for your help .",
+ "Booking was successful . The table will be reserved for 15 minutes .",
+ "Okay , that worked , and I ' ve successfully booked your table . I can give you the reference number , if you 'd like .",
+ "Your booking was successful . Would you like the reference number ?",
+ "Booking was successful . The table will be reserved for 15 minutes .",
+ "I have that accommodation made for you , thank you !",
+ "You 're all booked .",
+ "Booking was successful . The table will be reserved for 15 minutes .",
+ "I have booked you a table . the Reference number is : B19Y67KT .",
+ "I made a booking for you . Do you need the reference number ?",
+ "Yes I can you in for 3 nights . Is there anything else I can do for you ?",
+ "Your booking has been completed .",
+ "Your hotel has been booked !",
+ "Booking was successful ! Can I get anything else for you ?",
+ "Already booked . welcome",
+ "I have that reserved for you .",
+ "That 's the reference number for the hotel .",
+ "That was a success . Would you like the reference number ?",
+ "Booking was successful . The table will be reserved for 15 minutes .",
+ "The booking was already done .",
+ "Your reservation has been booked .",
+ "The reservation was successful and they will hold the table for your party for 15 minutes .",
+ "Booking was a success !",
+ "OK that is all set , thank you !",
+ "Great ! I have the rooms booked for you .",
+ "Your reservation has been booked .",
+ "Alright you 're all booked . Would you like the reference number ?",
+ "The booking was successful I have a reference number and the hotel number for you .",
+ "Ok , that booking was successful , and the table will be reserved for 15 minutes .",
+ "I ' ve booked your table ! It will be reserved for 15 minutes .",
+ "You 're all booked . Your table will be reserved for 15 minutes .",
+ "We have received your booking and you are all set . Enjoy your stay .",
+ "We have made your reservation thank you !",
+ "I have you booked in at that time and day .",
+ "Yes , the booking has been completed .",
+ "I sure can . I have your table booked .",
+ "Success ! We ' ve booked your reservation",
+ "We were able to book that table for you ! Would you like your reference number ?"
+ ],
+ "Name;People;Time;": [
+ "Certainly . I ' ve booked you for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# at the #BOOKING-BOOK-NAME# .",
+ "ok I have reserved a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# . Is there anything else I can do for you ?",
+ "I ' ve got you booked at 1#BOOKING-BOOK-PEOPLE#:00 for 7 at #BOOKING-BOOK-NAME# .",
+ "Ok I have booked you at #BOOKING-BOOK-NAME# on Tuesday at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people ."
+ ],
+ "People;Stay;": [
+ "I ' ve booked your stay at the #BOOKING-BOOK-STAY# for #BOOKING-BOOK-PEOPLE# people .",
+ "I have you booked for #BOOKING-BOOK-STAY# day for #BOOKING-BOOK-PEOPLE# people ."
+ ],
+ "Name;Ref;Stay;": [
+ "All right , your room is reserved at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# night . Booking was successful . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve made a successful reservation for #BOOKING-BOOK-STAY# nights at the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Great ! I was able to get you into #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights and your reference number is #BOOKING-BOOK-REF# .",
+ "I have successfully booked a #BOOKING-BOOK-STAY# night stay at #BOOKING-BOOK-NAME# , your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to reserve the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights , you confrimation number is #BOOKING-BOOK-REF# .",
+ "I was able to successfully book you for #BOOKING-BOOK-STAY# nights at the #BOOKING-BOOK-NAME# , and your reference number is #BOOKING-BOOK-REF# .",
+ "I want able to book your room at #BOOKING-BOOK-NAME# for you for the #BOOKING-BOOK-STAY# nights . Your reference number for this is #BOOKING-BOOK-REF# .",
+ "Great , I have you booked at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Name;Ref;Time;": [
+ "I got you a table at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# . Reference number is #BOOKING-BOOK-REF# .",
+ "Your table has been booked at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Great I have you at #BOOKING-BOOK-NAME# \t at #BOOKING-BOOK-TIME# and the reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with ?",
+ "Booking was successful to dine at the #BOOKING-BOOK-NAME# . Table will be reserved for #BOOKING-BOOK-TIME# . Your reference number is : #BOOKING-BOOK-REF# . Anything Else ?",
+ "You have a table at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# . #BOOKING-BOOK-REF# is your reference number .",
+ "Your reservation at #BOOKING-BOOK-NAME# has been made for a table for 7 at #BOOKING-BOOK-TIME# . They 'll hold the table 15 minutes , and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked table at #BOOKING-BOOK-NAME# for you at #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Booking was successful at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . Your reference number is : #BOOKING-BOOK-REF# . Can I help with anything else ?"
+ ],
+ "People;Ref;Stay;": [
+ "Your hotel booking was successful . Your reference number for your #BOOKING-BOOK-STAY# night stay for #BOOKING-BOOK-PEOPLE# people is #BOOKING-BOOK-REF# .",
+ "Your hotel booking was successful . Your reference number for your #BOOKING-BOOK-STAY# night stay for #BOOKING-BOOK-PEOPLE# people is #BOOKING-BOOK-REF# .",
+ "I ' ve got you a reservation for #BOOKING-BOOK-PEOPLE# at Hobson 's House for #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to succesfully book your room for #BOOKING-BOOK-PEOPLE# people and #BOOKING-BOOK-STAY# nights . Your reference number is : #BOOKING-BOOK-REF# ."
+ ],
+ "Day;People;Stay;": [
+ "I booked you a #BOOKING-BOOK-STAY# night stay for #BOOKING-BOOK-PEOPLE# , beginning on #BOOKING-BOOK-DAY# . Enjoy your stay !",
+ "Great , I ' ve got you booked for #BOOKING-BOOK-STAY# days starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# guests is this correct ?",
+ "I have booked #BOOKING-BOOK-PEOPLE# for this #BOOKING-BOOK-DAY# for #BOOKING-BOOK-STAY# nights .",
+ "Yes , sir , we have the booking all completed for you . That was #BOOKING-BOOK-STAY# days starting #BOOKING-BOOK-DAY# , for #BOOKING-BOOK-PEOPLE# people . Is that correct ?",
+ "Your reservations have been made for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# beginning #BOOKING-BOOK-DAY# .",
+ "Okay . I have a reservation for #BOOKING-BOOK-PEOPLE# for #BOOKING-BOOK-STAY# starting #BOOKING-BOOK-DAY# .",
+ "I have a booking for #BOOKING-BOOK-STAY# nights , starting on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people ."
+ ],
+ "Day;People;Ref;Time;Time;": [
+ "I was able to book the table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# . The table will be reserved for #BOOKING-BOOK-TIME# ."
+ ],
+ "Day;Name;Ref;": [
+ "Your booking for #BOOKING-BOOK-DAY# at the #BOOKING-BOOK-NAME# has been booked . Your reference number is #BOOKING-BOOK-REF# .",
+ "SI booked you at #BOOKING-BOOK-NAME# . Your reservation is #BOOKING-BOOK-REF# on #BOOKING-BOOK-DAY# .",
+ "I have booked you at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Reservations for #BOOKING-BOOK-DAY# have been booked for the #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "Let 's get your hotel booked and then we will do the taxi . I have you booked at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# . Reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Name;People;Ref;Stay;": [
+ "I have booked #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# days for #BOOKING-BOOK-PEOPLE# people Reference number is #BOOKING-BOOK-REF# .",
+ "I was successful in booking #BOOKING-BOOK-STAY# night at #BOOKING-BOOK-NAME# on tuesday for #BOOKING-BOOK-PEOPLE# people . your reference number is #BOOKING-BOOK-REF# . Can I help with anything else ?",
+ "I was able to book the #BOOKING-BOOK-NAME# for you for #BOOKING-BOOK-PEOPLE# guests for a total of #BOOKING-BOOK-STAY# nights . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked your stay at the #BOOKING-BOOK-NAME# for Friday for #BOOKING-BOOK-STAY# days for #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# . Is there anything else I can help you with today .",
+ "The booking was successful . I have booked #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# days your reference number is : #BOOKING-BOOK-REF# .",
+ "Your reservation at the #BOOKING-BOOK-NAME# for 5 days #BOOKING-BOOK-PEOPLE# nights for 4 people was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# days with #BOOKING-BOOK-PEOPLE# people . Reference number is #BOOKING-BOOK-REF# .",
+ "I have made the reservation for #BOOKING-BOOK-PEOPLE# people for #BOOKING-BOOK-STAY# days at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# days for a party of #BOOKING-BOOK-PEOPLE# was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I certainly can . I have good news , I was able to get you into #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights accommodating #BOOKING-BOOK-PEOPLE# people . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have booked #BOOKING-BOOK-NAME# starting Monday for #BOOKING-BOOK-STAY# days for #BOOKING-BOOK-PEOPLE# people . Reference # #BOOKING-BOOK-REF# ."
+ ],
+ "Day;Name;Time;": [
+ "Ok , I have you booked at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "I ' ve booked you at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-NAME# . Anything else ?",
+ "Ok I have booked a table for 4 at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "I ' ve booked you a table at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Would you like the reference number ?"
+ ],
+ "Name;People;Ref;Time;": [
+ "Table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# , arriving at #BOOKING-BOOK-TIME# . They can hold your table for up to 15 minutes , only . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# has been reserved for #BOOKING-BOOK-TIME# . They will hold your table for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Certainly . You now have a table for your party of #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# , at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "We have you booked for a party of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# . They hold the reservation for 15 minutes .",
+ "Your reservation at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-PEOPLE#4:00 for 1 person was successful . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Perfect . Your table has been booked at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# . The reference number is #BOOKING-BOOK-REF# .",
+ "You now have a #BOOKING-BOOK-TIME# reservation for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Name;People;Ref;": [
+ "I have booked a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . Can you give me more information about the train you need ?",
+ "Ok . I have a table for #BOOKING-BOOK-PEOPLE# booked at #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# . They will hold the table for 15 minutes .",
+ "Excellent choice ! I ' ve booked you a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# . Your reference number is #BOOKING-BOOK-REF# and the table will be reserved for 15 minutes ."
+ ],
+ "Day;Name;Ref;Time;": [
+ "Sure I booked your table at #BOOKING-BOOK-NAME# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . The table will be reserved for 15 minutes and your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked you at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "The reservation at #BOOKING-BOOK-NAME# was successfull for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for 6 people . The Reference number is : #BOOKING-BOOK-REF# .",
+ "I booked you for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at the #BOOKING-BOOK-NAME# . Your reference code is #BOOKING-BOOK-REF# .",
+ "You are booked at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve booked you at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I successfully booked a reservation for you at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# and the table will be held for 15 minutes .",
+ "I have you booked at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# here is your Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to get a table for 4 at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your confirmation number is #BOOKING-BOOK-REF# .",
+ "Your table for 1 at #BOOKING-BOOK-NAME# this #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . The table will be reserved for 15 minutes . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "You are booked for #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Reference number is #BOOKING-BOOK-REF# .",
+ "Okay , you 're all set with a reservation at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# ! The reference number is #BOOKING-BOOK-REF# .",
+ "Your table at #BOOKING-BOOK-NAME# has been reserved for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# . Can I help you with anything else ?"
+ ],
+ "Day;": [
+ "I was able to book you for #BOOKING-BOOK-DAY# .",
+ "I have also reserved for #BOOKING-BOOK-DAY# evening",
+ "I was able to get you that reservation on #BOOKING-BOOK-DAY# . The table will be reserved for 15 minutes prior to your arrival ."
+ ],
+ "People;Ref;Time;": [
+ "Great News ! I was able to reserve your table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-TIME# time . They will hold the table for 15 minutes . Reference number is : #BOOKING-BOOK-REF# .",
+ "Yes it is confirmed with reference number TT#BOOKING-BOOK-PEOPLE#J62KR . The time is #BOOKING-BOOK-TIME# for 8 people .",
+ "I have successfully booked you a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . The table will be reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set . I have book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . Reference # #BOOKING-BOOK-REF# . Can I help with anything else ?",
+ "Excellent , I have booked you a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . Tables are reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "People;Ref;": [
+ "I was able to book a table for #BOOKING-BOOK-PEOPLE# they will hold the table for you for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Yes I have you booked for #BOOKING-BOOK-PEOPLE# people and your reference number is #BOOKING-BOOK-REF# .",
+ "All right , a table for #BOOKING-BOOK-PEOPLE# is reserved for you . #BOOKING-BOOK-REF# is your reference number .",
+ "I have successfully booked your restaurant reservation for #BOOKING-BOOK-PEOPLE# and your reference number is #BOOKING-BOOK-REF# .",
+ "Your table for #BOOKING-BOOK-PEOPLE# has been reserved , and they 'll hold it for you for 15 minutes . Reference number is #BOOKING-BOOK-REF# . Need further assistance ?",
+ "I switched the booking to #BOOKING-BOOK-PEOPLE# people , and the new reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;Name;People;Time;": [
+ "I have booked a table for you for a party of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at the #BOOKING-BOOK-NAME# restaurant . Is there anything else I can help with ?",
+ "Sounds good . I have booked a table for #BOOKING-BOOK-PEOPLE# at the #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Can I help with anything else ?",
+ "Ok , I have booked a table at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "I have booked a table for #BOOKING-BOOK-PEOPLE# for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# .",
+ "I have booked you at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your table will be reserved for 15 minutes .",
+ "I have booked a table for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-NAME# .",
+ "I have booked the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "I apologize , there was in fact an open table at the modern European restaurant . I ' ve booked you at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "Sure ! Your reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people at #BOOKING-BOOK-TIME# is successful . Would you like a reference number ?",
+ "I have you booked for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# at #BOOKING-BOOK-NAME# ."
+ ],
+ "Name;": [
+ "I book you a table at #BOOKING-BOOK-NAME# , I will send you the reference number .",
+ "To brighten up your Monday I have you booked at #BOOKING-BOOK-NAME# .",
+ "the #BOOKING-BOOK-NAME# seems appropriate . i have booked it for you .",
+ "A table has been booked for you at #BOOKING-BOOK-NAME# .",
+ "Ok , I booked you at the #BOOKING-BOOK-NAME# . The reference number is KLNF2GX0 .",
+ "I have booked #BOOKING-BOOK-NAME# for your upcoming stay . Is there anything else I can do for you ?",
+ "Of course ! Your reservation is at #BOOKING-BOOK-NAME# .",
+ "no i booked #BOOKING-BOOK-NAME# . is that fine ?"
+ ],
+ "Day;Time;": [
+ "Ok . You 're all set for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Have a great day .",
+ "great , i can book you for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# .",
+ "I booked you a table at the sala thong in the west area for #BOOKING-BOOK-TIME# #BOOKING-BOOK-DAY# .",
+ "No problem . Your table is booked at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# ."
+ ],
+ "Day;People;Time;": [
+ "Yes , booking for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# was successful . Would you like the reference number for that .",
+ "I can help you with that . I was able to get you a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . The restaurant will hold your table for 15 minutes .",
+ "That booking was made for #BOOKING-BOOK-DAY# for a party of #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . Was that correct ?",
+ "Okay . I have booked you for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# at the Dojo noodle Bar on #BOOKING-BOOK-DAY# .",
+ "Okay . I have made a reservation for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for #BOOKING-BOOK-PEOPLE# people ."
+ ],
+ "Day;Ref;Stay;": [
+ "Okay , I have you booked for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "You 're all set ! I ' ve got you booked for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# . Enjoy !",
+ "Yes , they have a room available for you and it 's booked for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# , your confirmation number is #BOOKING-BOOK-REF# .",
+ "Okay , you 're all booked for #BOOKING-BOOK-DAY# , for #BOOKING-BOOK-STAY# nights . The reference number is #BOOKING-BOOK-REF# . Anything else today ?",
+ "Got it ! You are successfully booked for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;Ref;Time;": [
+ "Good news , I was able to book #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes that certainly worked ! You 're booked for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# and your reservation number is #BOOKING-BOOK-REF# .",
+ "Your table is reserved at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "The booking was successful . Your table will be held for 15 minutes at #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# , and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# for you . Your reference number is #BOOKING-BOOK-REF# .",
+ "Good news . I was able to book your #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# at Saigon City . Your confirmation code is #BOOKING-BOOK-REF# .",
+ "Great ! I booked you in at #BOOKING-BOOK-TIME# on a #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your booking has been made at Restaurant Alimentum for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Reference number is #BOOKING-BOOK-REF# .",
+ "Okay I have you booked there for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# and your reference number is #BOOKING-BOOK-REF# .",
+ "yes certainly . I have you booked on #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# and your reference number for the booking is #BOOKING-BOOK-REF# .",
+ "The booking has been made for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# .",
+ "You are all set for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . The reference number is #BOOKING-BOOK-REF# . Enjoy your meal !",
+ "Just a moment please . I took care of that reservation for you . They will be expecting you #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Your table is reserved for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I made that reservation for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# . Remember the table will be held for 15 minutes only .",
+ "Ok , you are all set for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . They will hold the table for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "No problem ! I have your table reserved for #BOOKING-BOOK-TIME# on #BOOKING-BOOK-DAY# . They will hold your table for 15 minutes , your reference number is #BOOKING-BOOK-REF# .",
+ "Ok . I have your table booked for #BOOKING-BOOK-DAY# at #BOOKING-BOOK-TIME# . Your reference number is #BOOKING-BOOK-REF# . They will hold the table for 15 minutes ."
+ ],
+ "Day;Name;Ref;Stay;": [
+ "Alright , your room has been booked at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights starting on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "Okay , I ' ve booked you for one person at #BOOKING-BOOK-NAME# , starting on #BOOKING-BOOK-DAY# , for #BOOKING-BOOK-STAY# days . Your reference number is #BOOKING-BOOK-REF# .",
+ "How about the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# night starting #BOOKING-BOOK-DAY# and your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to book #BOOKING-BOOK-STAY# night at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I have reserved #BOOKING-BOOK-STAY# days at #BOOKING-BOOK-NAME# beginning #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "OK , you 're booked at the #BOOKING-BOOK-NAME# , 82 arbury road , for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# . Is there anything else ?",
+ "Your booking was successful for #BOOKING-BOOK-STAY# days at #BOOKING-BOOK-NAME# on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I was able to successfully book you at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "I ' ve booked accommodations at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# days beginning #BOOKING-BOOK-DAY# , your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;People;Ref;": [
+ "Arbury Lodge guesthouse is able to accommodate your party of #BOOKING-BOOK-PEOPLE# for #BOOKING-BOOK-DAY# night . Your reference number is #BOOKING-BOOK-REF# . Is there anything else you need ?",
+ "OK , I made your reservation for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# . Your reference number is #BOOKING-BOOK-REF# .",
+ "The restaurant has been booked for #BOOKING-BOOK-PEOPLE# people #BOOKING-BOOK-DAY# at 12:30 . Your reference code is #BOOKING-BOOK-REF# .",
+ "OK , 3 nights starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# guests . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "I ' ve book the hotel for you for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# . The reference number is #BOOKING-BOOK-REF# .",
+ "Your table for #BOOKING-BOOK-PEOPLE# on #BOOKING-BOOK-DAY# is reserved , and your confirmation number is #BOOKING-BOOK-REF# ."
+ ],
+ "Time;": [
+ "Would #BOOKING-BOOK-TIME# be a convenient time for you to leave ?"
+ ],
+ "Day;Name;People;Stay;": [
+ "Ok I have made you a booking at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# starting #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people .",
+ "I have booked the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-STAY# nights , starting this #BOOKING-BOOK-DAY# , for #BOOKING-BOOK-PEOPLE# people .",
+ "Ok , I ' ve booked the #BOOKING-BOOK-NAME# hotel for your party of #BOOKING-BOOK-PEOPLE# , for #BOOKING-BOOK-STAY# nights starting #BOOKING-BOOK-DAY# .",
+ "You have reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people #BOOKING-BOOK-STAY# starting #BOOKING-BOOK-DAY# . I will give you the reference number ."
+ ],
+ "Day;Name;People;": [
+ "I was able to find you a booking at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-PEOPLE# people #BOOKING-BOOK-DAY# ."
+ ],
+ "Day;Ref;": [
+ "Booking was successful for #BOOKING-BOOK-DAY# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "You 're all set to arrive on #BOOKING-BOOK-DAY# . Your Reference number is : #BOOKING-BOOK-REF# .",
+ "Ok , I ' ve booked you and your guests for #BOOKING-BOOK-DAY# at Tandoori Place , 68 Histon Road Chesterton , Reference # #BOOKING-BOOK-REF# .",
+ "I was able to get you a room for 3 people for 1 night , starting #BOOKING-BOOK-DAY# , at the Acorn Guest House . The reference number is #BOOKING-BOOK-REF# .",
+ "As it turns out , #BOOKING-BOOK-DAY# just opened up . I was able to book it for you , here is your reference number , #BOOKING-BOOK-REF# .",
+ "I was able to Book #BOOKING-BOOK-DAY# . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-BOOK-REF# .",
+ "Booking was successful for #BOOKING-BOOK-DAY# . Reference number is : #BOOKING-BOOK-REF# .",
+ "I was able to get that table booked for you for #BOOKING-BOOK-DAY# . The restaurant will hold the table for 15 minutes . Your reference number is #BOOKING-BOOK-REF# .",
+ "Yes they certainly do . I made you a reservation for #BOOKING-BOOK-DAY# and your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "People;Time;": [
+ "Good news . I was able to book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# . Are you ready for the reference number ?",
+ "I was able to book a table for #BOOKING-BOOK-PEOPLE# at #BOOKING-BOOK-TIME# ."
+ ],
+ "Day;People;": [
+ "I have located your restaurant and booked a reservation for #BOOKING-BOOK-PEOPLE# people on #BOOKING-BOOK-DAY# !"
+ ],
+ "Day;Name;People;Ref;": [
+ "You are booked at the #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# and you table for #BOOKING-BOOK-PEOPLE# is reserved for 15 minutes . The reference number is #BOOKING-BOOK-REF# .",
+ "Okay I was able to book you at #BOOKING-BOOK-NAME# at 14:00 on #BOOKING-BOOK-DAY# for #BOOKING-BOOK-PEOPLE# people . your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Day;Name;": [
+ "You are set . I have made you a reservation at #BOOKING-BOOK-NAME# for #BOOKING-BOOK-DAY# night ."
+ ],
+ "Stay;": [
+ "Yes , I ' ve booked you for #BOOKING-BOOK-STAY# night at the Ashley Hotel .",
+ "I was able to book your reservation for #BOOKING-BOOK-STAY# days ."
+ ]
+ },
+ "Booking-Inform": {
+ "none;": [
+ "Shall I try to start and book you into one ?",
+ "Okay you sure you will not require a booking ?",
+ "Yes I will book it for you and get a reference number ?",
+ "Would you like for me to try and make a reservation ?",
+ "I will go ahead and book that now .",
+ "You 're welcome . Can I make a reservation for you ?",
+ "I have a listing for that . Would you like to book you a room ?",
+ "I was able to find it , would you like to book a room there ?",
+ "Yes it does . Would you like me to book it ?",
+ "Yes I will book it for you and get a reference number ?",
+ "Would you like me to book it for you ?",
+ "I have found the guesthouse you were wanting . Would you like me to book this for you ?",
+ "Yes , I can book it now .",
+ "Would you like me to book a reservation for you ?",
+ "Sure thing would you like a reservation ?",
+ "Ok I will book it for you",
+ "Yes it is . Would you like me to book it for you ?",
+ "Can I go ahead and book this for you ?",
+ "Ok would you like me to book a room for you ?",
+ "I have found the restaurant ; would you like for me to book a table for you ?",
+ "I found it would you like a reservation ?",
+ "Would you like to book tickets ?",
+ "Would you like me to book that ?",
+ "Would you like me to book you a table ?",
+ "May I help set a booking for you ?",
+ "Do you need me to book you a reservation ?",
+ "Yes it does . Would you like to go ahead and make a reservation ?",
+ "Yes , they are . Would you like to make a reservation ?",
+ "Ok I will book it for you",
+ "I will book it for you now .",
+ "I will work on booking that and be back with you shortly .",
+ "There is . Would you like me to book that for you ?",
+ "Yes , it is . Should I book it for you ?",
+ "yes it does . would you like me to make a reservation ?",
+ "Would you like me to book you a room ?",
+ "Sure thing I will work on booking that and be right back with you .",
+ "Great , would you like me to book it for you ?",
+ "They do ! Would you like to reserve a room ?",
+ "Would you like me to book something for you ?",
+ "Would you like me to book a room for you ?",
+ "Would you like me to book a room for you ?",
+ "would you like me to book it for you ?",
+ "Would you like a reservation ?",
+ "Do you want me to book that hotel for you ?",
+ "Would you like me to make the reservation for you ?",
+ "Ok I will book it for you",
+ "Yes it does . Would you like me to book it for you ?",
+ "Yes it does would you like me to book that for you ?",
+ "That 's a great hotel . Would you like me to make you a reservation ?",
+ "OK , let me see what I can do .",
+ "You 're welcome . Would you like me to make a reservation in your name ?",
+ "Should I book that for you ?",
+ "Great . Would you like me to make a reservation for you ?",
+ "Would you like me to book a reservation for you ?",
+ "I can reserve a table for you and give you a reservation number",
+ "Do you want hotel reservations ?",
+ "I will book that for you now .",
+ "Would you like me to book it for you ?",
+ "Would you like me to book it for you ?",
+ "It sure is . May i book it for you ?",
+ "Are you sure you do n't need me to book your hotel for you ?",
+ "Do you need me to book anything for you ?",
+ "Would you like me to book a reservation for you ?",
+ "Excellent . Would you like me to book it for you ?",
+ "Absolutely , will you be needing a reference number ?",
+ "Okay . Let us know if you need help booking !",
+ "Can I assist you with making a reservation there ?",
+ "yes great spot . Would you like for me to book ?",
+ "Yes , it does ! Would you like to book a room ?",
+ "Yes , I can take of that reservation for you .",
+ "i will book you up , welcome",
+ "I believe I am to book that for you , shall I book it ?",
+ "Would you like me to book it for you ?",
+ "Ok I will book it for you",
+ "I can reserve those rooms for you .",
+ "Okay ! Would you like for me to make you a reservation ?",
+ "I will go ahead and book that for you .",
+ "i will work on getting this booked .",
+ "Of course , would you like me to book it ?",
+ "I will go ahead and book that for you .",
+ "Yes there are many options to choose from . Would you like me to book a room for you at one of these locations ?",
+ "I will make the reservation for you now .",
+ "Yes that is correct , that way you do nt miss a spot",
+ "Okay , would you like me to make a reservation ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to book it for you ?",
+ "i was n't going to book it for you ?",
+ "I can book your room now . Thank you so much",
+ "Would you like me to make a booking for you ?",
+ "Great , shall Il go ahead and book you then ?",
+ "Okay would you like to make a booking ?",
+ "I ' ve found it , would you like me to book it for you ?",
+ "I will book that table for you now .",
+ "Okay , will you be needing a reference number ?",
+ "Can I book this for you ?",
+ "I can book that for you now .",
+ "Would you like me to book it for you and get a reference number ?",
+ "Would like to book a room ?",
+ "It is , as a matter of fact . Would you like a table there ?",
+ "I will work on getting that booked for you .",
+ "Yes they do . Should i book a room for you there ?",
+ "Would you like to book a table ?",
+ "Would you like me to make a reservation for you ?",
+ "I have made that reservation for you . Is there anything else I can help with ?",
+ "I will book that for you now .",
+ "Yes it is . Are you wanting to make a booking .",
+ "Sure thing , will you be needing a reference number ?",
+ "Would you like me to book you a table ?",
+ "I can go ahead and book that now .",
+ "Sure thing , I will work on getting this booked for you .",
+ "Do you want to make a reservation there ?",
+ "Certainly . I will have that reference number for you in just one second .",
+ "Will you be needing a reference number ?",
+ "Yes , they do ! Would you like a room ?",
+ "Would you like me to book the room now ?",
+ "Yes , it does ! Shall I book you a room ?",
+ "Do you need me to book this for you ?",
+ "Yes this hotel fits both those criteria . Would you like me to book it for you ?",
+ "Would you like me to book a reservation for you ?",
+ "I can get that completed for you . Did you need a reference number ?",
+ "I have found one , Can I make a booking for you ?",
+ "it is available . can i book one for you ?",
+ "Yes it is . Would you like a reservation there ?",
+ "I will go ahead and book that for you .",
+ "I can help book a hotel if you need it !",
+ "Would you like me to book it for you ?",
+ "Okay great . I will work on that now and be back with you shortly .",
+ "Are you sure you do n't want me to book the restaurant for you ?",
+ "Yes , would you like me to book a stay for you today ?",
+ "Yes it is . Shall I book it ?",
+ "Um , I should be asking you that . Would you like a booking ?",
+ "Yes ! Would you like to book a table ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to make a reservation for you then ?",
+ "Okay , I will work on booking this for you and be right back with you .",
+ "Yes , it is . Would you like me to book it ?",
+ "Would you like me to make you a reservation ?",
+ "Yes it is . Would you like me to make a reservation for you there ?",
+ "Will you need any dinner reservations to go with that ?",
+ "Would you like me to book that now ?",
+ "I 'd be happy to do that for you , if you want to give me your details .",
+ "Would you like me to book it for you ?",
+ "Yes , would you like me to make a reservation ?",
+ "Can you book it for me and get a reference number ?",
+ "Would you like that booked ?",
+ "Yes it is , would you like to book that ?",
+ "Sure . Can I make a reservation for you ?",
+ "I will work on getting this booked and be back with you shortly .",
+ "I will go ahead and book that now .",
+ "It certainly does . Would you like to make a reservation ?",
+ "My system can only go so fast . I will work on booking this and be right back with you .",
+ "They do have a room available .",
+ "Would you like me to book it for you ?",
+ "Would you like for me to make a reservation for you ?",
+ "You will have to contact the hotel directly to do that , do you still want to book the room ?",
+ "Would you like to book a reservation at this time ?",
+ "Ok I will book it for you",
+ "I can make the reservation for you now .",
+ "I will book that for you now .",
+ "Yes can i get your booking information please .",
+ "Yes it has both of them , would you like to make a booking ?",
+ "Would you like to book the hotel now ?",
+ "Would you like me to book it for you ?",
+ "Great , I will book that for you now .",
+ "Would you like me to book it for you ?",
+ "I found it . Would you like me to book it for you ?",
+ "can i book it for you ?",
+ "Sure thing , I will work on this and be back with you shortly .",
+ "i am doing that right away sir . thank you",
+ "I 'll check that now . If they have availability would you like me to reserve a table ?",
+ "its available shall i book it for you ?",
+ "It sure is . Would you like me to reserve it for you ?",
+ "I can go ahead and book it for you .",
+ "Do you need me to book that for you ?",
+ "Would you like me to make the reservation ?",
+ "OKay , shall I book this for you ?",
+ "Yes it does . Would you like to make a reservation ?",
+ "Ok I will book it for you",
+ "Very good , I 'll go ahead and try to make that booking for you .",
+ "Yes , I can book the table for you .",
+ "No problem , I will book it for you now .",
+ "Actually I will handle the booking on my end . Would you like me to proceed per your request ?",
+ "I found a hotel that fits your need . Would you like for me to book a room ?",
+ "I will book that for you now .",
+ "Would you like me to book it for you ?",
+ "i can book you one if you provide me with more information on it",
+ "Would you like me to book that for you ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to book a room for you ?",
+ "Did you need me to book a room at the Cambridge Belfry for you ?",
+ "Do you need me to book that reservation for you ?",
+ "May I help set a booking for you ?",
+ "Yes , let me book that for you .",
+ "I can help with that . First would you like to book a hotel ?",
+ "Can I book it for you ?",
+ "Okay , Do I need to book that for you ?",
+ "okay , would you like me to book that for you",
+ "I will work on booking this for you and be back with you shortly .",
+ "Alright , just to confirm you do not need me to book you for the train ?",
+ "I will book that for you now .",
+ "Yes . Would you like to book a table ?",
+ "Do you want me to make a booking ?",
+ "Okay would you like me to make a reservation ?",
+ "Would you like to make a booking ?",
+ "This is a restaurant , anything listed under restaurant is a restaurant and not a bar . Would you like me to book you ?",
+ "Which one would you like me to book ?",
+ "Yes , it sure is . Would you like to reserve a room ?",
+ "Yes indeed . I can make a reservation if you 'd like .",
+ "I will book that for you now .",
+ "Would you like me to book it for you ?",
+ "They sure do . Would you like to make a reservation ?",
+ "I certainly can . Just let me call them and confirm the reservation . Can you hold please ?",
+ "Would you like me to go ahead with booking at city stop restaurant ?",
+ "Would you like me to make a reservation for you ?",
+ "Would you like me to book it ?",
+ "Would you like me to book you in ?",
+ "Can I get you set up in a room then ?",
+ "May i please have your details ( Name , ID , Phone number , email ) so i can go ahead and make the booking for you ?",
+ "Indeed it is . Would you like for me reserve you a table ?",
+ "Can I go ahead and book this for you ?",
+ "I will book that for you now .",
+ "Yes , I will book that for you now .",
+ "Is there anything else I can search for you ? Do you need to book a restaurant ?",
+ "Would you like for me to make you a reservation ?",
+ "I ' m sorry but i ' m confused . Where would you like reservations at ?",
+ "Yes , I can book that room for you .",
+ "Would you like me to book it for you ?",
+ "I will check their availability .",
+ "I will book that for you now .",
+ "It sure does . Can I book your stay for you ?",
+ "I can book that now .",
+ "I will work on getting that booked and be back with you shortly .",
+ "OK , can I help you with that ? Maybe book you some travel or accommodations ?",
+ "Sure thing , I will work on getting this booked and be right back with you .",
+ "I found this booking for you . Can I book it ?",
+ "Would you like me to book that for you ?",
+ "Yes it does would you like me to make a booking ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to make a booking for you ?",
+ "Would you like me to book you a reservation ?",
+ "Yes I will get you that number , one moment please",
+ "Could you like me to book that for you ?",
+ "Sure thing . Do you want me to book it for you ?",
+ "I listed these hotels , which one do you want me to book for you ?",
+ "I have not booked it as of yet . Would you like me to book it for you ?",
+ "can I check availability for you ?",
+ "Okay I will make the reservation .",
+ "Ok I Am going to book a cheaper hotel for you , have a good day , thank you .",
+ "I will work on that and be back with you in a moment .",
+ "You are welcome . Will you need a taxi or a restaurant reservation ? I can help .",
+ "Would you like me to reserve a table for you ?",
+ "Can you book it for me and get a reference number ?",
+ "Would you like me to book the room for you ?",
+ "Would you like me to book you a reservation there ?",
+ "I will reserve that for you now .",
+ "Yes , would you like a reference number ?",
+ "Ok I will book that for you and get you a confirmation number",
+ "Would you like me to book a room for you ?",
+ "Unfortunately I will need this information in order to book the room . Would like to call back at another time when you have that information ?",
+ "Yes it is . Would you like me to book that for you .",
+ "I will go ahead and book your room .",
+ "I can go ahead and book it for you .",
+ "Would you like to look into a hotel ?",
+ "Yes . Would you like me to book that for you ?",
+ "They do . Would you like to book a room ?",
+ "I will book that for you now .",
+ "I will book it for you now .",
+ "Wonderful . Have a nice time . Can I reserve a taxi for you ?",
+ "I can book that for you now .",
+ "Would you like me to book it for you ?",
+ "Okay I found you a Chinese restaurant and wish to make you a booking .",
+ "Would you like me to make a reservation ?",
+ "Yes there is ; would you like me reserve for you ?",
+ "Would you like a reservation ?",
+ "I found it . Would you like me to book a room for you ?",
+ "Yes I will book it for you and get a reference number ?",
+ "Do you want me to go ahead an make reservations for you ?",
+ "Yes it does . Would you like to book ?",
+ "Yes I will get a confirm number for you",
+ "Would you like to book a room ?",
+ "Yes . Would you like to book a room ?",
+ "Ok perfect , would you like me to book a reservation for you ?",
+ "yes , shall i go ahead and reserve a table for you ?",
+ "I can make that reservation for you .",
+ "OKay , would you like me to send you a reference number ?",
+ "I have it be sure to give me your preferences and we can start booking",
+ "Yes , they do ! Would you like to book a room ?",
+ "Let me get that for you .",
+ "It is ! Would you like me to book a table for you ?",
+ "I am happy to help you with the booking , enjoy .",
+ "I will book it for you and get a reference number",
+ "May I book that then for you ?",
+ "Sure , give me one moment to book it for you .",
+ "I will work on booking this and be right back with you .",
+ "Yes , I will book you a table now .",
+ "Absolutely ! Let us know if you would like to book a room .",
+ "Would you like me to book that for you then ?",
+ "Sure I ' ve found them , would you like me to make a reservation ?",
+ "Okay . Would you like for me to make a reservation there ?",
+ "Yes they are . Would you like to book a room ?",
+ "Most definitely . Would you like to go ahead and book a reservation ?",
+ "Booking you a taxi would be no trouble . Would you like to book one of those hotels first ?",
+ "Which restuarant do you want to book at ?",
+ "Would you like me to book it for you ?",
+ "Okay ! Would you like for me to book you a room ?",
+ "Would you like me to book a reservation for you .",
+ "Sure thing , I will work on booking that now . I will be back with you in a moment .",
+ "Yes that time will work . Would you like me to book that table for you ?",
+ "Would you like me to book either of them ?",
+ "Do you need a reservation ?",
+ "Yes all of them . would you like to book one ?",
+ "Would you like me to make a booking for you .",
+ "Would you like me to reserve a table ?",
+ "Ok I will book it for you",
+ "Do you want me to book you at any hotel of my choosing ?",
+ "Ok I will book that for you and get you a confirmation number",
+ "Ok I will book that for you and get you a confirmation number",
+ "I will go ahead and book that for you now .",
+ "Would you like me to book it for you ?",
+ "Would you like me to book for you before you leave ?",
+ "That is available will you be needing a reservation ?",
+ "Yes , it is wonderful food in the centre of town . Can I reserve a table for you ?",
+ "Which hotel would you prefer me to book ?",
+ "Would you like me to book it for you ?",
+ "Alright , your table will be booked for that time .",
+ "I will book that for you now .",
+ "you are very welcome . please hold while i book the reservation",
+ "Would you like me to help you with reserving a table ?",
+ "Yes , should I book you a ticket at cambridge arts theatre .",
+ "Would you like me to make a booking for you ?",
+ "Would you like me to make a reservation there for you ?",
+ "I will work on booking this and be right back with you .",
+ "Would you like me to book it ?",
+ "Would you like me to make a booking for you ?",
+ "Ok I will book it for you",
+ "May I further help you with booking ?",
+ "I will work on that booking and be back with you shortly .",
+ "Would you like me to reserve the acorn guest house for you ?",
+ "Sure , would you like me to book it ?",
+ "Would you like me to book that for you ?",
+ "Sure thing , I will work on getting this booked for you .",
+ "Would you like me to go ahead and book that ?",
+ "One more time let me know exactly what you need by looking at what you wrote down on your right , so we can book you .",
+ "Would you like me to book it for you ?",
+ "Yes , just let me know the details of your stay and I can book a room for you .",
+ "Would you like me to book it for you ?",
+ "Would you like me to book a table at either place ?",
+ "Yes it does . Would you like me to book you a room ?",
+ "Would you like me to book it for you ?",
+ "Yes , it is . May I help you book ?",
+ "Okay I will work on getting this done and get back to you .",
+ "Would you like me to book it for you ?",
+ "I can go ahead and book that for you now .",
+ "I will get that for you now .",
+ "Would you like me to book that for you ?",
+ "It is . would you like to make a reservation ?",
+ "Ok , I will contact the Mariott and get you all set up .",
+ "Sure , I will work on booking that for you .",
+ "I will book that for you now .",
+ "Ok I will book it for you",
+ "I can try to book it again .",
+ "Yes booking is available for one night , would you like me to place it ?",
+ "I will reserve it for you .",
+ "Ok I have found the hotel . Would you like to book a room ?",
+ "Would you like me to book it for you ?",
+ "I will go ahead and book your room .",
+ "Shall I book you a room then ?",
+ "Sounds like a plan . Would you like me to book it now ?",
+ "Would you like to book a table there ?",
+ "Ok I will book it for you and get a reference number",
+ "Would you like me to book a room for you ?",
+ "Sweet ! Do you need a reservation ?",
+ "Great , would you like for me to set up a booking ?",
+ "Can I make the reservation for you ?",
+ "Would you like me to reserve the hotel ?",
+ "I will work on that and be back with you in a moment .",
+ "Would you like for me to book reservations for restaurants and museums ?",
+ "I ' m sorry , they do not have a phone number listed . Would you like to book a table ?",
+ "yes would you like me to book it for you ? ,",
+ "Would you like me to make a reservation for you ?",
+ "Ok I will book that for you and get you a confirmation number",
+ "Would you like me to book a room ?",
+ "Would you like me to book it for you ?",
+ "Let me book that for you now .",
+ "No problem . Are you sure you do n't want to go ahead and make a reservation ?",
+ "I need to book a reservation for you to tell the taxi man ...",
+ "I can book it for you .",
+ "Yes I will book it for you",
+ "Would you like me to book it for you ?",
+ "Would you like me to make you a reservation ?",
+ "I found it , would you like me to book it for you ?",
+ "I will book that for you now ."
+ ],
+ "Day;People;Time;": [
+ "One moment while I try to make the reservation of table for #BOOKING-INFORM-PEOPLE# , #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# .",
+ "Yes , I will book a table for #BOOKING-INFORM-PEOPLE# on #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# .",
+ "Do you want the reservations for #BOOKING-INFORM-PEOPLE# people on #BOOKING-INFORM-DAY# ? Also , does #BOOKING-INFORM-TIME# sound good ?",
+ "I can reserve a table for #BOOKING-INFORM-PEOPLE# on #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# . Should I book it for you ?"
+ ],
+ "Name;": [
+ "Did you need to book a room at the #BOOKING-INFORM-NAME# ? I can help you out with that .",
+ "I can book a room for you at #BOOKING-INFORM-NAME# .",
+ "I ' ve found one result . It is #BOOKING-INFORM-NAME# . Do you want a reservation ?",
+ "Ah , yes , #BOOKING-INFORM-NAME# . Great place , they just repainted . Would you like to book a reservation ?",
+ "Would you like to book the #BOOKING-INFORM-NAME# ?",
+ "Want me to book #BOOKING-INFORM-NAME# ?",
+ "Do you want me to book a room for #BOOKING-INFORM-NAME# ?",
+ "No there are not . Would you like me to book the #BOOKING-INFORM-NAME# for you ?",
+ "I ' ve located #BOOKING-INFORM-NAME# , would you like me to assist you with booking a room ?",
+ "I will book you for #BOOKING-INFORM-NAME# , ok ?",
+ "Would you like me to book you a room at #BOOKING-INFORM-NAME# ?",
+ "I can book you a table at #BOOKING-INFORM-NAME# .",
+ "Would you like me to make reservations at #BOOKING-INFORM-NAME# for you ?",
+ "I found #BOOKING-INFORM-NAME# restaurant would you like to book that ?",
+ "Would you like to try #BOOKING-INFORM-NAME# ? I can book it for you ?",
+ "I found #BOOKING-INFORM-NAME# . Do you want to make a reservation ?",
+ "how about #BOOKING-INFORM-NAME# ? it looks lovely",
+ "We have the #BOOKING-INFORM-NAME# do you want to book ?",
+ "I can book you at the #BOOKING-INFORM-NAME# . Does that sound good ?",
+ "Would you like to book a room at the #BOOKING-INFORM-NAME# ?",
+ "I can book you a table at #BOOKING-INFORM-NAME# .",
+ "Would you like me to try and book a room for you at #BOOKING-INFORM-NAME# ?",
+ "I can book you in #BOOKING-INFORM-NAME# . would you like me to do that",
+ "I ' ve located the #BOOKING-INFORM-NAME# , would you like me to make reservations there for you ?",
+ "There is also #BOOKING-INFORM-NAME# , would you like me to check booking there as well ?",
+ "Yes , it is still around . Would you like me to book #BOOKING-INFORM-NAME# ?",
+ "Would you like for me to make a reservation for you at the #BOOKING-INFORM-NAME# ?",
+ "Would you like a booking at #BOOKING-INFORM-NAME# ?",
+ "Would you like me to make you a reservation at the #BOOKING-INFORM-NAME# ?",
+ "Okay if you would like me to book the #BOOKING-INFORM-NAME# I would be happy to do so .",
+ "Would you like a table at #BOOKING-INFORM-NAME# ?",
+ "I found the #BOOKING-INFORM-NAME# , would you like me to book it for you ?",
+ "Would you like me to book a reservation at the #BOOKING-INFORM-NAME# for you today ?",
+ "Would you like me to make a reservation for restaurant #BOOKING-INFORM-NAME# ?",
+ "Would you like for me to book a table at #BOOKING-INFORM-NAME# for you ?",
+ "Would you like me to book you for #BOOKING-INFORM-NAME# ?",
+ "Would you like me to book a room for you at #BOOKING-INFORM-NAME# ?",
+ "I found #BOOKING-INFORM-NAME# it meets your criteria would you like me to book that for you ?",
+ "The #BOOKING-INFORM-NAME# is a nice place , s do you want me to book it ?",
+ "Okay ! How about #BOOKING-INFORM-NAME# ? Would you like a reservation ?",
+ "There is #BOOKING-INFORM-NAME# that meets your requirements would you like me to book a table ?",
+ "That would be the #BOOKING-INFORM-NAME# , would you like to book there ?",
+ "Ok . Would you like me to make a reservation at #BOOKING-INFORM-NAME# ?",
+ "Would you like me to make a reservation at #BOOKING-INFORM-NAME# for you ?",
+ "did you need a booking at #BOOKING-INFORM-NAME# ?",
+ "The #BOOKING-INFORM-NAME# is 1 of 2 places that matches your needs . Can I book you in for this hotel ?",
+ "May I book you at #BOOKING-INFORM-NAME# ?",
+ "Would you like to book a table at #BOOKING-INFORM-NAME# ?",
+ "Sure , there is one named #BOOKING-INFORM-NAME# . Does that sound good ?",
+ "I will book the #BOOKING-INFORM-NAME# for you .",
+ "There is an #BOOKING-INFORM-NAME# , shall I book it for you ?",
+ "Would you like to book #BOOKING-INFORM-NAME# ?",
+ "I can book the #BOOKING-INFORM-NAME# for you .",
+ "The #BOOKING-INFORM-NAME# fits the bill , would you like me to book you a room ?",
+ "Would you like me to book you a table at #BOOKING-INFORM-NAME# ?",
+ "Are you wanting a reservation for #BOOKING-INFORM-NAME# for thai ?",
+ "I have a listing for #BOOKING-INFORM-NAME# , would you like me to make a reservation ?",
+ "Would you like me to make you a reservation at #BOOKING-INFORM-NAME# ?",
+ "You would like an additional reservation at #BOOKING-INFORM-NAME# restaurant ?",
+ "Would you like me to book you at the #BOOKING-INFORM-NAME# ?",
+ "I can book you a room at #BOOKING-INFORM-NAME# .",
+ "The #BOOKING-INFORM-NAME# fits your criteria . Would you like to make a reservation ?",
+ "Would you like me to try and make a reservation for the #BOOKING-INFORM-NAME# ?",
+ "Before we get to the train , you mentioned wanting to make a reservation at #BOOKING-INFORM-NAME# . Would you like to do that ?",
+ "There is #BOOKING-INFORM-NAME# would you like me to make you a reservation ?",
+ "Would you like to try #BOOKING-INFORM-NAME# ?",
+ "Would you like me to book #BOOKING-INFORM-NAME# ?",
+ "Okay I will make reservation for #BOOKING-INFORM-NAME# is available .",
+ "Would you like to book a room at the #BOOKING-INFORM-NAME# ?",
+ "Would you like to book #BOOKING-INFORM-NAME# ? It matches all of your latest criteria .",
+ "Alright , would you like me to book you a room at the #BOOKING-INFORM-NAME# ?",
+ "I can book you at the #BOOKING-INFORM-NAME# if you would like .",
+ "I can get those reservations for you at #BOOKING-INFORM-NAME# . Would you like me to make the reservation ?",
+ "Okay , I found #BOOKING-INFORM-NAME# , would you like to make a reservation ?",
+ "Would you like me to book a room at #BOOKING-INFORM-NAME# for you ?",
+ "would you like to book a room at #BOOKING-INFORM-NAME# or any of the others ?",
+ "Sure , do you want me to book the #BOOKING-INFORM-NAME# then ?",
+ "It appears that the #BOOKING-INFORM-NAME# meets your needs ! Would you like me to book that for you ?",
+ "The #BOOKING-INFORM-NAME# matches those qualifications . Would you like a reservation or more information ?",
+ "Would you like #BOOKING-INFORM-NAME# ?"
+ ],
+ "People;": [
+ "can you find me another hotel that accommodates #BOOKING-INFORM-PEOPLE# people",
+ "I would be happy to book this for you . Will you be booking for #BOOKING-INFORM-PEOPLE# people ?",
+ "I sure can ! Would you like to book rooms for #BOOKING-INFORM-PEOPLE# people ?",
+ "that was #BOOKING-INFORM-PEOPLE# , correct ?",
+ "i want to confirm this , do i book for #BOOKING-INFORM-PEOPLE# person ?",
+ "So for #BOOKING-INFORM-PEOPLE# people in total ?",
+ "Ok I will book it for you for #BOOKING-INFORM-PEOPLE# people",
+ "I will book that for #BOOKING-INFORM-PEOPLE# people .",
+ "Do you want reservations for #BOOKING-INFORM-PEOPLE# people , the same as the restaurant ?",
+ "Yes I can ! Table for #BOOKING-INFORM-PEOPLE# ?",
+ "Yes I can is the room #BOOKING-INFORM-PEOPLE# ?",
+ "Okay , I will book the table for #BOOKING-INFORM-PEOPLE# at a moderate restaurant ."
+ ],
+ "Name;Stay;": [
+ "Yes , we can do #BOOKING-INFORM-STAY# night at the #BOOKING-INFORM-NAME# .",
+ "I was able to find you #BOOKING-INFORM-STAY# night at #BOOKING-INFORM-NAME# ? May I book it for you ?"
+ ],
+ "Day;": [
+ "Okay , would you like me to attempt to book a table at one of these fine restaurants for #BOOKING-INFORM-DAY# ?",
+ "Okay , so you would like the reservation for #BOOKING-INFORM-DAY# days and five nights ?",
+ "Will you be coming in on #BOOKING-INFORM-DAY# ? and what time would you like the table booked for ?",
+ "Would you like this reservation be for #BOOKING-INFORM-DAY# ?",
+ "I would be happy to book that for you , but first I want to confirm you want to start your stay on #BOOKING-INFORM-DAY# is that correct ?",
+ "Do you want that guesthouse reservation to begin on #BOOKING-INFORM-DAY# ?",
+ "So you 'd like me to book the guesthouse #BOOKING-INFORM-DAY# thru Sat is that correct ?",
+ "Do you want the reservations to begin on #BOOKING-INFORM-DAY# ?"
+ ],
+ "Day;Name;People;Time;": [
+ "Okay . #BOOKING-INFORM-PEOPLE# people at #BOOKING-INFORM-TIME# on #BOOKING-INFORM-DAY# at the #BOOKING-INFORM-NAME# . I will book a table for you .",
+ "I can book at #BOOKING-INFORM-NAME# at #BOOKING-INFORM-TIME# on #BOOKING-INFORM-DAY# for #BOOKING-INFORM-PEOPLE# people .",
+ "Yes , I ' ve got the #BOOKING-INFORM-NAME# at #BOOKING-INFORM-TIME# for #BOOKING-INFORM-PEOPLE# on #BOOKING-INFORM-DAY# .",
+ "Yes , #BOOKING-INFORM-NAME# has an opening for #BOOKING-INFORM-PEOPLE# people at #BOOKING-INFORM-TIME# on #BOOKING-INFORM-DAY# .",
+ "Great ! I ' ve booked the #BOOKING-INFORM-NAME# for #BOOKING-INFORM-PEOPLE# on #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# . Would you like your reference number ?",
+ "I made your reservation at #BOOKING-INFORM-NAME# for #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# for #BOOKING-INFORM-PEOPLE# people . Have fun !",
+ "I just need to verify you want reservations for #BOOKING-INFORM-NAME# on #BOOKING-INFORM-DAY# at #BOOKING-INFORM-TIME# for #BOOKING-INFORM-PEOPLE# . Is this correct ?"
+ ],
+ "Day;Name;": [
+ "They are all avaliable for #BOOKING-INFORM-DAY# . Shall I book you a reservation with the #BOOKING-INFORM-NAME# ?",
+ "How about the #BOOKING-INFORM-NAME# ? It is available on #BOOKING-INFORM-DAY# ."
+ ],
+ "Day;Time;": [
+ "I will book your reservation for #BOOKING-INFORM-TIME# on #BOOKING-INFORM-DAY# .",
+ "Yes , there is a table open for #BOOKING-INFORM-TIME# on #BOOKING-INFORM-DAY# . Would you like me to book it for you ?"
+ ],
+ "Time;": [
+ "Yes #BOOKING-INFORM-TIME# is available , would you like me to book that for you ?",
+ "I sure can . If you bump your time #BOOKING-INFORM-TIME# there is a discount . Would you be interested in that ?",
+ "One moment while I try to make the reservation for #BOOKING-INFORM-TIME# ."
+ ],
+ "Day;Stay;": [
+ "Sure , can I just make sure you want a moderate guesthouse , East part of town , free internet , for #BOOKING-INFORM-STAY# days starting on #BOOKING-INFORM-DAY# ?"
+ ],
+ "Day;Name;People;Stay;": [
+ "Ok , let 's book #BOOKING-INFORM-NAME# for you #BOOKING-INFORM-DAY# for #BOOKING-INFORM-PEOPLE# people for #BOOKING-INFORM-STAY# nights .",
+ "I ' m sorry , I seem to be having an error in my system . You want a booking at the #BOOKING-INFORM-NAME# for #BOOKING-INFORM-PEOPLE# people , #BOOKING-INFORM-STAY# nights , on #BOOKING-INFORM-DAY# ?",
+ "Yes , I will book at #BOOKING-INFORM-NAME# for #BOOKING-INFORM-STAY# night for #BOOKING-INFORM-PEOPLE# people starting #BOOKING-INFORM-DAY# ."
+ ],
+ "Day;Day;Stay;": [
+ "just to verify , do you want the hotel for #BOOKING-INFORM-DAY# night ? or for #BOOKING-INFORM-DAY# and staying for #BOOKING-INFORM-STAY# night ?"
+ ],
+ "Name;People;": [
+ "I can book you a table for #BOOKING-INFORM-PEOPLE# at the #BOOKING-INFORM-NAME# ."
+ ],
+ "Day;People;Stay;": [
+ "Ok . I am trying to book the hotel for #BOOKING-INFORM-PEOPLE# people for #BOOKING-INFORM-STAY# night . You wanted the hotel for #BOOKING-INFORM-DAY# night , right ?",
+ "Ok , booking you #BOOKING-INFORM-STAY# nights for #BOOKING-INFORM-PEOPLE# people starting #BOOKING-INFORM-DAY# ."
+ ],
+ "Stay;": [
+ "Okay , #BOOKING-INFORM-STAY# . Would you like me to book that ?",
+ "For #BOOKING-INFORM-STAY# day ?"
+ ],
+ "Ref;": [
+ "I was able to book it , reference number is #BOOKING-INFORM-REF# ."
+ ],
+ "Name;Name;": [
+ "Would you like a table at #BOOKING-INFORM-NAME# or #BOOKING-INFORM-NAME# ?"
+ ],
+ "Day;Name;Stay;": [
+ "Yes , I am able to book the #BOOKING-INFORM-NAME# on #BOOKING-INFORM-DAY# , for #BOOKING-INFORM-STAY# days . Would you like to process this ?"
+ ],
+ "Name;Ref;": [
+ "Booking was successful at the #BOOKING-INFORM-NAME# . The Reference number is : #BOOKING-INFORM-REF# ."
+ ]
+ },
+ "Booking-NoBook": {
+ "none;": [
+ "All the hotels are booked .",
+ "Sorry , the restaurant does n't have any openings for that date and time .",
+ "I am unable to book this for you . Do you have any other preferences ?",
+ "Booking was unsuccessful do you have any other preference ?",
+ "That time will not be available . They are closed then .",
+ "I ' m sorry , again , that time is not available .",
+ "I ' m sorry , I was unable to reserve rooms for that day and length of stay . Would you like to try anything else ?",
+ "I ' m sorry those are not available .",
+ "Booking was unsuccessful . Would you like to arrange a stay at a different time ?",
+ "Unfortunately the booking was not successful .",
+ "Unfortunately , I am unable to book at this time .",
+ "I can not reserve tickets to the museum , if that 's what you 're asking .",
+ "Unfortunately the booking was not successful",
+ "Unfortunately there are no reservations left at that time . Would you like to change the restaurant ?",
+ "The booking was unsuccessful .",
+ "Unfortunately booking was unsuccessful .",
+ "I am unable to book the room at this time .",
+ "I am sorry I am having trouble booking this for you .",
+ "I ' m sorry but I can not book this either .",
+ "I ' m not able to book that either ?",
+ "Sorry , it looks like my system is still down . You may want to contact the restaurant directly .",
+ "Unfortunately the booking was unsuccessful for the hotel",
+ "Unfortunately , I ca n't book either days for you .",
+ "There is , but booking was unsuccessful at the city centre north b and b as well .",
+ "My system is down I will have to process this for you in a minute .",
+ "Thank you for your patience . I am checking many hotels as so far I have been unsuccessful booking a room for you .",
+ "The booking was unsuccessful do you have another choice ?",
+ "I ' m sorry . It looks like they 're full . Would you like me to look for something else ?",
+ "I apologize booking was unsuccessful . Would you like me to try another restaurant ?",
+ "Those are all booked for the year due to events is a hotel okay ?",
+ "I ' m sorry , four nights is n't possible either .",
+ "I was unable to book that room for you . Can we try a shorter stay or a different place perhaps ?",
+ "I could not book a room for that number of nights on those days in that area . Perhaps try a different area ?",
+ "Booking was unsuccessful .",
+ "Unfortunately I was not able to book that restaurant .",
+ "Then booking was unsuccessful . Would you like me to try the Indian restaurant ?",
+ "I apologize , but the hotel ca n't accommodate you .",
+ "Unfortunately , I am unable to book it right now .",
+ "I am having an issue booking your hotel room for you .",
+ "I ' m sorry but it looks like the booking is unsuccessful . Do you have any alternate preferences ?",
+ "I ' m afraid they do n't take bookings .",
+ "I apologize , but the hotel is n't available during that time frame .",
+ "Sorry , unfortunately that time is not available .",
+ "Unfortunately the booking was unsuccessful",
+ "I ' m sorry , all hotels are asking you to book another day , or a shorter stay .",
+ "I am unable to book it at this time .",
+ "I apologize the system is down please try back later",
+ "Unfortunately , the booking system is still down .",
+ "Sorry , it looks like the hotel ca n't accommodate you for that amount of time .",
+ "I am unable to book at this time .",
+ "I ' m sorry , that booking was unsuccessful , too . Would you like to try another time ?",
+ "I am not showing that you were booked and I am having trouble booking this for you . Do you have other choices ?",
+ "I do apologize , but it seems like I ' m having trouble booking this for you at this time .",
+ "Unfortunately , the restaurant ca n't accomodate you .",
+ "I ' m sorry I was unable to book that , shall we try another restaurant ?",
+ "Unfortunately , I can not book it at this time .",
+ "I was not able to book that either . I am very sorry .",
+ "That booking was n't successful . Would you like to try a different hotel ?",
+ "I ' m sorry , I am unable to book it right now .",
+ "Sorry , that 's not available . Could you pick another day , time , or stay length ?",
+ "I ' m sorry , I ca n't book anything right now .",
+ "Seems like I can not make this reservation and should find another restaurant . Thank you",
+ "Unfortunately , this will not let me book at this time .",
+ "That does n't seem to be working either .",
+ "Unfortunately , I am unable to book at this time .",
+ "I am sorry , I ca n't make that reservation either .",
+ "Sorry , my system is n't able to process this right now . You may want to contact the hotel directly .",
+ "I ' m so sorry about that , it does n't seem possible to actually book the night club .",
+ "I can not not book your reservation for the time you wanted , would you want another time or to try one of the other 2 restaurants ?",
+ "I ' m sorry 12:00 is not available either , would you like to try another time or different restaurant possibly ?",
+ "So you would like to cancel the other booking ?",
+ "Booking was unsuccessful . Would you like me to look at another location ?",
+ "I ' m sorry , but it 's not available .",
+ "Sorry , I tried all 12 of the avaialble places with those requirements and there is no availability .",
+ "That was unsuccessful too . Wanna try something else ?",
+ "I ' m sorry but I can not book for saturday either .",
+ "Unfortunately , I am unable to book at this time .",
+ "I am unable to book it right now .",
+ "Unfortunately , I am unable to book at this time .",
+ "I ' m sorry . That time is unavailable as well .",
+ "Sorry , it was not successful . Can I check another hotel or shorten the stay ?",
+ "I ' m sorry , I ca n't book that right now .",
+ "The booking system is not working at this time .",
+ "I ' m sorry but I ca n't make any bookings for attractions . I can only book taxis , restaurants , trains , buses , and hotels for you . You 're welcome to call the gallery though .",
+ "Booking was unsuccessful . Do you want to change the preferences ?",
+ "Unfortunately the booking was unsuccessful .",
+ "I am not able to book anything right now .",
+ "Unfortunately , that time is also unavailable .",
+ "The booking was unsuccessful unfortunately .",
+ "I am very sorry , but the system will not let me book your reservation . I must apologize again on behalf of the Cambridge Towninfo Centre , this does n't usually happen .",
+ "Sorry , that was also unsuccessful .",
+ "Those days are booked would you like to try a different hotel ?",
+ "Sorry I could not find a salon nearby .",
+ "Sorry , that booking was unsuccessful .",
+ "I am unable to book that ?",
+ "I unfortunately do not have this info for you . The booking is now saying unsuccessful .",
+ "Booking was unsuccessful . Would you like to try another restaurant ?",
+ "I am unable to book that right at the moment . Would you like me to check on another locations availability ?",
+ "I ' m sorry , but I ca n't book any hotels with that criteria . Would you like to modify your criteria ?",
+ "I am sorry , there is no availability for those dates . Would you like me to try to find another hotel ?",
+ "Booking was unsuccessful .",
+ "I think the system is down , I am unable to make any bookings .",
+ "I have not been able to book it .",
+ "Unfortunately , our booking system is down at this time .",
+ "Booking was unsuccessful . Want to try another option ?",
+ "Unfortunately the booking was not successful .",
+ "I am sorry I am having trouble booking this .",
+ "I ' m sorry but I can not book that .",
+ "Sorry , the restaurant ca n't accommodate you during that time .",
+ "I ' m sorry I am unable to book that .",
+ "Unfortunately it is not available at that time or party size .",
+ "Unfortunately the booking was not successful .",
+ "I do not have that hotel at that time , should I try for a shorter stay ?"
+ ],
+ "Day;": [
+ "I apologize , but it looks like #BOOKING-NOBOOK-DAY# is not working either .",
+ "I ' m sorry #BOOKING-NOBOOK-DAY# is n't working either .",
+ "I ' m sorry but i ' m unable to make the reservation on #BOOKING-NOBOOK-DAY# .",
+ "sorry , but #BOOKING-NOBOOK-DAY# is all booked",
+ "we are currently full on #BOOKING-NOBOOK-DAY# would you like to book at another hotel ?",
+ "Unfortunately they do not have any rooms available on #BOOKING-NOBOOK-DAY# . Would you like to try another guest house ?",
+ "I ' m sorry , but there 's nothing available starting on #BOOKING-NOBOOK-DAY# .",
+ "I am unable to book for #BOOKING-NOBOOK-DAY# ."
+ ],
+ "Day;Time;": [
+ "I apologize , there are no openings available for #BOOKING-NOBOOK-DAY# at #BOOKING-NOBOOK-TIME# .",
+ "They have no bookings available #BOOKING-NOBOOK-DAY# #BOOKING-NOBOOK-TIME# . Would you like to try afternoon or another restaurant ?"
+ ],
+ "People;Stay;": [
+ "I ' m not able to reserve that hotel for #BOOKING-NOBOOK-STAY# days for #BOOKING-NOBOOK-PEOPLE# people . Would you like to try another hotel ?",
+ "A booking for #BOOKING-NOBOOK-PEOPLE# people for #BOOKING-NOBOOK-STAY# days is unsuccessful . Would you like to try anything else ?"
+ ],
+ "Day;People;Stay;": [
+ "I ' m sorry to tell you that there is no hotel in any area of town that meets those requirements and can accomodate #BOOKING-NOBOOK-PEOPLE# for #BOOKING-NOBOOK-STAY# days from #BOOKING-NOBOOK-DAY# ."
+ ],
+ "Stay;": [
+ "Sorry , the hotel ca n't accommodate you for #BOOKING-NOBOOK-STAY# . want to change dates ?",
+ "Neither is available for #BOOKING-NOBOOK-STAY# nights .",
+ "They do n't have a room available for #BOOKING-NOBOOK-STAY# nights either . Anything else you 'd like me to try ?",
+ "Unfortunately it can not be booked for #BOOKING-NOBOOK-STAY# days . Did you want to get information about a different hotel instead ?"
+ ],
+ "Ref;": [
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #BOOKING-NOBOOK-REF# ."
+ ],
+ "Name;Ref;": [
+ "I was able to book #BOOKING-NOBOOK-NAME# , reference number is #BOOKING-NOBOOK-REF# .",
+ "I was able to book you at #BOOKING-NOBOOK-NAME# . Your Reference number is : #BOOKING-NOBOOK-REF# ."
+ ],
+ "Name;": [
+ "Let 's decide on #BOOKING-NOBOOK-NAME# . Unfortunately , that appears to already be booked . Do you want to try one of the others ?"
+ ],
+ "Time;Time;": [
+ "No , unfortunately . Both #BOOKING-NOBOOK-TIME# and #BOOKING-NOBOOK-TIME# , they 're booked ."
+ ],
+ "Day;Name;People;Time;": [
+ "Okay I have booked a table for #BOOKING-NOBOOK-PEOPLE# on #BOOKING-NOBOOK-DAY# at #BOOKING-NOBOOK-TIME# at #BOOKING-NOBOOK-NAME# ."
+ ],
+ "Time;": [
+ "I am sorry they do not have a table at #BOOKING-NOBOOK-TIME# , perhaps another restaurant ?"
+ ],
+ "Name;Time;": [
+ "I am sorry . The #BOOKING-NOBOOK-TIME# booking for #BOOKING-NOBOOK-NAME# was unsuccessful . Would you like me to try a different restaurant ?"
+ ],
+ "Day;Name;": [
+ "There is no availability at #BOOKING-NOBOOK-NAME# on #BOOKING-NOBOOK-DAY# , unfortunately . Would you like to try a different hotel ?"
+ ],
+ "Day;Name;People;Ref;": [
+ "You 're in luck . I ' ve got a room available for #BOOKING-NOBOOK-DAY# at the #BOOKING-NOBOOK-NAME# for #BOOKING-NOBOOK-PEOPLE# people . It 's booked , your reference # is #BOOKING-NOBOOK-REF# ."
+ ]
+ },
+ "Booking-Request": {
+ "Day;": [
+ "What day will you be staying ?",
+ "What day would you like your booking for ?",
+ "What day will you be arriving ?",
+ "What day would you like that reservation ?",
+ "Ok great and what day would you like the booking to be made for ?",
+ "I can definitely do that for you - when would you like to arrive ?",
+ "What day would you like to book ?",
+ "Ok , what day would you like to make the reservation on ?",
+ "Okay , when would you like to begin your stay ?",
+ "What day will you be dining there ?",
+ "Sure thing . What day are you booking you hotel ?",
+ "What day will you be coming in ?",
+ "What day will you begin your stay ?",
+ "Can I also get the information on what day you would like to go ?",
+ "What dates are you interested in staying ?",
+ "What dates would you like to stay ?",
+ "What day do you want me to book it for ?",
+ "I 'll be happy to do that for you . What day would you like the table for ?",
+ "Yes I can do that for you . What day do you want to book the hotel ?",
+ "What nights are you looking to stay so I can check the availability ?",
+ "Great , can you tell me when you 'd like to book ?",
+ "On what day would you like to arrive ?",
+ "Certainly ! What day would you like to arrive ?",
+ "What day would you like to start your stay ?",
+ "Definitely . What day are you coming in ?",
+ "For what day would you like me to try booking for ?",
+ "Certainly ! What day would you like to arrive ?",
+ "What day will you be checking in ?",
+ "What day would you like to start your stay ?",
+ "Of course , what day would you like your reservation to begin ?",
+ "when is your stay ?",
+ "Will you be leaving on Thursday or will you be staying at the hotel Thursday evening ?",
+ "Certainly . What day would you like to stay ?",
+ "Absolutely ! When would you like to visit ?",
+ "Before I can book it I need to know what day you will be staying ?",
+ "Which day would you like this reservation ?",
+ "Yes . what day will you be arriving ?",
+ "Starting what day ?",
+ "When will you begin your stay ?",
+ "Which day would you like to check in ?",
+ "and what day do you need the reservation for ?",
+ "What day would you like to book your reservation ?",
+ "For which day shall I book the table ?",
+ "Before we start with the booking , what day do we want to arrive at the hotel ?",
+ "I certainly can . When do you want to stay ?",
+ "What day would you like to check in ?",
+ "What day would you like to book for ?",
+ "What nights would you like me to book it for ?",
+ "What day do you want me to make it on ?",
+ "sure when are you planning your stay so I can book the room for you",
+ "Will you be arriving at the hotel before Saturday ?",
+ "I ' m sorry , are we booking for Sunday or Saturday ? You mentioned both days .",
+ "Of course ! When would you like to stay ?",
+ "I 'd be happy to . Please confirm the day you would like the reservation .",
+ "What day will you be checking in ?",
+ "yes , when were you planning your stay ?",
+ "Will you be needing the room for Monday ?",
+ "Ok , I need some information to complete your booking . What day will you arrive ?",
+ "What day would you be arriving at the guesthouse ?",
+ "What day would you like to book the table for ?",
+ "Sure , which day will you be dining ?",
+ "What day will you be arriving ?",
+ "On what day would you like to book ?",
+ "What day would you like to check in ?",
+ "They have a very flexible schedule . Please give me a day of the week and I will look for you .",
+ "What day would you like to check in ?",
+ "What day would you like me to book that for you ?",
+ "Sure , what day would you like it for ?",
+ "I 'd be happy to help with your request , what day will you be arriving ?",
+ "Yes , what day would you like ?",
+ "how many days will you be staying ?",
+ "On what day will you be needing to start your reservation ?",
+ "What day do you need to check in ?",
+ "Sure what day did you want the 5 nights to start ?",
+ "Absolutely , what day would you like to book this for ?",
+ "I also need the day in order to book it .",
+ "On what day will you be dining there ?",
+ "Sure , I can help you with the booking ? On what day will you be coming in ?",
+ "I just need one more detail . What day would you like to book the hotel ?",
+ "What day will you be wanting the room for ?",
+ "On what day would you like to arrive ?",
+ "When will you begin your stay ?",
+ "What day would you like to go ?",
+ "For what day will this be for ?",
+ "What day will you be dining ?",
+ "I 'll be happy to do that for you , what day will you plan on arriving for your stay ?",
+ "sure , what day a time do you want your reservation ?",
+ "When would you be staying there ?",
+ "What day are you starting your stay , please ?",
+ "What day would you like the reservation to start ?",
+ "From which day will you be needing the hotel ?",
+ "Sure , what day will you be arriving ?",
+ "What day will you be staying there ?",
+ "Okay , what day would you like your stay to begin ?",
+ "No problem , I just need the first day that you will be staying .",
+ "Absolutely ! When would you like to stay ?",
+ "What day would you like the reservations to begin ?",
+ "And what day would you like that table reserved ?",
+ "When will your stay be ?",
+ "Can you give me a day , as well ?",
+ "I can , on which day would you like the reservation to begin ?",
+ "Okay , starting on what day ?",
+ "What day should the reservation be on ?",
+ "When will you be staying there ?",
+ "I will be happy to do so . On what day would you like to begin your stay ?",
+ "What day would you like the restaurant for please ?",
+ "What day would you like to stay at the el shaddai ?",
+ "Great ! What day would you like to book ? Anything else you want to share ?",
+ "That should n't be a problem . What day would you like to begin your stay ?",
+ "What day would you like to book the room for ?",
+ "What day will you be staying ?",
+ "What day will you begin your stay ?",
+ "Sure , when would you be arriving ?",
+ "What dates are you needing reservations ?",
+ "Sure , could you tell me when you what day you would like to book your stay at the El Shaddai at 41 Warkworth Street ?",
+ "From what day do you want to book ?",
+ "What day does your stay begin ?",
+ "Will you be dining on Tuesday as well ?",
+ "What day will you be arriving ?",
+ "And what day would you like to check - in ?",
+ "I sure can . When were you hoping to stay there ?",
+ "When would you like to make a booking for ?",
+ "What day would you like the reservation to be on ?",
+ "What day will you be arriving ?",
+ "What day will you be checking in ?",
+ "What day would you like that booking for ?",
+ "What night would you like to begin your stay ?",
+ "What ever day you want .",
+ "Certainly if you supply me with your arrival day .",
+ "I have quite a few , when were you planning your stay ?",
+ "What day would you like me to book that for ? monday , tuesday ? another day ?",
+ "What day would you like me to book the hotel for ?",
+ "What day do you want to reserve for ?",
+ "What dates would you like to stay ?",
+ "I can attempt to book a reservation for you . What date are you looking for ?",
+ "What day do you want it for , before I confirm the booking ?",
+ "What day would you like you stay to start ?",
+ "Okay , and what day do you wish to check in ?",
+ "I can get that reserved for you . What dates will you need to stay at worth house ?",
+ "When would you like to book your stay ?",
+ "What day would you like to start your reservation ?",
+ "Ok , let 's start with which day you would like to have this reservation ?",
+ "All right , and can you tell me which day you 'll be beginning your stay ?",
+ "For which day would you like the reservation ?",
+ "On what day will you be checking in ?",
+ "When will you start your stay ?",
+ "I will need the day you want to arrive .",
+ "Of course ! When would you like to stay ?",
+ "When would you like those reservations ?",
+ "when would you like to move into the guest house",
+ "Which day would you like the reservation for ?",
+ "What day will you be staying ?",
+ "To clarify you wanted me to book a table on Friday ?",
+ "What are your arrival details please ?",
+ "Ok great and when would you like a table booked ?",
+ "What day will you be staying ?",
+ "What day would you like to book for ?",
+ "Okay ! Starting when ?",
+ "What day would you like that reservation ?",
+ "What days will you need the reservation for ?",
+ "Sure , when would you like that reservation ?",
+ "What day would you like to book that for ?",
+ "when were you planning your stay I need that info to book the room for you , thank you",
+ "What day do you want to check in ?",
+ "What day will you be arriving ?",
+ "Perfect , and what day will you be arriving ?",
+ "Absolutely , what day would you like reservations ?",
+ "What day would you like to start the reservation ?",
+ "I only see the lensfield hotel , maybe we can try with other dates ?",
+ "What day will you be checking in ?",
+ "What night will you be arriving ?",
+ "I can book you in if you have an idea of when your stay will begin .",
+ "What day will you be staying there ?",
+ "When would you like to check in ?",
+ "You said Sunday at first and they you just said Monday . Do you want it for Sunday or Monday ?",
+ "What day would you like it booked for ?",
+ "In order that I may better serve you , I will need the date you will need your accommodations .",
+ "What date would you like the reservation for ?",
+ "What day are you wanting the reservation ?",
+ "What day would you like this reservation made for ?",
+ "Sure , when would you like to stay ?",
+ "And which night would you like to start your stay ?",
+ "Which day of the week is the start of your stay , please ?",
+ "What day would you like ?",
+ "I will need the day you plan on arriving .",
+ "What day did you want to check in ?",
+ "Yes , but I need the day that you will be arriving first .",
+ "Which days would you like to stay ?",
+ "Oh , I ' m sorry about that . Please excuse me . What day would you like for the reservation to be made ?",
+ "Alright , which day would you like the reservation to be on ?",
+ "What day do you want that booking to start ?",
+ "Ok . What day would you like to book for ?",
+ "Sorry , which day was that for ?",
+ "What day will you be staying there ?",
+ "I need a day that you will be arriving for the hotel reservation .",
+ "What day will you be arriving ?",
+ "I think we ' ve almost mixed up your bookings ! To clarify , you 'd like a hotel reservation starting on Wednesday ? Your restaurant booking is set for Monday . We can make changes !",
+ "What day would you like your reservations to begin ?",
+ "What day will you be checking in ?",
+ "What day would you like the reservations ?",
+ "What day would you like to book the hotel for ?",
+ "Can you please confirm , will you be departing on Thursday or Friday morning ?",
+ "Certainly , what day you will be arriving ?",
+ "And will you also be checking in on Monday ?",
+ "of course , what day shall i make the reservation for ?",
+ "What day of the week will you need that ?",
+ "What day would you like to start your stay ?",
+ "When would you like to visit ?",
+ "What day would you like to book ?",
+ "Sure , when were you looking to book for ?",
+ "And what night will you be staying at the hotel , please ?",
+ "from what day should i book ?",
+ "Sure for what day ?",
+ "Is there a specific day you are wanting to stay there ?",
+ "Sure , what day will you be arriving ?",
+ "What day would you like that on ?",
+ "Would it be possible for you to book another day ?",
+ "On what day would you like to dine ?",
+ "What day would like to start your stay ?",
+ "What day would you be arriving ?",
+ "Can you tell me what day you are wanting to start your stay ?",
+ "What day will you be arriving ?",
+ "On which day would you like to start this reservation ?",
+ "Of course I can help ! What day do you want to check in ?",
+ "What day would you like me to book this for ?",
+ "No problem ! What day are you wanting to check in ?",
+ "Alright , what day will you be staying ?",
+ "I will need the day you want to arrive .",
+ "Would you like the reservation on Monday or starting monday ?",
+ "What dates would you like to book the room for ?",
+ "when would you like to move into the room",
+ "Did you want your table for today ?",
+ "What day will you start staying ?",
+ "What day would you like this reservation to be available for ?",
+ "No problem . And what day will that be for ?",
+ "Is there a different date or time you 'd like me to check for you ?",
+ "What day would you like the reservation for ?",
+ "Which day would you like to dine ?",
+ "What day would you like to leave",
+ "What day will you be checking in ?",
+ "On what day would you like your reservation ?",
+ "What day would you like to dine on ?",
+ "Do you want the room for Friday ?",
+ "Sure can ! What day are you checking in ?",
+ "Certainly . Can you please tell me for what day you would like for me to make this reservation ?",
+ "starting on what day please ?",
+ "What day would you be arriving ?",
+ "Certainly , when would you like to arrive ?",
+ "Which three nights would you like me to book the hotel for ?",
+ "Great , and what day do you prefer ?",
+ "What day will you be checking in ?",
+ "I can , what are your arrival details ?",
+ "And on what day would you like to begin your stay ?",
+ "Could you give me the day you are wanting the reservation for ?",
+ "What day will you be wanting to dine ?",
+ "Absolutely ! I just need to know what day you will be getting there ?",
+ "What day would you like that reservation for ?",
+ "Sure , and what day would you like to dine ?",
+ "Also what day are you staying ?",
+ "Which day would you like the reservation for ?",
+ "Ok no problem , when would you like the room booked for ?",
+ "When would you like to book that for ?",
+ "What day would you like those reservations ?",
+ "What day was the restaurant booking again ?",
+ "I can , what are your arrival details ?",
+ "What day would you like to book ?",
+ "For what day please ?",
+ "Absolutely ! What day were you needing to stay ?",
+ "Which day would you like that for ?",
+ "Yes when would you like to book ?",
+ "When would you like to book this for ?",
+ "Great ! When would you like to stay ?",
+ "Sure , what day would you like to book it for ?",
+ "i sure can , what day are you wanting to check in ?",
+ "What day would you like to go ?",
+ "Great . Is this hotel stay also starting on Friday ?",
+ "When would you like to book a room at the acorn guest house ?",
+ "Which day do you prefer ?",
+ "Okay ! For when ?",
+ "And what night do you wish to arrive ?",
+ "Which day would you like the reservation to start ?",
+ "When will you be arriving ?",
+ "And what day would you like the reservation for ?",
+ "What day are you wanting that booking for ?",
+ "What day would you like to check in at the guesthouse ?",
+ "sure I can help you with that , when are you planning your stay ?",
+ "On what day would you like a reservation ?",
+ "Sure . Can you confirm the day you would like the booking ?",
+ "And what night would you like to start your stay ?",
+ "What day would you like me to book a hotel ?"
+ ],
+ "Stay;": [
+ "How many nights will you be staying ?",
+ "And how many nights ?",
+ "Ok and for how many days ?",
+ "And for how many days ?",
+ "Alright , I can take care of that for you . How many nights will you be staying ?",
+ "Sure , how many days would you like to stay ?",
+ "How many nights would you like to book it for ?",
+ "And what nights would you like me to reserve for you ?",
+ "How many nights are you wanting to stay ?",
+ "Of course . How many days will you be staying ?",
+ "How long do you want to stay ?",
+ "How many nights would you like ?",
+ "Ok . How many nights would you like to book ?",
+ "for how many days ?",
+ "How many days will you need the booking for ?",
+ "How many nights will you be staying ?",
+ "How many days will you be staying ?",
+ "For how many days ?",
+ "How many nights would you like to stay ?",
+ "Ok , how many nights would you like to book ?",
+ "Sounds great , and how many nights would you like to stay ?",
+ "How long will you be staying ?",
+ "How many days will you be staying ?",
+ "How long do you intend to stay ?",
+ "Sure . I can assist you with that request . How many nights will you be staying ?",
+ "How many nights will you be staying ?",
+ "Yes , I can help you with that . How many nights will you be staying ?",
+ "How many nights would you like to stay ?",
+ "how many days will you stay ?",
+ "How many days would you like to stay ?",
+ "There is a discounted rate if you stay another night . Would you like me to add another night ?",
+ "I am getting the info up as we speak , will that be for one day or multiple days ?",
+ "How many nights will you be staying ?",
+ "Okay , how long would you like me to make your reservation ?",
+ "Yes , I can . Will it be for for just 1 night ?",
+ "How many nights will you be staying ?",
+ "And for how many days ?",
+ "How many nights will you be needing ?",
+ "And how many nights would your party like to stay ?",
+ "And how many days would you like to stay ?",
+ "How many nights ?",
+ "Sure , what nights were you wanting to stay ?",
+ "How many days would you like to stay ?",
+ "And how many nights would you like to stay ?",
+ "How many nights ?",
+ "How many days do you plan on staying ?",
+ "I ' m sorry , but I ' m not sure how many nights you want to stay . Did you mean to say four nights ?",
+ "Okay , how long would you like to stay ?",
+ "Yes , how many days will you want to stay ?",
+ "How many days will you be staying ?",
+ "Sure no problem . How many nights from Thursday would you like to book ?",
+ "Definitely . Did you just want that for one day ?",
+ "It is not open then , maybe a shorter stay ?",
+ "How many nights will you be staying ?",
+ "Okay , how many days will you be staying ?",
+ "How many days would you like to stay ?",
+ "Ok . For how many nights ?",
+ "For how many days would you like this reservation ?",
+ "Sure , I can do that . How many nights would you like it for ?",
+ "I have the system up , will this be for one day or more ?",
+ "How many days would you be staying there ?",
+ "And for how many days ?",
+ "Okay , I have started your booking and now I just need to know how many days you plan to stay .",
+ "How many day are you looking to stay ?",
+ "How many days would you like to stay ?",
+ "No problem , how many nights will you be staying ?",
+ "I ' m sorry , you gave me conflicting information . Would you like me to book a stay for two nights or five ?",
+ "I need to know the time you want to leave .",
+ "lovely , how many nights will you be staying ?",
+ "How many nights would you like ?",
+ "Certainly . How long would you like to stay ?",
+ "How many days would you like to book it for ?",
+ "How many nights will you be staying ?",
+ "Can you please give me how many days you will be staying ?",
+ "How long would you like to stay ?",
+ "Before booking the hotel I need to know how many days will you stay ?",
+ "How many nights do you need ?",
+ "How many nights would you like to stay ?",
+ "Yes sure . For how long will you be staying ?",
+ "How many days would you like to stay ?",
+ "and how many nights ?",
+ "Sure , for how many nights will you be staying ?",
+ "How many days would like to stay ?",
+ "How many days will you be staying ?",
+ "When would you like to begin your stay ?",
+ "Ok . How many days will you be staying ?",
+ "How many days will you be staying at the hotel ?",
+ "How many nights would you like to stay ?",
+ "But how many nights are you staying ?",
+ "How many nights would you like to stay ?",
+ "How many days would you like to stay ?",
+ "How many days will you be staying ?",
+ "How many nights do you plan to stay ?",
+ "How many days will you be staying ?",
+ "How many days will you be staying for ?",
+ "How many days will you be staying ?",
+ "We may be able to find something if you shorten your stay . Would you like to try a different number of nights ?",
+ "okay and how long is your stay so I can book the room for you",
+ "For how many days ?",
+ "Sure , how many nights would you like ?",
+ "NO problem . How long are you staying ?",
+ "how long will your stay be ?",
+ "Friday through Monday would be 4 days , not 3 . Would you like me to book you for the 4 days instead of 3 ?",
+ "How many nights will you be staying ?",
+ "great , how many nights are you staying ?",
+ "No problem , how many nights will you be staying ?",
+ "do you want to book for one day ?",
+ "of course , how many nights will you be staying ?",
+ "How many nights will you be needing ?",
+ "How many nights do you need ?",
+ "How many days will you be staying ?"
+ ],
+ "Day;People;": [
+ "OK , great . will it be the same two people as on the train and starting on Monday ? or do you have different needs for lodging ?",
+ "Yes I can but I need to know when your stay is how many people and for the number of rooms .",
+ "ok for how many people and when are you planning your stay ?",
+ "what day and how many people ?",
+ "When would you like me to book this for you and how many people will be staying ?",
+ "I will book but I need to know how many people and for what day ?",
+ "How many people will be staying and when would you like to stay ?",
+ "I am getting the booking started for you now , can you give me the day and number of people please ?",
+ "On what day and what size party ?",
+ "What day would you like to stay and how many people will be staying ?",
+ "What dates are you interested in me booking ? And how many people will be staying at the Ashley ?",
+ "What day would you like to stay and how many people will be staying ?",
+ "What day would you be arriving on and for how many people ?",
+ "What day and how many people are you looking to book for ?",
+ "I would be happy to assist you with booking , first I will need to know what day you will be arriving and for how many people ?",
+ "Sure , which group of people and the same day as what ?",
+ "before I look for that , could you let me know how many people are staying and what day you 'd like to arrive ?",
+ "For what night and how many people ?",
+ "What day would that reservation be needed and number of people ?",
+ "What day would you like to dine and how many people will be with you ?",
+ "How many people are in your party and when will you be staying ?",
+ "What day will you be coming in and how many in your party ?",
+ "Okay , how many people will be in your group , and which day would you like to begin your stay ?",
+ "Ok . When and for how many people ?",
+ "How many people and from what day will you stay ?",
+ "Sure , I can make your reservation first what day and for how many people please ?",
+ "Can you tell me for how many people and on what day ?",
+ "How many people will be staying with you and what day would you like to reserve your hotel room ?",
+ "Yes when would you like to go and what party size will you have ?",
+ "How many people is the hotel for and which day would you like to begin your trip on ?",
+ "when will you be arriving and how many rooms ?",
+ "How many people and what day ?",
+ "I 'd be happy to book it for you . What day will you be arriving , and how many people will be staying ?",
+ "How many people and on what day ?",
+ "OK , how many people will be staying and what day will you be checking in ?",
+ "Yes , I would have to give them a quick call . How many people and what day ?",
+ "In order to book your room I will need to know the dates you will be staying and the number of guests .",
+ "What night would you like me to book for you , and for how many people ?",
+ "When do you want your reservation to be and for how many people ?",
+ "How many people would you like it booked for and for what days please ?",
+ "How many days and how many people ?",
+ "Great . How many people in your party , and what day will you be arriving ?",
+ "Ok , I am getting the info up now , how many people , and what will be the first night ?",
+ "For how many people and when will you be staying ?",
+ "Ok , how many people will be staying ? And what day would you like to check in ?",
+ "What night and how many people are you needing this for ?",
+ "for how many people and when were you planning your stay ?",
+ "How many nights and for how many people ?",
+ "Could you tell me the dates , and how many rooms you will be needing ?",
+ "yes when were you planning your stay and for how many people ?",
+ "When would you like to arrive , and how many guests are in your party ?",
+ "What date are you checking in and how many are in your party ?",
+ "I would be happy to book for you , for how many people and what day would you like to book ?",
+ "I will need some more information before making a reservation . What day would you like it on and for how many people ?",
+ "Okay ! For when , and for how many people ?",
+ "For when and how many ?",
+ "I can ! When would you like the booking to start ? And how many in your party ?",
+ "OK , what day would you like that set for and how many people ?",
+ "Great , which day and how many people should I book for ?",
+ "What day and how many people would you be with ?",
+ "It is . How many people will there be and what time would you like on Wednesday ?",
+ "Yes . When would you like me to book it for and how many people ?",
+ "Yes , how many people and what day would you like to book ?",
+ "Yes , I can sure book that for you . What evening would you like in particular ? How many will be dining ?",
+ "Yes . How many people in your party and when would you like this for ?",
+ "How many people and for what day ?",
+ "Of course , when would you like your reservation to be and for how many people ?",
+ "yes when were you planning your stay and for how many please ?",
+ "Sure , on what day do you need the room and for how many ?",
+ "can you please tell me when and how many will join you ?",
+ "Okay , when would you like me to book the reservation and for how many people ?",
+ "For how many and what dates ?",
+ "Yes . When would you like me to book it for and how many people ?",
+ "How many people and on what day was your previous reservation ?",
+ "Yes . I need to know what night you 'd like your reservation to begin and how many people it will be for .",
+ "Great , when would you like the reservation and for how many should I reserve it for ?",
+ "When would you like to make your reservation for , and for how many people ?",
+ "I would be more than elated to book it for you , but I need some additional information like when , and how many perhaps ?",
+ "I can certainly book that for you . I just need to know for what day and how many people are in your party ?",
+ "what dad do i reserve and for how many ?",
+ "I can help with that . How many would you like to make the reservation for and what day ?",
+ "sure for how many and when ?",
+ "OK , and what day will you arrive , and how many people will be staying ?",
+ "I need more information , such as when you would like to book it and for how many people ?",
+ "I need to know the day and how many people will be staying , please ?",
+ "I would be happy to- I just need to know for which nights and for how many people .",
+ "How many people will be staying and what is the starting day you will need ?",
+ "Sure , what day and how many people ?",
+ "Okay , what day would you like me to make the reservation for and for how many people ?",
+ "What day would you like to begin your stay ? And for how many guests ?",
+ "I 'd be happy to reserve your table . What day will you be dining there , and how many in your party ?"
+ ],
+ "Day;Stay;": [
+ "I 'd be happy to book that for you , what day will you be arriving on , and for how many nights ?",
+ "I 'd be happy to . When would you like to begin your stay , and for how many nights would you like rooms reserved ?",
+ "Yes , what dates would you like me to reserve that for ?",
+ "book another day or a shorter stay please",
+ "Sure I just need to know how many nights you will be staying and when you plan on arriving .",
+ "What day will you be arriving at the hotel and how long are you staying ?",
+ "Not based on Sunday arrival - would you like to try another day or shorter stay ?",
+ "When will you start your stay and for how long ?",
+ "What are the dates you are staying ?",
+ "What day will you be arriving and how many nights are you staying ?",
+ "And how many nights will you be staying ? And what day are you arriving ?",
+ "I can help with that . When would you like to stay ?",
+ "for how many days and starting when do i book ?",
+ "What is the first day you want to stay and how many nights will you be staying ?",
+ "What day will you be arriving at the hotel and how long are you staying ?",
+ "I will need to know how many nights and what day you will be starting your stay before we finish the booking .",
+ "What day would you like to book on and for how long ?",
+ "Sure . Can you confirm when you will be arriving and for how many nights you will be staying ?",
+ "Okay I can help with that ! What day would you like to check in and how long will you be staying ?",
+ "Which dates will you need the room ?",
+ "What day would you like me book and how many days will you be staying ?",
+ "When will you begin you stay and how long will you stay ?",
+ "What is your arrival day and number of days you wish to stay ?",
+ "When will you be arriving and how many nights will you be staying ?",
+ "I 'd be happy to . How many nights would you like to stay ? And I 'll need to know the day you would like to start your stay .",
+ "Booking was unsuccessful . Can I book it for another day or for a shorter stay ?",
+ "which day would you like to book and for how long ?",
+ "For how many nights and starting when ?",
+ "How many days will you be staying and what day will you arrive ?",
+ "For how many days , and starting when would you like ?",
+ "Sure ! What day do you wish to check in and for how long will you be staying ?",
+ "Yes how many nights will you be staying and when will you be arriving ?",
+ "Would another day or a shorter stay work ?",
+ "Could you choose a different check in day perhaps , or a shorter stay ?",
+ "How long will your stay be and when will it begin ?",
+ "How many days will you be staying , and what day will you be arriving ?",
+ "What day will you be coming in and how long will you be staying ?",
+ "When will you begin you stay and how long will you stay ?",
+ "what day would you like to leave , how many days",
+ "Okay I can help with that ! What day would you like to check in and how long will you be staying ?",
+ "When will you begin your stay and how long will you stay ?",
+ "When will you be arriving and how many days would you like to stay ?",
+ "Sure thing , what day would you like to check in and how many days do you want to stay ?",
+ "I apologize , but there 's no openings for that time frame . Would you like to try for a shorter stay or another day ?",
+ "What night will you begin your stay and how many nights will you be staying ?",
+ "What days would you like ?",
+ "When and how long are you wanting to stay ? I can see what is available .",
+ "I ' m sorry but I was unable to book that hotel with your exact details . Would you like to book on another day or for a shorter stay ?",
+ "I sure can . What day would you need the room and how long do you plan on staying ?",
+ "Sure , when would you like to stay and for how long ?",
+ "What day do you need to book and how many days do you wish to stay ?",
+ "Sure thing , what nights will you be staying ?",
+ "What day do you need booked for and how many days will you be staying ?",
+ "What day do you want me to book it for ? And how many days ?",
+ "I can help ! for how many days starting when ?",
+ "when would you like to check in and for how long will you be staying ?",
+ "For how many days and starting what day ?",
+ "Which day would you be arriving at the hotel , and how long will you be staying ?",
+ "Booking was unsuccessful . May I try another day or a shorter stay ?",
+ "Sure ! Can you tell me what day you 'd like to book and for how many nights ?",
+ "What day would you like your reservation to begin , and how long would you like to stay ?",
+ "When would you like your booking for ?",
+ "What day will you be checking in and for how many nights ?",
+ "May I have your date of arrival and how many nights you would like to stay please ?",
+ "Sure , I just need some more information . When will you be arriving and for how long ?",
+ "How many nights and starting when ?",
+ "Absolutely ! What day do you want to book it for , and for how many days ?",
+ "Sure , what day would you like to begin your stay and how long will you be staying ?",
+ "Okay , when would you like to check in and for how many days ?",
+ "I also need to know how many days and what day you will be staying .",
+ "I would be happy to book that for you , how many nights are you staying and what day will you be checking in ?",
+ "For how many days and when would you be coming ?",
+ "Which day and for how long will you be staying ?",
+ "sure , what day do you want to start your stay , and how many days do you wish to stay ?",
+ "What day would you like to stay ? How many days ?",
+ "What day would you like to start your stay and how many days will you be staying ?",
+ "I can try to see if we do . Can you provide when you want to stay and for how long ?",
+ "Ok , what days would you like to book your stay ?",
+ "Can you confirm the day and how many nights you would like ?",
+ "What day are they arriving , and how many nights are they staying ?",
+ "Sure , I can help you with that . When would you like to stay ?",
+ "When would you like to stay there and for how many nights ?",
+ "OK . What day will you want to check in , and for how many nights ?",
+ "What day would you like to book the hotel and how long will your stay be ?",
+ "what day would you like , and how may days ?",
+ "What is your arrival date and how many days will you be staying , please ?",
+ "Sure thing what nights will you be staying ?",
+ "Certainly , may I have your day or arrival and the number of days you will be staying ?",
+ "2 nights starting on Thursday ?",
+ "I am sorry , but that was not successful . Would you like to pick a different day or shorter stay ?",
+ "When would like to begin your stay and for how long ?",
+ "When will you arrive and how many days will you be staying ?",
+ "I ' m sorry that many nights is not available . Could you try a shorter stay or another day perhaps ?",
+ "What will be the first day you will stay and how long will you be staying ?"
+ ],
+ "People;": [
+ "Could you clarify if you need the reservation for 1 or 2 people please ?",
+ "For how many people ?",
+ "How many people will be in your party ?",
+ "How many people in total will be staying ?",
+ "How many people will be staying at the hotel ?",
+ "And how many people will be staying ?",
+ "your all set reference # is N970M2RY . Something else I can help you with ?",
+ "How many people will be staying with you ?",
+ "How many people is the reservation for ?",
+ "No problem . Will it be just you ?",
+ "Okay and how many people will there be ?",
+ "How many people will be staying please ?",
+ "How many people will be joining you , if any ?",
+ "How many people will be traveling ?",
+ "Yes , how many people will be attending ?",
+ "Sure , how many people will there be ?",
+ "Sure I can help with that . How many people shall I make the reservation for ?",
+ "And how many will be staying ?",
+ "How many people will be staying in the room ?",
+ "Sure . How many people will be dining on Tuesday ?",
+ "great , how many people will be in your party ?",
+ "How many people will be staying at the hotel ?",
+ "For how many people is this booking ?",
+ "Certainly , how many people will be in your party total ?",
+ "I ' ve started your reservation , but I need to know how many people will be staying",
+ "How many people will be staying ?",
+ "How many people are in your group ?",
+ "Yes , of course . How many people are in your party ?",
+ "I 'd be happy to help with your request , could you please verify the number of people in your party ?",
+ "For how many do you need this reservation ?",
+ "How many people should I make the reservation for ?",
+ "Okay ! For how many people ?",
+ "How many people will be staying ?",
+ "Sure , I 'd be happy to . How many total people will be staying with you ?",
+ "I 'd love to - how many people in your party ?",
+ "Great ! How many people will be staying ?",
+ "So just 1 person ?",
+ "OK , I can do that . Will it just be you ?",
+ "And you would like to book just one ticket , is that correct ?",
+ "Okay , great ! How many people will be staying ?",
+ "sure ! how many people in your party ?",
+ "will you need to have all eight of you seated at the same table ?",
+ "how many people should i book for ?",
+ "How many rooms do you need ?",
+ "How many are in your party ?",
+ "I ' m sorry , how many people would you like to book the room for ?",
+ "Okay , great . I 'll just need the number of people attending to make your reservation .",
+ "Ok great and how many people will the table be for ?",
+ "How many people are in your party ?",
+ "How many people will the room be for ?",
+ "Is it just you staying ?",
+ "How many people ?",
+ "Sure , how many people would you like it booked for ?",
+ "How many people will be staying at the hotel ?",
+ "I have made the reservation and your reference number is NREAFG7R.",
+ "How many people will be staying ?",
+ "Could you tell me how many people will be staying ?",
+ "How many people is that booking for ?",
+ "For how many ?",
+ "I can do that , but first , can you confirm how many guests will be staying ?",
+ "Ok great , and how many people will I be booking for ?",
+ "Sure , for how many people ?",
+ "And how many people will be staying ?",
+ "Okay , how many people will be staying ?",
+ "Great , how many people will be dining ?",
+ "How many people will be staying ?",
+ "I also need to know how many people will be staying ?",
+ "I 'd be happy to reserve your rooms for you . How many people will you be traveling with ?",
+ "I 'll be happy to do that for you . How many people are in your party ?",
+ "How many will be in your party ?",
+ "How many people will be staying ?",
+ "How many people will be staying ?",
+ "And how many people will be staying ?",
+ "May I ask how many people are in your group ?",
+ "OK , and how many people will be staying in the room ?",
+ "I can definitely do that , how many people will be dining and at what time would you like ?",
+ "How many people are in your party ?",
+ "Yes . I can find it . How many people will be staying ?",
+ "How many tickets do you need ?",
+ "How many people are you booking for ?",
+ "How many are in your party ?",
+ "How many people are in your party ?",
+ "For how many people ?",
+ "For how many people would you like me to book that hotel ?",
+ "Sure . How many seats will you need to reserve for the restaurant ?",
+ "How many people will be staying ?",
+ "How people will be staying ?",
+ "How many people would you like a table booked for at Sala Thong ?",
+ "And for how many people ?",
+ "How many people would you like to book ?",
+ "OK . How many people should I book the table for ?",
+ "How many rooms do you need ?",
+ "And how many people will be staying ?",
+ "Certainly . How many will be in your party ?",
+ "Absolutely . How many people do you need a booking for ?",
+ "Of course , how many people would you like me to make the reservation for ?",
+ "How many will be at your table ?",
+ "I also need to know how many people will be staying ?",
+ "how many rooms would you like ?",
+ "Certainly , how many people will be staying ?",
+ "How many people will be staying ?",
+ "For how many guests please , sir ?",
+ "How many will be in your group ?",
+ "I ca n't book a reservation for your hotel until you tell me how many people will be staying .",
+ "how many persons should i book for ?",
+ "Yes , of course how many in your party",
+ "How many people am I making the reservation for ?",
+ "How many people will be staying ?",
+ "For how many people would the reservation need ?",
+ "Will this just be for you ?",
+ "How many people will be staying at the hotel ?",
+ "How many people would you like to book for ?",
+ "For how many people will you need dining reservations ?",
+ "For how many people please",
+ "sure , how many people will be in your party ?",
+ "How many guest will be staying with you at the lodge ? Will the booking be for 4 guests also ?",
+ "How many people will be dining ?",
+ "And for how many people ?",
+ "How many people would you like to book the room for ?",
+ "Sure , how many people will be dining ?",
+ "How many people will be staying at the Acorn , please ? Is the booking for you only ?",
+ "May I have how many guest ?",
+ "How many people are in your party ?",
+ "For how many people ?",
+ "Before I book how many people will be staying with you ?",
+ "How many people will be dining at caffe uno ?",
+ "How many people will be dining ?",
+ "Sure . I need a little information first . How many guests will this be for ?",
+ "I can certainly book that , how many people will be dining ?",
+ "How many people is this reservation for ?",
+ "How many are in your group ?",
+ "How many people will be dining ?",
+ "How many people will be staying ?",
+ "How many rooms would you like to book for that group ?",
+ "How many people will be with you ?",
+ "One more question . How many people are in your party ?",
+ "May I ask how many people will be staying in the room with you ?",
+ "How many people should I book for the restaurant ?",
+ "Ok , how many people will you be dining with ?",
+ "How many people will be staying ?",
+ "May I ask how many will be in your party ?",
+ "How many people ?",
+ "Okay and how many guests will be included in the reservation ?",
+ "Ok , I can handle that for you . How many people will dining with you ?",
+ "How many are in your party ?",
+ "How many rooms will you book ?",
+ "how many people will be in your party ?",
+ "Will it just be you staying or do I need to book other guests as well ?",
+ "How many people will be staying ?",
+ "How many people would you like for that reservation ?",
+ "How many people will be dining with you ?",
+ "For how many please ?",
+ "I can help with that . How many people will be staying ?",
+ "Great ! How many people will be staying ?",
+ "How many people will the reservation be for ?",
+ "How many people will be staying with you ?",
+ "Will there be three people for the hotel reservation as well ?",
+ "How many people will be staying ?",
+ "How many people ?",
+ "How many people will be joining you , if any ?",
+ "And is it just you or will you be traveling with someone else ?",
+ "sure , how many people will be in your party ?",
+ "Yes certainly but how many people will be dining please ?",
+ "and how many people will the reservation be for ?",
+ "How many people for the restaurant ?",
+ "Can you tell me how many guests will be staying in the room ?",
+ "How many people will the reservation be for ?",
+ "How many people will be dining ?",
+ "Are you looking to book for just yourself ?",
+ "How many people do you need the booking for ?",
+ "How many people will be staying ?",
+ "How many people are in your party ?",
+ "Yes , I would be happy to help you with that information . How many rooms will you need ?",
+ "Okay , how many people will be in your party ?",
+ "I will be happy to book it for you ! How many people will be staying ?",
+ "How many people will be in your party ?",
+ "Yes , I would be happy to do that for you . How many people would there be for that reservation ?",
+ "For how many people ?",
+ "Okay . How many people will be staying ?",
+ "How many people in your party ?",
+ "How many people would you like that booking for ?",
+ "How many guests will be staying ?",
+ "How many in your party ?",
+ "Alright . Can you give me more information on your party ?",
+ "How many people would you like to reserve a table for ?",
+ "I would love to help ! how many people ?",
+ "For how many people do you need your reservation for ?",
+ "How many people ?",
+ "How many people will there be in your party ?",
+ "How many people will be dining ?",
+ "How many people will join you ?",
+ "How many people do you need a room for ?",
+ "How many people will the reservation be for ?",
+ "Okay , great . How many people would you like to book for ?",
+ "How many people will be staying ?",
+ "How many people will be staying for the booking ?",
+ "I will give it a try again . How many people will there be ?",
+ "Of course , how many people will there be ?",
+ "How many people will you be dining with ?",
+ "And how many people will be staying there ?",
+ "How many people are in your party ?",
+ "How many people would you like to book this for ?",
+ "Yes , I can . How many seats do you need ?",
+ "How many people is that booking for ?",
+ "Alright , just one guest ?",
+ "Will you have other guests with you ?",
+ "for how many should i book ?",
+ "How many people should I book the room for ?",
+ "And how many people do you need the reservation for ?",
+ "How many of you will be staying there ?",
+ "How many people are in your group ?",
+ "How many people will be attending ?",
+ "For how many people ?",
+ "Sure , just to confirm you need that for 2 people ?",
+ "I 'd be happy to help with your request , but first I 'll need to know how many people will be staying ?",
+ "Sure for how many people ?",
+ "Ok , and for how many people ?",
+ "Okay , and how many people will the restaurant reservation be for ?",
+ "How many people ?",
+ "Okay , for how many people ?",
+ "How many people ?",
+ "How many people in your party ?",
+ "Am I booking for you only or are there others ?",
+ "How many people will be staying there ?",
+ "I can book the lensfield hotel , how many people will be staying ?",
+ "I also need to know the number of people staying please .",
+ "How many people will be traveling ?",
+ "How many people are you wanting to book the hotel for ?",
+ "And will it be just you staying , or a group ?",
+ "How many people are in your party ?",
+ "And for how many people ?",
+ "Sure , how many people should I book for ?",
+ "How many people will be in your party ?"
+ ],
+ "Day;People;Time;": [
+ "What day and time do you need the reservation for ? And how many people in your group ?",
+ "What day and time should I make the reservation for ? How many people ?",
+ "Sure . What say and time are you thinking ? And for how many people ?",
+ "I can . What 's the day and time you 'd like to dine . Also , how many people will be dining ?",
+ "What day , time , and how many people will be coming ?",
+ "Sure , on what day and time do you need a reservation ? and for how many people ?",
+ "Certainly . I just need to know the number of guests and the date and time that you would like me to book it for .",
+ "For how many and what time and day would you like to eat ?",
+ "Of course ! Will you give me a day and time ? And how many in your party ?",
+ "Certainly , what day and time would you like a reservation ? And for how many guests ?",
+ "Of course I 'd be happy to . How many people , when , and for how many days ?",
+ "What day and time would you like to book and for how many people ?",
+ "I have that here , For when and how many ?",
+ "Can you give me a day and time you wanna go ? And also the number of people ?",
+ "How many people and what day and time ?",
+ "I need to know for what day and time and for how many people please",
+ "First I 'll need to know how many are in your party , and what day and time you 'd like ?",
+ "Okay , I can help with that . What day and time would you like to dine and how many people should I have the reservation for ?",
+ "I can absolutely do that , but I will need a day , time , and party size for your reservation .",
+ "For what day and time , and for how many people ?",
+ "How many people will be dining and on what day and time ?",
+ "How many people will be in your party and when would you like the reservation ?",
+ "I can assist you with that . How many guests are in your party and what date and time would you prefer ?",
+ "Sure , how many people will be dining on what day at one time ?",
+ "Yes I can if you let me know how many people the reservation will be for an date and time of the booking .",
+ "What day would you like to go and at what time ? How many people will be in your party ?",
+ "Glad to do so , how many people and what is your preferred date and time ?",
+ "For when and how many ?",
+ "Can I have the munber in your party and the day and time you would like to book ?",
+ "I can book it for you but first I will need to know what day and time you need in addition to how many will be in your party .",
+ "Excellent . For how many would you like a reservation and at which preferred date and time ?",
+ "How many people and what time / day are you looking at ?",
+ "Sure . When would you like the reservation for and how many will be in your party ?",
+ "Okay . I need to know the day , time , and number of people you would like to book a reservation for ?",
+ "When would you like to go and what size party will you have ?",
+ "Sure , what day , time , and number of people would you like to book it for ?",
+ "How many will be dining and what day and time would you like the reservation for ?",
+ "For how many people and at what time / day ?",
+ "What day and time do you want to make the reservation ? Also , how many people are in your party ?",
+ "I sure can . Can I get a date and time , along with the amount of people that will be there ?",
+ "Unfortunately , I ca n't book anything without some more information from you . I would need to know the day and time you 'd like to dine , as well as the number of people .",
+ "What day and time would you like a reservation and for how many people ?",
+ "What day do you wish to dine , at what time and how many people will there be ?",
+ "For how many , and day and time ?",
+ "I can . Can you tell me the day , time , and number of people ?",
+ "I can book a table for you at Bedouin if you let me know the day , time , and number of people in your party .",
+ "How many people would you like to reserve a table for ? And , what time and day would you like to make the reservation ?",
+ "Sure thing ! How many people , what time , and what day ?",
+ "Can I please get the number of people dining , day , and time please .",
+ "Great , what day , time , and number of people would you like to book for at Cocum ?",
+ "Can you tell me the day and time you 'd like to eat , and how many people I should book the table for ?",
+ "Yes , I can . Can you tell me what day for the reservation , how many guests and the time ?",
+ "What day , time , and party size would you like to book ?",
+ "I 'd be happy to . Can you tell me a date , time and how many people in your party ?",
+ "What date , time , and party size would you like to book ?",
+ "What day and time would you like the reservation for ? Also , how any people ?",
+ "What day , time , and party size do you need ?",
+ "I can . What day and time will you be dining ? Also , how many people will be in your party ?",
+ "How many people , what time and day please ?",
+ "What day and time , and for how many people , would you like to book ?",
+ "How many people will be dining , and for what date and time ?",
+ "Yes , I can ! When and what time would you like to go ? Also how many people is the reservation for ?",
+ "Can you give me the number of people , the time , and the day you would like to go , please ?",
+ "I 'd be happy to help , first I 'll need more information . Please tell me the day , time and number in your party for your reservation .",
+ "When would you like to dine , and how many will be in your party ?",
+ "for the reservation , i need to know the day , number of guests and the time please .",
+ "When would you like to dine and on what day and for how many people ?",
+ "Can I get what day , time and how many people will be dining ?",
+ "If you 'd like a reservation I will need to know what day and time you 'd like your reservation and how many will be in your party .",
+ "I can try to make that reservation for you . What day are you looking to eat on , how many are in your party , and what time would you like ?",
+ "How many in your party ? What day and time would you like to book for ?",
+ "When would you like your reservation to start , how long would you like to stay , and how many are in your party ?",
+ "before we get to your restaurant inquiry could you give me some information on your hotel stay ? When would you be staying ? How many days ? How many would be joining you ?",
+ "Yes , what is the date and time that you will need the booking and how many people ?",
+ "How many people will be staying in the room ? Also what day and time will this be ?",
+ "I would be happy to get a table reserved for you . What day and time would you like ? Also , will there be anyone else joining you ?",
+ "Sure thing . What day and time would you like for your reservation , and for how many people ?",
+ "I can help you with that , however I need to know what day and time , as well as how many people will be in your party .",
+ "Whoa , easy there tiger ! I need a date , time and an amount of people before I can book .",
+ "Okay , at what time , what day , and for how many people please ?",
+ "Alright , I will need to know how many people are in your party , and what time / day you would like to book for .",
+ "Can you please tell me how many people and what day and time you would like me to book it ?",
+ "Absolutely ! May I please have the day and time and also the number of people attending ?",
+ "I 'd be happy to make you a reservation , for what day / time and how many is in your party ?",
+ "Sure , I 'll get right to that . First , can I ask the day you 'd like to eat there ? Also , what time and how many people ?",
+ "Great , , can you let me know what day , time and how many people will be there ?",
+ "What day and time would you like to make a reservation on and for how many people ?",
+ "How many people would you like to make a reservation for , and what day and time were you looking at ?",
+ "I 'll need some more information to make the reservation first . What day and time , and for how many people ?",
+ "What day and time are you looking for ? How many people will be in your party ?",
+ "Sure , what day and time would you like and how many people ?",
+ "for when and how many in your party please ?",
+ "I 'll be happy to help with that . Can you tell me the day , time and how many people in your party ?",
+ "Yes , I can . How many people will be with you , on what day and at what time would you like your reservation ?",
+ "Certainly . How many people are dining , and what day and time would you like ?",
+ "For what day and time is the reservation for 5 ?",
+ "What day , number guests and time of day you would like to dine ?",
+ "what day would you like the reservation ? also , the number of guests and time would be needed .",
+ "I need you to tell me the date and time for the reservation , and how many people will be attending ."
+ ],
+ "People;Stay;": [
+ "How many people would be staying and how many days will you be staying ?",
+ "Sure , how many days and how many people ?",
+ "How many days and for how many people ?",
+ "For how many nights and how many people will be staying ?",
+ "I would be happy to help you . Can you please provide the number of people to reserve for as well as the number of days you will be staying .",
+ "Certainly . For how many nights ? And will it just be you staying ?",
+ "Sure I can . How many people in your party and for how many nights ?",
+ "How many people and for how many nights ?",
+ "How many days will you stay and how many people will be staying with you ?",
+ "I 'll be happy to book a room for you . How many nights and how many people ?",
+ "How many people and how long will your stay be for ?",
+ "Okay for how many nights and how many people ?",
+ "I 'll be happy to . How many people in your party ? And how many nights will you be staying ?",
+ "ok for how long and how many people please",
+ "ok , how many days and guests ?",
+ "How many nights would you like it to be reserved , and how many will be in your party ?",
+ "How many people and how many days would you like to book for ?",
+ "Yes , how may people and how long will your stay be ?",
+ "how many should i book for and how many day ?",
+ "What size party and how long will your stay be ?",
+ "How many days will you be staying and will there be other travellers with you ?",
+ "I can definitely assist you , how many people are there and how many days will you need to be booked for .",
+ "How many people and how many nights should I make the booking for ?",
+ "How many people will staying and for how many hni .",
+ "How long is your stay , for how many people please ?",
+ "How many people and for how many days ?",
+ "How many guests and how many nights would you like the reservation for ?",
+ "Of course , how many nights will you be staying , and how many people will there be ?",
+ "You did n't mention how many people and for how many nights you will need a room for , can I have the information ?",
+ "How many people should I book this for ? What day ? How many days will you be staying ?",
+ "What is the size of your party and how long will you be staying ?",
+ "Sure , I can help you with that . How many people will be staying , and for how many nights ?",
+ "How many people in the room and how many nights would you like to stay ?",
+ "I ' m sure they do , would it be for the same amount of people ? And how many days are you staying ?",
+ "how many people in your party and for how long",
+ "I need more information on the number of nights and people .",
+ "Alright , for how many people and for how long would you like to book this ?",
+ "I can book that for you . How many people will be staying ? How many nights do you want to stay ?",
+ "For how many rooms and how long is your stay going to be ?",
+ "How many nights will you be staying , and for how many people ?",
+ "Can you please tell me how many people will be staying and for how many nights ?",
+ "Yes , of course . For how many nights and how many people ?",
+ "How many people will be staying and how many nights do you need ?",
+ "Of course ! How many rooms will you require and for how many days ?",
+ "Okay , how many guests and how many nights would you like me to book ?",
+ "How many people will be staying and how long will you be staying ?",
+ "Ok great , and how many people and nights ?",
+ "Okay , I will need to know how many people are staying and the duration please .",
+ "Okay , how many people and for how many days do you need that hotel .",
+ "Sure . How many guests and how many nights ?",
+ "For how many people and nights do you need the room ?",
+ "Sure I can . How many people in your party and for how many nights ?",
+ "OK , what nights and how many people ?",
+ "How many people will be in your party and how long would you like to stay ?",
+ "Are you trying to shorten your stay ? And , may I confirm the stay is for 2 people ?",
+ "Of course , what will the number of guest and the duration of your stay be ?",
+ "Yes , I can definitely help with that . How many people will be staying with you and how many days would you like to stay at this location ?",
+ "How many nights will you be staying and for how many people ?",
+ "I have 2 that I can try booking for you . How many in your party and how long is your stay going to be ?",
+ "Ok how many people and how many nights ?",
+ "How many people and for how many days ?",
+ "How many days will you be staying and how many guests ?",
+ "Certainly . How long would you like to stay , and how many are in your party ?",
+ "for how many people do i book and for how long ?",
+ "Sure . How many days would you like to stay and how many people will be staying ?",
+ "I 'd be happy to help . Is it just you , or will you have other guests ? And for how many days will you be staying ?",
+ "How many days did you want the booking for ? And for how many people ?",
+ "Are you wanting a stay for 8 days or 8 people ?",
+ "For how many people please and how long is your stay going to be ?",
+ "How many nights and for how many people ?",
+ "I will need to know how many guests are staying and for how many nights",
+ "I ' m happy to book that for you . I just need to know how many nights you 'll be staying . Also , how many people ?",
+ "Ok , great ! How many guests will there be and how many days would you like to stay ?",
+ "For how many and for how long ?",
+ "For how many people and how many nights would you like that hotel reservation ?",
+ "Ok for how many people and how long is your stay going to be ?",
+ "sure for what length of stay and how many people please ?",
+ "I 'd be happy to ! How many are in your party and how many nights will you be staying ?",
+ "Sure , how many days will you be staying and how many people in the room ?",
+ "I can help you with that . How many people should I book it for ? How many days will you be staying ?",
+ "How many people and the number of days needed ?",
+ "In order to complete your booking , can you tell me how many there are in your party and how many days you would like to stay ?",
+ "Can you give me the number of days and people you would like to stay , please .",
+ "Absolutely , how many days will you need and the number of people in the room ?",
+ "How many people are in your party and how many days would you like to stay ?",
+ "Sure , how many people and how many days do you want to stay ?",
+ "Great , how many people will be staying ? Also , how many days you will be staying ?",
+ "Okay great , so how many people will be staying and for how many nights ?",
+ "For how many people and how many days ?"
+ ],
+ "Day;Time;": [
+ "Of course . When would you like to stay ?",
+ "What day and time would you like those reservations ?",
+ "I am sorry but I need for you to specify a date and time please .",
+ "What day and time are you looking to book your reservation ?",
+ "What day and time would you like to go ?",
+ "What day and time do you want me to book it for ?",
+ "What day and time would you like me to book it ?",
+ "What day and time would you like to book your reservation ?",
+ "OK , and what day and time would you like that reservation ?",
+ "Certainly . What day and time would you like to dine ?",
+ "For what day and time do you need ?",
+ "I sure can but in order for me to make a reservation for you at bedouin for some yummy african food , I need a precise time and day",
+ "Okay , I 'll get that booked for you . Can you tell me the day and time you 'd like to dine ?",
+ "For which day and time would you like ?",
+ "What day and time will you be coming in ?",
+ "Sure , I can do that . What day and time would you like me to book ?",
+ "Yes for what day and time please ?",
+ "Which day would you like and the time ?",
+ "I would be happy to do that for you . What day and time would you like ?",
+ "What time and day would you like to reserve it for ?",
+ "And on what day and time would you like the reservation ?",
+ "I would be happy to book that for you . Which day would you like to dine and do you have a preferred time ?",
+ "Sure thing what day and time would you like to go ?",
+ "Yes I can , I need the day and time you 'd like to go please .",
+ "What time and day were you plan on eating at the Yippee Noodle Bar ?",
+ "Okay , and when would you like the reservation to be ?",
+ "What day and time would you like to make the reservation ?",
+ "No problem . What day and time were you thinking ?",
+ "I 'd be happy to reserve for you , what day and time are you looking for ?",
+ "What day and time will you want a table ?",
+ "I 'd be happy to book that for you , what day and time would you like that reservation for ?",
+ "Okay and which day and time would be best for you ?",
+ "Please specify the day and time you want your booking to be made .",
+ "What day and time would you like ?",
+ "Excellent , and what day and time ?",
+ "I can do that . What day and time would you like the booking ?",
+ "What date and time would you like that reservation ?",
+ "Great ! What day and time would you like the reservation for ?",
+ "What day and time would you like your reservation ?",
+ "Alright , but first , for that reservation , what time and day would you like ?",
+ "I 'd be happy to ! What day and time would you like for your reservation ?",
+ "Okay , is there a particular day and time that would work for you ?",
+ "I would be more than elated to book a table for you , but what day and time would you like it for ?",
+ "What day and time would you prefer ?",
+ "Ok for what day and time please ?",
+ "For what day would you like your reservation and what time ?",
+ "I 'd be happy to reserve your table ; what day and time will you be dining ?",
+ "Great , what day and time would you like to book for ?",
+ "Yes when would you like to book ?",
+ "What day and time would you like to book a table ?",
+ "What day and time would you like the booking for ?",
+ "what day and time ?",
+ "What day and time do you need your reservation ?",
+ "Can I also get what time and what day you would like the reservation for ?",
+ "What day and time would you like this reservation for ?",
+ "What day and time would you like that table ?",
+ "I 'd be happy to make your reservation . What time and day would you like that for ?",
+ "Great choice . When can I make the reservation for ?",
+ "What day and time would you like the reservation for ?",
+ "I 'll also need a day and time for the reservation .",
+ "I ' m sorry , they do n't have tables available . Would you like to try another day or time ?",
+ "I 'd be happy to make your reservation . What day and time would you like to make it for ?",
+ "Sure , what day and time ?",
+ "What day and time would you like ?",
+ "What day and time would you like your reservation ?",
+ "Can you please give me a day and time that you would like to book a table for ?",
+ "What day and time would you like me to reserve the restaurant for ?",
+ "great , and what day and time ?",
+ "What day and time would you like ?",
+ "What date and time for your reservation ?",
+ "What time and date would you like the reservation for ?",
+ "Can you please verify the date and time you would like the booking ?",
+ "What day and time would you like ?",
+ "Sure . What day and time would you like ?",
+ "which day an time do i book ?",
+ "What day and time would you like the reservation for ?",
+ "I can not book a reservation for you until I know what time and day your planning on going there .",
+ "What day and time would you like to book the table ?",
+ "What day and time would you like to go ?",
+ "For what day and time could you like the reservation to be made ?",
+ "What day and time would you like ?",
+ "What day and time would like for me to book ?",
+ "I 'd be happy to help with your request , first I will need to know what day / time you 'd like the reservation for .",
+ "What day and time would you like the reservation for ?",
+ "I would be glad to . I need to know the day and time you would like the reservation for , please .",
+ "What day and time should I book the reservation for ?",
+ "And what day and time would you like the reservation for ?",
+ "What day and time would you like the booking for ?"
+ ],
+ "Time;": [
+ "Do you have a time preference ?",
+ "Sure , what time are you looking for a reservation at ?",
+ "For what time ?",
+ "Yes of course . What time would you like me to make your reservation ?",
+ "Sure . What time would you like the reservation for ?",
+ "Yes I can . What time would you like to eat ?",
+ "Sure , what time should I make the reservation for ?",
+ "Of course ! What time would you prefer ?",
+ "What time would you like the reservation for ?",
+ "When would you like to arrive ?",
+ "I ' m sorry , but I ' m experiencing some system errors . Can you please restate your preferred time for your reservation ?",
+ "Of course , when would you like that reservation ?",
+ "What time would you like the booking for ?",
+ "Is there a specific time in the evening that you would like ?",
+ "Would that be at 5:30 pm ( 17:30 ) ?",
+ "What time would you like to dine ?",
+ "Okay , and what time would you like the reservation for ?",
+ "Okay and what time would you like your reservation to be ?",
+ "And at what time would you like to arrive ?",
+ "Sure , what time would you like the reservation for ?",
+ "And what time would you like to dine ?",
+ "What time would you like ?",
+ "I can certainly help you with that . What time would you like the reservation ?",
+ "What time will you be coming in ?",
+ "What time will that be ?",
+ "I need to know the reservation time before I can book a table for you .",
+ "What time would you like to dine on Friday ?",
+ "Sure , what time would you like the booking ?",
+ "What time would you like your reservation ?",
+ "What time would you like the reservation to be for ?",
+ "What time shall we make that booking for ?",
+ "Great . and now I will just need a time from you please",
+ "Sure . What time would you like to dine ?",
+ "Of course . When would you like to dine ?",
+ "I 'd be happy to assist you , what time would you like your reservation for ?",
+ "What time would you like to make your reservation ?",
+ "What time would you like this reservation ?",
+ "What time would you like the reservation to be for ?",
+ "What time would you like these reservations ?",
+ "What time would you like to dine ?",
+ "Okay and for what time would you like your reservation to be ?",
+ "Sure , what time on wednesday ?",
+ "What time do you need that booking at ?",
+ "What time on Wednesday would you like ?",
+ "I can absolutely do that for you , what time would you like me to make that reservation for ?",
+ "What time would you like your reservation to be ?",
+ "What time would you like the reservation for ?",
+ "What time were you thinking ?",
+ "For what time please ?",
+ "What time shall we make that booking for ?",
+ "Sure what time would you like to check in ?",
+ "I sure can . Any preference on time ?",
+ "What time would you like for me to make your reservation for ?",
+ "At what time would you like the reservation ?",
+ "Sure , what time do you prefer ?",
+ "What time did you want to make the reservation for ?",
+ "Alright , what time would you like to make your reservation for ?",
+ "I need more information on the time for the booking .",
+ "I will need a time before I can book .",
+ "What time would you like that reservation ?",
+ "Sure , when would you like the reservation for ?",
+ "It would be easiest if you would pick a time .",
+ "What time would you like the reservation for ?",
+ "What time would you like the reservation for ?",
+ "What time would you like ?",
+ "I would be happy to . Do you have a specific time in mind ?",
+ "What time do you want me to book for ?",
+ "What time would you like me to book the reservation ?",
+ "What time would you like me to make your reservation ?",
+ "Of course ! What time would you like a reservation ?",
+ "Absolutely . What time would you like ?",
+ "What time would you like your reservation for ?",
+ "What time would you like your reservation ?",
+ "What time would you like your reservation for ?",
+ "What particular time would you like me to make your reservations for ?",
+ "Do you have a specific time in mind ?",
+ "I can do that . When will you be eating ?",
+ "What time will you be dining ?",
+ "Did you want to try earlier ?",
+ "What time will you be coming in ?",
+ "What time would you like to make the reservation for ?",
+ "What time exactly would you like to dine ?",
+ "Unfortunately , that time slot is unavailable . Can I try a different time for you ?",
+ "What time would you like the reservation ?",
+ "What time would you like ?",
+ "For what time ?",
+ "Sure , I just need to know what time you would like to dine .",
+ "What time would you like lunch ?",
+ "sure when would you like to eat ?",
+ "Yes , what time will you be dining ?",
+ "What time should I reserve it for ?",
+ "And what time would you like to arrive ?",
+ "What time would you like the reservation ?",
+ "Could you give me a more specific time for the \" afternoon \" ? Reservations can be placed starting on the hour and every 15 minutes after .",
+ "I would be happy to book the reservation for you , but I need a time , please .",
+ "What time would you like to arrive at the restaurant ?",
+ "What time would you like the reservation ?",
+ "What time would you like me to make your reservation for ?",
+ "I ' m very sorry that time is not available at any of the 5 restaurants , would you like to try a little earlier or later possibly ?",
+ "Sure . What time would you like your reservation ?",
+ "Ok I can book that for you , do you have a particular time you would like ?",
+ "What time would you like to visit ?",
+ "What time would you prefer ?"
+ ],
+ "Day;People;Stay;": [
+ "I can book this for you if you provide the day you want to stay , the duration of the stay and the number of people .",
+ "Of course , I will need to know when you are staying , how long , and how many will be in your party .",
+ "What day do you want to start your stay , for how many days , and how many people ?",
+ "No problem . Just give me a date , how many days , and how many people to accommodate please !",
+ "Yes I could ! How many people are staying , and what days would you like to stay ?",
+ "On what day will you be checking in , for how long , and for how many people ?",
+ "How many people are staying , and for how many days ?",
+ "I just need to know for what day , how many nights and how many guests for the reservation .",
+ "What day do you want the reservation and for how many days and how many people ?",
+ "I will need to know the day you will be arriving , the amount of days and for how many people before making the reservation .",
+ "Are you booking for one person ? When is your arrival and how long is your stay , please .",
+ "Yes I need to know how many people wil be staying and for how long and from when .",
+ "Certainly . How many people , what day are you arriving , and how many nights ?",
+ "Thank you , I need to know the number of days , people and when you want to check in .",
+ "OK , what is your arrival date , number of nights , and number of people in your party ?",
+ "Sure thing , just tell me what day you 're arriving , how many days you 're staying , and how many people are in your party , and I 'd be happy to set that up .",
+ "Sure , what day do you want to begin your stay ? How many days do you want to stay and how many people ?",
+ "I 'd be happy to help with your request , first I 'll need to know the day you 'll be checking in , the number in your party , and for how many nights ?",
+ "Yes , I just need to know what day you 're arriving , how many nights you 're staying , and the number of people in your party .",
+ "Alright , what day will you be there and how many days will you be staying ? How many people will be staying with you ?",
+ "Sure ! give me the following information : Day of visit , number of people and number of days that you will be staying .",
+ "What day do you need your reservation and for how many people and how long will you stay ?",
+ "What day would you like to begin your stay . And how many days and people in your party ?",
+ "Ok perfect . Before I book , how many people will be staying at the hotel , what day you will be checking in , and how long you will be staying for please ?",
+ "What day will you be arriving ? I also need to know how many people there will be and how long you will be staying .",
+ "Okay ! For when , how long , and how many people ?",
+ "Please tell me how many people will be staying , starting on what day and for how many nights ?",
+ "Great ! Just let me know what day you 're arriving , how many nights you 're staying , and the number of people in your party .",
+ "What day do you need it for and for how many days and how many people ?",
+ "I will just need number of people staying and number of nights and your arrival date .",
+ "What day , how many nights , and how many people would you like for you hotel room ?",
+ "What night , for how long and for how many people ?",
+ "What day , party size , and length of stay would you like to go ?",
+ "Sure . On what day , for how long , and for how many people ?",
+ "Did you still need the hotel booking ? If so , I will need to know the day of your arrival , length of stay and number of guests so that I can complete your request .",
+ "Yes certainly . How many nights will you be needing and when will you be arriving and how many people will be staying ?",
+ "OK , if you would like me to book a room , I 'll need the number of people , the number of nights you 're staying , and your arrival day .",
+ "OK , to book a room I need to know your arrival day , the number of nights you 're staying , and how many people are in your party .",
+ "First I need to know how many are in your party , what day you wish to check in , and how many nights you need a room .",
+ "I 'll need to know when you will be arriving , how many nights your stay will be and for how many people .",
+ "OK , how many are in your party , what day will you arrive , and how many nights will you be staying ?",
+ "How many people should I book this for ? What day ? How many days will you be staying ?",
+ "What day will you be arriving , how many days are you staying and for how many people ?",
+ "What day will you be checking in ? I also need the number of days you will be staying and the number of people .",
+ "I will need some more information to book a room , what day will you arrive , for how many people and how many nights ?",
+ "What day would you like to reserve ? How many days will you be staying and how many people will be staying in the reserved room ?",
+ "What day should I start your booking , and how many days do you plan on staying ? Also , how many people would be staying ?",
+ "Ok . I 'll need the day , length of stay , and number of people .",
+ "I need to know when you 'd like to begin your stay , how many are in your party , and how many nights you 'd like reserved .",
+ "I 'd be happy to help with your request , but I 'll need to know what day you 're arriving , how many are staying and for how many nights ?",
+ "What day and how long should I book this for ?",
+ "What day would you like to stay on ? And how many days ? How many people ?",
+ "For how many people . What night and how long ?",
+ "What day will you be arriving , and how many people will be staying for how many nights ?",
+ "I 'll need to know the start day , days you plan to stay , and how many people to book for .",
+ "Yes , tell me what day are you arriving , how long is your stay , and for how many people ?",
+ "I 'd be happy to help with that . Can you tell me what day you would want to start your stay and the number of guests / nights ?",
+ "How many days would you like to book the room for ? Starting when ? Also , for how many people ?",
+ "Can you please give me the day you are starting your stay , number of days , and the number of people staying ?",
+ "What date would you like to book ? How many nights and how many people ?",
+ "Of course . I just need to know your arrival day , how many nights you 'll be staying , and the number of people .",
+ "I apologize but it in order to assist you with booking I would need to know how many in your party and the day and length of your stay .",
+ "When will you be arriving and how many nights will you be staying ? How many in your party ?",
+ "Can I get your booking information so I can check them for availability ?",
+ "Sure thing ! I just need to know what day you 'll be arriving , how many nights you 'll be staying , and how many people are in your party to be able to book .",
+ "Sure . When will you check in and how long would you like to stay for ? Will it be just for yourself ?",
+ "I ' m sorry ... are you staying with two people for two days , or alone for five days ? Which days would you like me to reserve ?",
+ "Sure , but I 'll need some additional information . How many days shall I book for ? When would you like to check in ?",
+ "I need booking information , how many people , what day , and how many days you would like to stay .",
+ "I am getting that ready now , what day will that start . I also need to know how many people and how long ?",
+ "On what day will you be checking in , for how long , and for how many people ?",
+ "What day would you like to book ? How many days will you be staying and how many people will be staying ?",
+ "What day would you like me to book the hotel , how many people and What days would you like to stay ?",
+ "When would you like to book the room and for how many nights and people ?",
+ "Okay . I will need to know the day , how many nights you 'll be staying , and how many people will be in your group .",
+ "Yes I can . What day will you be arriving and departing ? And how many people will be staying ?",
+ "What days are you planning on staying and how many people will be staying ?",
+ "You 're welcome . How many people are in your party , and when will you arrive ? Also , how long would you like to stay ?",
+ "Can you tell me what day you want to start your stay ? And how many people for how many nights ?",
+ "OK . I can do that for you . I need number of people , length of stay , and day of arrival .",
+ "Is it for just yourself ? For how long and on what day ?",
+ "Sure , i can help you with that . What day will you arrive and for how many days will you be staying ?",
+ "Before we make your restaurant reservation , let 's take care of the hotel . What day are you arriving , how many nights are you staying , and how many people ?",
+ "Alright . How many people are you booking for ? What night will begin your stay , and how many night will you be staying ?",
+ "Alright , How many people are staying , how many days do you want to stay , and what day to you want your stay to start ?",
+ "In order to book , can you tell me the number of guests , number of nights and the day of the week you want to start your stay ?",
+ "Before I can book , I need to know the length of your stay , what day you 'll arrive , and for how many people",
+ "for how many people and when were you planning your stay ?",
+ "Okay , for how many people how long and when please ?",
+ "I can help with that ! How many people will be staying , for how long , and which day would you like to arrive ?",
+ "I 'd be happy to make that reservation for you . What days would you like to stay there , and how many are in your party ?",
+ "Sure ! How many people for your stay , when would you like to start your stay , and how long would you like to stay for ?",
+ "great ! for how many people , which day , and for how long ?",
+ "When will you be staying and for how long and how many people will be in your party .",
+ "You need to tell me how many people are staying at what days .",
+ "Will you be arriving at the hotel on Friday ? How many days and how many people are in your party ?",
+ "Before I am able to book it , I 'll need to know when you are arriving , the length of your stay , and how many people in your booking .",
+ "I can choose a place , I just need the number of people , day of the week and how many night you will be staying .",
+ "What day , number of nights , and number of people would you like to book for ?",
+ "Can you please let me know the details of your reservation such as number of people , length of stay , and arrival date .",
+ "What day are you beginning your stay ? How many days and how many people do you want to make a booking for ?",
+ "okay , what day would you like me to book the reservation for and for how long ? How many people should I make it for ?",
+ "Okay , please tell me what day you will arrive , how many days you will stay , and how many people",
+ "Yes , I can . When would you like to begin your stay ? How many people will be staying ? How many days will you be staying ?",
+ "How many people will be staying at the hotel and for how long ? What day will you be arriving ?",
+ "Great . How many guests should I make a reservation for and what nights would you like to stay ?",
+ "I can , what day would you like to go , how many nights would you like to stay , and how large will your party be ?",
+ "In order to make the reservations , can you tell me for what day , how many guests and how many nights please ?",
+ "To make sure I get the booking right , by the weekend you mean you want to stay for two nights starting Saturday ? And how many people will be staying ?",
+ "Absolutely . On what day , for how many people and how long is your stay ?",
+ "Okay , can you tell me how many people are staying , how many days you want to stay and when you begin your stay , please ?",
+ "Can you tell me the day , number of nights and how many guests please ?",
+ "Certainly , I 'll just need the arrival and departure date as well as how many people will be staying .",
+ "Alright . What day would you like to stay , how many nights and how many people ?",
+ "Before I can book a room for you I need to know a few details . What day would you arrive ? How many days would you stay ? How many people are staying ?",
+ "What day would you like your reservation and for how many nights ? Also , how many guests will there be ?",
+ "Sounds like a plan . May please get the number of guests , the day of arrival , and how many nights you will be staying ?",
+ "Yes certainly . For how many nights will you be staying and how many people will be staying and when do you wish to arrive ?",
+ "Could you please provide me with how many nights you are staying , how many people , and what day your stay starts ?",
+ "So you would like to book University Arms Hotel for for 4 people starting Sunday for 3 nights , is that correct ?",
+ "Great , would you like me to book it ? What day will you be arriving , how many nights will you stay and how many people will be staying ?",
+ "Okay , great ! How many will be staying , for how many nights , starting what day ?",
+ "I do not have the prices , what day would you like to stay , for how many nights , and how many people ?",
+ "Okay , I can go ahead and book that for you . I would just need to know the day your checking in , how many nights you need , and also how many people ?",
+ "Okay , what day would you like to book for ? I also need to know your length of stay and how many people will be in your group .",
+ "Sure . I will need to know how many people you would like to book it for , what day you would like and how many days you would like to stay .",
+ "I need to know what day you will be arriving and how many nights and how many people will be staying .",
+ "In order to book , can you tell me the number of guests , number of nights and the day of the week you want to start your stay ?",
+ "Alright , I just need to know how many people will be staying there , from what day , and how many nights , please ?",
+ "I need some more information . How many people ? What day would you like to book ? How many days would you like to stay ?",
+ "I would be happy to book a room . Please let me know your arrival day , how many nights you 're staying , and the number of people who will be staying .",
+ "Perfect ! Can you tell me how many nights , people and what day you 'll be arriving ?",
+ "Please tell me the day you will be checking in , how many people and how many nights ?",
+ "You need to tell me how many people are staying at what days ."
+ ],
+ "People;Time;": [
+ "Okay I would be more than happy to assist you with that but I need to know how many will be in your party and what time please .",
+ "for how many people and time please ?",
+ "Ok , how many people and what time ?",
+ "Ok , how many people and what is the time preference ?",
+ "Sure , how many will be in your party and what time would you like to dine ?",
+ "Ok , for how many and at what time ?",
+ "Okay , for how many people and what time ?",
+ "What time would you like to eat ? Are you eating with the same 3 people ?",
+ "How many people will be dining and what time do you prefer ?",
+ "What time would you like the table for ? And how many in your party ?",
+ "Before I can book your table I will need to know how many will be in your party and at what time you will be dining .",
+ "Yes , I can , for how many people and what time on Friday ?",
+ "We can try ! How many people should I book the table for , and what time ?",
+ "What time would you like to dine , and how many will be in your party ?",
+ "I need to know then how big is your party and exact time ?",
+ "Certainly , at what time ? And how many will be in your party ?",
+ "What time do you want to dine and how many people in your party ?",
+ "How many people and at what time ?",
+ "How many people will be dining and about what time would your prefer ?",
+ "How many people will be staying ? Also , when would you like to check in ?",
+ "When would you like to dine and how many people will there be ?",
+ "for how many and what time please",
+ "What time would you like to book the restaurant for and how many people in your party .",
+ "Sure ! how many people and what time ?",
+ "Sure . How many people will be in your party and what time would you like to dine ?",
+ "What time and for how many people ?",
+ "Not a problem , I 'll need to know how many people and what time you would like .",
+ "What time on Saturday and for how many people were you looking to book for ?",
+ "Sure what time and how many people ?",
+ "Can you tell me how many guests and what time you would like the reservation for ?",
+ "How many people will the booking be for and what time would you prefer the booking to be at ?",
+ "Ok , i am getting the info up now , how many people will this be for and what time ?",
+ "How many people and what time would you like me to make your reservation ?",
+ "Absolutely , how many people will you have and what time are you wanting the reservation ?",
+ "If you would like me to make you a reservation I will need to know what time you would like to dine and for how many people .",
+ "I have begun your booking but need to know the time you would like to eat and how many people will be dining",
+ "I 'll be happy to make your reservations . What time would be a good time and how many people are we making a reservation for ?",
+ "How many people should I reserve for and at what time ?",
+ "How many people will be eating and for what time ?",
+ "How many in your party and what time ?",
+ "What time would you like the reservation , and for how many people ?",
+ "What time would you like to book and for how many people ?",
+ "What time and for how many people would you like to book ?",
+ "I need to know for what time and the number who will be dining with you .",
+ "I can do that . How many people should I list on the reservation and what time do you want to dine ?",
+ "I need a time and for how many people please .",
+ "When will you be dining and how many guests ?",
+ "how many people and what time ?"
+ ],
+ "Day;People;Stay;Time;": [
+ "I can book it but will need to know for what day , the time of the booking and for how many guests .",
+ "When will you be arriving and how many nights would you like to stay ? How many people are in your party ?"
+ ],
+ "Stay;Time;": [
+ "Absolutely , just a few questions .... when do you plan on arriving and how many days are you planning on staying ?"
+ ]
+ },
+ "Hotel-Inform": {
+ "Internet;Name;Post;": [
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# and yes , it has internet !",
+ "There is #HOTEL-INFORM-NAME# which has internet . It is located in #HOTEL-INFORM-POST# postal code ."
+ ],
+ "Internet;": [
+ "Yes it has wifi . Would you like to know anything more ?",
+ "Yes the place provides free wifi .",
+ "They sure do !",
+ "They all have free wifi .",
+ "Yes , the wifi is included .",
+ "There is wifi available at the hotel .",
+ "They have free wifi and the rating of the hotel .",
+ "Yes , internet is available .",
+ "All of them have internet .",
+ "Yes it has free wifi .",
+ "They do offer free wifi yes , what taxi info do you need ?",
+ "Yes , I believe it does .",
+ "I can not find the info on free wifi or not , I apologize .",
+ "Yes , it does have free wifi as well . Would you like to continue with the reservation ?",
+ "Yes there is internet .",
+ "Yes they have free internet .",
+ "Yes , they have internet available .",
+ "Yes , it does !",
+ "And free Wifi , interested ?",
+ "Yes they do !",
+ "It has internet access",
+ "Yes it does .",
+ "Yes , they do have wifi available .",
+ "Yes , it has internet .",
+ "All of them include free wifi .",
+ "Yes , it does .",
+ "Yes , they both have free wifi as well .",
+ "Yes it does .",
+ "Yes it does and is included in the price !",
+ "Yes it does .",
+ "Yes it certainly does .",
+ "Yes it does have internet .",
+ "Yes , it does have internet .",
+ "Yes it does",
+ "yes most of them do",
+ "The hotel does have internet .",
+ "Yes it does actually .",
+ "Yes , they do offer that .",
+ "Yes , they do have internet .",
+ "Yes , it does have free internet .",
+ "Yes . There is free wifi .",
+ "Yes , they have internet .",
+ "It does have wifi .",
+ "Yes they have wifi",
+ "They both have internet .",
+ "Yes it does .",
+ "Yes , it includes wifi"
+ ],
+ "Addr;Name;": [
+ "I have the #HOTEL-INFORM-NAME# . It is at #HOTEL-INFORM-ADDR# . Would you like the phone number ?",
+ "Sure ! I found #HOTEL-INFORM-NAME# . It is located at #HOTEL-INFORM-ADDR# . Would that work for you ?",
+ "How about the #HOTEL-INFORM-NAME# . The address is #HOTEL-INFORM-ADDR# .",
+ "How about #HOTEL-INFORM-NAME# at #HOTEL-INFORM-ADDR# ?",
+ "All right , sir , that would be the #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# .",
+ "I have #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# .",
+ "Okay ! How about #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# ?",
+ "Absolutely ! #HOTEL-INFORM-NAME# is located at #HOTEL-INFORM-ADDR# . Would you like me to book your stay ?",
+ "How about the #HOTEL-INFORM-NAME# at #HOTEL-INFORM-ADDR# ?",
+ "How about the #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# ?",
+ "How about #HOTEL-INFORM-NAME# ? They are located at #HOTEL-INFORM-ADDR# .",
+ "The address for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# .",
+ "Yes , #HOTEL-INFORM-NAME# is located on #HOTEL-INFORM-ADDR# .",
+ "The address of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# .",
+ "The address for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Name;Name;Price;Stars;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# , #HOTEL-INFORM-NAME# #HOTEL-INFORM-STARS# star or #HOTEL-INFORM-NAME# #HOTEL-INFORM-STARS# star . Both are in the #HOTEL-INFORM-PRICE# range and in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Stars;": [
+ "It is rated #HOTEL-INFORM-STARS# stars ,",
+ "It is rated #HOTEL-INFORM-STARS# stars , is that okay ?",
+ "It has #HOTEL-INFORM-STARS# stars .",
+ "It has a rating of #HOTEL-INFORM-STARS# stars .",
+ "No it has #HOTEL-INFORM-STARS# star rating .",
+ "No , only #HOTEL-INFORM-STARS# stars .",
+ "They have a #HOTEL-INFORM-STARS# Star rating",
+ "The hotel is #HOTEL-INFORM-STARS# stars .",
+ "Yes , it does have #HOTEL-INFORM-STARS# stars .",
+ "it has a #HOTEL-INFORM-STARS# star rating",
+ "Yes it is rated #HOTEL-INFORM-STARS# stars .",
+ "yes it is #HOTEL-INFORM-STARS# star",
+ "It has a rating of #HOTEL-INFORM-STARS# stars .",
+ "yes , it has a #HOTEL-INFORM-STARS# star rating .",
+ "It has #HOTEL-INFORM-STARS# stars .",
+ "That hotel has #HOTEL-INFORM-STARS# stars .",
+ "It had a star rating of #HOTEL-INFORM-STARS# .",
+ "It is a #HOTEL-INFORM-STARS# star hotel .",
+ "It is rated #HOTEL-INFORM-STARS# stars .",
+ "It is a #HOTEL-INFORM-STARS# star hotel .",
+ "It has a #HOTEL-INFORM-STARS# star rating .",
+ "Yes it does have #HOTEL-INFORM-STARS# stars . Enjoy your travels !",
+ "It has #HOTEL-INFORM-STARS# stars .",
+ "It is a #HOTEL-INFORM-STARS# star hotel .",
+ "Yes , the hotel is rated #HOTEL-INFORM-STARS# stars .",
+ "Yes , it does have #HOTEL-INFORM-STARS# stars .",
+ "It #HOTEL-INFORM-STARS# a star rating .",
+ "It has a #HOTEL-INFORM-STARS# star rating , is this ok ?",
+ "their star rating is #HOTEL-INFORM-STARS# .",
+ "It is only #HOTEL-INFORM-STARS# stars .",
+ "No , it has #HOTEL-INFORM-STARS# stars"
+ ],
+ "Internet;Name;Parking;Price;Stars;": [
+ "There is one hotel matching your criteria . It is #HOTEL-INFORM-NAME# , it is #HOTEL-INFORM-PRICE# with a #HOTEL-INFORM-STARS# star rating and both free internet and parking . Do you need more information ?",
+ "There is #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-PRICE# range and #HOTEL-INFORM-STARS# stars . It also has free wifi and parking .",
+ "Yes the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-STARS# stars #HOTEL-INFORM-PRICE# and offers free wifi and parking ."
+ ],
+ "Internet;Name;Price;": [
+ "There is #HOTEL-INFORM-NAME# available in the #HOTEL-INFORM-PRICE# price range with free wifi",
+ "How does the #HOTEL-INFORM-NAME# sound . It is #HOTEL-INFORM-PRICE# and has free wifi .",
+ "I have the #HOTEL-INFORM-NAME# that has wifi and is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;": [
+ "It is in the #HOTEL-INFORM-AREA# area .",
+ "They are located in the #HOTEL-INFORM-AREA# .",
+ "sorry . it is in the #HOTEL-INFORM-AREA# .",
+ "It 's located in the #HOTEL-INFORM-AREA# .",
+ "They are in in the #HOTEL-INFORM-AREA# area .",
+ "It is in the #HOTEL-INFORM-AREA# part of town .",
+ "It is in the #HOTEL-INFORM-AREA# part of town .",
+ "It 's in #HOTEL-INFORM-AREA# .",
+ "It is indeed in the #HOTEL-INFORM-AREA# .",
+ "Yes , that is located in the #HOTEL-INFORM-AREA# .",
+ "Yes , it is indeed in the #HOTEL-INFORM-AREA# .",
+ "The hotel is in the #HOTEL-INFORM-AREA# area .",
+ "Yes , it 's in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Price;Type;": [
+ "That is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Would a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area work ?",
+ "Happy to help ! That is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# and is considered #HOTEL-INFORM-PRICE# .",
+ "There is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range .",
+ "It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# .",
+ "It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "that is a #HOTEL-INFORM-TYPE# located in #HOTEL-INFORM-AREA# and is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Internet;Parking;": [
+ "The address is #HOTEL-INFORM-ADDR# . They have free parking and internet .",
+ "They have book free wifi and parking . They are located at #HOTEL-INFORM-ADDR# .",
+ "Okay , they have free parking and internet . The address is : #HOTEL-INFORM-ADDR# ."
+ ],
+ "Internet;Name;Parking;Stars;": [
+ "how long is your stay ? I am only showing the #HOTEL-INFORM-NAME# , it has #HOTEL-INFORM-STARS# stars and free internet and parking",
+ "There is the #HOTEL-INFORM-NAME# thich is #HOTEL-INFORM-STARS# star and has free parking and wifi .",
+ "There are two . #HOTEL-INFORM-NAME# . Both have internet and parking . Both are #HOTEL-INFORM-STARS# stars .",
+ "Wonderful how about #HOTEL-INFORM-NAME# . Rave #HOTEL-INFORM-STARS# star accommodations and free wifi & parking"
+ ],
+ "Internet;Post;": [
+ "Yes , they have free Wifi . Their postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# and they have internet . Would you like me to book it ?",
+ "The post code is #HOTEL-INFORM-POST# and they do offer free wifi .",
+ "The postcode is #HOTEL-INFORM-POST# , and they do have internet ."
+ ],
+ "Choice;Name;": [
+ "I have found #HOTEL-INFORM-CHOICE# matches that meet your criteria . How about the #HOTEL-INFORM-NAME# ?",
+ "There is #HOTEL-INFORM-CHOICE# option . It is #HOTEL-INFORM-NAME# .",
+ "I found #HOTEL-INFORM-CHOICE# places , #HOTEL-INFORM-NAME# has good ratings",
+ "There are #HOTEL-INFORM-CHOICE# including #HOTEL-INFORM-NAME# .",
+ "Ok , there is #HOTEL-INFORM-NAME# as well as #HOTEL-INFORM-CHOICE# others for you to choose from .",
+ "There are #HOTEL-INFORM-CHOICE# places , #HOTEL-INFORM-NAME# , any other preference or questions before I book ?",
+ "Great , I ' ve found #HOTEL-INFORM-CHOICE# that fits just that . How about #HOTEL-INFORM-NAME# ?",
+ "I have #HOTEL-INFORM-CHOICE# listing for #HOTEL-INFORM-NAME# , is that okay for you ?",
+ "We have #HOTEL-INFORM-CHOICE# that match your criteria but #HOTEL-INFORM-NAME# is very popular . Would you like to try there ?",
+ "I found #HOTEL-INFORM-CHOICE# of locations that might suit your interests . Would you care to check out #HOTEL-INFORM-NAME# ? It has everything you are looking for in accommodations .",
+ "There is #HOTEL-INFORM-CHOICE# in that price range . It is #HOTEL-INFORM-NAME# .",
+ "I have #HOTEL-INFORM-CHOICE# listing for #HOTEL-INFORM-NAME# .",
+ "There are #HOTEL-INFORM-CHOICE# hotels that meet that criteria . Would #HOTEL-INFORM-NAME# work for you ?"
+ ],
+ "Area;Name;Price;Stars;": [
+ "Sure #HOTEL-INFORM-NAME# is located on the #HOTEL-INFORM-AREA# , is in the #HOTEL-INFORM-PRICE# price range and is rated #HOTEL-INFORM-STARS# stars .",
+ "I have #HOTEL-INFORM-NAME# it is located in the #HOTEL-INFORM-AREA# and is #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars . Would you like to reservations there ?",
+ "I do have #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# . It 's in the #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars . Might that work for you ?",
+ "I have #HOTEL-INFORM-NAME# . It is in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars .",
+ "there is #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# it is #HOTEL-INFORM-PRICE# , yet a #HOTEL-INFORM-STARS# star .",
+ "I have #HOTEL-INFORM-NAME# in #HOTEL-INFORM-AREA# . It is a #HOTEL-INFORM-STARS# star but #HOTEL-INFORM-PRICE# price .",
+ "Yes the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# stars and on the #HOTEL-INFORM-AREA# .",
+ "Alright , I have #HOTEL-INFORM-NAME# already in #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-STARS# stars . Does that interest you ?"
+ ],
+ "Area;Name;Price;": [
+ "How about the #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# is in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about the #HOTEL-INFORM-NAME# ? It 's in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# .",
+ "ok , the #HOTEL-INFORM-NAME# is a great place . Located in the #HOTEL-INFORM-AREA# and is #HOTEL-INFORM-PRICE# . They offer free parking and internet .",
+ "Certainly ! The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# area and has a #HOTEL-INFORM-PRICE# price range .",
+ "Certainly ! #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# accomodation in the #HOTEL-INFORM-AREA# . Is there other information you would like to know ?",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# range but is located in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and is in the #HOTEL-INFORM-AREA# area .",
+ "How about #HOTEL-INFORM-NAME# , its #HOTEL-INFORM-PRICE# located in the #HOTEL-INFORM-AREA# ?",
+ "How about #HOTEL-INFORM-NAME# ? They are located in the #HOTEL-INFORM-AREA# and are #HOTEL-INFORM-PRICE# .",
+ "Would you want to try #HOTEL-INFORM-NAME# , which is in the #HOTEL-INFORM-PRICE# price range and in the #HOTEL-INFORM-AREA# .",
+ "How about #HOTEL-INFORM-NAME# ? it is #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# .",
+ "The only #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# is #HOTEL-INFORM-NAME# .",
+ "The only #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# is the #HOTEL-INFORM-NAME# . Would you like a room there ?",
+ "How does #HOTEL-INFORM-NAME# sound ? It is in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# ."
+ ],
+ "Name;Post;": [
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# .",
+ "The postcode of the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# .",
+ "The postcode of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# .",
+ "The postcode for the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# .",
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# .",
+ "Yes , the #HOTEL-INFORM-NAME# postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Internet;Phone;": [
+ "The address is #HOTEL-INFORM-ADDR# , phone number #HOTEL-INFORM-PHONE# . Yes , they offer free WiFi to guests ."
+ ],
+ "Parking;": [
+ "It does include free parking .",
+ "They do not have parking .",
+ "Yes , they have free parking .",
+ "Yes it offers free parking .",
+ "they do have free parking .",
+ "yes they do have free parking",
+ "Yes , it does .",
+ "yes they have free parking",
+ "Yes the parking is free .",
+ "Yes they have free parking .",
+ "no parking but you can park your vehicle nearby",
+ "All three of them include free parking . Which of the three would you prefer to stay at ?",
+ "Yes , they both offer free parking .",
+ "Yes , it does have free parking .",
+ "sorry about that , yes it has free parking and internet",
+ "Both options have free parking available .",
+ "Yes they do .",
+ "Yes they do .",
+ "Yes both of them have free parking .",
+ "Yes , they do have free parking at this hotel .",
+ "they do have free parking .",
+ "There is free parking .",
+ "Both of them have free parking .",
+ "I ' m sorry I do n't have that information .",
+ "Yes they have free parking as well .",
+ "They do offer free parking .",
+ "no it does not have free parking",
+ "Yes , it does have free parking",
+ "Yes , it provides free parking for guests .",
+ "Yes , it has free parking",
+ "Yes it does , free parking as well .",
+ "Yes , they do .",
+ "Yes , they all offer free parking .",
+ "Yes they have free parking .",
+ "Yes it most certainly does .",
+ "Yes it does include free parking .",
+ "Yes , they both have free parking .",
+ "They do have free parking yes",
+ "Sorry , no there is no free parking . Can I look for another ?",
+ "Yes it does ! Free parking too .",
+ "yes they do offer free parking",
+ "Parking is free on all 7 , do you have a preference ?",
+ "Yes it does have free parking",
+ "Yes , the parking is free .",
+ "Yes , it does offer free parking",
+ "Both of the hotels have free parking .",
+ "Yes it most certainly does .",
+ "Yes , I would as a matter of fact . And yes the offer free parking .",
+ "They do have free parking .",
+ "Yes it most certainly does .",
+ "Yes it does include free parking .",
+ "Yes , they do .",
+ "I need a hotel with FREE parking",
+ "They do have free parking yes .",
+ "yes they have free parking",
+ "Yes , it does .",
+ "yes there is parking"
+ ],
+ "Addr;Post;": [
+ "Sure , the address is #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# .",
+ "The address and postcode is #HOTEL-INFORM-POST# \t #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# and the post code is #HOTEL-INFORM-POST# .",
+ "The address is #HOTEL-INFORM-ADDR# and the post code is #HOTEL-INFORM-POST# .",
+ "Absolutely . It is in #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "Sure , it is at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "Sure , it is located at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "They are located at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "Sorry about that the postcode is #HOTEL-INFORM-POST# . And they are located at #HOTEL-INFORM-ADDR# .",
+ "Okay its address is located at #HOTEL-INFORM-ADDR# and its postal code is #HOTEL-INFORM-POST# .",
+ "Sure , the address is #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# .",
+ "Yes , it is located at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "The address is #HOTEL-INFORM-ADDR# and the post code is #HOTEL-INFORM-POST# .",
+ "The address is #HOTEL-INFORM-ADDR# , cambourne in #HOTEL-INFORM-POST# .",
+ "Sure the postcode is #HOTEL-INFORM-POST# . Their address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# postcode #HOTEL-INFORM-POST# .",
+ "The address of the hotel is at #HOTEL-INFORM-ADDR# and its postal code is #HOTEL-INFORM-POST# .",
+ "Sure , it is located at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# .",
+ "Yes . Their address is #HOTEL-INFORM-ADDR# and their postcode is #HOTEL-INFORM-POST# .",
+ "Sure ! The address is #HOTEL-INFORM-ADDR# \t and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Area;Choice;Choice;Choice;Price;Price;": [
+ "I have #HOTEL-INFORM-CHOICE# options for you - #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range and #HOTEL-INFORM-CHOICE# that 's #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Internet;Name;Phone;": [
+ "The #HOTEL-INFORM-NAME# has internet and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Parking;": [
+ "Yes they have free parking and wifi .",
+ "Yes , they provide both internet and parking at their establishment .",
+ "Yes it includes both .",
+ "All the places mentioned have free wifi and free parking .",
+ "Yes , they offer free Internet and parking .",
+ "Yes , free wifi . No free parking though .",
+ "Yes they have internet and free parking .",
+ "They do offer wifi but no parking .",
+ "Yes they does , but no free parking though .",
+ "Yes , they do offer free internet and parking .",
+ "Yes it has free parking and free wifi .",
+ "Both offer free internet . El Shaddai also offers free parking . Cityroomz unfortunately does not offer parking .",
+ "Yes , it does ! It also has free parking .",
+ "Yes , it offers Free parking and WiFi .",
+ "Yes to both .",
+ "No , it does n't . Sorry about that .",
+ "They do not have free parking but they do have free internet .",
+ "They do indeed have free internet as well as free parking .",
+ "All the lodging I have found offers internet and parking . Would that be ok ?",
+ "Yes , it has free internet and parking .",
+ "They both offer free parking and internet .",
+ "Yes and free parking as well .",
+ "Yes they do and free parking as well .",
+ "Yes to both .",
+ "Yes it has free wifi and free parking .",
+ "It does have free parking and wifi .",
+ "It does have internet but it does not have parking .",
+ "Yes it has free parking and wifi .",
+ "Yes , both free wifi and parking is available at this location .",
+ "Yes they have internet and free parking .",
+ "Yes , it has free parking and internet",
+ "Yes , they offer both free wifi and free parking .",
+ "Yes , both have internet and parking .",
+ "yes , free wifi and parking",
+ "Yes , they have free wifi and free parking !",
+ "Yes it has free parking and internet .",
+ "Yes , and free wifi .",
+ "Yes they do have both .",
+ "Yes , free parking and free wifi !",
+ "They have free internet offered but not parking .",
+ "Yes they have free parking as well as free wifi ."
+ ],
+ "Area;Internet;Price;": [
+ "Sure thing . It is on the #HOTEL-INFORM-AREA# of town and is on the #HOTEL-INFORM-PRICE# of the price range . It also has internet access !",
+ "Sure ! They 're in the #HOTEL-INFORM-AREA# . They 're #HOTEL-INFORM-PRICE# and offer internet connectivity ."
+ ],
+ "Addr;Addr;Phone;": [
+ "Yes certainly their address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and their telephone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# and address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# .",
+ "Sure , their address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Internet;Name;Parking;Stars;Type;": [
+ "Absolutely . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the east located at #HOTEL-INFORM-ADDR# that has both internet and parking available ."
+ ],
+ "Type;Type;": [
+ "It is a #HOTEL-INFORM-TYPE# , #HOTEL-INFORM-TYPE# ."
+ ],
+ "Phone;": [
+ "we do not have email contact information on the venues . but you can call them if you like . their phone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "Yes their telephone number is #HOTEL-INFORM-PHONE# .",
+ "the phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# if you would like to book later .",
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "Absolutely . That number is #HOTEL-INFORM-PHONE# .",
+ "The system is experiencing technical difficulties and bookings are unavailable . Please call the hotel to complete your booking . #HOTEL-INFORM-PHONE# . Anything else ?",
+ "That phone number is \t #HOTEL-INFORM-PHONE# .",
+ "Phone number is #HOTEL-INFORM-PHONE# .",
+ "Sure , the phone number is #HOTEL-INFORM-PHONE# .",
+ "That number is #HOTEL-INFORM-PHONE# .",
+ "Sure , the number is #HOTEL-INFORM-PHONE# .",
+ "I do not have that information , but they can be reached at #HOTEL-INFORM-PHONE# .",
+ "Their number is #HOTEL-INFORM-PHONE# .",
+ "you can call them on #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "I have one for you , phone is #HOTEL-INFORM-PHONE# . Enjoy",
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "Okay , their phone number is #HOTEL-INFORM-PHONE# .",
+ "Sorry , I do n't have that information . There phone number is #HOTEL-INFORM-PHONE# .",
+ "Their number is #HOTEL-INFORM-PHONE# .",
+ "Sure , their phone number is #HOTEL-INFORM-PHONE# .",
+ "I can not cancel the reservation but you can call to do so at #HOTEL-INFORM-PHONE# .",
+ "Yes certainly that would be #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "their phone number is #HOTEL-INFORM-PHONE# .",
+ "Yes , their phone number is #HOTEL-INFORM-PHONE# .",
+ "Certainly . That phone number is #HOTEL-INFORM-PHONE# .",
+ "I do n't have that information , but their phone number is #HOTEL-INFORM-PHONE# if you would like to call them ."
+ ],
+ "Choice;Parking;Stars;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# of #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking , but no hotels .",
+ "I see #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# listings that offer free parking ."
+ ],
+ "Phone;Post;": [
+ "Okay , the postcode is #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Their phone number is #HOTEL-INFORM-PHONE# and their postcode is #HOTEL-INFORM-POST# .",
+ "Certainly . The post code is #HOTEL-INFORM-POST# and their phone number is #HOTEL-INFORM-PHONE# . What else can I help you with ?",
+ "Yes . The postcode is #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "The hotel phone number and post code are #HOTEL-INFORM-PHONE# and #HOTEL-INFORM-POST# .",
+ "The number is #HOTEL-INFORM-PHONE# , and the postcode is #HOTEL-INFORM-POST# .",
+ "Absolutely . Their phone number is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# .",
+ "The phone number is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "The post code is #HOTEL-INFORM-POST# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "Yes , the phone number is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Internet;Name;": [
+ "Yes , the #HOTEL-INFORM-NAME# has internet .",
+ "Yes , #HOTEL-INFORM-NAME# offers internet",
+ "Yes , free internet is included at #HOTEL-INFORM-NAME# .",
+ "Yes the #HOTEL-INFORM-NAME# does have free wifi .",
+ "Yes , #HOTEL-INFORM-NAME# has internet .",
+ "Yes #HOTEL-INFORM-NAME# does have free wifi .",
+ "Yes , #HOTEL-INFORM-NAME# does offer free wifi .",
+ "The #HOTEL-INFORM-NAME# does have free wifi .",
+ "My apologies . Actually , #HOTEL-INFORM-NAME# does include free wifi . I have confirmed that information .",
+ "Yes , #HOTEL-INFORM-NAME# provides free wifi ."
+ ],
+ "Area;Internet;Name;Parking;Price;Stars;Type;": [
+ "Warkworth house is a #HOTEL-INFORM-TYPE# hotel located in the #HOTEL-INFORM-AREA# . It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel . #HOTEL-INFORM-NAME# provides internet and parking .",
+ "How about #HOTEL-INFORM-NAME# ? It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars and free wifi and parking !",
+ "The only place that I have in the #HOTEL-INFORM-AREA# that offers free parking and internet is a #HOTEL-INFORM-TYPE# called the #HOTEL-INFORM-NAME# . It is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars .",
+ "How does #HOTEL-INFORM-NAME# sound ? It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars located #HOTEL-INFORM-AREA# . It includes both free wifi and free parking ?",
+ "I sure do . #HOTEL-INFORM-NAME# is a more #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It has #HOTEL-INFORM-STARS# stars and includes free wifi and free parking .",
+ "the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range . it has #HOTEL-INFORM-STARS# stars and free internet and parking . will that work for you ?",
+ "Would you like to stay at #HOTEL-INFORM-NAME# ? It 's a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , in the #HOTEL-INFORM-PRICE# price range , has #HOTEL-INFORM-STARS# stars , wifi and parking ."
+ ],
+ "Area;Choice;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available that are located in the #HOTEL-INFORM-AREA# .",
+ "Of course , there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Do you have any particular needs ?",
+ "I have found #HOTEL-INFORM-CHOICE# different #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Were there any certain requirements you have in searching for a particular guesthouse ?"
+ ],
+ "Name;Price;": [
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# price range .",
+ "The #HOTEL-INFORM-PRICE# one is the #HOTEL-INFORM-NAME# .",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# .",
+ "Ok what about the #HOTEL-INFORM-NAME# ? It 's priced #HOTEL-INFORM-PRICE# .",
+ "Yes . #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# pricerange .",
+ "No . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# hotel .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# price range , sir .",
+ "How about the #HOTEL-INFORM-NAME# that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "Did you mean the hotel ? The price range for The #HOTEL-INFORM-NAME# hotel is #HOTEL-INFORM-PRICE# .",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# option in this area .",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# option .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# range .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# price range , and we have attractions in all areas of Cambridge so I ' m sure you will find something to your liking .",
+ "The #HOTEL-INFORM-PRICE# one is #HOTEL-INFORM-NAME# .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# price range .",
+ "Okay , how about #HOTEL-INFORM-NAME# that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about #HOTEL-INFORM-NAME# ? it is in the #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Name;": [
+ "Does the #HOTEL-INFORM-NAME# work ?",
+ "Sorry about that ! how about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Okay , how about #HOTEL-INFORM-NAME# ?",
+ "what about #HOTEL-INFORM-NAME# ?",
+ "how about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "How about the #HOTEL-INFORM-NAME# ?",
+ "how about #HOTEL-INFORM-NAME# ? they are lovely",
+ "How about the #HOTEL-INFORM-NAME# ?",
+ "Okay ! How about #HOTEL-INFORM-NAME# ?",
+ "We have #HOTEL-INFORM-NAME# that should fit your needs .",
+ "The #HOTEL-INFORM-NAME# is available in that area .",
+ "How about the #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# , unless you have any other specifics .",
+ "The #HOTEL-INFORM-NAME# is the only place matching your criteria .",
+ "How about #HOTEL-INFORM-NAME# ? It is in the same part of town and price range as the restaurant .",
+ "Yes , there is one named #HOTEL-INFORM-NAME# . Does that sound good ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Yes , there is #HOTEL-INFORM-NAME# .",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "There 's the #HOTEL-INFORM-NAME# . Would you like more info on that ?",
+ "Yes , #HOTEL-INFORM-NAME# will work for all those specifications .",
+ "how about #HOTEL-INFORM-NAME# ? it looks lovely",
+ "I ' m sorry about that ! it is the #HOTEL-INFORM-NAME# .",
+ "how about #HOTEL-INFORM-NAME# ?",
+ "I ' m going to try for the #HOTEL-INFORM-NAME# , sir . Is that all right ?",
+ "I ' ve found #HOTEL-INFORM-NAME# that would meet your needs .",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Would you like to try #HOTEL-INFORM-NAME# ?",
+ "I can help you with that . What kind of information did you need about the #HOTEL-INFORM-NAME# ?",
+ "Not a problem , would #HOTEL-INFORM-NAME# work for you ?",
+ "Yes it is , it 's called #HOTEL-INFORM-NAME# .",
+ "Yes I have a listing for the #HOTEL-INFORM-NAME# .",
+ "The #HOTEL-INFORM-NAME# I believe would be fine . Thank you .",
+ "The #HOTEL-INFORM-NAME# is a good option for you .",
+ "Yes the #HOTEL-INFORM-NAME# does .",
+ "Would you like to try #HOTEL-INFORM-NAME# ?",
+ "Ok , I can book you a room at the #HOTEL-INFORM-NAME# . Is that good ?",
+ "Would you like to try #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Yes , you should call the #HOTEL-INFORM-NAME# for more information .",
+ "OK , I ' ve #HOTEL-INFORM-NAME# . Would you like the phone number or address for that ?",
+ "How about the #HOTEL-INFORM-NAME# ?",
+ "The #HOTEL-INFORM-NAME# meets your requirements .",
+ "Based on your request I found #HOTEL-INFORM-NAME# is available .",
+ "how about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ? It meets your criteria nicely .",
+ "How about #HOTEL-INFORM-NAME# ? It looks lovely .",
+ "Alright how does the #HOTEL-INFORM-NAME# sound ?",
+ "The #HOTEL-INFORM-NAME# does meet your stated criteria .",
+ "Do you need any more information about the #HOTEL-INFORM-NAME# ?",
+ "Would #HOTEL-INFORM-NAME# be good ?",
+ "The #HOTEL-INFORM-NAME# sounds like something you 'd like !",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "How about the #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "what about #HOTEL-INFORM-NAME# ? it 's lovely",
+ "how about #HOTEL-INFORM-NAME# ? i hear it 's lovely",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Yes ! #HOTEL-INFORM-NAME# is very popular . Would you like more information on that hotel ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "how about #HOTEL-INFORM-NAME# ?",
+ "I think you would enjoy #HOTEL-INFORM-NAME# .",
+ "I think #HOTEL-INFORM-NAME# is a good match for you !",
+ "Would you like to try #HOTEL-INFORM-NAME# ?",
+ "You could try #HOTEL-INFORM-NAME# ."
+ ],
+ "Addr;Name;Price;": [
+ "How about the #HOTEL-INFORM-NAME# ? It 's at #HOTEL-INFORM-ADDR# and it 's #HOTEL-INFORM-PRICE# .",
+ "How about #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# that is the #HOTEL-INFORM-PRICE# price range ?",
+ "the #HOTEL-INFORM-NAME# is located on #HOTEL-INFORM-ADDR# and is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;": [
+ "yeah #HOTEL-INFORM-CHOICE# of them do , any other preference ?",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "There are #HOTEL-INFORM-CHOICE# of those . Is there are particular area of town you were looking for ?",
+ "We have #HOTEL-INFORM-CHOICE# such places .",
+ "There are #HOTEL-INFORM-CHOICE# restaurants . Can you please elaborate on what you would like ?",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you .",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you !",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "Great I have #HOTEL-INFORM-CHOICE# different options for you !",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "There are #HOTEL-INFORM-CHOICE# places that meet those criteria . Is there a particular price range you 'd prefer ?",
+ "Those #HOTEL-INFORM-CHOICE# do yes .",
+ "There are #HOTEL-INFORM-CHOICE# options would you like to be more specific on what you need ?",
+ "There are #HOTEL-INFORM-CHOICE# places to stay , do you have some criteria to narrow it down ?",
+ "There are #HOTEL-INFORM-CHOICE# places to stay , do you have an area you prefer ?",
+ "We have #HOTEL-INFORM-CHOICE# different options , any other features that you are looking for ?",
+ "great , i have #HOTEL-INFORM-CHOICE# wonderful options for you !",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you !",
+ "There are #HOTEL-INFORM-CHOICE# entries , do you have any other information to help narrow it down ?",
+ "I found #HOTEL-INFORM-CHOICE# hotels do you have any other requirements ?",
+ "yes we have #HOTEL-INFORM-CHOICE# of them in the area",
+ "There are #HOTEL-INFORM-CHOICE# options in this price range .",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you !",
+ "That narrows it down to #HOTEL-INFORM-CHOICE# , any other requirements ?",
+ "Sorry , you are right . We actually have #HOTEL-INFORM-CHOICE# to choose from .",
+ "There are #HOTEL-INFORM-CHOICE# options with your criteria .",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you to choose from !",
+ "There are #HOTEL-INFORM-CHOICE# possible choices . Do you have any additional preferences ?",
+ "We have #HOTEL-INFORM-CHOICE# possibilities for you . Do you have any additional preferences ?",
+ "Sure , I have #HOTEL-INFORM-CHOICE# options for you !",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you .",
+ "There are #HOTEL-INFORM-CHOICE# matches , do you have any other preferences ?",
+ "Definitely - we have #HOTEL-INFORM-CHOICE# great places to stay in town . If you can give me some specific requirements , I can narrow it down to the perfect place for you .",
+ "There are #HOTEL-INFORM-CHOICE# options to choose from .",
+ "There are #HOTEL-INFORM-CHOICE# options available , any other specific preference",
+ "Yes , indeed . We have #HOTEL-INFORM-CHOICE# . Do you have any additional preferences ?",
+ "I have #HOTEL-INFORM-CHOICE# places . What more may I help you with about them ?",
+ "Yes there are #HOTEL-INFORM-CHOICE# options would you like the info ?",
+ "Sure can , we have #HOTEL-INFORM-CHOICE# locations available , do you have anything to help narrow it down ?",
+ "ok , i have #HOTEL-INFORM-CHOICE# options for you .",
+ "sure i have #HOTEL-INFORM-CHOICE# options for you",
+ "Yes , I have #HOTEL-INFORM-CHOICE# options for you !",
+ "There are #HOTEL-INFORM-CHOICE# options . Would you like a recommendation , or do you wish to narrow the search ?",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you !",
+ "There are #HOTEL-INFORM-CHOICE# places in Cambridge which offer both , any other preferences ?",
+ "Great we have #HOTEL-INFORM-CHOICE# places , do you have anything to narrow it down ?",
+ "I have #HOTEL-INFORM-CHOICE# fitting that . Would you like more info ?",
+ "First let 's pick one of the #HOTEL-INFORM-CHOICE# guesthouses and then I 'll book your room !",
+ "I have #HOTEL-INFORM-CHOICE# that matches your needs . Shall I recommend a nice one ?",
+ "There are #HOTEL-INFORM-CHOICE# results , can you be more specific as to what you 're looking for ?",
+ "There are #HOTEL-INFORM-CHOICE# locations , do you have any other requirements ?",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "i have #HOTEL-INFORM-CHOICE# options for you",
+ "There are #HOTEL-INFORM-CHOICE# in that area .",
+ "yes , i have #HOTEL-INFORM-CHOICE# that meet that criteria .",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you",
+ "Perfect , that has narrowed us down to #HOTEL-INFORM-CHOICE# results . Do you have any other criteria that need to be met ?",
+ "There are #HOTEL-INFORM-CHOICE# entries that meet your requirements .",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you !",
+ "of course . i ve got #HOTEL-INFORM-CHOICE# options . you can check the out",
+ "we have #HOTEL-INFORM-CHOICE# options where you can choose from",
+ "that 's just fine , i actually have #HOTEL-INFORM-CHOICE# options for you !",
+ "Okay . I have #HOTEL-INFORM-CHOICE# in different price ranges . Would you like me to recommend one to you ?",
+ "sure , i have #HOTEL-INFORM-CHOICE# options for you",
+ "Oh yes , #HOTEL-INFORM-CHOICE# . Are there any addition preferences on those ?",
+ "There are #HOTEL-INFORM-CHOICE# options . Do you have any other preferences to narrow the search ?",
+ "we have #HOTEL-INFORM-CHOICE# with your specification",
+ "I have #HOTEL-INFORM-CHOICE# different types of places to stay in that area . Do you have any preferences ?",
+ "We have #HOTEL-INFORM-CHOICE# of those . Did you have something a little more specific in mind ?",
+ "There are #HOTEL-INFORM-CHOICE# entries that match your specifications . Do you need any more specifications ?",
+ "I have #HOTEL-INFORM-CHOICE# hotels that match your requests .",
+ "I have #HOTEL-INFORM-CHOICE# options . Can you tell me more about your preferences ?",
+ "Okay , any other preferences ? We have #HOTEL-INFORM-CHOICE# options .",
+ "OK , there are #HOTEL-INFORM-CHOICE# to choose from .",
+ "There are #HOTEL-INFORM-CHOICE# choices . Are there any other requirements you are looking for ?",
+ "sure , i have #HOTEL-INFORM-CHOICE# you can choose from",
+ "great , that narrows it down to #HOTEL-INFORM-CHOICE# options !",
+ "I found #HOTEL-INFORM-CHOICE# hotels do you have any other things you need the hotel to have ?",
+ "Sure we have #HOTEL-INFORM-CHOICE# places , do you have any other preferences ?",
+ "There are #HOTEL-INFORM-CHOICE# options available . Do you have any other preferences to narrow down the search ?",
+ "We have #HOTEL-INFORM-CHOICE# entries that match your search . Do you have any other preferences ?",
+ "There are #HOTEL-INFORM-CHOICE# options that would suit those criteria , do you have any other things you need for your stay or would you like a recommendation ?",
+ "great , i have #HOTEL-INFORM-CHOICE# options for you !"
+ ],
+ "Addr;Addr;Name;Phone;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# located on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . Phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Addr;Area;Phone;Post;Price;Stars;Type;": [
+ "It is an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# on the #HOTEL-INFORM-AREA# . Phone number and postcode are #HOTEL-INFORM-PHONE# and #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Choice;Name;Name;Price;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# both #HOTEL-INFORM-PRICE# the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "Looks like there was an error in our system earlier . There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# - #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Area;Internet;Parking;Price;Stars;Type;": [
+ "Yes indeed . That is located in the #HOTEL-INFORM-AREA# , is an #HOTEL-INFORM-PRICE# price ranged #HOTEL-INFORM-TYPE# , valued at #HOTEL-INFORM-STARS# stars , and offers free internet and parking .",
+ "They are a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , pricing is #HOTEL-INFORM-PRICE# , internet and parking are included . Are you interest in staying there ?",
+ "It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking and internet .",
+ "Sure , I can help you . It is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# and has a #HOTEL-INFORM-PRICE# price range . It has #HOTEL-INFORM-STARS# stars and offers free internet and parking .",
+ "It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking and internet .",
+ "Lovely #HOTEL-INFORM-TYPE# . It is in the #HOTEL-INFORM-AREA# and is #HOTEL-INFORM-PRICE# . It has #HOTEL-INFORM-STARS# stars but it does offer internet and free parking !",
+ "Sure it is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , it is priced #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars , it has internet and free parking ."
+ ],
+ "Addr;": [
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "Absolutely . The hotel is located on #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# . do you need directions ?",
+ "That hotel is located at #HOTEL-INFORM-ADDR# .",
+ "It is at #HOTEL-INFORM-ADDR# .",
+ "It is located at #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "Yes the address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "Yes their address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "They are located at #HOTEL-INFORM-ADDR# .",
+ "Its location is on #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The hotel 's address is #HOTEL-INFORM-ADDR# .",
+ "Sure thing . It 's #HOTEL-INFORM-ADDR# .",
+ "Sure . They are located at #HOTEL-INFORM-ADDR# .",
+ "Sure , the address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "Okay . Their address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "it is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Internet;Phone;Stars;Type;": [
+ "I ' ve found it . This is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free internet . The address is #HOTEL-INFORM-ADDR# . You can call #HOTEL-INFORM-PHONE# to book a room ."
+ ],
+ "Addr;Area;Name;Post;": [
+ "Sorry about that , the #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# area and is located on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-POST# .",
+ "the #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# . their address is #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Parking;Price;Stars;": [
+ "It is indeed in the #HOTEL-INFORM-AREA# , and includes complimentary parking . They 're #HOTEL-INFORM-PRICE# and have a #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Addr;Addr;Addr;Area;Internet;Parking;Phone;Post;Price;Stars;Type;": [
+ "It 's an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# on the #HOTEL-INFORM-AREA# side of town . Phone number is #HOTEL-INFORM-PHONE# and postcode is #HOTEL-INFORM-POST# . Provides free internet / parking ."
+ ],
+ "Parking;Phone;": [
+ "They offer parking but I am unsure if it is free , but their phone number is #HOTEL-INFORM-PHONE# if you 'd like to call and check with them .",
+ "They offer parking but I am unsure if it is free , but their phone number is #HOTEL-INFORM-PHONE# if you 'd like to call and check with them .",
+ "their phone number is #HOTEL-INFORM-PHONE# but they do n't have free parking .",
+ "Yes , it offers free parking . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Price;Stars;": [
+ "It is in #HOTEL-INFORM-AREA# and has #HOTEL-INFORM-STARS# stars and is priced #HOTEL-INFORM-PRICE# .",
+ "It is located in the #HOTEL-INFORM-AREA# , is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars .",
+ "It is located in the #HOTEL-INFORM-AREA# and is in the #HOTEL-INFORM-PRICE# price range . It is a #HOTEL-INFORM-STARS# star hotel .",
+ "It is located in the #HOTEL-INFORM-AREA# , is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars .",
+ "It 's in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# and has a #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Parking;Price;": [
+ "Yes it does . It 's #HOTEL-INFORM-PRICE# and has free parking .",
+ "It 's in the #HOTEL-INFORM-PRICE# price range and yes , there is free parking there .",
+ "It is #HOTEL-INFORM-PRICE# and it has free parking ."
+ ],
+ "Area;Area;Choice;Price;": [
+ "There are #HOTEL-INFORM-CHOICE# hotels that fir your description in the #HOTEL-INFORM-PRICE# price range . One is in the #HOTEL-INFORM-AREA# and one is in the #HOTEL-INFORM-AREA# . Which would you prefer ?",
+ "Yes I have #HOTEL-INFORM-CHOICE# choices in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-AREA# from #HOTEL-INFORM-PRICE# ."
+ ],
+ "Post;": [
+ "Certainly . The postcode is #HOTEL-INFORM-POST# .",
+ "The postal code for that hotel is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# . Can I help you with anything else ?",
+ "Yes , it 's #HOTEL-INFORM-POST# .",
+ "Yes , sorry for the wait , the postcode is #HOTEL-INFORM-POST# .",
+ "Okay the postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "Sure the postcode is #HOTEL-INFORM-POST# .",
+ "sure thing it is #HOTEL-INFORM-POST# , anything else today ?",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "it has a postcode of : #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# . Do you need anything else today ?",
+ "Yes , of course ! It is #HOTEL-INFORM-POST# .",
+ "Yes it is , the post code is #HOTEL-INFORM-POST# .",
+ "The postal code is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# . Can I help with anything else ?",
+ "Sure here is the post code you nedeed #HOTEL-INFORM-POST# .",
+ "Its postal code is #HOTEL-INFORM-POST# .",
+ "its ok here is the address code #HOTEL-INFORM-POST# thanks alot",
+ "Certainly ! The post code is #HOTEL-INFORM-POST# .",
+ "The post code is #HOTEL-INFORM-POST# .",
+ "Of course , the post code is #HOTEL-INFORM-POST# .",
+ "Yes , it is #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Addr;": [
+ "Yes , it 's located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# .",
+ "It is located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# ."
+ ],
+ "Name;Name;Phone;Phone;Type;Type;": [
+ "Sure , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# , phone number #HOTEL-INFORM-PHONE# , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# , phone number #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Addr;Name;Phone;Post;": [
+ "I found it . #HOTEL-INFORM-NAME# is at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Name;Type;": [
+ "There 's #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# , #HOTEL-INFORM-NAME# , that fits your criteria . Do you need more information ?",
+ "I have found #HOTEL-INFORM-CHOICE# result , a #HOTEL-INFORM-TYPE# . It is #HOTEL-INFORM-NAME# .",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available in your criteria . Would you like to stay at #HOTEL-INFORM-NAME# ?",
+ "There is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fits that , the #HOTEL-INFORM-NAME# , would you like to stay there ?",
+ "I found #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# , would you like #HOTEL-INFORM-NAME# , it has the highest ratings ."
+ ],
+ "none;": [
+ "No they are not .",
+ "I ' m still looking , please stand by .",
+ "Yes , it fits all those needs .",
+ "Yes they are .",
+ "Yes it does"
+ ],
+ "Addr;Name;Phone;": [
+ "The number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# . The address is #HOTEL-INFORM-ADDR# .",
+ "Certainty , #HOTEL-INFORM-NAME# address is #HOTEL-INFORM-ADDR# , and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Yes , there is #HOTEL-INFORM-NAME# . It is located on #HOTEL-INFORM-ADDR# . Their phone number is #HOTEL-INFORM-PHONE# .",
+ "The address to #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# and their phone number is #HOTEL-INFORM-PHONE# .",
+ "The address for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "The address of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# , and the phone number #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Name;": [
+ "I do apologize for the confusion earlier , I misspoke . #HOTEL-INFORM-NAME# is in fact in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# area of town . Does that work for you ?",
+ "The place that fits all your needs in the #HOTEL-INFORM-AREA# is #HOTEL-INFORM-NAME# .",
+ "Sure . How about the #HOTEL-INFORM-NAME# ? It is in the #HOTEL-INFORM-AREA# and fits all of your needs .",
+ "Okay . How about the #HOTEL-INFORM-NAME# ? It meets your criteria and is also located in the #HOTEL-INFORM-AREA# so you wo n't have to travel far to the attraction",
+ "How about #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ?",
+ "How does #HOTEL-INFORM-NAME# sound ? It is in the #HOTEL-INFORM-AREA# .",
+ "Yes , I have found the #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# matches that criteria and is located in the #HOTEL-INFORM-AREA# .",
+ "How about the #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# area of town ?",
+ "I have the #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# .",
+ "I have the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# .",
+ "I have one listing for #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# .",
+ "I have #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# is available in the #HOTEL-INFORM-AREA# .",
+ "How about #HOTEL-INFORM-NAME# ? It meets your criteria and is on the #HOTEL-INFORM-AREA# side of town .",
+ "There is #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# , not too far from Tenpin . Would you like me to check if they are available ?",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# of town .",
+ "how about #HOTEL-INFORM-NAME# ? it 's located in the #HOTEL-INFORM-AREA# .",
+ "How about the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ?",
+ "The #HOTEL-INFORM-NAME# is available in #HOTEL-INFORM-AREA# ."
+ ],
+ "Internet;Parking;Price;Stars;": [
+ "Its price range is #HOTEL-INFORM-PRICE# , it 's #HOTEL-INFORM-STARS# stars , and offers internet and parking .",
+ "Yes , it is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star guesthouse . They offer free parking and internet .",
+ "They are rated #HOTEL-INFORM-STARS# stars and price in the #HOTEL-INFORM-PRICE# range . Parking and wifi are included"
+ ],
+ "Addr;Area;Name;": [
+ "There 's #HOTEL-INFORM-NAME# , that 's located in the #HOTEL-INFORM-AREA# at #HOTEL-INFORM-ADDR# .",
+ "How about #HOTEL-INFORM-NAME# ? It 's also in the #HOTEL-INFORM-AREA# , at #HOTEL-INFORM-ADDR# .",
+ "Yes #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# . The address is #HOTEL-INFORM-ADDR# .",
+ "How about #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# part of town ? It 's on #HOTEL-INFORM-ADDR# .",
+ "The #HOTEL-INFORM-NAME# is located at #HOTEL-INFORM-ADDR# which is located in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# at #HOTEL-INFORM-ADDR# .",
+ "Certainly ! #HOTEL-INFORM-NAME# is located on the #HOTEL-INFORM-AREA# side at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Post;": [
+ "It is in the #HOTEL-INFORM-AREA# and the past code is #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Price;Stars;Type;": [
+ "it is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# . can i give you the address ?",
+ "Yes , they are a #HOTEL-INFORM-STARS# star rated #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# aide , pricing is #HOTEL-INFORM-PRICE# .",
+ "Absolutely ! They are a wonderful #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . They are #HOTEL-INFORM-PRICE# and rated #HOTEL-INFORM-STARS# stars .",
+ "It is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# and is #HOTEL-INFORM-PRICE# and has a #HOTEL-INFORM-STARS# star rating .",
+ "It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . In the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# as you requested .",
+ "It is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range and has a #HOTEL-INFORM-STARS# star rating .",
+ "It is a lovely #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# end boasting #HOTEL-INFORM-PRICE# prices and a #HOTEL-INFORM-STARS# star rating ! Would you like their address or phone number perhaps ?",
+ "That is a #HOTEL-INFORM-TYPE# found in the #HOTEL-INFORM-AREA# . It is in the #HOTEL-INFORM-PRICE# price range and is rated #HOTEL-INFORM-STARS# stars . Do you need their contact details ?",
+ "It is located in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# and is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Sure , great #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side . #HOTEL-INFORM-STARS# stars but still #HOTEL-INFORM-PRICE# .",
+ "It is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# part of town in the #HOTEL-INFORM-PRICE# price range and has a #HOTEL-INFORM-STARS# star rating .",
+ "It 's a #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# stars , #HOTEL-INFORM-PRICE# price ."
+ ],
+ "Area;Internet;Name;Name;Stars;Stars;": [
+ "The #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars . There is another - the #HOTEL-INFORM-NAME# - that has #HOTEL-INFORM-STARS# stars . It is in the #HOTEL-INFORM-AREA# and has free Wifi ."
+ ],
+ "Choice;Price;Price;": [
+ "Yes , there are #HOTEL-INFORM-CHOICE# options . They are all priced in either the #HOTEL-INFORM-PRICE# or #HOTEL-INFORM-PRICE# price range . Do you have a preference ?",
+ "Yes I have #HOTEL-INFORM-CHOICE# examples from #HOTEL-INFORM-PRICE# to #HOTEL-INFORM-PRICE# ."
+ ],
+ "Price;": [
+ "Its listed as #HOTEL-INFORM-PRICE# .",
+ "It is in the #HOTEL-INFORM-PRICE# price range .",
+ "It is a #HOTEL-INFORM-PRICE# place .",
+ "It is #HOTEL-INFORM-PRICE# .",
+ "It is #HOTEL-INFORM-PRICE# .",
+ "This is an #HOTEL-INFORM-PRICE# hotel .",
+ "It is #HOTEL-INFORM-PRICE# priced . I do n't have an exact price .",
+ "The price range is #HOTEL-INFORM-PRICE# .",
+ "They are both in the #HOTEL-INFORM-PRICE# price range .",
+ "They 're all in the #HOTEL-INFORM-PRICE# price range .",
+ "The price there is #HOTEL-INFORM-PRICE# .",
+ "Yes certainly it is in the #HOTEL-INFORM-PRICE# price range .",
+ "It 's in the #HOTEL-INFORM-PRICE# price range .",
+ "They are in the #HOTEL-INFORM-PRICE# price range .",
+ "Its an #HOTEL-INFORM-PRICE# hotel .",
+ "I ' m sorry but it #HOTEL-INFORM-PRICE# . I would suggest calling the hotel and providing them with your reference number to find out .",
+ "It appears to be #HOTEL-INFORM-PRICE# . Is that ok ?",
+ "For a price range I have ' #HOTEL-INFORM-PRICE# ' !",
+ "I apologize I do n't have the price . It is in the #HOTEL-INFORM-PRICE# price range however .",
+ "It is listed as #HOTEL-INFORM-PRICE# .",
+ "It 's listed as in the #HOTEL-INFORM-PRICE# price range .",
+ "It is listed in the #HOTEL-INFORM-PRICE# .",
+ "It 's in the #HOTEL-INFORM-PRICE# price range .",
+ "No , that is in the #HOTEL-INFORM-PRICE# price range .",
+ "It appears they about the #HOTEL-INFORM-PRICE# .",
+ "yes.its within the #HOTEL-INFORM-PRICE# range",
+ "Both are #HOTEL-INFORM-PRICE# .",
+ "Sure , it 's a #HOTEL-INFORM-PRICE# hotel .",
+ "It is actually #HOTEL-INFORM-PRICE# . Is that going to be okay ?",
+ "no #HOTEL-INFORM-PRICE# actually",
+ "It is #HOTEL-INFORM-PRICE# . I can check on a cheap hotel if you 'd prefer ?",
+ "Its the #HOTEL-INFORM-PRICE# price range , can I help you with that",
+ "They are both in the #HOTEL-INFORM-PRICE# price range .",
+ "It is in the #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Area;Phone;Price;": [
+ "Sure it is located in the #HOTEL-INFORM-AREA# and is in the #HOTEL-INFORM-PRICE# price range and their telephone number is #HOTEL-INFORM-PHONE# .",
+ "The are is #HOTEL-INFORM-AREA# , the price range is #HOTEL-INFORM-PRICE# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Internet;Name;Price;Stars;": [
+ "Yes , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-AREA# in a #HOTEL-INFORM-PRICE# price range but no internet . Does this hotel interest you ?"
+ ],
+ "Price;Stars;Type;": [
+ "I do . It 's a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "There is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars on the west side of town . If you could restate your exact preferences I can try searching again ."
+ ],
+ "Choice;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# what area would you like ?",
+ "There is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and it is #HOTEL-INFORM-PRICE# .",
+ "I can help . We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Do you have any additional preferences ?",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Would that work for you ?",
+ "sorry about that ! why yes , there are #HOTEL-INFORM-CHOICE# options for #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with vacancies . Do you have any other criteria for choosing a hotel ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to choose from . Any other requirements to narrow down your choices ?",
+ "I have #HOTEL-INFORM-CHOICE# listings for #HOTEL-INFORM-TYPE# , I will give you the listings for #HOTEL-INFORM-PRICE# prices as they will be nicer .",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that fit your criteria . Want one of those ?"
+ ],
+ "Name;Name;Stars;Stars;": [
+ "How about the #HOTEL-INFORM-NAME# , a #HOTEL-INFORM-STARS# star , or #HOTEL-INFORM-NAME# , a #HOTEL-INFORM-STARS# star ?"
+ ],
+ "Area;Price;": [
+ "It 's on the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range .",
+ "It 's on the #HOTEL-INFORM-AREA# of town and in the #HOTEL-INFORM-PRICE# price range .",
+ "It is located in he #HOTEL-INFORM-AREA# and is priced in the #HOTEL-INFORM-PRICE# range .",
+ "It looks like it is in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes I have found it , it is in the #HOTEL-INFORM-AREA# of town , and #HOTEL-INFORM-PRICE# .",
+ "The hotel is found in #HOTEL-INFORM-AREA# and it is in the #HOTEL-INFORM-PRICE# price range",
+ "It is a #HOTEL-INFORM-PRICE# hotel on the #HOTEL-INFORM-AREA# ."
+ ],
+ "Name;Type;": [
+ "Sure . No . There is only a #HOTEL-INFORM-TYPE# called #HOTEL-INFORM-NAME# .",
+ "I have the information for the #HOTEL-INFORM-TYPE# #HOTEL-INFORM-NAME# , I am send you the information right away .",
+ "Yes there is a #HOTEL-INFORM-TYPE# called #HOTEL-INFORM-NAME# . Would you like any more information on that ?",
+ "Actually , since you said you did not mind a #HOTEL-INFORM-TYPE# earlier , I have something . #HOTEL-INFORM-NAME# fits your criteria .",
+ "The name of the #HOTEL-INFORM-TYPE# is #HOTEL-INFORM-NAME# ."
+ ],
+ "Choice;Choice;Type;Type;": [
+ "Why do n't we start with the room since those fill up much faster and we 'll come back to the restaurant . I have #HOTEL-INFORM-CHOICE# options in #HOTEL-INFORM-TYPE# but unfortunately #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# .",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# . Do you have any other criteria ?",
+ "There is #HOTEL-INFORM-CHOICE# option for a #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# for a #HOTEL-INFORM-TYPE# . Can you tell me more about the amenities you 're looking for ?",
+ "I show #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# . Would you like more information ?"
+ ],
+ "Internet;Name;Parking;Price;Stars;Stars;": [
+ "No , it only #HOTEL-INFORM-STARS# stars . #HOTEL-INFORM-NAME# is #HOTEL-INFORM-STARS# stars though . It is also #HOTEL-INFORM-PRICE# and has free parking and internet ."
+ ],
+ "Choice;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available .",
+ "No , they are not . I do have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fit your needs .",
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fit your criteria . Would there be anything else that you would like in your hotel ?",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in that area , is there any special accommodations you would like ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in that area . Would a guesthouse meet your needs ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fall withing that range , any other preferences to narrow the search ?",
+ "there are #HOTEL-INFORM-CHOICE# different #HOTEL-INFORM-TYPE# available , any preferences ?",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that match your requests .",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available . Did you have any other criteria ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# with those features are there any other features you want in order to narrow it down ?",
+ "Unfortunately that 's the #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that suits your criteria .",
+ "Ok i m seeing #HOTEL-INFORM-CHOICE# of choices in #HOTEL-INFORM-TYPE# is there anything else you need in the hotel that would help narrow it down",
+ "Sure , there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available . Do you have any other criteria ?"
+ ],
+ "Choice;Parking;Price;": [
+ "Here is a #HOTEL-INFORM-CHOICE# of hotels with free parking and are #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Phone;": [
+ "It 's address is #HOTEL-INFORM-ADDR# and its phone number is #HOTEL-INFORM-PHONE# .",
+ "They are located at #HOTEL-INFORM-ADDR# . Their number is #HOTEL-INFORM-PHONE# .",
+ "I do n't have a map , but the address is #HOTEL-INFORM-ADDR# Their phone number is #HOTEL-INFORM-PHONE# .",
+ "The address is #HOTEL-INFORM-ADDR# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Of course . The address is #HOTEL-INFORM-ADDR# . Phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# and the address is #HOTEL-INFORM-ADDR# .",
+ "sure thing . it is at #HOTEL-INFORM-ADDR# , phone number #HOTEL-INFORM-PHONE# .",
+ "Phone is #HOTEL-INFORM-PHONE# . Address is #HOTEL-INFORM-ADDR# . There is no entrance fee .",
+ "Absolutely . The phone number is #HOTEL-INFORM-PHONE# and is located at #HOTEL-INFORM-ADDR# .",
+ "The phone is #HOTEL-INFORM-PHONE# and the address is #HOTEL-INFORM-ADDR# .",
+ "The phone number is #HOTEL-INFORM-PHONE# and the address is #HOTEL-INFORM-ADDR# .",
+ "They are on #HOTEL-INFORM-ADDR# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Name;Parking;Price;Type;": [
+ "I can . #HOTEL-INFORM-NAME# is an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# offering free parking and free wifi ."
+ ],
+ "Name;Name;Name;Name;Name;Name;Name;Name;": [
+ "We have #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , or #HOTEL-INFORM-NAME# ?"
+ ],
+ "Area;Choice;Internet;Name;Name;Parking;Price;Price;": [
+ "There are #HOTEL-INFORM-CHOICE# , #HOTEL-INFORM-NAME# a #HOTEL-INFORM-PRICE# and the #HOTEL-INFORM-NAME# inthe #HOTEL-INFORM-PRICE# price range . Both are in the #HOTEL-INFORM-AREA# and offer free parking and internet ."
+ ],
+ "Addr;Addr;Name;Phone;": [
+ "I have the #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "I have #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Area;Name;Name;": [
+ "We have #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# , any preference ?",
+ "They are #HOTEL-INFORM-NAME# which is in the #HOTEL-INFORM-AREA# area , and #HOTEL-INFORM-NAME# which is in the #HOTEL-INFORM-AREA# .",
+ "I found #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# , and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# .",
+ "great , there is the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# . in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-AREA# respectively .",
+ "They are the #HOTEL-INFORM-NAME# which is in the #HOTEL-INFORM-AREA# , and the #HOTEL-INFORM-NAME# which is in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Choice;Name;Name;Price;Price;Stars;Type;": [
+ "I m sorry , I am the manager and it is training day , we have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# ?",
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that are #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# , and #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# range ."
+ ],
+ "Area;Name;Post;Type;": [
+ "Let 's start with #HOTEL-INFORM-NAME# information . The postcode for that is #HOTEL-INFORM-POST# and the #HOTEL-INFORM-TYPE# is located in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Addr;Name;Parking;Stars;Type;": [
+ "Sure ! the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking and the address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Name;": [
+ "Would the #HOTEL-INFORM-NAME# work for you ? They 're located on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Name;Phone;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side and is #HOTEL-INFORM-PRICE# . Their phone number is #HOTEL-INFORM-PHONE# .",
+ "I would recommend the #HOTEL-INFORM-NAME# . It 's a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Phone;Stars;": [
+ "It has #HOTEL-INFORM-STARS# star rating and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Name;Parking;Price;": [
+ "How about #HOTEL-INFORM-NAME# ? It 's #HOTEL-INFORM-PRICE# and has free parking ."
+ ],
+ "Internet;Price;": [
+ "They do have internet and they are #HOTEL-INFORM-PRICE# .",
+ "It does include wifi . It is #HOTEL-INFORM-PRICE# .",
+ "The price range is #HOTEL-INFORM-PRICE# , and there is internet .",
+ "Yes , they have free wifi and it 's #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Area;Choice;": [
+ "You have a choice of #HOTEL-INFORM-CHOICE# , two in the #HOTEL-INFORM-AREA# and one in the #HOTEL-INFORM-AREA# .",
+ "There are #HOTEL-INFORM-CHOICE# places that match those requirements , one in the #HOTEL-INFORM-AREA# and one in the #HOTEL-INFORM-AREA# . Would you like to hear more about these ?",
+ "I have #HOTEL-INFORM-CHOICE# hotels that meet your criteria , 2 are in the #HOTEL-INFORM-AREA# and one is in the #HOTEL-INFORM-AREA# . Do you have a preference ?"
+ ],
+ "Internet;Parking;Type;": [
+ "The #HOTEL-INFORM-TYPE# has free wifi and parking",
+ "They have free wifi and free parking ! They 're a #HOTEL-INFORM-TYPE# , not a hotel , though - is that OK ?"
+ ],
+ "Internet;Name;Name;Parking;Post;": [
+ "Sure , the #HOTEL-INFORM-NAME# has free internet but no free parking . The postcode for them is : #HOTEL-INFORM-POST# . The #HOTEL-INFORM-NAME# has both free internet and free parking ."
+ ],
+ "Name;Stars;": [
+ "How about #HOTEL-INFORM-NAME# ? It is #HOTEL-INFORM-STARS# stars and in the same part of town as the gallery .",
+ "The #HOTEL-INFORM-NAME# is rated #HOTEL-INFORM-STARS# stars .",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-STARS# stars .",
+ "Yes , the #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# star rating .",
+ "The #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars .",
+ "How about the #HOTEL-INFORM-NAME# , it fits those requests and has a #HOTEL-INFORM-STARS# star rating .",
+ "Yes #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star hotel .",
+ "The #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars .",
+ "I would book from #HOTEL-INFORM-NAME# , with #HOTEL-INFORM-STARS# stars . Is that okay ?",
+ "how about #HOTEL-INFORM-NAME# ? it 's #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Name;Price;Stars;Type;": [
+ "There is one #HOTEL-INFORM-TYPE# available , #HOTEL-INFORM-NAME# , however it is only #HOTEL-INFORM-STARS# stars and in the #HOTEL-INFORM-PRICE# range .",
+ "Yes , they 're all #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , though some are quite nicely rated , like #HOTEL-INFORM-NAME# with #HOTEL-INFORM-STARS# stars .",
+ "I have found the #HOTEL-INFORM-NAME# #HOTEL-INFORM-TYPE# . It is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars .",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# rated #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Name;Parking;": [
+ "No , it does n't . #HOTEL-INFORM-NAME# does .",
+ "Yes , #HOTEL-INFORM-NAME# does offer free parking .",
+ "The #HOTEL-INFORM-NAME# does have free parking , yes .",
+ "Yes , the #HOTEL-INFORM-NAME# has parking",
+ "Alright , how about the #HOTEL-INFORM-NAME# ? It also offers free parking !",
+ "Do you mean at the #HOTEL-INFORM-NAME# ? Yes , they have free parking .",
+ "Yes , #HOTEL-INFORM-NAME# , has free parking !",
+ "Yes it #HOTEL-INFORM-NAME# has free parking .",
+ "Yes #HOTEL-INFORM-NAME# has free parking available .",
+ "I will check to see if the #HOTEL-INFORM-NAME# has free parking now ."
+ ],
+ "Parking;Type;": [
+ "No , the only 2-star locations with free parking are all #HOTEL-INFORM-TYPE# , not guesthouses ."
+ ],
+ "Choice;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# results which fit your request . Do you want information for the places with a #HOTEL-INFORM-STARS# star rating ?",
+ "They do #HOTEL-INFORM-CHOICE# have #HOTEL-INFORM-STARS# stars yes .",
+ "We have #HOTEL-INFORM-CHOICE# , and all but two are #HOTEL-INFORM-STARS# star rated establishments .",
+ "Ok I found #HOTEL-INFORM-CHOICE# hotels that fit your criteria of #HOTEL-INFORM-STARS# stars they can range in price and options based on what you want .",
+ "I ' ve got #HOTEL-INFORM-CHOICE# hotels here that fit your criteria , including 2 #HOTEL-INFORM-STARS# star hotels . Would you like to hear more about one of those ?"
+ ],
+ "Price;Type;": [
+ "Yes this is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I found #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , is guesthouse what you are looking for ?",
+ "I am sorry about that . The #HOTEL-INFORM-TYPE# is in the #HOTEL-INFORM-PRICE# price range .",
+ "Sure thing it is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Yes , it 's an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "It is an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "It is a #HOTEL-INFORM-TYPE# . There is no entrance fee , but the price range is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Phone;Post;": [
+ "Their number is #HOTEL-INFORM-PHONE# . Their postcode is #HOTEL-INFORM-POST# . Their address is #HOTEL-INFORM-ADDR# .",
+ "It is located at #HOTEL-INFORM-ADDR# postcode #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "The address is #HOTEL-INFORM-ADDR# , post code #HOTEL-INFORM-POST# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# , address is #HOTEL-INFORM-ADDR# , and postcode is #HOTEL-INFORM-POST# .",
+ "It 's located at #HOTEL-INFORM-ADDR# , the postcode is #HOTEL-INFORM-POST# , and you can reach them by phone at #HOTEL-INFORM-PHONE# .",
+ "It is located at #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Name;Phone;Post;": [
+ "It is called #HOTEL-INFORM-NAME# , it is on #HOTEL-INFORM-ADDR# . their number is \t #HOTEL-INFORM-PHONE# , #HOTEL-INFORM-POST# is their postcode .",
+ "Sure ! The address for the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# and the phone is #HOTEL-INFORM-PHONE# .",
+ "The address of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# , \t postcode \t #HOTEL-INFORM-POST# . Telephone number #HOTEL-INFORM-PHONE# ,",
+ "The #HOTEL-INFORM-NAME# is located at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "The address of hotel #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Name;Stars;Type;": [
+ "Sure , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . Does that sound good ?",
+ "I ' m sorry , but the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Alright the #HOTEL-INFORM-NAME# \t is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . Does that interest you ?",
+ "There is the #HOTEL-INFORM-NAME# . It is nice and is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I ' m sorry , but #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "The only hotel in the area is a #HOTEL-INFORM-TYPE# called , #HOTEL-INFORM-NAME# . They are #HOTEL-INFORM-STARS# stars .",
+ "There is the #HOTEL-INFORM-NAME# . It is nice and is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Yes the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the centre ."
+ ],
+ "Area;Choice;Internet;Name;Parking;Price;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# hotels #HOTEL-INFORM-AREA# with free WIFI and parking . #HOTEL-INFORM-NAME# has a #HOTEL-INFORM-STARS# star rating , would you like more information about it ?"
+ ],
+ "Type;": [
+ "It is a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "The Worth House is a #HOTEL-INFORM-TYPE# .",
+ "No , they are both #HOTEL-INFORM-TYPE# types .",
+ "It is a #HOTEL-INFORM-TYPE# .",
+ "it is a #HOTEL-INFORM-TYPE# .",
+ "Sorry , there are only #HOTEL-INFORM-TYPE# .",
+ "This is a #HOTEL-INFORM-TYPE# .",
+ "It is a #HOTEL-INFORM-TYPE# not guest house .",
+ "it 's a #HOTEL-INFORM-TYPE# actually",
+ "No sorry that is a #HOTEL-INFORM-TYPE# .",
+ "They are a #HOTEL-INFORM-TYPE# . Do you need their phone number ?",
+ "Is there a particular room that you would be interested in staying ? We currently have 1 #HOTEL-INFORM-TYPE# available .",
+ "That is a #HOTEL-INFORM-TYPE# .",
+ "It is a #HOTEL-INFORM-TYPE# .",
+ "It is a #HOTEL-INFORM-TYPE# .",
+ "all i have is #HOTEL-INFORM-TYPE# when were you planning your stay ?"
+ ],
+ "Post;Price;Stars;": [
+ "The postcode is #HOTEL-INFORM-POST# and star rating is #HOTEL-INFORM-STARS# . I can only tell you that it is in the #HOTEL-INFORM-PRICE# price range .",
+ "It is a #HOTEL-INFORM-PRICE# guesthouse with #HOTEL-INFORM-STARS# stars . The postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Choice;Internet;Parking;": [
+ "They #HOTEL-INFORM-CHOICE# have free parking and free wifi .",
+ "They #HOTEL-INFORM-CHOICE# offer free parking and internet .",
+ "They have #HOTEL-INFORM-CHOICE# free parking and free internet access .",
+ "Yes , they #HOTEL-INFORM-CHOICE# include free parking and wifi .",
+ "Yes , those #HOTEL-INFORM-CHOICE# places all offer free wifi and free parking .",
+ "We have #HOTEL-INFORM-CHOICE# places that include both , did you want me to narrow things down with a couple more searches ?",
+ "My listings show #HOTEL-INFORM-CHOICE# separate lodgings around town with free wifi and parking ! Do you have any other preferences to help me pick one for you ?",
+ "No , all #HOTEL-INFORM-CHOICE# have parking and internet ."
+ ],
+ "Area;Area;Choice;Choice;Choice;Internet;Parking;Stars;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that meet that criteria . All are #HOTEL-INFORM-STARS# star rated and offer free parking and free internet . I have #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Internet;Price;Type;": [
+ "Yes I have a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# and has free wifi ."
+ ],
+ "Name;Parking;Price;Stars;": [
+ "No it does n't . But the #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars and free parking . It is a #HOTEL-INFORM-PRICE# also ."
+ ],
+ "Area;Choice;": [
+ "OK , I have #HOTEL-INFORM-CHOICE# in #HOTEL-INFORM-AREA# .",
+ "I have #HOTEL-INFORM-CHOICE# options in the #HOTEL-INFORM-AREA# . All are in the cheap to moderate range . Do you have any further requirements ?",
+ "There are #HOTEL-INFORM-CHOICE# places to stay . Do you have any other requirements outside of the #HOTEL-INFORM-AREA# area ?",
+ "We have #HOTEL-INFORM-CHOICE# options in #HOTEL-INFORM-AREA# available for you , do you have any additional criteria to choose between those or would you like a reccomendation ?",
+ "There are #HOTEL-INFORM-CHOICE# hotel options in the #HOTEL-INFORM-AREA# if you are interested in staying that part of town .",
+ "I have #HOTEL-INFORM-CHOICE# hotels in the #HOTEL-INFORM-AREA# . What type of hotel did you want ?",
+ "there are #HOTEL-INFORM-CHOICE# of good things in the #HOTEL-INFORM-AREA# it depends on what you want i will find whatever you request",
+ "There are #HOTEL-INFORM-CHOICE# options in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Name;Name;Price;Price;": [
+ "I can offer you the #HOTEL-INFORM-NAME# , which is #HOTEL-INFORM-PRICE# , or the #HOTEL-INFORM-NAME# , which is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;Price;Stars;Type;": [
+ "They are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that are #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Internet;Name;Parking;Price;Stars;": [
+ "The #HOTEL-INFORM-NAME# has free wifi and parking . It is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# star rating . The address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Area;Area;Choice;Name;Name;Name;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available . #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# . And #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Choice;Name;Name;": [
+ "I found #HOTEL-INFORM-CHOICE# that fit your description ; #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "We have #HOTEL-INFORM-CHOICE# : #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# .",
+ "there is the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# , #HOTEL-INFORM-CHOICE# meet your requirements .",
+ "There are #HOTEL-INFORM-CHOICE# hotels that meet those criteria , the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# .",
+ "We have #HOTEL-INFORM-CHOICE# guesthouses that match your needs . #HOTEL-INFORM-NAME# or #HOTEL-INFORM-NAME# . Does either of these fancy your interest ?",
+ "Ok we have #HOTEL-INFORM-CHOICE# guesthouses with that criteria , the #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# .",
+ "There are #HOTEL-INFORM-CHOICE# matching results for your needs . The #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Addr;Name;Parking;Post;": [
+ "You can contact the #HOTEL-INFORM-NAME# . their address is #HOTEL-INFORM-ADDR# , zipcode #HOTEL-INFORM-POST# . Parking is free ."
+ ],
+ "Name;Parking;Stars;": [
+ "The hotel does have free parking ! It 's called the #HOTEL-INFORM-NAME# and has #HOTEL-INFORM-STARS# stars .",
+ "Okay , how about the #HOTEL-INFORM-NAME# ? It 's got #HOTEL-INFORM-STARS# stars and free parking ."
+ ],
+ "Area;Choice;Choice;Internet;Type;Type;": [
+ "There is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free Internet . Do you prefer a certain price range ?"
+ ],
+ "Addr;Price;": [
+ "it is #HOTEL-INFORM-PRICE# . also the address is #HOTEL-INFORM-ADDR# .",
+ "The address is #HOTEL-INFORM-ADDR# and it is in the #HOTEL-INFORM-PRICE# price range .",
+ "The price range is #HOTEL-INFORM-PRICE# , and the address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Internet;Parking;Stars;": [
+ "I do , indeed ! It is located in the #HOTEL-INFORM-AREA# , is a #HOTEL-INFORM-STARS# star hotel , and has both free internet and parking ."
+ ],
+ "Choice;Price;Price;Price;": [
+ "There are #HOTEL-INFORM-CHOICE# in all price ranges- #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-PRICE# , and #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Area;Choice;Name;Name;Name;Type;": [
+ "If only a #HOTEL-INFORM-TYPE# will do , you have #HOTEL-INFORM-CHOICE# options : #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# are in the #HOTEL-INFORM-AREA# , while #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Choice;Price;": [
+ "There are #HOTEL-INFORM-CHOICE# hotels in the #HOTEL-INFORM-AREA# part of town in the #HOTEL-INFORM-PRICE# price range , does that price range work for you ?",
+ "We have #HOTEL-INFORM-CHOICE# hotels , including one in the #HOTEL-INFORM-AREA# , the same area as the restaurant . It is #HOTEL-INFORM-PRICE# , but we have others in other areas as well ."
+ ],
+ "Addr;Internet;": [
+ "Yes they have free internet and the address is #HOTEL-INFORM-ADDR# .",
+ "They do have free wifi . They are located on #HOTEL-INFORM-ADDR# ."
+ ],
+ "Parking;Post;Price;": [
+ "The postcode is #HOTEL-INFORM-POST# they offer free parking and is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Name;Name;": [
+ "In the #HOTEL-INFORM-AREA# I have #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Area;Parking;": [
+ "It 's in the #HOTEL-INFORM-AREA# and they do have parking .",
+ "They are located in the #HOTEL-INFORM-AREA# and has free parking ."
+ ],
+ "Area;Area;Choice;Internet;Price;Price;": [
+ "All #HOTEL-INFORM-CHOICE# ofter wi - fi . Two are in the #HOTEL-INFORM-AREA# , one is in the #HOTEL-INFORM-AREA# . Two are #HOTEL-INFORM-PRICE# , one is #HOTEL-INFORM-PRICE# . Do you have a preference in those regards ?"
+ ],
+ "Addr;Area;Name;Post;Type;": [
+ "Sure . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# . It 's address is #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Choice;Choice;Name;Name;Name;Price;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that are #HOTEL-INFORM-PRICE# and located on the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-CHOICE# have #HOTEL-INFORM-STARS# stars and are #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Name;Phone;": [
+ "The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# . Is there anything else I can help you with today ?",
+ "No problem at all . The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# .",
+ "Of course ! The telephone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# .",
+ "Okay the telephone number of the #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# .",
+ "You can reach the #HOTEL-INFORM-NAME# at #HOTEL-INFORM-PHONE# .",
+ "Of course . The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Phone;Price;Stars;Type;": [
+ "It 's a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# and the number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Name;Parking;": [
+ "I think your best bet is #HOTEL-INFORM-NAME# . They fulfill your need for free parking and are in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# has free parking .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# and does indeed have free parking ."
+ ],
+ "Phone;Type;": [
+ "It is a #HOTEL-INFORM-TYPE# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Certainly . It 's a #HOTEL-INFORM-TYPE# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "yes , it is a #HOTEL-INFORM-TYPE# and their phone number is #HOTEL-INFORM-PHONE# .",
+ "They are a #HOTEL-INFORM-TYPE# and the phone number is \t #HOTEL-INFORM-PHONE# .",
+ "It is a normal #HOTEL-INFORM-TYPE# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Here is the number for the #HOTEL-INFORM-TYPE# if you have any further inquiries : #HOTEL-INFORM-PHONE# . Thank you !"
+ ],
+ "Stars;Type;": [
+ "It is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "This is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . What information would you like to know about it ?",
+ "It is a #HOTEL-INFORM-TYPE# and is valued at #HOTEL-INFORM-STARS# stars .",
+ "It is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "This is actually a #HOTEL-INFORM-STARS# Star #HOTEL-INFORM-TYPE# . May i know how many rooms you will need for the 8 of you ?"
+ ],
+ "Area;Area;Choice;Name;Name;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star hotels in the area . #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Phone;Price;": [
+ "The phone number is #HOTEL-INFORM-PHONE# . It is #HOTEL-INFORM-PRICE# .",
+ "I am sorry , I #HOTEL-INFORM-PRICE# at the time . But you can call them at #HOTEL-INFORM-PHONE# .",
+ "The price range is #HOTEL-INFORM-PRICE# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Internet;Price;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# locations that are in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# , and have free wifi . They are both #HOTEL-INFORM-TYPE# , would one of those meet your needs ?"
+ ],
+ "Addr;Internet;Name;Post;": [
+ "Yes , #HOTEL-INFORM-NAME# has Internet . The address is #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# . What are your travel details ?"
+ ],
+ "Area;Area;Choice;Choice;Choice;Type;": [
+ "Yes , I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that match that description . #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# .",
+ "I , as a monopoly person am also a fan of free parking . #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# meet your needs , #HOTEL-INFORM-CHOICE# is in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# , any preferences ?"
+ ],
+ "Area;Area;Choice;Price;Price;": [
+ "Yes I have #HOTEL-INFORM-CHOICE# choices in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-AREA# from #HOTEL-INFORM-PRICE# to #HOTEL-INFORM-PRICE# ."
+ ],
+ "Name;Price;Stars;": [
+ "How about #HOTEL-INFORM-NAME# ? It 's #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars .",
+ "How about the #HOTEL-INFORM-NAME# ? It 's got a #HOTEL-INFORM-STARS# star rating and is #HOTEL-INFORM-PRICE# .",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and has a #HOTEL-INFORM-STARS# star rating .",
+ "Sure how abou #HOTEL-INFORM-NAME# ? They have a #HOTEL-INFORM-STARS# star rating and are #HOTEL-INFORM-PRICE# priced .",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# with a star rating of #HOTEL-INFORM-STARS# . How does that sound to you ?",
+ "How about the #HOTEL-INFORM-NAME# ? It is rated #HOTEL-INFORM-STARS# stars and is in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , actually . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "How about #HOTEL-INFORM-NAME# ? It is #HOTEL-INFORM-STARS# stars and #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;Internet;Name;Parking;Stars;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE#s matching your criteria . #HOTEL-INFORM-NAME# is #HOTEL-INFORM-STARS# stars and includes free parking and internet . Would you be interested in this ?"
+ ],
+ "Name;Name;": [
+ "I ' ve found 2 hotels that fit your criteria . One is called #HOTEL-INFORM-NAME# and the other is #HOTEL-INFORM-NAME# .",
+ "Yes , #HOTEL-INFORM-NAME# hotel and the #HOTEL-INFORM-NAME# .",
+ "I have the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# available .",
+ "One i d #HOTEL-INFORM-NAME# and the other is #HOTEL-INFORM-NAME# .",
+ "Okay the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# match your preferences .",
+ "Yes , there is the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "One i d #HOTEL-INFORM-NAME# and the other is #HOTEL-INFORM-NAME# .",
+ "I found #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# that meets your criteria ."
+ ],
+ "Area;Area;Choice;Internet;Name;Name;Parking;Stars;": [
+ "I have #HOTEL-INFORM-CHOICE# options available . #HOTEL-INFORM-NAME# in #HOTEL-INFORM-AREA# , and #HOTEL-INFORM-NAME# in #HOTEL-INFORM-AREA# . Both are #HOTEL-INFORM-STARS# star with internet and parking ."
+ ],
+ "Name;Parking;Phone;": [
+ "Yes , there is free parking at #HOTEL-INFORM-NAME# . The phone number is #HOTEL-INFORM-PHONE# .",
+ "The #HOTEL-INFORM-NAME# has free parking . The number is #HOTEL-INFORM-PHONE# . May I try looking up the hospital again for you ?"
+ ],
+ "Area;Type;": [
+ "Yes , it is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# area .",
+ "Would you like to try a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# ?",
+ "The hotel type is #HOTEL-INFORM-TYPE# and the area is #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Post;Stars;": [
+ "The postcode is #HOTEL-INFORM-POST# . It 's a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# area of town ."
+ ],
+ "Choice;Name;Name;Price;": [
+ "I have #HOTEL-INFORM-CHOICE# . The #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# . Both are in the #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Choice;Name;Name;Name;Price;": [
+ "There are #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-PRICE# price range . #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Addr;Area;Internet;": [
+ "Yes , it has internet and located in the #HOTEL-INFORM-AREA# . It 's located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Phone;Price;Type;": [
+ "I found it . It is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Name;Name;Name;Name;Name;Name;Type;": [
+ "The #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# are #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Post;Stars;": [
+ "It has #HOTEL-INFORM-STARS# stars , and the postcode is #HOTEL-INFORM-POST# .",
+ "Sure , their postcode is #HOTEL-INFORM-POST# and it 's rated #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Addr;Area;Internet;Parking;Phone;Post;Price;Stars;Type;": [
+ "It is a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# on the #HOTEL-INFORM-AREA# . It has free internet and parking . Phone number and postcode are #HOTEL-INFORM-PHONE# and #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Name;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area .",
+ "How about #HOTEL-INFORM-NAME# ? It 's a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# end that has everything you ask for ."
+ ],
+ "Name;Phone;Price;": [
+ "The #HOTEL-INFORM-NAME# has a #HOTEL-INFORM-PRICE# price range . It 's phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Name;Post;Price;": [
+ "Sure , the postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# and the price range is in the #HOTEL-INFORM-PRICE# range .",
+ "The #HOTEL-INFORM-NAME# post code is #HOTEL-INFORM-POST# and it is #HOTEL-INFORM-PRICE# in the area .",
+ "Certainly , the postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# . the price range for the hotel is #HOTEL-INFORM-PRICE# , but I do n't have the actual price ."
+ ],
+ "Name;Phone;Post;": [
+ "The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# .",
+ "The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# .",
+ "There is the #HOTEL-INFORM-NAME# . It 's located in postcode #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Of course . The phone number of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# and their postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Phone;Post;Type;": [
+ "It 's a #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-POST# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Stars;Stars;": [
+ "We have #HOTEL-INFORM-CHOICE# expensive hotels around town , ranging from #HOTEL-INFORM-STARS# star to #HOTEL-INFORM-STARS# star ."
+ ],
+ "Addr;Internet;Name;Parking;": [
+ "the address of #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# . It has both parking and internet ."
+ ],
+ "Choice;Name;Name;Name;": [
+ "That narrows it down to #HOTEL-INFORM-CHOICE# . #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "Yes , there are #HOTEL-INFORM-CHOICE# : #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# .",
+ "There are #HOTEL-INFORM-CHOICE# hotels that fit your criteria : #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# ."
+ ],
+ "Internet;Name;Price;Stars;": [
+ "They are all #HOTEL-INFORM-PRICE# , but #HOTEL-INFORM-NAME# has free internet and #HOTEL-INFORM-STARS# stars . Would that suit you ?",
+ "How about #HOTEL-INFORM-NAME# ? It has #HOTEL-INFORM-STARS# stars , is in the #HOTEL-INFORM-PRICE# price range and has internet ."
+ ],
+ "Name;Name;Parking;": [
+ "Yes , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# both have free parking .",
+ "Both the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# have free parking ."
+ ],
+ "Choice;Internet;Name;Name;Price;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# both are #HOTEL-INFORM-PRICE# and offer free parking and free internet ."
+ ],
+ "Addr;Area;Name;Phone;Post;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# . It is #HOTEL-INFORM-PRICE# , and its address is #HOTEL-INFORM-ADDR# . The postcode is #HOTEL-INFORM-POST# . The phone is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Price;Price;Type;Type;": [
+ "We have a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# and an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that match your requirements ."
+ ],
+ "Addr;Internet;Name;Parking;Phone;Stars;": [
+ "The #HOTEL-INFORM-NAME# is rated #HOTEL-INFORM-STARS# stars . There is free internet and parking . It is located at #HOTEL-INFORM-ADDR# and their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Internet;Name;Name;Parking;Price;": [
+ "I have #HOTEL-INFORM-CHOICE# options for you , both in the #HOTEL-INFORM-AREA# side . #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# , all #HOTEL-INFORM-PRICE# , with free wifi and parking ."
+ ],
+ "Area;Internet;Name;Price;Stars;Type;": [
+ "How about #HOTEL-INFORM-NAME# #HOTEL-INFORM-TYPE# ? It is in #HOTEL-INFORM-AREA# , is #HOTEL-INFORM-PRICE# with free wifi and has #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Addr;Internet;Name;Price;": [
+ "You can find #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# for a #HOTEL-INFORM-PRICE# price and it includes wifi ."
+ ],
+ "Area;Internet;Name;Parking;Stars;": [
+ "We have the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-STARS# star and offers free parking and internet . Does this work ?",
+ "How about the #HOTEL-INFORM-NAME# ? It is rated #HOTEL-INFORM-STARS# stars and is on the #HOTEL-INFORM-AREA# side of town . They offer free parking and internet .",
+ "May I suggest the #HOTEL-INFORM-NAME# ? It 's located in the #HOTEL-INFORM-AREA# and has #HOTEL-INFORM-STARS# stars . There is parking and internet with this as well ."
+ ],
+ "Area;Name;Price;Type;": [
+ "There is one #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It is the #HOTEL-INFORM-NAME# . Would you like me to book it for you ?",
+ "Sure #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town . It 's #HOTEL-INFORM-PRICE# and has full amenities . Does that suit your needs ?",
+ "Sorry about that . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# .",
+ "All right , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# that might suit your needs .",
+ "How about the #HOTEL-INFORM-NAME# , it is a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# ?"
+ ],
+ "Area;Choice;Name;Price;Stars;Type;": [
+ "There is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It is called #HOTEL-INFORM-NAME# and is #HOTEL-INFORM-STARS# stars . How does that sound ?",
+ "OK , I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-NAME# , and it is a #HOTEL-INFORM-STARS# star . It 's #HOTEL-INFORM-PRICE# , is that ok ?"
+ ],
+ "Internet;Type;": [
+ "The #HOTEL-INFORM-TYPE# does have internet ."
+ ],
+ "Phone;Post;Type;": [
+ "You sure may . It is a beautiful #HOTEL-INFORM-TYPE# located in postal code #HOTEL-INFORM-POST# . Their phone number is #HOTEL-INFORM-PHONE# .",
+ "It is a #HOTEL-INFORM-TYPE# . The post code is #HOTEL-INFORM-POST# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Internet;Name;Name;Name;Parking;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available . All are #HOTEL-INFORM-STARS# star rated and offer free parking and wifi . They are the #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# ."
+ ],
+ "Internet;Name;Parking;": [
+ "How about #HOTEL-INFORM-NAME# , they offer free parking and wifi ?",
+ "The #HOTEL-INFORM-NAME# offers both .",
+ "How about the #HOTEL-INFORM-NAME# ? They have free internet and parking , though .",
+ "Yes , the #HOTEL-INFORM-NAME# offers both free parking and wifi .",
+ "How about #HOTEL-INFORM-NAME# ? It has parking and wifi .",
+ "How about #HOTEL-INFORM-NAME# ? It has internet and parking .",
+ "How about the #HOTEL-INFORM-NAME# ? They have free wifi as well as free parking .",
+ "How about the #HOTEL-INFORM-NAME# . And has free parking and free wifi .",
+ "I found the #HOTEL-INFORM-NAME# . It offers free internet and parking and is very nice ."
+ ],
+ "Area;Internet;Parking;Price;Type;": [
+ "They are in the #HOTEL-INFORM-AREA# , yes , and they are still considered a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . And they also have free parking and internet .",
+ "it is an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free wifi and parking . do you need their contact ?",
+ "That is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that is the #HOTEL-INFORM-PRICE# price range . They have free internet and parking ."
+ ],
+ "Internet;Post;Stars;": [
+ "They have internet , it has a #HOTEL-INFORM-STARS# star rating , and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Choice;Internet;Parking;Type;": [
+ "Hold on , I had mistakenly listed you as not wanting free parking ( rather than not caring if they did ) . I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that offer both parking and internet .",
+ "I have found #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# now that match your criteria for parking and internet . Would you like me to choose on for you ?",
+ "Yes , there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that meet your requests . Some of them offer parking or free internet as well ."
+ ],
+ "Addr;Post;Type;": [
+ "It is a #HOTEL-INFORM-TYPE# and the address is #HOTEL-INFORM-ADDR# . The phone number is #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Phone;Type;": [
+ "It is a #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# and the phone number is #HOTEL-INFORM-PHONE# .",
+ "It is located at #HOTEL-INFORM-ADDR# , it is a #HOTEL-INFORM-TYPE# , and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Name;Price;Type;": [
+ "How about #HOTEL-INFORM-NAME# ? They are an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Yes , I found the #HOTEL-INFORM-NAME# #HOTEL-INFORM-TYPE# . It is in the centre and has an #HOTEL-INFORM-PRICE# price range . My apologies for the miscommunication .",
+ "Certainly ! #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Would you like to stay there ?",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ."
+ ],
+ "Area;Name;Price;Stars;Type;": [
+ "You are correct . The #HOTEL-INFORM-NAME# is a great #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# part of town . They are #HOTEL-INFORM-PRICE# and rated #HOTEL-INFORM-STARS# stars .",
+ "Sure . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-TYPE# type hotel in he #HOTEL-INFORM-AREA# part of town . It has #HOTEL-INFORM-STARS# stars .",
+ "I have . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side . Can I get you any more information ?",
+ "How about #HOTEL-INFORM-NAME# it is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# it is also #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars .",
+ "the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# . It has #HOTEL-INFORM-STARS# stars and is #HOTEL-INFORM-PRICE# .",
+ "We have #HOTEL-INFORM-NAME# a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range . Does this sound acceptable to book ?",
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# start #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# area of town and it is #HOTEL-INFORM-PRICE# in price .",
+ "Yes , #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# and is a #HOTEL-INFORM-TYPE# . It 's in the #HOTEL-INFORM-PRICE# price range and is #HOTEL-INFORM-STARS# stars . Would you like the address ?"
+ ],
+ "Addr;Name;Post;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . Their address is #HOTEL-INFORM-ADDR# , post code #HOTEL-INFORM-POST# .",
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# , it is #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , and it is located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Choice;Name;Name;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fit your criteria . One is #HOTEL-INFORM-NAME# and the other is #HOTEL-INFORM-NAME# .",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# matching that criteria : #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that match that criteria , the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# . They are both hotels ."
+ ],
+ "Area;Choice;Name;Name;": [
+ "Sure ! There are #HOTEL-INFORM-CHOICE# hotels on the #HOTEL-INFORM-AREA# of town : #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# .",
+ "There are #HOTEL-INFORM-CHOICE# located in the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-NAME# \t and #HOTEL-INFORM-NAME# ?"
+ ],
+ "Price;Price;Price;": [
+ "I ca n't tell you specifically how much each place will cost per night , but we have places in #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-PRICE# , to #HOTEL-INFORM-PRICE# price ranges ."
+ ],
+ "Area;Area;Choice;Name;Name;": [
+ "I have #HOTEL-INFORM-CHOICE# available . I have #HOTEL-INFORM-NAME# which is located in the #HOTEL-INFORM-AREA# . And I also have #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Name;Name;Name;Name;Stars;": [
+ "Certainly , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# are all #HOTEL-INFORM-STARS# star rated ."
+ ],
+ "Addr;Area;": [
+ "It is located in the #HOTEL-INFORM-AREA# at #HOTEL-INFORM-ADDR# .",
+ "It is located in the #HOTEL-INFORM-AREA# at #HOTEL-INFORM-ADDR# .",
+ "It is in the #HOTEL-INFORM-AREA# located at #HOTEL-INFORM-ADDR# .",
+ "It is located in the #HOTEL-INFORM-AREA# . The address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Internet;Name;Parking;Price;Stars;Type;": [
+ "There is a #HOTEL-INFORM-TYPE# on #HOTEL-INFORM-ADDR# by the name of #HOTEL-INFORM-NAME# , with free parking , internet and #HOTEL-INFORM-STARS# star rated . All in a very #HOTEL-INFORM-PRICE# price ."
+ ],
+ "Area;Choice;Internet;Name;Name;Parking;Type;": [
+ "Yes . I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# part of town . #HOTEL-INFORM-NAME# has no parking . #HOTEL-INFORM-NAME# and Warkworth do provide free parking ."
+ ],
+ "Addr;Stars;": [
+ "It is rated #HOTEL-INFORM-STARS# stars and is in the south and its address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Internet;Parking;Phone;Price;Stars;Type;": [
+ "Its a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# . #HOTEL-INFORM-STARS# star rating & offer free internet access & parking . Phone is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Phone;Post;": [
+ "The Lensfield does have free wifi . Their phone number is #HOTEL-INFORM-PHONE# and their postcode is #HOTEL-INFORM-POST# .",
+ "Okay ! They do have internet . Their postcode is #HOTEL-INFORM-POST# , and their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Price;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# options , any preferences .",
+ "Yes , I just double checked for you . There are #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-PRICE# price range if you 're interested ?",
+ "They are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# . I do n't have any more specific information .",
+ "there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# hotels available",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# hotels that I can recommend for you . Is there anything else you would like to narrow them down ?",
+ "I can certainly help you with that . We have #HOTEL-INFORM-CHOICE# listings for #HOTEL-INFORM-PRICE# lodgings . Do you have any other requirements ?"
+ ],
+ "Addr;Internet;Parking;Type;": [
+ "The address of the #HOTEL-INFORM-TYPE# is #HOTEL-INFORM-ADDR# and they have both free parking and internet access ."
+ ],
+ "Addr;Choice;Internet;Name;Name;Name;Price;Price;": [
+ "I have #HOTEL-INFORM-CHOICE# hotels that are #HOTEL-INFORM-PRICE# with free wifi . #HOTEL-INFORM-NAME# or #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-ADDR# and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Area;Name;Phone;Post;Price;Stars;Type;": [
+ "Certainly . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star , #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# area . The address is #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Price;Stars;": [
+ "It is #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# stars , and internet is available ."
+ ],
+ "Choice;Internet;": [
+ "I have #HOTEL-INFORM-CHOICE# optionsd available , all have WiFi",
+ "There are #HOTEL-INFORM-CHOICE# hotels with free wifi , do you have any other things you require in a hotel ?",
+ "yes they have #HOTEL-INFORM-CHOICE# internet and wifi",
+ "Yes , they #HOTEL-INFORM-CHOICE# have free wifi .",
+ "All #HOTEL-INFORM-CHOICE# have free wifi included .",
+ "Yes #HOTEL-INFORM-CHOICE# have wifi",
+ "They do #HOTEL-INFORM-CHOICE# have internet .",
+ "Yes , #HOTEL-INFORM-CHOICE# the establishments offer free internet as well .",
+ "Yes , #HOTEL-INFORM-CHOICE# have internet .",
+ "yes . #HOTEL-INFORM-CHOICE# have WiFi connection"
+ ],
+ "Choice;Choice;Choice;Internet;Parking;Price;Price;": [
+ "Let me see . I have #HOTEL-INFORM-CHOICE# options available , #HOTEL-INFORM-CHOICE# are #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-CHOICE# is #HOTEL-INFORM-PRICE# . They all include free internet and parking ."
+ ],
+ "Area;Name;Parking;Price;": [
+ "How about #HOTEL-INFORM-NAME# ? It is in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# pricing and free parking .",
+ "How about the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ? It is #HOTEL-INFORM-PRICE# and has free parking ."
+ ],
+ "Internet;Phone;": [
+ "Sure they do have internet and their phone number is #HOTEL-INFORM-PHONE# .",
+ "Yes they do have free internet , and the phone number is #HOTEL-INFORM-PHONE# .",
+ "Phone number is #HOTEL-INFORM-PHONE# and yes it has internet ."
+ ],
+ "Name;Post;Stars;Type;": [
+ "Okay , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star rated #HOTEL-INFORM-TYPE# and its postal code is #HOTEL-INFORM-POST# ."
+ ],
+ "Internet;Name;Name;Name;Name;Name;Parking;Price;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# are #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , and the #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# are more #HOTEL-INFORM-PRICE# . All have parking and wifi ."
+ ],
+ "Addr;Area;Internet;Parking;Stars;": [
+ "It is located at #HOTEL-INFORM-ADDR# in the #HOTEL-INFORM-AREA# , rated #HOTEL-INFORM-STARS# stars , they have internet and parking . The phone number is 01223512596 ."
+ ],
+ "Choice;Parking;Type;": [
+ "The #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# have parking , but I am not sure if it is free . Would you like me to call and check ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the city that offer free parking . Is there a certain price point or area of the city that you 'd prefer ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the area with free parking . Do you have a preference for price range or area that you want to stay ?",
+ "I would like a #HOTEL-INFORM-TYPE# with free parking . Do any of those #HOTEL-INFORM-CHOICE# fit that ?",
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# available , 2 of them have free parking .",
+ "there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that have free parking .",
+ "Yes , #HOTEL-INFORM-CHOICE# of the #HOTEL-INFORM-TYPE# that satisfy your constraints have free parking slots ."
+ ],
+ "Area;Internet;Name;Parking;Price;Stars;": [
+ "The #HOTEL-INFORM-NAME# is hotel #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-AREA# area of town in the #HOTEL-INFORM-PRICE# price range with free internet and parking .",
+ "Ah , yes . #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and located in the #HOTEL-INFORM-AREA# . It has a #HOTEL-INFORM-STARS# star rating and offers both free internet and parking .",
+ "How about #HOTEL-INFORM-NAME# . It 's located in the #HOTEL-INFORM-AREA# at a #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars and free internet and parking .",
+ "The #HOTEL-INFORM-NAME# is an #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star option on the #HOTEL-INFORM-AREA# with free wifi and free parking .",
+ "How about the #HOTEL-INFORM-NAME# ? It is on the #HOTEL-INFORM-AREA# side of town , has #HOTEL-INFORM-STARS# stars , free wifi and parking , and is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Addr;Post;": [
+ "Here is the address and post code #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# .",
+ "The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , and the postcode is #HOTEL-INFORM-POST# .",
+ "The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# .",
+ "The exact address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# postcode #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Choice;Choice;Choice;Internet;Price;Price;Stars;Type;": [
+ "Actually , there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars and internet . #HOTEL-INFORM-CHOICE# are in the #HOTEL-INFORM-PRICE# price range and #HOTEL-INFORM-CHOICE# is on the #HOTEL-INFORM-PRICE# side ."
+ ],
+ "Area;Choice;Choice;Choice;Price;Type;Type;": [
+ "We actually do have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# places to stay in #HOTEL-INFORM-AREA# . #HOTEL-INFORM-CHOICE# are #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# is a #HOTEL-INFORM-TYPE# ."
+ ],
+ "Choice;Name;Stars;": [
+ "That narrows it down to about #HOTEL-INFORM-CHOICE# places . All of them are #HOTEL-INFORM-STARS# stars except one . Might I suggest the #HOTEL-INFORM-NAME# . They have great reviews ."
+ ],
+ "Area;Name;Stars;": [
+ "How about the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ? It gets #HOTEL-INFORM-STARS# stars .",
+ "That narrows it down a bit . #HOTEL-INFORM-NAME# is a nice place , with #HOTEL-INFORM-STARS# stars . It 's in the #HOTEL-INFORM-AREA# area of town .",
+ "The #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# and is a #HOTEL-INFORM-STARS# star rating .",
+ "We have just the place . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star place that is located in the #HOTEL-INFORM-AREA# . Will that be okay ?",
+ "I see #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# has a #HOTEL-INFORM-STARS# star rating .",
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# and is rated #HOTEL-INFORM-STARS# stars .",
+ "How about #HOTEL-INFORM-NAME# ? They are located in the #HOTEL-INFORM-AREA# and have #HOTEL-INFORM-STARS# stars .",
+ "the #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# and has #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Choice;Price;Stars;Stars;": [
+ "I have #HOTEL-INFORM-CHOICE# options ranging in price from #HOTEL-INFORM-PRICE# ranging in from #HOTEL-INFORM-STARS# to #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Internet;Parking;Price;Stars;Type;": [
+ "It 's a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range with a #HOTEL-INFORM-STARS# star rating , internet , and free parking ."
+ ],
+ "Area;Area;Choice;Internet;Parking;Type;": [
+ "With that criteria , I have #HOTEL-INFORM-CHOICE# different options for you . Both are #HOTEL-INFORM-TYPE# and offer free parking and wifi . One is in the #HOTEL-INFORM-AREA# and one is #HOTEL-INFORM-AREA# ."
+ ],
+ "Choice;Name;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that fit your criteria . I would recommend the #HOTEL-INFORM-NAME# as it gets #HOTEL-INFORM-STARS# stars .",
+ "There is #HOTEL-INFORM-CHOICE# option . It is #HOTEL-INFORM-NAME# , a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ."
+ ],
+ "Area;Phone;": [
+ "The phone number is #HOTEL-INFORM-PHONE# and it is in the #HOTEL-INFORM-AREA# area of town .",
+ "Phone number is #HOTEL-INFORM-PHONE# , area is #HOTEL-INFORM-AREA# ."
+ ],
+ "Name;Phone;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# . Their contact number is #HOTEL-INFORM-PHONE# .",
+ "It is #HOTEL-INFORM-NAME# #HOTEL-INFORM-TYPE# and the phone number is #HOTEL-INFORM-PHONE# . Do you need any other details ?"
+ ],
+ "Addr;Stars;Type;": [
+ "It is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , and its address is #HOTEL-INFORM-ADDR# .",
+ "Yes , it is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# . Very nice and clean place ."
+ ],
+ "Ref;": [
+ "the reference number is #HOTEL-INFORM-REF# .",
+ "Yes , your reference number is #HOTEL-INFORM-REF# .",
+ "Your reference number is : #HOTEL-INFORM-REF# . Will there be anything else today ?",
+ "You 're all set ! Your reference number is #HOTEL-INFORM-REF# .",
+ "Reference number is : #HOTEL-INFORM-REF# .",
+ "The Reference number is : #HOTEL-INFORM-REF# ."
+ ],
+ "Choice;Internet;Name;Parking;Price;Price;": [
+ "I have #HOTEL-INFORM-CHOICE# options in the #HOTEL-INFORM-PRICE# or #HOTEL-INFORM-PRICE# price range with parking and wifi . How does #HOTEL-INFORM-NAME# sound ?"
+ ],
+ "Addr;Choice;Name;": [
+ "There are #HOTEL-INFORM-CHOICE# results but the first listing is #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Name;Name;Price;": [
+ "Sure . We have the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# , both #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Name;Stars;Type;": [
+ "Yes , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Choice;Name;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# , which is #HOTEL-INFORM-PRICE# is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# . Will this work for you ?"
+ ],
+ "Choice;Name;Name;Price;Stars;": [
+ "Certainly . #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# are #HOTEL-INFORM-CHOICE# of our best kept secrets , offering #HOTEL-INFORM-STARS# star quality at #HOTEL-INFORM-PRICE# prices ."
+ ],
+ "Name;Phone;Post;Price;": [
+ "The postcode for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-POST# and their phone is #HOTEL-INFORM-PHONE# . They 're in the #HOTEL-INFORM-PRICE# price range .",
+ "Sure , #HOTEL-INFORM-NAME# phone number #HOTEL-INFORM-PHONE# , postcode #HOTEL-INFORM-POST# and price range #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;Stars;Type;": [
+ "Yes there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the area that are #HOTEL-INFORM-STARS# star hotels . Would you like me to list them for you ?",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , would you like to tell me more about your trip so I can help find the most suitable hotel for you ?",
+ "No problem . I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# , however , they are not 4 star . How about a #HOTEL-INFORM-STARS# star rated hotel ?",
+ "yes , there are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# star ratings .",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that are #HOTEL-INFORM-STARS# star and have parking , do you have any other requirements to help narrow the search ?"
+ ],
+ "Area;Choice;Name;Price;": [
+ "We have #HOTEL-INFORM-CHOICE# guesthouses that are #HOTEL-INFORM-PRICE# . How about #HOTEL-INFORM-NAME# , they are located in the #HOTEL-INFORM-AREA# ?",
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "Yes , there are #HOTEL-INFORM-CHOICE# . #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and located in the #HOTEL-INFORM-AREA# .",
+ "I ' ve found #HOTEL-INFORM-CHOICE# hotels matching your preferences . The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-PRICE# price range and is located in the #HOTEL-INFORM-AREA# if you are interested .",
+ "We have #HOTEL-INFORM-CHOICE# 3 star hotel , #HOTEL-INFORM-NAME# , in the #HOTEL-INFORM-AREA# . It is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Addr;Addr;Name;Name;Name;": [
+ "We have #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# , and #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Stars;Type;": [
+ "Yes they are a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Internet;Name;Parking;Price;Stars;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# it 's in the #HOTEL-INFORM-PRICE# price range however has a #HOTEL-INFORM-STARS# star rating . It also offers internet and parking ."
+ ],
+ "Internet;Parking;Price;": [
+ "They do have free internet and parking but the price is in the #HOTEL-INFORM-PRICE# range .",
+ "It is in the #HOTEL-INFORM-PRICE# price range , but it does have free internet and free parking ."
+ ],
+ "Addr;Addr;Area;Price;": [
+ "It is a hotel in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# .",
+ "Sure , it is located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . That is the #HOTEL-INFORM-AREA# . It 's #HOTEL-INFORM-PRICE# , but very nice ."
+ ],
+ "Area;Phone;Post;": [
+ "It 's on the #HOTEL-INFORM-AREA# side of town . The postcode is #HOTEL-INFORM-POST# , and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Stars;": [
+ "It is #HOTEL-INFORM-STARS# and it does have wifi .",
+ "The star rating is #HOTEL-INFORM-STARS# and they do have free wifi .",
+ "It has a #HOTEL-INFORM-STARS# star rating and wifi yes ."
+ ],
+ "Addr;Area;Phone;": [
+ "Yes , their address is #HOTEL-INFORM-ADDR# . It is in the #HOTEL-INFORM-AREA# . Their phone number is #HOTEL-INFORM-PHONE# .",
+ "sure , it is in the #HOTEL-INFORM-AREA# . The address is #HOTEL-INFORM-ADDR# and their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Choice;Price;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-CHOICE# are in the #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Area;Area;Area;Choice;Name;Name;Name;": [
+ "There are #HOTEL-INFORM-CHOICE# choices in that price range : #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# , and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Addr;Parking;": [
+ "The address is #HOTEL-INFORM-ADDR# , and they do have free parking .",
+ "Their address is #HOTEL-INFORM-ADDR# and they do offer free parking",
+ "They do offer free parking . Their address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Internet;Name;Name;Price;": [
+ "Both #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# have free wifi and are #HOTEL-INFORM-PRICE# options in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Addr;Name;Phone;Post;Price;": [
+ "ow about #HOTEL-INFORM-NAME# it is #HOTEL-INFORM-PRICE# and located at #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# ( Phone : #HOTEL-INFORM-PHONE# )"
+ ],
+ "Choice;Parking;": [
+ "Yes , #HOTEL-INFORM-CHOICE# have free parking .",
+ "Yes , #HOTEL-INFORM-CHOICE# hotels include parking .",
+ "They #HOTEL-INFORM-CHOICE# offer parking .",
+ "Yes , #HOTEL-INFORM-CHOICE# of them do .",
+ "Yes , they #HOTEL-INFORM-CHOICE# include free parking ."
+ ],
+ "Choice;Internet;Parking;Stars;Type;": [
+ "Sure , I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that might work for you . They 're all #HOTEL-INFORM-STARS# stars with free wifi and parking . Does that sound good ?"
+ ],
+ "Area;Choice;Internet;Name;Parking;Price;Type;": [
+ "I do have #HOTEL-INFORM-CHOICE# that should meet your needs . It is #HOTEL-INFORM-NAME# . It 's a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# with free parking and wifi ."
+ ],
+ "Choice;Price;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# which fit your needs . One is #HOTEL-INFORM-PRICE# and 2 are #HOTEL-INFORM-PRICE# . Do you have a preference ?"
+ ],
+ "Addr;Name;Parking;": [
+ "How does #HOTEL-INFORM-NAME# sound ? They 're on #HOTEL-INFORM-ADDR# and you 'd get free parking , too ."
+ ],
+ "Area;Choice;Internet;Name;Name;Parking;Price;Stars;Stars;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# offering wi - fi . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# hotel , and #HOTEL-INFORM-NAME# is listed as a #HOTEL-INFORM-STARS# property . Both offer free parking as well ."
+ ],
+ "Parking;Stars;": [
+ "It has free parking with a #HOTEL-INFORM-STARS# star rating",
+ "Yes , they do have free parking and they have #HOTEL-INFORM-STARS# stars .",
+ "Yes , it has #HOTEL-INFORM-STARS# stars and includes free parking ."
+ ],
+ "Addr;Internet;Stars;": [
+ "It has #HOTEL-INFORM-STARS# stars , internet and the address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Name;Parking;Price;Type;": [
+ "I have #HOTEL-INFORM-NAME# , it is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range and has free parking ."
+ ],
+ "Addr;Addr;Addr;Internet;": [
+ "the address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and they do have internet ."
+ ],
+ "Stars;Stars;": [
+ "There are #HOTEL-INFORM-STARS# and #HOTEL-INFORM-STARS# star hotels ."
+ ],
+ "Addr;Addr;Addr;Internet;Post;": [
+ "Sure their address #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and the postcode is #HOTEL-INFORM-POST# and they do have free wifi ."
+ ],
+ "Choice;Internet;Price;": [
+ "We have #HOTEL-INFORM-CHOICE# guesthouse that are #HOTEL-INFORM-PRICE# with free wifi . Do you have any other specific needs ?"
+ ],
+ "Addr;Addr;Name;Post;": [
+ "Okay it 's the #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# and the post code is #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Choice;Internet;Name;Parking;Price;Stars;Type;": [
+ "With those requirements , I do have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It is #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star rated with both free parking and wifi . It is the #HOTEL-INFORM-NAME# ."
+ ],
+ "Choice;Price;Stars;": [
+ "I have #HOTEL-INFORM-CHOICE# with #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Post;Price;": [
+ "It 's in the #HOTEL-INFORM-PRICE# price range and the post code is #HOTEL-INFORM-POST# .",
+ "It is #HOTEL-INFORM-PRICE# and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Internet;Name;Name;Type;Type;": [
+ "Both have free wifi ! #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# ."
+ ],
+ "Addr;Parking;Post;": [
+ "They 're located at #HOTEL-INFORM-ADDR# in postcode #HOTEL-INFORM-POST# . And yes , they do offer free parking ."
+ ],
+ "Area;Choice;Price;Stars;Type;": [
+ "Are you looking to stay in the #HOTEL-INFORM-AREA# ? There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# there ."
+ ],
+ "Name;Post;Stars;": [
+ "The #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars . They 're in the postcode #HOTEL-INFORM-POST# ."
+ ],
+ "Choice;Type;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-TYPE# in town . Are you looking for something specific ?",
+ "Yes , there are #HOTEL-INFORM-CHOICE# places to stay ! Would you like to stay in a #HOTEL-INFORM-TYPE# , or in a #HOTEL-INFORM-TYPE# ?",
+ "That was a #HOTEL-INFORM-TYPE# , #HOTEL-INFORM-CHOICE# options are #HOTEL-INFORM-TYPE# ."
+ ],
+ "Area;Internet;Name;Parking;": [
+ "There is one hotel that meets your requirements . It is the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# part of town . It does have free internet and parking ."
+ ],
+ "Addr;Phone;Price;Stars;": [
+ "The #HOTEL-INFORM-STARS# star hotel is in the #HOTEL-INFORM-PRICE# price range and its address is #HOTEL-INFORM-ADDR# and its telephone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Phone;Post;Price;": [
+ "Yes , the postcode is #HOTEL-INFORM-POST# . The phone number is #HOTEL-INFORM-PHONE# and its #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Area;Stars;": [
+ "it is located in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-ADDR# \t and is #HOTEL-INFORM-STARS# star rated"
+ ],
+ "Choice;Name;Name;Name;Name;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# good #HOTEL-INFORM-TYPE# to choose from , like #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# are all #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Addr;Area;Price;": [
+ "If you go there , you are in for a treat . They have excellent food ! They are #HOTEL-INFORM-PRICE# and located in the #HOTEL-INFORM-AREA# . They are at #HOTEL-INFORM-ADDR# .",
+ "Yes certainly it is located in the #HOTEL-INFORM-AREA# and their address is #HOTEL-INFORM-ADDR# and they are #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Addr;Addr;Area;Phone;Post;Stars;Type;": [
+ "It is an expensive #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# on the #HOTEL-INFORM-AREA# of town . Phone number and postcode are #HOTEL-INFORM-PHONE# and #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Area;Area;Name;Name;Name;Type;": [
+ "How about the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# or the #HOTEL-INFORM-NAME# the #HOTEL-INFORM-AREA# ? Both are #HOTEL-INFORM-TYPE# . There 's also the the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Choice;Internet;Parking;Stars;Type;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# lodgings to choose from - 7 #HOTEL-INFORM-TYPE# and 1 #HOTEL-INFORM-TYPE# . They all provide complimentary Internet and parking and all have #HOTEL-INFORM-STARS# star ratings ."
+ ],
+ "Addr;Addr;Name;Name;": [
+ "Yes , they both do . #HOTEL-INFORM-NAME# is at #HOTEL-INFORM-ADDR# , and #HOTEL-INFORM-NAME# is located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Internet;Price;Stars;": [
+ "It is located in the #HOTEL-INFORM-AREA# , is #HOTEL-INFORM-PRICE# , and has a #HOTEL-INFORM-STARS# star rating . It has free internet . It 's located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Post;Stars;": [
+ "Their address is #HOTEL-INFORM-ADDR# . The postcode is #HOTEL-INFORM-POST# . They are rated #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Price;Price;": [
+ "Yes it is an #HOTEL-INFORM-PRICE# , I have listings for another place that is #HOTEL-INFORM-PRICE# if that is what you need ."
+ ],
+ "Addr;Name;Parking;Phone;": [
+ "Yes , #HOTEL-INFORM-NAME# has free parking . They are located at #HOTEL-INFORM-ADDR# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Internet;Name;Name;Parking;Stars;Stars;": [
+ "The expensive ones are #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# . Both offer free wifi and parking . The Gonville is #HOTEL-INFORM-STARS# star rated , and the University Arms is #HOTEL-INFORM-STARS# star .",
+ "Sure ! Would you like to stay at the #HOTEL-INFORM-NAME# ( #HOTEL-INFORM-STARS# stars ) , or the #HOTEL-INFORM-NAME# ( #HOTEL-INFORM-STARS# stars ) ? Both have parking and internet ."
+ ],
+ "Choice;Stars;Type;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# stars in that area . One is a #HOTEL-INFORM-TYPE# and the other is a #HOTEL-INFORM-TYPE# . Would you like for me to make a recommendation ?"
+ ],
+ "Internet;Name;Name;Parking;Price;Stars;Type;Type;": [
+ "In that case , #HOTEL-INFORM-NAME# would not work . It 's a #HOTEL-INFORM-TYPE# , not a #HOTEL-INFORM-TYPE# . #HOTEL-INFORM-NAME# has wifi , parking , is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Choice;Internet;Name;Parking;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# options . How about the #HOTEL-INFORM-NAME# ? It has #HOTEL-INFORM-STARS# stars and free parking and wifi ."
+ ],
+ "Area;Internet;Price;Stars;Type;": [
+ "The only thing available in the #HOTEL-INFORM-AREA# is a #HOTEL-INFORM-TYPE# with the internet #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Area;Internet;Name;Name;Parking;Type;": [
+ "They are both #HOTEL-INFORM-TYPE# and offer free wifi and free parking . In the #HOTEL-INFORM-AREA# we have #HOTEL-INFORM-NAME# and in the #HOTEL-INFORM-AREA# is #HOTEL-INFORM-NAME# ."
+ ],
+ "Area;Name;Parking;Price;Stars;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# stars #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , the price is #HOTEL-INFORM-PRICE# . There is not free parking in this hotel ."
+ ],
+ "Name;Name;Name;Phone;Phone;Phone;": [
+ "Okay , the number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# . The number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# , and the number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Stars;Type;Type;": [
+ "I see #HOTEL-INFORM-CHOICE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# . One is a #HOTEL-INFORM-TYPE# and one is a #HOTEL-INFORM-TYPE# ."
+ ],
+ "Addr;Name;Phone;Post;Stars;Type;": [
+ "The phone number for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PHONE# . The address and postcode is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-POST# . It is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ."
+ ],
+ "Area;Choice;Name;Name;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# which would you like ?"
+ ],
+ "Addr;Area;Internet;Name;Parking;Price;Stars;": [
+ "The #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# is located at #HOTEL-INFORM-ADDR# and offers free internet and parking , #HOTEL-INFORM-PRICE# , and has a rating of #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Name;Name;Price;": [
+ "In the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# we have #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Choice;Choice;Name;Name;": [
+ "We have #HOTEL-INFORM-CHOICE# option for you . We have the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# . #HOTEL-INFORM-CHOICE# have your commendations you want ."
+ ],
+ "Addr;Name;Price;Ref;Type;": [
+ "Okay . The #HOTEL-INFORM-TYPE# is #HOTEL-INFORM-NAME# and it is #HOTEL-INFORM-PRICE# , located at #HOTEL-INFORM-ADDR# Reference Number #HOTEL-INFORM-REF# ."
+ ],
+ "Area;Choice;Name;Phone;Post;": [
+ "There are #HOTEL-INFORM-CHOICE# hotels I can find , one called the #HOTEL-INFORM-NAME# which is in the #HOTEL-INFORM-AREA# . The telephone is #HOTEL-INFORM-PHONE# and the postcode is #HOTEL-INFORM-POST# ."
+ ],
+ "Parking;Post;": [
+ "They have free parking . Postcode is #HOTEL-INFORM-POST# . Anything else you need ?",
+ "The hotel does offer parking and the postcode is #HOTEL-INFORM-POST# .",
+ "Yes , they have free parking . The postcode is #HOTEL-INFORM-POST# . Is there anything else you 'd like to know about this hotel ?"
+ ],
+ "Post;Price;Type;": [
+ "It is a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# the post code is #HOTEL-INFORM-POST# ."
+ ],
+ "Internet;Name;Phone;Post;": [
+ "The #HOTEL-INFORM-NAME# does offer free wifi ! And the phone number is : #HOTEL-INFORM-PHONE# . The postcode is : #HOTEL-INFORM-POST# .",
+ "The #HOTEL-INFORM-NAME# does offer free wifi ! And the phone number is : #HOTEL-INFORM-PHONE# . The postcode is : #HOTEL-INFORM-POST# ."
+ ],
+ "Choice;Choice;Choice;Price;Price;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# meeting those requirements , #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Choice;Name;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that match your search . Would the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# work for you ?",
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that meet your needs . How about the #HOTEL-INFORM-NAME# ? It is in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Choice;Name;Name;Stars;Type;": [
+ "I have found #HOTEL-INFORM-CHOICE# luxury #HOTEL-INFORM-TYPE# that both have #HOTEL-INFORM-STARS# star ratings . #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# are both available to book ."
+ ],
+ "Addr;Phone;Stars;": [
+ "Sure , the phone number is #HOTEL-INFORM-PHONE# , the address is #HOTEL-INFORM-ADDR# , and it has a #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Addr;Phone;Post;Stars;": [
+ "The star rating is #HOTEL-INFORM-STARS# . Their phone number is #HOTEL-INFORM-PHONE# . The address is #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# ."
+ ],
+ "Area;Area;Area;Choice;Type;": [
+ "There are n't any hotels like that , but I do have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# . 2 in the #HOTEL-INFORM-AREA# , 1 in the #HOTEL-INFORM-AREA# , and 1 in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Choice;Internet;Name;Name;Parking;Stars;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars . #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars . Both have wifi and parking ."
+ ],
+ "Area;Internet;Name;": [
+ "Yes there is #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# and has free wifi ."
+ ],
+ "Area;Internet;Name;Parking;Post;Price;Stars;Type;": [
+ "I have #HOTEL-INFORM-NAME# #HOTEL-INFORM-TYPE# available in the #HOTEL-INFORM-AREA# . It 's #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# stars , with free wifi and parking . It 's in postcode #HOTEL-INFORM-POST# . Would that work for you ?"
+ ],
+ "Addr;Addr;Internet;": [
+ "Both of these two offer free wifi , The Marriott is in the #HOTEL-INFORM-ADDR# , while the University Arms is on #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Phone;Price;Type;": [
+ "The #HOTEL-INFORM-TYPE# is #HOTEL-INFORM-PRICE# . The address is #HOTEL-INFORM-ADDR# , and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Name;Stars;Stars;": [
+ "It has #HOTEL-INFORM-STARS# stars . There is also #HOTEL-INFORM-NAME# which has #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Choice;Choice;Type;Type;": [
+ "There are only #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# that match your request . #HOTEL-INFORM-CHOICE# of which are #HOTEL-INFORM-TYPE# , is that okay ?"
+ ],
+ "Internet;Name;Parking;Price;": [
+ "how about #HOTEL-INFORM-NAME# , its #HOTEL-INFORM-PRICE# and has free wifi and parking ?",
+ "I have the #HOTEL-INFORM-NAME# it is #HOTEL-INFORM-PRICE# and offers free wifi and parking ."
+ ],
+ "Area;Choice;Name;Name;Name;": [
+ "We have #HOTEL-INFORM-CHOICE# that might suit you . #HOTEL-INFORM-NAME# is quite economically priced in the #HOTEL-INFORM-AREA# , and there are also #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# ."
+ ],
+ "Post;Type;": [
+ "It is a regular #HOTEL-INFORM-TYPE# and the postcode is #HOTEL-INFORM-POST# . Would this one interest you ?",
+ "it is the type of a #HOTEL-INFORM-TYPE# . its post code is #HOTEL-INFORM-POST# . anything else ?"
+ ],
+ "Internet;Name;Parking;Type;": [
+ "Yes , the #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# , and offers both free WiFi and free parking ."
+ ],
+ "Addr;Parking;Phone;Post;": [
+ "Their address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-POST# Their phone number is #HOTEL-INFORM-PHONE# . They do indeed have free parking ."
+ ],
+ "Internet;Name;Name;Parking;": [
+ "Yes , both the #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# have free wifi and parking ."
+ ],
+ "Addr;Area;Name;Price;Stars;": [
+ "Yes , the #HOTEL-INFORM-NAME# is located on #HOTEL-INFORM-ADDR# and is located in the #HOTEL-INFORM-AREA# . It has #HOTEL-INFORM-STARS# stars and it 's price range is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Name;Phone;": [
+ "The #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Internet;Parking;Stars;Type;": [
+ "Yes certainly . It is a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# of Cambridge and has a rating of #HOTEL-INFORM-STARS# stars . It also offers free internet and parking amenities ."
+ ],
+ "Area;Internet;Name;Parking;Phone;Stars;": [
+ "The #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# and offers free parking and internet . Phone number is #HOTEL-INFORM-PHONE# and has #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Choice;Name;Name;Stars;Stars;": [
+ "It seems there are #HOTEL-INFORM-CHOICE# options that meet your criteria . #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# stars and #HOTEL-INFORM-NAME# has #HOTEL-INFORM-STARS# ."
+ ],
+ "Area;Choice;Choice;Choice;Type;Type;": [
+ "You have #HOTEL-INFORM-CHOICE# choices in the #HOTEL-INFORM-AREA# . #HOTEL-INFORM-CHOICE# are #HOTEL-INFORM-TYPE# , #HOTEL-INFORM-CHOICE# are #HOTEL-INFORM-TYPE# ."
+ ],
+ "Internet;Name;Name;Parking;Stars;": [
+ "Yes , both #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# have #HOTEL-INFORM-STARS# stars . They also both offer free internet and parking ."
+ ],
+ "Area;Internet;Name;Parking;Price;": [
+ "Yes what would you like to know ? #HOTEL-INFORM-NAME# is an #HOTEL-INFORM-PRICE# hotel with free wifi and parking on #HOTEL-INFORM-AREA# .",
+ "unfortunately they are in different areas . let me find something that will work . i have #HOTEL-INFORM-NAME# . it is #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# and offers free parking and wifi ."
+ ],
+ "Addr;Area;Name;Phone;Post;": [
+ "The address for #HOTEL-INFORM-NAME# is #HOTEL-INFORM-ADDR# in the #HOTEL-INFORM-AREA# . The postcode is #HOTEL-INFORM-POST# and phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Area;Stars;": [
+ "We have a couple of choices for #HOTEL-INFORM-STARS# star ones in the #HOTEL-INFORM-AREA# and the #HOTEL-INFORM-AREA# . Shall i just pick one for you ?"
+ ],
+ "Addr;Addr;Stars;": [
+ "Of course , the address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , it has a #HOTEL-INFORM-STARS# star rating , does this fit your needs ?"
+ ],
+ "Internet;Name;Name;": [
+ "The #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# provides free wifi ."
+ ],
+ "Area;Area;Choice;Internet;Parking;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range that offer free parking and free wi - fi . One is in the #HOTEL-INFORM-AREA# and one in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Addr;Type;": [
+ "It 's a #HOTEL-INFORM-TYPE# located on #HOTEL-INFORM-ADDR# .",
+ "Great #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Internet;Name;Name;Name;Parking;Stars;Type;": [
+ "Your options are : #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# . All of these #HOTEL-INFORM-TYPE# have #HOTEL-INFORM-STARS# stars , are in the #HOTEL-INFORM-AREA# part of town , and offer free parking and WiFi ."
+ ],
+ "Addr;Addr;Choice;Name;Name;": [
+ "The #HOTEL-INFORM-CHOICE# hotels are the #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# , and the #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# ."
+ ],
+ "Choice;Parking;Price;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# with free parking in #HOTEL-INFORM-PRICE# price range .",
+ "So to clarify , you need a #HOTEL-INFORM-TYPE# with free parking , and a #HOTEL-INFORM-PRICE# price range is acceptable ? If so , I have #HOTEL-INFORM-CHOICE# different options for you ."
+ ],
+ "Choice;Choice;": [
+ "There are #HOTEL-INFORM-CHOICE# of high rated guesthouse to choose from #HOTEL-INFORM-CHOICE# in fact , any other preferences ?"
+ ],
+ "Choice;Internet;Name;Name;": [
+ "Yes , #HOTEL-INFORM-CHOICE# the #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# have free wifi ."
+ ],
+ "Addr;Addr;Type;": [
+ "Yes it 's a #HOTEL-INFORM-TYPE# . The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# ."
+ ],
+ "Choice;Internet;Name;Parking;Price;Stars;": [
+ "You do have #HOTEL-INFORM-CHOICE# options , including the #HOTEL-INFORM-NAME# which offers free WiFi as well as free parking . It is also #HOTEL-INFORM-PRICE# , and rated #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Choice;Name;Name;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to choose from . One is #HOTEL-INFORM-NAME# and the other is #HOTEL-INFORM-NAME# ."
+ ],
+ "Area;Choice;Parking;": [
+ "There are #HOTEL-INFORM-CHOICE# places with free parking in the #HOTEL-INFORM-AREA# . Would you like a recommendation or would you rather narrow down your search ?"
+ ],
+ "Addr;Area;Choice;Type;": [
+ "There is only #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# and its address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Post;Price;": [
+ "It is in the #HOTEL-INFORM-PRICE# price range , postcode is #HOTEL-INFORM-POST# , and it is in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Addr;Area;Internet;Name;Parking;Phone;Post;Price;Stars;Type;": [
+ "Yes , that 's the #HOTEL-INFORM-NAME# , a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars , free internet , and free parking . You may contact them at #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# or #HOTEL-INFORM-PHONE# ."
+ ],
+ "Area;Internet;Name;Parking;Type;": [
+ "How about #HOTEL-INFORM-NAME# . It 's a #HOTEL-INFORM-TYPE# and located in the #HOTEL-INFORM-AREA# . They have free internet and parking ."
+ ],
+ "Choice;Choice;Price;Price;Type;Type;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-TYPE# #HOTEL-INFORM-PRICE# on the south end , or #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# #HOTEL-INFORM-PRICE# ."
+ ],
+ "Addr;Area;Post;Price;": [
+ "Sure I can get that for you . The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-POST# in the #HOTEL-INFORM-AREA# area . The price range is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;Internet;Parking;Stars;": [
+ "They #HOTEL-INFORM-CHOICE# offer free parking , free wifi , and are rated #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Area;Choice;Name;Type;": [
+ "Certainly . There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE#s on the #HOTEL-INFORM-AREA# side and #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Choice;Internet;Parking;": [
+ "There are #HOTEL-INFORM-CHOICE# guesthouses in the #HOTEL-INFORM-AREA# that offer parking and internet , I am not sure if the parking and internet are free though ."
+ ],
+ "Choice;Internet;Name;Name;Parking;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# to choose from . #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# . Both are #HOTEL-INFORM-PRICE# and have wifi and parking ."
+ ],
+ "Addr;Addr;Area;Post;": [
+ "It is located in the #HOTEL-INFORM-AREA# on #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . Post code #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Area;Name;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side , located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Internet;Parking;Phone;Price;Stars;": [
+ "Well , it 's in the #HOTEL-INFORM-AREA# of town . It 's #HOTEL-INFORM-PRICE# , rated #HOTEL-INFORM-STARS# stars , has internet and parking . The phone number is #HOTEL-INFORM-PHONE# . The address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Internet;Post;": [
+ "The hotel has free internet and is in the #HOTEL-INFORM-AREA# . The address is #HOTEL-INFORM-ADDR# #HOTEL-INFORM-POST# ."
+ ],
+ "Choice;Parking;Price;Stars;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that are #HOTEL-INFORM-STARS# stars and provide free parking . Would you like a recommendation from me ?"
+ ],
+ "Addr;Parking;Phone;": [
+ "Parking is free , the phone number is #HOTEL-INFORM-PHONE# and the address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Internet;Name;Stars;": [
+ "We have just the place . #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star place with wifi that is located in the #HOTEL-INFORM-AREA# . Will that be okay ?"
+ ],
+ "Choice;Price;Stars;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . One has #HOTEL-INFORM-STARS# stars and one has #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Choice;Choice;Internet;Parking;Price;Stars;Stars;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# , in the #HOTEL-INFORM-AREA# , in the #HOTEL-INFORM-PRICE# price range . #HOTEL-INFORM-CHOICE# have wifi and parking . One is #HOTEL-INFORM-STARS# stars . The other is #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Area;Area;Choice;Choice;Choice;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# . #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# . #HOTEL-INFORM-CHOICE# is located in the #HOTEL-INFORM-AREA# , the other the #HOTEL-INFORM-AREA# and the last in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Phone;Price;Stars;Type;": [
+ "It is a #HOTEL-INFORM-STARS# star hotel that is #HOTEL-INFORM-PRICE# , and in the #HOTEL-INFORM-AREA# . It is a #HOTEL-INFORM-TYPE# type and phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Internet;Stars;Type;": [
+ "Were you also trying to book a hotel today ? There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in cambridge that are #HOTEL-INFORM-STARS# stars and offer free wifi"
+ ],
+ "Area;Area;Choice;Choice;Choice;Stars;Stars;": [
+ "I have #HOTEL-INFORM-CHOICE# options that meet your criteria . #HOTEL-INFORM-CHOICE# is in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars , #HOTEL-INFORM-CHOICE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Price;Price;Type;": [
+ "I have #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# from #HOTEL-INFORM-PRICE# to #HOTEL-INFORM-PRICE# . Do you have more preferences ?"
+ ],
+ "Choice;Internet;Name;Parking;Price;Type;": [
+ "I ' ve got #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the area . Both have internet and parking . #HOTEL-INFORM-NAME# has 4 stars . Does that meet your needs ?"
+ ],
+ "Choice;Choice;Choice;Stars;Stars;Type;": [
+ "I can help you with that . There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that meet those requirements . #HOTEL-INFORM-CHOICE# is a #HOTEL-INFORM-STARS# star and #HOTEL-INFORM-CHOICE# is a #HOTEL-INFORM-STARS# star ."
+ ],
+ "Area;Name;Parking;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area with free parking . Do you want me to book it ?"
+ ],
+ "Area;Internet;Parking;Price;Stars;": [
+ "It is a hotel in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range with a #HOTEL-INFORM-STARS# star rating , free internet , and free parking",
+ "It is in the #HOTEL-INFORM-AREA# , in the #HOTEL-INFORM-PRICE# price range , has a #HOTEL-INFORM-STARS# star rating , internet , and free parking ."
+ ],
+ "Addr;Area;Internet;Name;Parking;Phone;Stars;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free Wifi and parking . The address is #HOTEL-INFORM-ADDR# and the phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Internet;Name;Parking;Phone;Post;": [
+ "That would be the #HOTEL-INFORM-NAME# . They offer free parking and wifi . They are located at #HOTEL-INFORM-ADDR# . Their postcode is #HOTEL-INFORM-POST# . You can reach them at #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Name;Name;Name;Price;Price;Stars;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-STARS# star locations to choose from : #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# . The Huntingdon is listed as #HOTEL-INFORM-PRICE# while the others are #HOTEL-INFORM-PRICE# ."
+ ],
+ "Area;Internet;Parking;": [
+ "It is indeed in the #HOTEL-INFORM-AREA# and offers both free parking and free wifi ."
+ ],
+ "Area;Price;Price;Stars;Type;Type;": [
+ "I have a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# and a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , both #HOTEL-INFORM-STARS# stars . Do you have a preference ?"
+ ],
+ "Addr;Addr;Addr;Post;": [
+ "The address is #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# ."
+ ],
+ "Name;Name;Name;Name;Price;": [
+ "Actually , #HOTEL-INFORM-NAME# does n't meet your requirements . But I do have other options that are #HOTEL-INFORM-PRICE# , such as #HOTEL-INFORM-NAME# , #HOTEL-INFORM-NAME# , and #HOTEL-INFORM-NAME# ."
+ ],
+ "Area;Internet;Name;Parking;Price;Type;": [
+ "The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# , 4 star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , It has wifi and parking . Does this fit your needs ?"
+ ],
+ "Addr;Addr;Area;Internet;Name;Phone;": [
+ "I sure can . #HOTEL-INFORM-NAME# is located in the #HOTEL-INFORM-AREA# of town . They offer free wifi . They are at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice;Price;Price;Stars;Type;": [
+ "I ' ve found #HOTEL-INFORM-CHOICE# total entries for what you 're searching for . The #HOTEL-INFORM-TYPE# are all #HOTEL-INFORM-STARS# stars and ranges from #HOTEL-INFORM-PRICE# to #HOTEL-INFORM-PRICE# . It can be filtered down more to include prices ."
+ ],
+ "Area;Choice;Internet;Name;Stars;": [
+ "I have just #HOTEL-INFORM-CHOICE# hotel that fits your criteria . It is #HOTEL-INFORM-NAME# located in the #HOTEL-INFORM-AREA# . It has a #HOTEL-INFORM-STARS# star rating . They offer free internet ."
+ ],
+ "Area;Area;Internet;Name;Name;Price;Price;Stars;Type;": [
+ "The #HOTEL-INFORM-NAME# and the #HOTEL-INFORM-NAME# in the #HOTEL-INFORM-AREA# are both #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . There is also a more #HOTEL-INFORM-PRICE# option in the #HOTEL-INFORM-AREA# . All have internet ."
+ ],
+ "Addr;Price;Stars;Type;": [
+ "Sure can . It 's a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Name;Stars;": [
+ "I can narrow your results if you would like to be more specific . Otherwise #HOTEL-INFORM-NAME# on #HOTEL-INFORM-ADDR# gets #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Choice;Internet;Parking;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# if you still want to stay on the #HOTEL-INFORM-AREA# , they both have internet and parking . Would either of these work ?"
+ ],
+ "Addr;Addr;Area;Phone;Stars;Type;": [
+ "It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# in the #HOTEL-INFORM-AREA# . Their phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Internet;Name;": [
+ "Yes , of course . #HOTEL-INFORM-NAME# is in the #HOTEL-INFORM-AREA# and can be found at #HOTEL-INFORM-ADDR# . They offer free internet ."
+ ],
+ "Addr;Addr;Phone;Price;": [
+ "It 's #HOTEL-INFORM-PRICE# , so you do n't have to worry about breaking the bank . And it is located at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . You can give them a call at #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Internet;Parking;Stars;Type;": [
+ "It is a located in the south area of town . It 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free internet and parking located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Choice;Choice;Choice;Internet;Name;Parking;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# that meet your needs . #HOTEL-INFORM-CHOICE# of them have free parking along with the Internet , and #HOTEL-INFORM-CHOICE# does not . #HOTEL-INFORM-NAME# is very nice ."
+ ],
+ "Area;Area;Choice;Choice;Name;Name;Price;Type;": [
+ "We have #HOTEL-INFORM-CHOICE# choices city #HOTEL-INFORM-AREA# #HOTEL-INFORM-AREA# b and b in the north and #HOTEL-INFORM-NAME# in the centre , #HOTEL-INFORM-CHOICE# are #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# range ."
+ ],
+ "Name;Parking;Price;Stars;Type;": [
+ "Yes , #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free parking ."
+ ],
+ "Addr;Price;Type;": [
+ "It is an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# and the address is #HOTEL-INFORM-ADDR# ."
+ ],
+ "Addr;Name;Post;Price;": [
+ "The #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# and is at #HOTEL-INFORM-ADDR# , postcode #HOTEL-INFORM-POST# ."
+ ],
+ "Addr;Addr;Area;Phone;": [
+ "It is located in the #HOTEL-INFORM-AREA# area at #HOTEL-INFORM-ADDR# , #HOTEL-INFORM-ADDR# . The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Addr;Area;Internet;Parking;Price;Type;": [
+ "I have one #HOTEL-INFORM-TYPE# that has free internet and parking on the #HOTEL-INFORM-PRICE# side . It 's also located in the #HOTEL-INFORM-AREA# at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Internet;Post;Type;": [
+ "It 's a #HOTEL-INFORM-TYPE# . The post code is #HOTEL-INFORM-POST# . I can confirm that they do have internet services ."
+ ],
+ "Area;Choice;Price;Price;Type;": [
+ "There are #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# , one #HOTEL-INFORM-PRICE# and one #HOTEL-INFORM-PRICE# ."
+ ],
+ "Choice;Name;Type;Type;": [
+ "The only #HOTEL-INFORM-TYPE# that fits that description is the #HOTEL-INFORM-NAME# , but there are also #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# if you are interested ."
+ ],
+ "Price;Stars;": [
+ "It is in the #HOTEL-INFORM-PRICE# price range with a #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Area;Area;": [
+ "The only 2 star hotels are in the #HOTEL-INFORM-AREA# or the #HOTEL-INFORM-AREA# . Do you mind staying in one of those areas ?"
+ ],
+ "Addr;Area;Name;Phone;Type;": [
+ "Good day ! The #HOTEL-INFORM-NAME# is a #HOTEL-INFORM-TYPE# type hotel in the #HOTEL-INFORM-AREA# located at 172 #HOTEL-INFORM-ADDR# and can be reached at the telephone number #HOTEL-INFORM-PHONE# ."
+ ],
+ "Price;Price;Type;": [
+ "I ' m sorry to inform you but there are only #HOTEL-INFORM-TYPE# only in #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-PRICE# price range ."
+ ],
+ "Addr;Addr;Choice;Name;Name;Type;": [
+ "I have #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# meeting your criteria . #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# and #HOTEL-INFORM-NAME# located at #HOTEL-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Choice;Internet;Name;Name;Name;Price;Type;": [
+ "I see #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# , #HOTEL-INFORM-CHOICE# have wifi for free , #HOTEL-INFORM-NAME# is #HOTEL-INFORM-PRICE# . #HOTEL-INFORM-NAME# and #HOTEL-INFORM-NAME# are available . Would you like to try them ?"
+ ],
+ "Area;Area;Area;Choice;Internet;Parking;": [
+ "We have #HOTEL-INFORM-CHOICE# guesthouses that is all in the cheap price range . All have free internet and parking . 3 in the #HOTEL-INFORM-AREA# , 1 #HOTEL-INFORM-AREA# , and 1 #HOTEL-INFORM-AREA# ."
+ ],
+ "Choice;Choice;Price;Type;Type;": [
+ "I am showing #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-CHOICE# #HOTEL-INFORM-TYPE# . All are #HOTEL-INFORM-PRICE# price range . Would you like more information ?"
+ ]
+ },
+ "Hotel-NoOffer": {
+ "Price;Type;": [
+ "Unfortunately there are no #HOTEL-NOOFFER-TYPE# that are in the #HOTEL-NOOFFER-PRICE# price range .",
+ "There are zero #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-PRICE# range . Would you like to explore hotels or other price ranges ?",
+ "No , we do n't have any #HOTEL-NOOFFER-TYPE# that are #HOTEL-NOOFFER-PRICE# .",
+ "I do n't have a #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# .",
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# .",
+ "Unfortunately , there is no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-PRICE# area",
+ "I ' m sorry , I do n't know of any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# . Can I look for something else for you ?",
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# .",
+ "I ' m sorry . There are n't any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# available for a reservation . Would you like me to check for a cheap or a moderately priced one ?",
+ "I do n't have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# listed . Would you like to try a different price range or a hotel instead/",
+ "We have no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-PRICE# price range . Can I find something else for you ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in this area . Would you like to try another ?",
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the area . Could we look at a moderately priced one ?",
+ "I do not have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# . Can I try something else ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# available . Would you like to try a moderately priced guesthouse instead ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in our listings , are you willing to consider other price ranges ?",
+ "I could not find a #HOTEL-NOOFFER-TYPE# available in the #HOTEL-NOOFFER-PRICE# price range . Is there a different price range you would accept ?"
+ ],
+ "Type;": [
+ "I apologize , I do n't have a #HOTEL-NOOFFER-TYPE# listing . We could try a guest house or a more expensive hotel ?",
+ "Sorry there is no #HOTEL-NOOFFER-TYPE# fitting the description you asked for",
+ "I was not able to find any #HOTEL-NOOFFER-TYPE# that met those requirements .",
+ "There are no #HOTEL-NOOFFER-TYPE# that meet that criteria , would you like information about the hotel options ?",
+ "I ' m sorry , I ' m afraid I do n't see any #HOTEL-NOOFFER-TYPE# matching that description . Do you want to try a different price range or star rating ?",
+ "i ca n't find any #HOTEL-NOOFFER-TYPE# that fit your criteria , i ' m sorry .",
+ "It is n't , and unfortunately I do n't have a #HOTEL-NOOFFER-TYPE# that matches that criteria .",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-TYPE# that match your preferences .",
+ "No , no #HOTEL-NOOFFER-TYPE# meet your criteria .",
+ "I am sorry are not #HOTEL-NOOFFER-TYPE# that match your criteria . Can I try to find a hotel in the south ?",
+ "I was unable to find any #HOTEL-NOOFFER-TYPE# matching those requirements .",
+ "Unfortunately there are no #HOTEL-NOOFFER-TYPE# available that fit that criteria .",
+ "Sorry , I could n't find any matching #HOTEL-NOOFFER-TYPE# .",
+ "No , I am sorry . #HOTEL-NOOFFER-TYPE# are not offered .",
+ "Unfortunately I am not finding any #HOTEL-NOOFFER-TYPE# matching your criteria , would you like me to look for three star hotels ?",
+ "I can not find any #HOTEL-NOOFFER-TYPE# with that exact criteria , I apologize .",
+ "There are no #HOTEL-NOOFFER-TYPE# that meet your requirements .",
+ "I ' m afraid we do n't have any #HOTEL-NOOFFER-TYPE# in that price range , can I offer you something else instead ?",
+ "There are no #HOTEL-NOOFFER-TYPE# matching your requirements .",
+ "Unfortunately there are no #HOTEL-NOOFFER-TYPE# in that area .",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-TYPE# that fit those criteria . Would you like to try something else ?",
+ "I ' m sorry , there are absolutely no #HOTEL-NOOFFER-TYPE# that meet those requirements . Can I look for something different ?",
+ "I ' m sorry , but I do n't have any #HOTEL-NOOFFER-TYPE# that match that criteria . Would you like to change your requirements ?",
+ "I ' m sorry , there are n't any #HOTEL-NOOFFER-TYPE# that fit your requirements .",
+ "I ' m afraid there are no #HOTEL-NOOFFER-TYPE# that meet those requirements ? Is there anything that is n't important in your search ?",
+ "There are no #HOTEL-NOOFFER-TYPE# that fit that criteria would you like to try something else ?",
+ "Unfortunately there are not #HOTEL-NOOFFER-TYPE# that meet your criteria . Would you like to look for something in the moderate price range or a hotel instead ?",
+ "Unfortunately , there are no #HOTEL-NOOFFER-TYPE# that fit that description .",
+ "Unfortunately I could not find any #HOTEL-NOOFFER-TYPE# meeting those requirements .",
+ "I ' m sorry , but there are no #HOTEL-NOOFFER-TYPE# in the cambridge area fitting all these all these qualifications . Would you like to alter your requirements ?",
+ "I am sorry . There a no #HOTEL-NOOFFER-TYPE# available that meet your criteria . Do you want me to try a different location or price range ?",
+ "I ' m sorry , there 's not #HOTEL-NOOFFER-TYPE# fitting THAT description either . Do you want to try a different hotel type or something ?",
+ "I was not able to find any #HOTEL-NOOFFER-TYPE# matching that requirement .",
+ "I am sorry , but we do not have any #HOTEL-NOOFFER-TYPE# like that in that area .",
+ "there is no #HOTEL-NOOFFER-TYPE# in our records that goes by that name",
+ "I am sorry but I am not finding any #HOTEL-NOOFFER-TYPE# that fit your needs .",
+ "still no #HOTEL-NOOFFER-TYPE# match your criteria",
+ "our records do n't show that #HOTEL-NOOFFER-TYPE# . sorry",
+ "There are no #HOTEL-NOOFFER-TYPE# that meet that criteria . Would you like to search for something else ?",
+ "we do nt have that #HOTEL-NOOFFER-TYPE# within your price range . can we try any other ?",
+ "I do n't have any #HOTEL-NOOFFER-TYPE# in that area meeting those criteria . Could we change some of the criteria ?",
+ "There are no #HOTEL-NOOFFER-TYPE# that match that requirement .",
+ "I am still having issues finding a #HOTEL-NOOFFER-TYPE# for you , would you please restate your criteria one more time ?",
+ "Unfortunately there are no #HOTEL-NOOFFER-TYPE# that meet those preferences , would you like me to search for a 4 star instead ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-TYPE# meeting your requirements ."
+ ],
+ "Stars;Type;": [
+ "I ' m sorry , there are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# , would you like to try something else ?",
+ "I ' m not showing any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# . Is 4 star ok ?",
+ "There are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in this area .",
+ "I ' m sorry I do n't find any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# .",
+ "Sorry I do n't have any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# with that criteria .",
+ "I ' m sorry there are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# either . Would you like to look for a different place to stay ?",
+ "There are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# available .",
+ "Sorry there are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# fitting that description . Anything else ?",
+ "I was unable to find any #HOTEL-NOOFFER-STARS# star rated #HOTEL-NOOFFER-TYPE# , do you have another preference ?"
+ ],
+ "Internet;Stars;Type;": [
+ "We do nt have any #HOTEL-NOOFFER-TYPE# that have no internet with #HOTEL-NOOFFER-STARS# stars"
+ ],
+ "none;": [
+ "Sorry , my search did n't bring back any results .",
+ "I ' m sorry , I can not help you with hotels . Are you sure that 's what you 're looking for ?",
+ "I was unable to find any matching places for that .",
+ "I ' m sorry there are no matches .",
+ "I ' m sorry . There are no hotels matching that criteria in the area you are interested in .",
+ "There were no matches found .",
+ "There are no hotels meeting these requirements .",
+ "No , there is not .",
+ "Nothing fits all of that criteria . Would you like me to find you hotels that are expensive , have more than 2 stars , and are guesthouses ?",
+ "Sorry , I ' m not finding anything .",
+ "I ' m sorry , I ' m not pulling up any matches .",
+ "I am sorry the booking was unsuccessful , can I help you find another place in the same area ?",
+ "I ' m sorry there are not any matches for what you are looking for . How about a guesthouse instead of a hotel ?",
+ "Sorry , still not able to find anything that suits your needs .",
+ "I do n't have anything fitting that criteria . Do you have any other criteria I can check or another area ?",
+ "I ' m sorry , we do n't have any hotels fitting your criteria . Would you like to search for something different ?",
+ "There are none found .",
+ "i ' m sorry , i was unable to find a different hotel that matches your criteria and the availability that you wanted .",
+ "I do n't see any hotels with free internet in cheap price range .",
+ "No there is not one that matches that criteria .",
+ "I do not have any place fitting that criteria . Perhaps some other perimater ?",
+ "Sorry , I could n't find anything matching that .",
+ "Unfortunately , I could n't find a match .",
+ "I ' m sorry , there are no matches .",
+ "I ' m sorry I have found no matches .",
+ "No , I ' m sorry , there is not .",
+ "I was not able to find any hotels matching those requirements .",
+ "I was not able to find any hotels matching those requirements .",
+ "Sorry , I ' m not finding anything . Want to change to a hotel ?",
+ "sorry to disappoint but we do nt have any",
+ "Sorry , no results were found .",
+ "Sorry , there were no results found .",
+ "I ' m sorry , there are n't any hotels that meet your criteria . Would you like to try something else ?",
+ "I checked all the different areas and there 's still no matches .",
+ "Unfortunately , i have no matches for your request . Would you like for me to search all hotels in cambridge .",
+ "I ' m sorry , but I found no hotels matching your criteria , would you like to look for a cheaper hotel ?",
+ "I ' m sorry there are no matches .",
+ "Sorry , we only work with places in cambridge .",
+ "Avalon is not on the west side of town .",
+ "There is no match for those criteria",
+ "Sorry , still zero matches . Perhaps some other criteria ?",
+ "I ' m sorry , we do n't have any hotel rooms that meet those requirements .",
+ "I ' m sorry , I have n't found any matches , would you like me to look for something else ?",
+ "I am not finding any . Could you try telling me another criteria to search for you ?",
+ "No , I ' m afraid there are n't .",
+ "Sounds like your in a hurry , lets find a place before booking . Right now I see nothing that matches you search for hotel or guesthouse .",
+ "no I am sorry something else perhaps ?",
+ "I ' m sorry I did n't pull up any matches .",
+ "I ' m sorry that area does n't have anything matching those criteria . May I try another area ?",
+ "I ' m sorry I do n't have anything that matches that criteria .",
+ "I ' m sorry there are no matching results .",
+ "Unfortunately I ' m not showing anything under those specifications .",
+ "I ' m sorry but I am unable to find anything with those specifications . Would you like to try anything else ?",
+ "Unfortunately , there is nothing available in that area .",
+ "There is nothing like that available either . Would you like to try searching for something else ?",
+ "I can not seem to find this hotel . Do you have another in mind ?",
+ "There is no hotel with that name , can I book some place else for you ?",
+ "The hotel is not coming up by that name .",
+ "I do n't have any that match your criteria , I ' m sorry .",
+ "I am not seeing that restaurant listed , is there a different one you might like to book ?",
+ "I ' m sorry . I do n't have anything that matches your preferences .",
+ "I am unable to find something else at this time , sorry .",
+ "I do not have anything that meets that criteria .",
+ "I ' m not finding anything matching your query .",
+ "There are zero hotels matching those requirements .",
+ "We do n't have anything matching that criteria . Do you have something else in mind ?",
+ "There is no results for that match",
+ "unfortunately , nothing meets that criteria .",
+ "I have nothing with that exact criteria , perhaps something with a bit of a change in criteria ?",
+ "I ca n't find anything that fits my criteria",
+ "I can not find anything in cambridge .",
+ "There is nothing that matches your criteria .",
+ "I ' m sorry but I do n't have access to that information .",
+ "I am not finding anything I am so sorry , something else perhaps ?",
+ "I ' m sorry , after searching I was unable to acquire any information about the hotel and weather it has wifi .",
+ "No I am so sorry I am not finding anything like that something else perhaps ?",
+ "I ' m still not able to get any results . Can we try a new search ?",
+ "Unfortunately , I do not have any matches for your request .",
+ "Sorry I do nt have anything with that name .",
+ "I have not hotels matching your criteria .",
+ "I ' m sorry , but I am still not pulling any matches up .",
+ "unfortunately i do n't have anything that meets all those criteria . is there anything you 'd like to change ?",
+ "No matching records found would you like to try another ?",
+ "i am sorry we do nt have any like that .",
+ "I ' m sorry , I ' m not finding any matches , would you like to try something else ?",
+ "I ' m unable to find any places to stay that match those specifications . Is there anything you 'd be willing to change about where you want to stay ?",
+ "I am afraid I have nothing available with those specifications . Would you like a different are or a hotel ?",
+ "I ' m sorry I ca n't located anything with that criteria ."
+ ],
+ "Area;Type;": [
+ "There is no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# with free parking",
+ "It does n't look like there is such a #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# . Would you like me to look for something else ?",
+ "I ' m so sorry . There are no #HOTEL-NOOFFER-TYPE# on the #HOTEL-NOOFFER-AREA# that match your requests .",
+ "I ' m sorry . There are no #HOTEL-NOOFFER-TYPE# matching that criteria in the area #HOTEL-NOOFFER-AREA# .",
+ "i do n't have any #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# part of town .",
+ "I am sorry I have no #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# .",
+ "We do n't have any #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# . How about a hotel ? Or an expensive one ?",
+ "I have no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# that meet those specification . May I try something else ?",
+ "Unfortunately it does n't look like there are any #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# that meet those requirements .",
+ "I do n't have any #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# that meet your criteria . Would you like me to look in a different area ?"
+ ],
+ "Area;Parking;Price;Type;": [
+ "I am sorry , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# with free parking . Would you like to try another area ?",
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area with free parking ."
+ ],
+ "Area;Stars;Type;": [
+ "There are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area .",
+ "There are n't any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# #HOTEL-NOOFFER-AREA# . Would you be interested in a different place to stay ?",
+ "I do not have any #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# with a #HOTEL-NOOFFER-STARS# star . Would you like to try something else ?",
+ "My system is not pulling up any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# . Would you like to try a guesthouse or another area perhaps ?",
+ "There are n't any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# available in #HOTEL-NOOFFER-AREA# .",
+ "We do n't have any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# on the #HOTEL-NOOFFER-AREA# . Do you want to try searching for something else ?",
+ "I do n't have any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# .",
+ "Unfortunately there are no #HOTEL-NOOFFER-STARS# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area ."
+ ],
+ "Area;Price;Type;": [
+ "There are no results for #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# . Would you like to try something else ?",
+ "There are no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-PRICE# range in the #HOTEL-NOOFFER-AREA# .",
+ "We do n't have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# on #HOTEL-NOOFFER-AREA# . You 'll have to look elsewhere .",
+ "I ' m sorry but there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# #HOTEL-NOOFFER-AREA# .",
+ "No I am afraid there ae no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# .",
+ "I ' m sorry we do n't have an #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area . Would you like to try some different criteria ?",
+ "Unfortunately , no . In #HOTEL-NOOFFER-AREA# , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# .",
+ "I ' m sorry , there does n't appear to be any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# located in the #HOTEL-NOOFFER-AREA# .",
+ "No I am afraid there ae no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# .",
+ "I ' m sorry there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# . Would you like to try something else ?",
+ "I ' ve checked again . Unfortunately , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# .",
+ "I ' m sorry , we do n't have an #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# . Will anything else do ?",
+ "Sorry , but none of the #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# fall into the #HOTEL-NOOFFER-PRICE# price range .",
+ "I ' m sorry , but there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area . Could I check for one in the moderate price range for you ?",
+ "There are not any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# . Would a moderately priced guesthouse suffice ?"
+ ],
+ "Choice;Stars;": [
+ "I apologize #HOTEL-NOOFFER-CHOICE# is #HOTEL-NOOFFER-STARS# stars . Would you like to try something else ?"
+ ],
+ "Stars;": [
+ "I am sorry , but that hotel does not have a #HOTEL-NOOFFER-STARS# star rating , would you like another option ?",
+ "Unfortunately , I could n't find anything with #HOTEL-NOOFFER-STARS# stars .",
+ "I am sorry I have no listings for any with #HOTEL-NOOFFER-STARS# stars .",
+ "I am sorry , there are not #HOTEL-NOOFFER-STARS# stars available .",
+ "I have not found anything with a star of #HOTEL-NOOFFER-STARS# .",
+ "unfortunately , i do n't have anything in that area that has a #HOTEL-NOOFFER-STARS# star rating .",
+ "There are no #HOTEL-NOOFFER-STARS# stars in that area ."
+ ],
+ "Area;Price;Stars;Type;": [
+ "Based on the criteria , there are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# that are #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-AREA# .",
+ "There are no #HOTEL-NOOFFER-TYPE# in #HOTEL-NOOFFER-AREA# that have #HOTEL-NOOFFER-STARS# stars and are #HOTEL-NOOFFER-PRICE# .",
+ "I am sorry but there is not a #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# at a #HOTEL-NOOFFER-PRICE# price in #HOTEL-NOOFFER-AREA# area of the city .",
+ "Unfortunately there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# area . Would you like to try another area ?",
+ "I ' m sorry , but there are no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# that have #HOTEL-NOOFFER-STARS# stars and are #HOTEL-NOOFFER-PRICE# . Can I look for something different for you ?"
+ ],
+ "Area;Price;Stars;": [
+ "Sorry . There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star places in the #HOTEL-NOOFFER-AREA# . Do you want to try some other criteria ?",
+ "Perhaps with different criteria ? I have nothing for #HOTEL-NOOFFER-STARS# stars , #HOTEL-NOOFFER-PRICE# , in the #HOTEL-NOOFFER-AREA# .",
+ "Sorry , but I do n't have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# places #HOTEL-NOOFFER-AREA# ."
+ ],
+ "Internet;Parking;Type;": [
+ "No , unfortunately there are no #HOTEL-NOOFFER-TYPE# that offer free parking but do not offer free internet ."
+ ],
+ "Price;Stars;Type;": [
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in that area with #HOTEL-NOOFFER-STARS# stars . Can I check for a guesthouse for you or would you like another area ?",
+ "I am sorry there are no #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# .",
+ "Sorry , I do n't have any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-PRICE# price range . Would you like to try a guesthouse or a 2 star hotel perhaps ?",
+ "I ' m sorry but we do n't have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# with #HOTEL-NOOFFER-STARS# stars , either . Do you have any other preferences ?",
+ "I am sorry I have no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# , maybe a more realistic star rating ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in town . Would you like to try a different rating or price ?",
+ "I am sorry but there are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# . Could we try another search ?"
+ ],
+ "Area;Stars;": [
+ "Nothing is rated #HOTEL-NOOFFER-STARS# stars in #HOTEL-NOOFFER-AREA# , what specifically would you like ?",
+ "I ' m terribly sorry , I have nothing that has #HOTEL-NOOFFER-STARS# stars in the #HOTEL-NOOFFER-AREA# at all .",
+ "No , there are no #HOTEL-NOOFFER-STARS# accommodations #HOTEL-NOOFFER-AREA# ."
+ ],
+ "Parking;": [
+ "I ' m not showing anything in that area of town with no parking . Would you like to try a different area ?"
+ ],
+ "Area;": [
+ "Sorry there are none in the #HOTEL-NOOFFER-AREA# .",
+ "There are none in the #HOTEL-NOOFFER-AREA# . Perhaps another criteria change ?",
+ "I ' m sorry , no , none in the #HOTEL-NOOFFER-AREA# .",
+ "There are n't any that match your criteria in the #HOTEL-NOOFFER-AREA# . Any other suggestions ?",
+ "I have nothing in the #HOTEL-NOOFFER-AREA# . Can I try something else ?"
+ ],
+ "Type;Type;": [
+ "I do not have any #HOTEL-NOOFFER-TYPE# or #HOTEL-NOOFFER-TYPE# matching that description",
+ "Sounds like your in a hurry , lets find a place before booking . Right now I see nothing that matches you search for #HOTEL-NOOFFER-TYPE# or #HOTEL-NOOFFER-TYPE# ."
+ ],
+ "Stars;Stars;Type;": [
+ "I do not have #HOTEL-NOOFFER-STARS# or #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# in that area . Can I try something else ?"
+ ],
+ "Area;Type;Type;": [
+ "No #HOTEL-NOOFFER-TYPE# or #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# , can I try an alternate search ?"
+ ],
+ "Price;Stars;": [
+ "I ' m sorry , but I could not find any #HOTEL-NOOFFER-STARS# star hotels in the #HOTEL-NOOFFER-PRICE# price range ."
+ ],
+ "Name;": [
+ "I am not finding anything for #HOTEL-NOOFFER-NAME# that suit your needs",
+ "Yes , I am sure . There is no #HOTEL-NOOFFER-NAME# in our system ."
+ ],
+ "Area;Internet;Stars;Type;": [
+ "There are no #HOTEL-NOOFFER-STARS# start #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# with free wifi ."
+ ],
+ "Area;Internet;Price;Type;": [
+ "I do not have any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# offering free wifi .",
+ "There are no #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# with free wifi .",
+ "There are no #HOTEL-NOOFFER-TYPE# in the #HOTEL-NOOFFER-AREA# , #HOTEL-NOOFFER-PRICE# with internet . Would you like to braoden your search ?"
+ ],
+ "Parking;Price;Stars;Type;": [
+ "Sorry , I ' m not finding any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# with free parking . Perhaps you 'd like a different option ?"
+ ],
+ "Price;": [
+ "I ' m sorry , I do n't have anything in the #HOTEL-NOOFFER-PRICE# price range , would you like to search for something else ?",
+ "There is none that is #HOTEL-NOOFFER-PRICE# . Would you like to change your criteria ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# hotels . Would you like to try searching for something else ?",
+ "I am sorry we do n't have any #HOTEL-NOOFFER-PRICE# ones in the area"
+ ],
+ "Parking;Type;": [
+ "there are no #HOTEL-NOOFFER-TYPE# with free parking"
+ ],
+ "Internet;Price;": [
+ "Unfortunately , none of the #HOTEL-NOOFFER-PRICE# hotels have free wifi . Would you prefer to try a different price range or go with a hotel without free wifi ?"
+ ],
+ "Area;Price;": [
+ "Unfortunately , I do n't happen to have any places that are #HOTEL-NOOFFER-PRICE# in the #HOTEL-NOOFFER-AREA# . Can I look for something else for you ?",
+ "No , none of them are #HOTEL-NOOFFER-PRICE# in the #HOTEL-NOOFFER-AREA# . Would you like to change your criteria ?"
+ ],
+ "Area;Parking;": [
+ "Unfortunately , I am not showing any availability in #HOTEL-NOOFFER-AREA# with free parking . Would you like to try another part of town ?"
+ ],
+ "Parking;Stars;Type;": [
+ "Unfortunately , I am still unable to find any #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# with free parking . Would you like for me to check three star hotels ?"
+ ],
+ "Internet;Price;Stars;Type;": [
+ "There are n't any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-STARS# star #HOTEL-NOOFFER-TYPE# that have free wifi . Do you have alternative preferences ?"
+ ],
+ "Choice-none;Stars;": [
+ "Unfortunately none of the options has #HOTEL-NOOFFER-STARS# stars , would you like to change the search criteria ?"
+ ],
+ "Parking;Price;Type;": [
+ "Unfortunately I ca n't find any #HOTEL-NOOFFER-PRICE# #HOTEL-NOOFFER-TYPE# with free parking ."
+ ]
+ },
+ "Hotel-Recommend": {
+ "Name;Name;Price;Price;": [
+ "If you 'd like something #HOTEL-RECOMMEND-PRICE# , I recommend the #HOTEL-RECOMMEND-NAME# . For something #HOTEL-RECOMMEND-PRICE# , I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "If price is not an issue , I recommend the #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-NAME# . If you want something #HOTEL-RECOMMEND-PRICE# , I recommend the #HOTEL-RECOMMEND-NAME# ."
+ ],
+ "Name;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It has all the attributes you requested and a great name ! Maybe even a real belfry ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? Fits your request perfectly .",
+ "Would #HOTEL-RECOMMEND-NAME# work for you ?",
+ "Everyone seems to enjoy the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "Will #HOTEL-RECOMMEND-NAME# be alright ?",
+ "I like the #HOTEL-RECOMMEND-NAME# since it is the same price and has an extra star .",
+ "how about #HOTEL-RECOMMEND-NAME# ? it looks lovely .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "Alright how does the #HOTEL-RECOMMEND-NAME# sound ?",
+ "Okay , how about the #HOTEL-RECOMMEND-NAME# If fits everything you need .",
+ "I would suggest this place #HOTEL-RECOMMEND-NAME# . Is that okay ?",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? I hear it 's lovely .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "I think the #HOTEL-RECOMMEND-NAME# is lovely !",
+ "I think the #HOTEL-RECOMMEND-NAME# is your best bet !",
+ "May I suggest #HOTEL-RECOMMEND-NAME# ?",
+ "I would recommend #HOTEL-RECOMMEND-NAME# . Would you like more information ?",
+ "I recommend #HOTEL-RECOMMEND-NAME# , that ' ve got some good reviews .",
+ "The #HOTEL-RECOMMEND-NAME# may be a good choice .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# .",
+ "the #HOTEL-RECOMMEND-NAME# is a great place",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "The #HOTEL-RECOMMEND-NAME# is a very nice place .",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "No , I think #HOTEL-RECOMMEND-NAME# might be more in your range .",
+ "The #HOTEL-RECOMMEND-NAME# is a good option .",
+ "Ok i have the #HOTEL-RECOMMEND-NAME# for you .",
+ "I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "sure , there is the #HOTEL-RECOMMEND-NAME# in that area .",
+ "How about #HOTEL-RECOMMEND-NAME# ? I hear it 's lovely .",
+ "I would suggest the #HOTEL-RECOMMEND-NAME# . It is very nice . Can I get you some information on it ?",
+ "I can suggest the #HOTEL-RECOMMEND-NAME# .",
+ "In that case , I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "I suggest the #HOTEL-RECOMMEND-NAME# .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# then .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I recommend the #HOTEL-RECOMMEND-NAME# .",
+ "Would you care to try the #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? ?",
+ "I would suggest the #HOTEL-RECOMMEND-NAME# .",
+ "the #HOTEL-RECOMMEND-NAME# is great !",
+ "How does the #HOTEL-RECOMMEND-NAME# sound to you ?",
+ "how about #HOTEL-RECOMMEND-NAME# ? i hear it 's lovely .",
+ "I can suggest the #HOTEL-RECOMMEND-NAME# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "The #HOTEL-RECOMMEND-NAME# is nice",
+ "how about #HOTEL-RECOMMEND-NAME# ? It sounds lovely .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "Would you like to try the #HOTEL-RECOMMEND-NAME# first ?",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "Alright , might I suggest the #HOTEL-RECOMMEND-NAME# then ?",
+ "I suggest #HOTEL-RECOMMEND-NAME# .",
+ "Personally , I hear good things about #HOTEL-RECOMMEND-NAME# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "I can book you at the #HOTEL-RECOMMEND-NAME# if you would like .",
+ "how about #HOTEL-RECOMMEND-NAME# ? i hear they 're great .",
+ "Sure thing I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "i will recommend #HOTEL-RECOMMEND-NAME# . can i give you the contact ?",
+ "Okay , I recommend the #HOTEL-RECOMMEND-NAME# .",
+ "how about #HOTEL-RECOMMEND-NAME# ? it 's lovely",
+ "how about #HOTEL-RECOMMEND-NAME# ?",
+ "I would suggest the #HOTEL-RECOMMEND-NAME# .",
+ "I would like to recommend #HOTEL-RECOMMEND-NAME# if that is alright with you ?",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "Then may I suggest the #HOTEL-RECOMMEND-NAME# ?",
+ "The #HOTEL-RECOMMEND-NAME# may be a great option .",
+ "how about #HOTEL-RECOMMEND-NAME# ? it looks lovely",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "After further review I believe #HOTEL-RECOMMEND-NAME# would be perfect for your stay !",
+ "Yes , I would recommend #HOTEL-RECOMMEND-NAME# .",
+ "I do like the #HOTEL-RECOMMEND-NAME# . It 's a very nice place and it fits your requirements .",
+ "In that case , I would recommend #HOTEL-RECOMMEND-NAME# .",
+ "what about #HOTEL-RECOMMEND-NAME# ? its lovely",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? I hear it 's lovely .",
+ "how about #HOTEL-RECOMMEND-NAME# ?",
+ "how about #HOTEL-RECOMMEND-NAME# ?",
+ "sure ! how about #HOTEL-RECOMMEND-NAME# ? i hear it 's lovely .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "It sounds like you 're looking for #HOTEL-RECOMMEND-NAME# then !",
+ "Sure thing , I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# , would you like more info on it ?",
+ "I would suggest #HOTEL-RECOMMEND-NAME# it is a great place to stay .",
+ "Sure thing , I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "I would suggest this one #HOTEL-RECOMMEND-NAME# .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# .",
+ "Can I recommend #HOTEL-RECOMMEND-NAME# ?",
+ "Okay , how about #HOTEL-RECOMMEND-NAME# ?",
+ "You might want to try #HOTEL-RECOMMEND-NAME# .",
+ "In that case I will suggest #HOTEL-RECOMMEND-NAME# .",
+ "You might want to try #HOTEL-RECOMMEND-NAME# .",
+ "Okay , I recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would recommend #HOTEL-RECOMMEND-NAME# , i hear it 's lovely",
+ "I heaar #HOTEL-RECOMMEND-NAME# is nice .",
+ "Okay , the #HOTEL-RECOMMEND-NAME# fits all of your needs .",
+ "Okay , how about #HOTEL-RECOMMEND-NAME# ?",
+ "I can suggest #HOTEL-RECOMMEND-NAME# .",
+ "Yes , they both do . May I recommend #HOTEL-RECOMMEND-NAME# ?",
+ "Okay , how about the #HOTEL-RECOMMEND-NAME# ?",
+ "Yes ! How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "how about #HOTEL-RECOMMEND-NAME# , it seems lovely .",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "I can suggest the #HOTEL-RECOMMEND-NAME# .",
+ "I can recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "Yes , how about the #HOTEL-RECOMMEND-NAME# ?",
+ "Okay , I would like to recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? It looks great .",
+ "How about #HOTEL-RECOMMEND-NAME# ? I hear it 's lovely .",
+ "How about #HOTEL-RECOMMEND-NAME# ? This meets all your criteria .",
+ "I like the #HOTEL-RECOMMEND-NAME# . Can I get you some more information on that one ?",
+ "The #HOTEL-RECOMMEND-NAME# may be a good option for you .",
+ "sorry about that , actually #HOTEL-RECOMMEND-NAME# fits that criteria .",
+ "Okay , how about the #HOTEL-RECOMMEND-NAME# ?",
+ "Sure thing , I would suggest the #HOTEL-RECOMMEND-NAME# .",
+ "Okay I recommend the #HOTEL-RECOMMEND-NAME# .",
+ "Okay . I would like to recommend the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? It looks lovely .",
+ "how about #HOTEL-RECOMMEND-NAME# ? it 's lovely",
+ "I would reccomend #HOTEL-RECOMMEND-NAME# . Will this work for you ?",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? They have excellent reviews .",
+ "Okay , how about the #HOTEL-RECOMMEND-NAME# ?",
+ "How about the #HOTEL-RECOMMEND-NAME# ?",
+ "How about The #HOTEL-RECOMMEND-NAME# ?",
+ "The #HOTEL-RECOMMEND-NAME# is a good option for you .",
+ "i recommend #HOTEL-RECOMMEND-NAME# for you",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "I would suggest #HOTEL-RECOMMEND-NAME# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# then ."
+ ],
+ "Addr;Area;Name;Post;Type;": [
+ "The #HOTEL-RECOMMEND-NAME# is a #HOTEL-RECOMMEND-TYPE# on the #HOTEL-RECOMMEND-AREA# . The addres sis #HOTEL-RECOMMEND-ADDR# post code #HOTEL-RECOMMEND-POST# ."
+ ],
+ "Addr;Name;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It 's located at #HOTEL-RECOMMEND-ADDR# .",
+ "I can recommend #HOTEL-RECOMMEND-NAME# , they are at #HOTEL-RECOMMEND-ADDR# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# Road . Would you like the number ?",
+ "The #HOTEL-RECOMMEND-NAME# is nice . It is at #HOTEL-RECOMMEND-ADDR# . Do you need a reservation ?",
+ "I recommend #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# would that due ?",
+ "Sure , I recommend #HOTEL-RECOMMEND-NAME# . It is on #HOTEL-RECOMMEND-ADDR# and is very popular .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# at #HOTEL-RECOMMEND-ADDR# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? The address is #HOTEL-RECOMMEND-ADDR# .",
+ "Sure how about the #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# ?",
+ "Sorry bout that , Dr Seuss gets the best of me sometimes ! How about #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# ?",
+ "How about #HOTEL-RECOMMEND-NAME# at #HOTEL-RECOMMEND-ADDR# ?",
+ "I could suggest for you #HOTEL-RECOMMEND-NAME# , It is in #HOTEL-RECOMMEND-ADDR# .",
+ "I suggest #HOTEL-RECOMMEND-NAME# it is in #HOTEL-RECOMMEND-ADDR# .",
+ "How about #HOTEL-RECOMMEND-NAME# . It 's at #HOTEL-RECOMMEND-ADDR# .",
+ "I can try for #HOTEL-RECOMMEND-NAME# , if you 'd like . They 're on #HOTEL-RECOMMEND-ADDR# .",
+ "Try #HOTEL-RECOMMEND-NAME# located at #HOTEL-RECOMMEND-ADDR# ."
+ ],
+ "Area;Internet;Name;Parking;Stars;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? They are in the #HOTEL-RECOMMEND-AREA# and have an excellent #HOTEL-RECOMMEND-STARS# stars . Free internet and parking !",
+ "May I recommend the very popular #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# with free wifi and parking ?",
+ "I would recommend #HOTEL-RECOMMEND-NAME# . It is in the #HOTEL-RECOMMEND-AREA# and has #HOTEL-RECOMMEND-STARS# stars with free wifi and parking .",
+ "In that case I recommend #HOTEL-RECOMMEND-NAME# . They have #HOTEL-RECOMMEND-STARS# stars and are in the #HOTEL-RECOMMEND-AREA# with parking and internet for you"
+ ],
+ "Name;Type;": [
+ "how about #HOTEL-RECOMMEND-NAME# ? it 's a lovely #HOTEL-RECOMMEND-TYPE# .",
+ "May I suggest the #HOTEL-RECOMMEND-TYPE# called the #HOTEL-RECOMMEND-NAME# .",
+ "What about #HOTEL-RECOMMEND-NAME# ? It is a lovely #HOTEL-RECOMMEND-TYPE# ."
+ ],
+ "Area;Name;": [
+ "How about #HOTEL-RECOMMEND-NAME# , it 's in the #HOTEL-RECOMMEND-AREA# .",
+ "It 's hard to say . How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# part of town ?",
+ "How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "In that case , I would recommend the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# on the #HOTEL-RECOMMEND-AREA# of town .",
+ "How about #HOTEL-RECOMMEND-NAME# , in the #HOTEL-RECOMMEND-AREA# ?",
+ "I 'd recommend the #HOTEL-RECOMMEND-NAME# . It is located in the #HOTEL-RECOMMEND-AREA# .",
+ "How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# ?",
+ "Okay . I would recommend #HOTEL-RECOMMEND-NAME# on the #HOTEL-RECOMMEND-AREA# side of town .",
+ "Would you like to try the #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about #HOTEL-RECOMMEND-NAME# ? It 's in the #HOTEL-RECOMMEND-AREA# .",
+ "How about the #HOTEL-RECOMMEND-NAME# it 's located in the #HOTEL-RECOMMEND-AREA# .",
+ "How about the #HOTEL-RECOMMEND-NAME# , in #HOTEL-RECOMMEND-AREA# Cambridge ?",
+ "I can recommend #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# on the #HOTEL-RECOMMEND-AREA# .",
+ "Okay , how about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# area of town ?",
+ "Might I suggest the #HOTEL-RECOMMEND-NAME# ? it 's located in the #HOTEL-RECOMMEND-AREA# .",
+ "What about #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "How about #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?",
+ "Yes in the #HOTEL-RECOMMEND-AREA# I have the #HOTEL-RECOMMEND-NAME# . Does that interest you ?",
+ "How about #HOTEL-RECOMMEND-NAME# , in the #HOTEL-RECOMMEND-AREA# part of town ?",
+ "I have the #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# .",
+ "how about #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ?"
+ ],
+ "Addr;Name;Phone;": [
+ "The #HOTEL-RECOMMEND-NAME# is at #HOTEL-RECOMMEND-ADDR# \t and their number is #HOTEL-RECOMMEND-PHONE# .",
+ "Can I recommend #HOTEL-RECOMMEND-NAME# located at #HOTEL-RECOMMEND-ADDR# , the phone number is #HOTEL-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Internet;Name;Parking;Price;": [
+ "I would recommend #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# . It has Internet and Parking and is #HOTEL-RECOMMEND-PRICE# . Does that sound good ?"
+ ],
+ "Addr;Area;Name;Phone;Price;": [
+ "I recommend #HOTEL-RECOMMEND-NAME# . It 's located #HOTEL-RECOMMEND-AREA# and is #HOTEL-RECOMMEND-PRICE# . Their address is #HOTEL-RECOMMEND-ADDR# and their phone number is #HOTEL-RECOMMEND-PHONE# ."
+ ],
+ "Area;Name;Price;Stars;": [
+ "I can suggest the #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# it is #HOTEL-RECOMMEND-PRICE# with #HOTEL-RECOMMEND-STARS# stars . Would you like to make reservations ?",
+ "In that case may I suggest the #HOTEL-RECOMMEND-NAME# ? It 's located in the #HOTEL-RECOMMEND-AREA# and has a #HOTEL-RECOMMEND-PRICE# price range with a #HOTEL-RECOMMEND-STARS# star rating .",
+ "I recommend the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# . It 's #HOTEL-RECOMMEND-PRICE# and #HOTEL-RECOMMEND-STARS# stars ."
+ ],
+ "Area;Name;Price;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It is a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# .",
+ "The #HOTEL-RECOMMEND-NAME# is a lovely #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# and it 's #HOTEL-RECOMMEND-PRICE# too !",
+ "I 'd recommend #HOTEL-RECOMMEND-NAME# . It 's a #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# , #HOTEL-RECOMMEND-PRICE# .",
+ "What about #HOTEL-RECOMMEND-NAME# ? It is an #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Internet;Name;Parking;Price;Stars;": [
+ "I found #HOTEL-RECOMMEND-NAME# that I think will fit your needs . It is #HOTEL-RECOMMEND-PRICE# , #HOTEL-RECOMMEND-STARS# stars and includes parking and internet !",
+ "I will recommend the #HOTEL-RECOMMEND-NAME# to you . It is a #HOTEL-RECOMMEND-STARS# star hotel with free parking and wifi and has excellent reviews though #HOTEL-RECOMMEND-PRICE# .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# which is #HOTEL-RECOMMEND-STARS# stars , #HOTEL-RECOMMEND-PRICE# and offers both free wifi and parking .",
+ "How about #HOTEL-RECOMMEND-NAME# ? It is #HOTEL-RECOMMEND-STARS# stars , has free internet and parking ; and is #HOTEL-RECOMMEND-PRICE# .",
+ "I do . #HOTEL-RECOMMEND-NAME# is a gem , rated #HOTEL-RECOMMEND-STARS# stars , but #HOTEL-RECOMMEND-PRICE# in price . They offer free wifi and free parking .",
+ "How about #HOTEL-RECOMMEND-NAME# ? They are #HOTEL-RECOMMEND-PRICE# with free wifi and parking and #HOTEL-RECOMMEND-STARS# stars ."
+ ],
+ "Area;Name;Price;": [
+ "I could recommend the #HOTEL-RECOMMEND-NAME# . It is in the #HOTEL-RECOMMEND-AREA# area and has a #HOTEL-RECOMMEND-PRICE# price range .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# , it is in the #HOTEL-RECOMMEND-AREA# , and #HOTEL-RECOMMEND-PRICE# .",
+ "The #HOTEL-RECOMMEND-NAME# is located on the #HOTEL-RECOMMEND-AREA# and is #HOTEL-RECOMMEND-PRICE# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? It 's #HOTEL-RECOMMEND-PRICE# and in the #HOTEL-RECOMMEND-AREA# .",
+ "How about the #HOTEL-RECOMMEND-NAME# ? #HOTEL-RECOMMEND-PRICE# and located in the #HOTEL-RECOMMEND-AREA# .",
+ "Ok . #HOTEL-RECOMMEND-NAME# is in the #HOTEL-RECOMMEND-AREA# in the #HOTEL-RECOMMEND-PRICE# price range . Would that work ?",
+ "May I recommend the #HOTEL-RECOMMEND-NAME# ? It 's in the #HOTEL-RECOMMEND-AREA# and #HOTEL-RECOMMEND-PRICE# .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# . It is in the #HOTEL-RECOMMEND-AREA# and #HOTEL-RECOMMEND-PRICE# .",
+ "I think you would enjoy the #HOTEL-RECOMMEND-NAME# which is in the #HOTEL-RECOMMEND-AREA# and is #HOTEL-RECOMMEND-PRICE# ."
+ ],
+ "Name;Post;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It 's in the #HOTEL-RECOMMEND-POST# postcode .",
+ "I will recommend #HOTEL-RECOMMEND-NAME# and the postcode for it is #HOTEL-RECOMMEND-POST# .",
+ "I recommend the #HOTEL-RECOMMEND-NAME# . The postal code is #HOTEL-RECOMMEND-POST# ."
+ ],
+ "Area;Area;Name;Name;": [
+ "OKay , we have the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# and the #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Area;Name;Parking;Price;": [
+ "I have the #HOTEL-RECOMMEND-NAME# with free parking in the #HOTEL-RECOMMEND-AREA# that is in the #HOTEL-RECOMMEND-PRICE# price range .",
+ "I would recommend the #HOTEL-RECOMMEND-NAME# . It is in the #HOTEL-RECOMMEND-AREA# and is an #HOTEL-RECOMMEND-PRICE# offering with free parking .",
+ "I would like to recommend the #HOTEL-RECOMMEND-NAME# . It is located in the #HOTEL-RECOMMEND-AREA# in the #HOTEL-RECOMMEND-PRICE# range with free parking .",
+ "Can I reccommend #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# , it has free parking and #HOTEL-RECOMMEND-PRICE# ?"
+ ],
+ "Area;Internet;Name;Parking;": [
+ "How does the #HOTEL-RECOMMEND-NAME# sound ? It 's in the #HOTEL-RECOMMEND-AREA# . It has free internet and free parking .",
+ "How about #HOTEL-RECOMMEND-NAME# ? It is on the #HOTEL-RECOMMEND-AREA# & has parking and wifi .",
+ "How about #HOTEL-RECOMMEND-NAME# ? It has free parking and wifi and is in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Area;Name;Name;Price;Price;": [
+ "If you want to stay in the #HOTEL-RECOMMEND-AREA# , the #HOTEL-RECOMMEND-NAME# is #HOTEL-RECOMMEND-PRICE# and quite nice . If you want #HOTEL-RECOMMEND-PRICE# , I recommend #HOTEL-RECOMMEND-NAME# ."
+ ],
+ "Area;Name;Parking;Phone;Stars;": [
+ "You should enjoy #HOTEL-RECOMMEND-NAME# . It has a #HOTEL-RECOMMEND-STARS# star rating and parking . It 's located in the #HOTEL-RECOMMEND-AREA# . Their number is #HOTEL-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Name;Price;": [
+ "I recommend the #HOTEL-RECOMMEND-NAME# . It is #HOTEL-RECOMMEND-PRICE# , but a good place on #HOTEL-RECOMMEND-ADDR# ."
+ ],
+ "Area;Name;Type;": [
+ "The #HOTEL-RECOMMEND-NAME# is a nice #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? They 're a #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Name;Price;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It is #HOTEL-RECOMMEND-PRICE# .",
+ "the #HOTEL-RECOMMEND-NAME# is quite nice . It 's #HOTEL-RECOMMEND-PRICE# too .",
+ "How about the #HOTEL-RECOMMEND-NAME# ? It 's in the #HOTEL-RECOMMEND-PRICE# price range .",
+ "Ok what about the #HOTEL-RECOMMEND-NAME# ? It 's priced #HOTEL-RECOMMEND-PRICE# .",
+ "At the #HOTEL-RECOMMEND-PRICE# price range , how about the #HOTEL-RECOMMEND-NAME# ?",
+ "I found #HOTEL-RECOMMEND-NAME# . It is #HOTEL-RECOMMEND-PRICE# but well valued .",
+ "How about the #HOTEL-RECOMMEND-NAME# ? It is in the #HOTEL-RECOMMEND-PRICE# .",
+ "I would recommend #HOTEL-RECOMMEND-NAME# . It fits your criteria except it is in a #HOTEL-RECOMMEND-PRICE# price range ."
+ ],
+ "Name;Parking;Stars;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It has free parking and is rated #HOTEL-RECOMMEND-STARS# stars ."
+ ],
+ "Internet;Name;Parking;Stars;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# and has free internet and free parking .",
+ "How about the #HOTEL-RECOMMEND-NAME# ? It 's a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# with internet and parking ."
+ ],
+ "Internet;Name;Price;Stars;": [
+ "The #HOTEL-RECOMMEND-NAME# is #HOTEL-RECOMMEND-STARS# stars , it has internet it is in the #HOTEL-RECOMMEND-PRICE# price range"
+ ],
+ "Area;Internet;Name;Parking;Price;Stars;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# . It is a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# with #HOTEL-RECOMMEND-STARS# star rating and free wifi and parking ."
+ ],
+ "Area;Internet;Name;Price;": [
+ "I would recommend the four - star #HOTEL-RECOMMEND-NAME# . It is a #HOTEL-RECOMMEND-PRICE# offering in the #HOTEL-RECOMMEND-AREA# and it has wifi ."
+ ],
+ "Name;Stars;Type;": [
+ "How about the #HOTEL-RECOMMEND-NAME# ? It is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# .",
+ "How about the #HOTEL-RECOMMEND-NAME# , which is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# ?"
+ ],
+ "Area;Internet;Name;Parking;Stars;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It is a #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# with #HOTEL-RECOMMEND-STARS# stars and has free internet and parking ."
+ ],
+ "Name;Parking;Stars;Type;": [
+ "I have found #HOTEL-RECOMMEND-NAME# \t\t which is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# and includes free parking ."
+ ],
+ "Area;Internet;Name;": [
+ "How about #HOTEL-RECOMMEND-NAME# in the #HOTEL-RECOMMEND-AREA# . it also has internet ."
+ ],
+ "Name;Phone;Post;": [
+ "How about the #HOTEL-RECOMMEND-NAME# ? It 's postcode is #HOTEL-RECOMMEND-POST# and the phone number is #HOTEL-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Name;Type;": [
+ "I would recommend #HOTEL-RECOMMEND-NAME# , a #HOTEL-RECOMMEND-TYPE# at #HOTEL-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Name;Post;": [
+ "Yes , I would recommend #HOTEL-RECOMMEND-NAME# . It is at #HOTEL-RECOMMEND-ADDR# , postcode #HOTEL-RECOMMEND-POST# ."
+ ],
+ "Area;Name;Parking;": [
+ "How about the #HOTEL-RECOMMEND-NAME# . It is in the #HOTEL-RECOMMEND-AREA# and meets your requirements including parking .",
+ "How does the #HOTEL-RECOMMEND-NAME# sound ? It 's in the #HOTEL-RECOMMEND-AREA# part of town and you 'd have access to free parking , too ."
+ ],
+ "Area;Name;Stars;": [
+ "I recommend #HOTEL-RECOMMEND-NAME# , which is a #HOTEL-RECOMMEND-STARS# star lodging in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Name;Price;Stars;": [
+ "I like the #HOTEL-RECOMMEND-NAME# . It is #HOTEL-RECOMMEND-STARS# stars and #HOTEL-RECOMMEND-PRICE# , really nice .",
+ "Oh , no problem . You would love the #HOTEL-RECOMMEND-NAME# . #HOTEL-RECOMMEND-STARS# stars , #HOTEL-RECOMMEND-PRICE# , free everything .",
+ "I recommend the #HOTEL-RECOMMEND-NAME# . It 's #HOTEL-RECOMMEND-STARS# stars , but #HOTEL-RECOMMEND-PRICE# !",
+ "How about the #HOTEL-RECOMMEND-NAME# ? It 's #HOTEL-RECOMMEND-PRICE# and has a #HOTEL-RECOMMEND-STARS# star rating .",
+ "Can I suggest the #HOTEL-RECOMMEND-NAME# ? It 's #HOTEL-RECOMMEND-PRICE# and has #HOTEL-RECOMMEND-STARS# stars .",
+ "I have #HOTEL-RECOMMEND-NAME# that is rated #HOTEL-RECOMMEND-STARS# stars and in the #HOTEL-RECOMMEND-PRICE# price range ."
+ ],
+ "Area;Internet;Name;Parking;Price;": [
+ "I recommend #HOTEL-RECOMMEND-NAME# , it 's in the #HOTEL-RECOMMEND-AREA# , #HOTEL-RECOMMEND-PRICE# , and comes with internet and parking .",
+ "I can see if there are rooms available at #HOTEL-RECOMMEND-NAME# in #HOTEL-RECOMMEND-AREA# . They are #HOTEL-RECOMMEND-PRICE# , have free parking as well as free internet .",
+ "How about the #HOTEL-RECOMMEND-NAME# ? It is in the #HOTEL-RECOMMEND-AREA# area and is #HOTEL-RECOMMEND-PRICE# with free internet and free parking ."
+ ],
+ "Internet;Name;Parking;Stars;": [
+ "You might enjoy the #HOTEL-RECOMMEND-NAME# . It 's rated #HOTEL-RECOMMEND-STARS# stars , and offers free wifi as well as free parking .",
+ "There is the #HOTEL-RECOMMEND-NAME# which is #HOTEL-RECOMMEND-STARS# star and has wifi and free parking ."
+ ],
+ "Internet;Name;Stars;": [
+ "the #HOTEL-RECOMMEND-NAME# has #HOTEL-RECOMMEND-STARS# stars and does also indeed , have Internet ."
+ ],
+ "Area;Internet;Name;Parking;Price;Stars;": [
+ "I think the #HOTEL-RECOMMEND-NAME# would be perfect for you . It is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-PRICE# hotel right in the #HOTEL-RECOMMEND-AREA# with both free parking and internet",
+ "I have the #HOTEL-RECOMMEND-NAME# , which is #HOTEL-RECOMMEND-STARS# stars , #HOTEL-RECOMMEND-PRICE# , and in the #HOTEL-RECOMMEND-AREA# with free internet and parking ."
+ ],
+ "Area;Name;Parking;Price;Stars;Type;": [
+ "Okay I could recommend the #HOTEL-RECOMMEND-NAME# which is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# with free parking in the #HOTEL-RECOMMEND-PRICE# price range located on the #HOTEL-RECOMMEND-AREA# side ."
+ ],
+ "Area;Name;Price;Stars;Type;": [
+ "The #HOTEL-RECOMMEND-NAME# is a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# on the #HOTEL-RECOMMEND-AREA# in the #HOTEL-RECOMMEND-PRICE# price range .",
+ "If you have no particular requirements , you might like the #HOTEL-RECOMMEND-NAME# , which is an #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-TYPE# on the #HOTEL-RECOMMEND-AREA# .",
+ "How about the #HOTEL-RECOMMEND-NAME# it 's a #HOTEL-RECOMMEND-STARS# star #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Area;Internet;Name;Stars;": [
+ "I would recommend #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-AREA# , #HOTEL-RECOMMEND-STARS# stars and does have wi - fi ."
+ ],
+ "Area;Name;Parking;Price;Stars;": [
+ "I ' m sorry for the confusion . May I suggest #HOTEL-RECOMMEND-NAME# , which is #HOTEL-RECOMMEND-PRICE# , in the #HOTEL-RECOMMEND-AREA# , with #HOTEL-RECOMMEND-STARS# stars , and free parking ?"
+ ],
+ "Internet;Name;Parking;Price;": [
+ "How about the #HOTEL-RECOMMEND-NAME# ? It is #HOTEL-RECOMMEND-PRICE# and has both internet and parking ?",
+ "How does the #HOTEL-RECOMMEND-NAME# sound ? It has internet and free parking and is #HOTEL-RECOMMEND-PRICE# .",
+ "How about #HOTEL-RECOMMEND-NAME# ? They are #HOTEL-RECOMMEND-PRICE# and have both internet and parking .",
+ "Sure , how about #HOTEL-RECOMMEND-NAME# they are #HOTEL-RECOMMEND-PRICE# and have free parking and wifi ?"
+ ],
+ "Internet;Name;Parking;": [
+ "What about the #HOTEL-RECOMMEND-NAME# with internet and parking ?"
+ ],
+ "Name;Name;Price;Price;Type;Type;": [
+ "We have the #HOTEL-RECOMMEND-NAME# , which is an #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# , or the #HOTEL-RECOMMEND-NAME# , which is a charming , but #HOTEL-RECOMMEND-PRICE# , #HOTEL-RECOMMEND-TYPE# ."
+ ],
+ "Addr;Addr;Name;Post;": [
+ "the #HOTEL-RECOMMEND-NAME# is located at #HOTEL-RECOMMEND-ADDR# , #HOTEL-RECOMMEND-ADDR# . Postcode #HOTEL-RECOMMEND-POST# ."
+ ],
+ "Name;Stars;": [
+ "Yes , the #HOTEL-RECOMMEND-NAME# has #HOTEL-RECOMMEND-STARS# stars and meets your criteria . Would you like me to make a reservation for you ?",
+ "Well I can recommend #HOTEL-RECOMMEND-NAME# that is also rated #HOTEL-RECOMMEND-STARS# stars ."
+ ],
+ "Addr;Area;Name;": [
+ "May I recommend the #HOTEL-RECOMMEND-NAME# located in the #HOTEL-RECOMMEND-AREA# at #HOTEL-RECOMMEND-ADDR# ?"
+ ],
+ "Name;Parking;": [
+ "How about #HOTEL-RECOMMEND-NAME# , the do n't have free parking though ."
+ ],
+ "Name;Price;Stars;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# #HOTEL-RECOMMEND-TYPE# ? It is in the #HOTEL-RECOMMEND-PRICE# price range and has #HOTEL-RECOMMEND-STARS# stars .",
+ "May I suggest #HOTEL-RECOMMEND-NAME# ? It 's a #HOTEL-RECOMMEND-PRICE# , #HOTEL-RECOMMEND-STARS# star , #HOTEL-RECOMMEND-TYPE# ."
+ ],
+ "Addr;Internet;Name;Parking;": [
+ "I have chosen the #HOTEL-RECOMMEND-NAME# for you ! It has parking along with internet capabilities . The address is #HOTEL-RECOMMEND-ADDR# ."
+ ],
+ "Name;Parking;Price;Stars;": [
+ "Might I suggest the #HOTEL-RECOMMEND-NAME# ? They 're #HOTEL-RECOMMEND-PRICE# , ranked #HOTEL-RECOMMEND-STARS# stars , and they do offer free parking ."
+ ],
+ "Area;Internet;Name;Parking;Type;": [
+ "I 'd suggest #HOTEL-RECOMMEND-NAME# . It 's a #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# area with free internet and parking ."
+ ],
+ "Name;Price;Type;": [
+ "I would go with the #HOTEL-RECOMMEND-NAME# if I were choosing a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# .",
+ "Would you like to stay at #HOTEL-RECOMMEND-NAME# ? It 's a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# .",
+ "Yes , if you 're looking for a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# , then #HOTEL-RECOMMEND-NAME# should be right up your alley !"
+ ],
+ "Price;Stars;": [
+ "Would you settle for a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-STARS# star ?"
+ ],
+ "Name;Name;": [
+ "Okay we have the #HOTEL-RECOMMEND-NAME# and #HOTEL-RECOMMEND-NAME# that match your specifications .",
+ "Could I recommend #HOTEL-RECOMMEND-NAME# or #HOTEL-RECOMMEND-NAME# ?"
+ ],
+ "Area;Internet;Name;Type;": [
+ "I could recommend #HOTEL-RECOMMEND-NAME# . It is a #HOTEL-RECOMMEND-TYPE# in the #HOTEL-RECOMMEND-AREA# and it has internet ."
+ ],
+ "Area;Internet;Name;Price;Stars;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It is located in the #HOTEL-RECOMMEND-AREA# of the city , is #HOTEL-RECOMMEND-PRICE# priced , has #HOTEL-RECOMMEND-STARS# stars , and has free wifi . I think it would be perfect ofor you !",
+ "Great , how about the #HOTEL-RECOMMEND-NAME# ? It 's in the #HOTEL-RECOMMEND-AREA# , #HOTEL-RECOMMEND-PRICE# price , and #HOTEL-RECOMMEND-STARS# stars . It also has internet ."
+ ],
+ "Type;": [
+ "Of course , would a #HOTEL-RECOMMEND-TYPE# be OK ?"
+ ],
+ "Addr;Name;Phone;Post;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It 's at #HOTEL-RECOMMEND-ADDR# #HOTEL-RECOMMEND-POST# , and the phone number is #HOTEL-RECOMMEND-PHONE# . Would that work for you ?"
+ ],
+ "Internet;Name;Price;": [
+ "How about #HOTEL-RECOMMEND-NAME# ? Free wifi and #HOTEL-RECOMMEND-PRICE# price range ."
+ ],
+ "Area;Internet;Name;Price;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# in #HOTEL-RECOMMEND-AREA# ? It is a #HOTEL-RECOMMEND-PRICE# #HOTEL-RECOMMEND-TYPE# with free WIFI ."
+ ],
+ "Internet;Name;": [
+ "the #HOTEL-RECOMMEND-NAME# has free wifi ."
+ ],
+ "Addr;Internet;Name;Parking;Price;Stars;Type;": [
+ "How about #HOTEL-RECOMMEND-NAME# on #HOTEL-RECOMMEND-ADDR# ? It 's a #HOTEL-RECOMMEND-PRICE# price range #HOTEL-RECOMMEND-TYPE# that is rated #HOTEL-RECOMMEND-STARS# stars with free parking and wifi ."
+ ],
+ "Addr;Addr;Internet;Name;Parking;": [
+ "I recommend the #HOTEL-RECOMMEND-NAME# . It has free parking and wifi , and it 's located at #HOTEL-RECOMMEND-ADDR# , #HOTEL-RECOMMEND-ADDR# ."
+ ],
+ "Name;Phone;Price;Stars;": [
+ "I recommend #HOTEL-RECOMMEND-NAME# . it is rated #HOTEL-RECOMMEND-STARS# stars and is #HOTEL-RECOMMEND-PRICE# . Their number is #HOTEL-RECOMMEND-PHONE# ."
+ ]
+ },
+ "Hotel-Request": {
+ "Area;": [
+ "Okay , do you have a specific area you want to stay in ?",
+ "Thanks for that information . What area are you looking to stay in ?",
+ "Yes , we should be able to find you a guesthouse . Remind me of the area you need that in .",
+ "Excellent . Do you have an idea on the location ?",
+ "What area would you like the hotel in ?",
+ "Absolutely ! Is there a specific area of town you 're interested in ?",
+ "What area of town would you like to be in ?",
+ "What area would you like to stay in ?",
+ "Just for clarification would you like to be in the city centre ?",
+ "Let me get some additional information . What area of town would you like to stay in ?",
+ "I can help you with that . Is there a particular part of town you would like to stay in ?",
+ "which side of town are you ok with ?",
+ "Do you have an area of town in mind ?",
+ "Yes , let me help you with that . In what area of town would you like to stay ?",
+ "In what area would you prefer ?",
+ "There are several in that price range . Did you have a particular area in mind ?",
+ "I can help you . Which part of town ?",
+ "What area of town would you like to stay in ?",
+ "Sure , what area are you thinking of staying ?",
+ "Absolutely , what area were you wanting to stay in ?",
+ "Yes ! What part of town would you like to stay in ?",
+ "What area are you wanting to stay ?",
+ "Certainly . What part of town are you wanting to stay in ?",
+ "Do you have a preference in area ?",
+ "Certainly . I have many hotels matching that description . Do you have a preference for what area you stay in ?",
+ "Does it matter what side of town it is on ?",
+ "Do you know what area you would like to stay in ?",
+ "Certainly . What area of town would you like to stay in ?",
+ "What area of town would you like ?",
+ "Of course ! What area are you looking for ?",
+ "Sure , I can help you with that . What area would you like to stay in ?",
+ "What part of town would you like to stay in ?",
+ "Do you have a specific area you want to stay in ?",
+ "Which side of town would you prefer ?",
+ "Are you looking for lodgings near Cambridge Artworks , or in a different part of the City ?",
+ "Which are would you like to stay in ?",
+ "Is there a specific area of town you would like to stay in ?",
+ "Sure , is there a particular part of town you prefer ?",
+ "What area would you prefer ?",
+ "Sure ! What area would you like to stay ?",
+ "What area are you looking to stay in ?",
+ "In which area would you prefer ?",
+ "I 'll be happy to help . Can you tell me if there is an area of town you prefer ?",
+ "I can help you find this information ! Did you have a particular area of town in mind ?",
+ "Were you looking for a hotel in a particular area ?",
+ "Of course , in which area of town will you be staying ?",
+ "yes and which area would you be interested in ?",
+ "Do you have an area in mind ?",
+ "Sure . Would you like a particular area of town ?",
+ "Which area would you like to stay in ?",
+ "Okay . What part of town will you be visiting ?",
+ "Sure . Do you want the same part of town ?",
+ "I 'll be more than happy to help you book a room as soon as you tell me what part of town you prefer .",
+ "Do you have a specific area you would like to stay in ?",
+ "I have 4 but need to know what area you would like to stay in ?",
+ "In which area would you like to stay ?",
+ "Which area of town would you like to stay ?",
+ "Okay what area would you like to stay in ?",
+ "What area would you like to stay in ?",
+ "What area would you prefer to stay in ?",
+ "Is there a part of the city you would like to stay in ?",
+ "What area of town would be your preference ?",
+ "Which are would you like ?",
+ "Would you like to stay in a specific area ?",
+ "What area would you like the hotel to be in ?",
+ "No problem , do you want to stay in the centre as well ?",
+ "Which area of town will you be staying in ?",
+ "Sure , what area of town are you interested in ?",
+ "Do you have a preferred section of town ?",
+ "What area are you looking to stay in ?",
+ "Do you have a area of town you prefer ?",
+ "Which part of Cambridge would you like to stay in ?",
+ "What are would you like to stay in ?",
+ "Are you sure you would not prefer another side of town ?",
+ "What area should it be in ?",
+ "Sure , do you have any area preferences ?",
+ "Certainly . What area of town do you prefer ?",
+ "Great , do you need the hotel to be in a particular part of town ?",
+ "We have many options available to you that may suit you is there a particular part of town that you would prefer ?",
+ "Sure , can I narrow down your preference a bit ? Is there a part of town you prefer ?",
+ "What part of town would you like to stay in ?",
+ "I can definitely help you out with that . Is there a certain area of town you 'd like to stay in ?",
+ "Sure , I can help you with that . What part of town were you looking for ?",
+ "Would you like to stay in the East part of town , near the gallery ?",
+ "of course , is there an area of town you 're interested in ?",
+ "Sure , are you staying in a certain part of town ?",
+ "I ' m sorry , there is nothing that matches your criteria . Are you sure I can not check another area for you ?",
+ "Of course ! What part of town would you like to stay in ?",
+ "Can I get an area you would like to stay in ?",
+ "What area of town will you be staying in ?",
+ "Sure I can help with that . What area will you be staying in ?",
+ "Do you wish to stay in the centre of town ?",
+ "Did you have a particular area of town in mind ?",
+ "Is there a specific side of town you 'd like to be on ?",
+ "Do you have a specific area in mind ?",
+ "I would be happy to help you with that ! Can you specify what area you would like to stay in ?",
+ "Yes , there are several . Do you have a certain area in mind ?",
+ "Okay . let 's narrow down your options . Which area of town do you prefer ?",
+ "Do you want the hotel to be in a certain part of town ?",
+ "Which area would you like to be in ?",
+ "What part of town are you wanting to stay in ?",
+ "Sure , which part of town do you want to stay in ?",
+ "Do you want to stay in a particular area of town ?",
+ "Okay and what area would you like to stay in ?",
+ "Do you have a preferred area of the city you 'd like to stay in ?",
+ "What area would you like to be in ?",
+ "Is there a certain area you would like to stay in ?",
+ "I can help you find a nice place to stay . First , did you have a particular area of town you were interested in ?",
+ "Can we narrow down your search by area ?",
+ "Okay , what area would you like to stay in ?",
+ "Did you want the hotel to be in the centre area , also ?",
+ "I will be happy to help with that , is there a certain area you were looking to stay at ?",
+ "Is there a certain side of town you want to be on ?",
+ "Sure , what area of town are you interested in ?",
+ "What area of the city would you like the hotel to be in ?",
+ "Thank you , do you have a preference in area ?",
+ "Where would you like to stay on your trip ?",
+ "I 'd be happy to help with your request , to help narrow the results down , what area are you looking to stay in ?",
+ "Of course , could you tell me the area you would like to stay in so I can narrow it for you ?",
+ "Sure , do you have a preference in the area of town ?",
+ "In what area would you prefer it to be ?",
+ "Is there a specific area you 'd like me to search ?",
+ "Do you care whether it is in the same area or not ?",
+ "What area would you prefer ?",
+ "Do you have any particular area that you 'd like to stay in ?",
+ "What part of town would you like to stay in ?",
+ "Okay ! What part of town would you like to stay in ?",
+ "Okay , in what area ?",
+ "Is there a particular part of town that you would like to stay in ?",
+ "In what area would you like to stay ?",
+ "Is there a specific part of town you would like to stay in ?",
+ "Sure thing , do you have an area you 're looking to stay at ?",
+ "What area of town would you like your hotel ?",
+ "Sure , what part of town do you prefer ?",
+ "Which area would you like ?",
+ "Are you looking for an establishment in a certain area ?",
+ "Are you looking for a hotel in a particular area ?",
+ "What area would you like to stay in ?",
+ "What area are you looking to stay in ?",
+ "What area would you like to stay in ?",
+ "Do you have an area of town you prefer ?",
+ "What area would you prefer to stay in ? This will help narrow down your options .",
+ "Would you like a certain area of town ?",
+ "I can help with that . Is there a part of town you prefer ?",
+ "Which side of town are you interested in staying ?",
+ "Do you have a specific area in mind ?",
+ "Sure , I can help you with that . Were you looking for a specific area of town ?",
+ "I prefer hotels also . What part of town did you have in mind ?",
+ "I would love to help ! Which part of town would you like ?",
+ "Do you care whether the hotel is in the city center ?",
+ "Do you have a specific location you want to be ?",
+ "Is there a particular area you would like to stay in ?",
+ "What area would you like to stay in ?",
+ "What area of town would you like to stay in ?",
+ "Are you going to stay in a specific area of town ?",
+ "Is there a particular side of town you prefer ?",
+ "I can certainly help you with that ! What area are you looking to stay in ?",
+ "Is there an area of town you 'd prefer ?",
+ "What side of town would you like to stay on ?",
+ "Where would you like the hotel to be located in town ?",
+ "There are many options available for you . In what area would you like to be located ?",
+ "Do you want to stay in a particular area of town ?",
+ "Is there a particular part of Cambridge you are hoping to stay in ?",
+ "There are are lots of options . Is there a particular side of town you would like to stay in ?",
+ "Okay there are many to choose from . Do you have a preference for the area you stay in ?",
+ "Can you tell what area you will be staying in ?",
+ "Yes , what area would you like to stay in ?",
+ "What area of town would you like to stay ?",
+ "Sure , I can do that . Did you want to narrow it to a specific area of town ?",
+ "I have several hotels matching your request available . What part of town would you prefer ?",
+ "Would you like the guesthouse on the east side of town as well ?",
+ "What area of town interests you most ?",
+ "Is there a specific area you would like to stay in ?",
+ "That we have ! Do you have a preference on the area ?",
+ "Do you have an area you prefer ?",
+ "What area would you like it to be in ?",
+ "What area are you wanting to stay in ?",
+ "Which area would you prefer north , south , or east ?",
+ "Which area of town would you like it to be in ?",
+ "Sure , got an area of town you want to stay in ?",
+ "What area of town do you want to stay in ?",
+ "Do you have a location preference ?",
+ "I will be happy to help . First , can you tell me if there is a certain area of town you wish to stay in ?",
+ "Sure , there are some nice guesthouses to choose from . Would you like to stay in the north , south , or west of town ?",
+ "What area would you like to stay in ?",
+ "What area would you like to stay in ?",
+ "I would be more than happy to . Are you looking for a hotel in a particular part of town ?",
+ "What area of town interests you most ?",
+ "Yes what area are you looking to stay in ?",
+ "Sure , what area would you like to stay in ?",
+ "Which area would you like to stay in ?",
+ "What is your location preference ?",
+ "Is location important ?",
+ "Not a problem . Do you have a preference on area ?",
+ "In what area would you like to stay ?",
+ "I 'd be happy to help with your request , to help narrow down the results , what area are you looking to stay in ?",
+ "Are you going to stay in a specific area of town ?",
+ "In what area would you like it to be ?",
+ "Okay , I can look that up for you . Did you want to stay in a particular area of town ?",
+ "What area of town will you be staying in ?",
+ "What area would you like to stay in ?",
+ "What area would you like to stay in ?",
+ "What area of town ?",
+ "Are you sure you do n't want me to check another area for you to stay ?",
+ "Is there a certain area you would like to be in ?",
+ "I would be happy to help you . What area are you interested in ?",
+ "Sure , do you have an area of town you want to stay in ?",
+ "What area of town do you prefer ?",
+ "sure ! do you want the hotel to be in a particular area ?",
+ "Sure , I can assist you with that . Was there an area of town you were looking for ?",
+ "Certainly . What area of town would you like to stay in ?",
+ "What area are you looking for ?",
+ "Sure , what area are you thinking of staying ?",
+ "Yes they are . What area would you prefer ?",
+ "What area would you like to stay in ?",
+ "I can help with that . Do you have a preference in location ?",
+ "Sure . What area would you like to stay in ?",
+ "To help narrow this down , can you tell me what area of town you 'd like most ?",
+ "Sure , most places offer that these days . Do you have an area of town you would like to stay in ?",
+ "Do you have a area of town you prefer ?",
+ "Is there a certain area you would like it to be in ?",
+ "We have several options that may suit you . Does location matter ?",
+ "What area would you like to stay in ?",
+ "Yes , would you like that to also be in the centre area ?",
+ "Do you want to stay in a certain area ?",
+ "What area of town could you like the hotel to be located ?",
+ "Do you have a location preference ?",
+ "Okay and what area will you be staying in ?",
+ "Are you looking to stay in a specific area ?",
+ "What area would you like it to be in ?",
+ "Did you have a preference for the area ?",
+ "What side of town would you like to be on ?",
+ "Is there an area of town you 'd prefer ?",
+ "What part of town are you looking at staying in ?",
+ "sure , what area do you prefer and when is your stay if I may ask ?",
+ "Is there a specific area you would like to be in ?",
+ "What area would you like to stay in ?",
+ "Can I get information on the area you would like the guesthouse in ?",
+ "Alright , is there a certain area you would like to stay in ?",
+ "Is there an area you 'd prefer to stay in ?",
+ "Do you mean in the center of town ?",
+ "which side of town do you prefer ?",
+ "Please specify the area of town that you 'd like to stay in .",
+ "What area of town are you looking to stay in ?",
+ "What area do you prefer for your hotel ?",
+ "What are would you like to stay in ?",
+ "What area of town ?",
+ "Yes , there are several guest houses available , do you have a specific area you 'd like to stay at ?",
+ "In what area would you like it ?",
+ "Sure , do you have an area you want to stay in ?",
+ "And what area would you like ?",
+ "Yes , of course . What area will you be staying in ?",
+ "I can help with that . What area would you like to stay in ?",
+ "I would need an area to narrow the search for you .",
+ "Sure thing which area ?",
+ "Is there a specific part of town that you are wanting to stay ?",
+ "Which part of time would you like to stay in ?",
+ "Which part of town are you looking to stay in ?",
+ "Certainly , is there an area of town you prefer ?",
+ "Would you also like that in the same area as the restaurant ?",
+ "Sure , what area of town would you like to stay in ?",
+ "Which area would you prefer ?",
+ "What part of town do you want to stay in ?",
+ "Is there a certain area you 'd like it to be in or would you like me to make a recommendation ?",
+ "what area of town could you love to stay ?",
+ "What are would you like to stay in ?",
+ "Which are would you like it to be in ?",
+ "Any particular area you would like to stay ?",
+ "Okay ! What part of town would you like to stay in ?",
+ "What area would you like to be in ?",
+ "Do you have a certain area you would like ?",
+ "There are a lot of guesthouses that meet that criteria . Do you want to stay in a particular area ?",
+ "What area do you need it to be in ?",
+ "what about prefered side of town ?",
+ "Sure what area do you have in mind ?",
+ "I would love to help . Which part of town ?",
+ "Which area would you prefer to stay in ?",
+ "What area would you like ?",
+ "Can you tell me what area you would like to stay in please ?",
+ "Sure , I can find one for you . What area of town would you like to stay in ?",
+ "What area would you like to stay in ?",
+ "Is there a certain area you would like to be in ?",
+ "Okay , and what area will you be staying in ?",
+ "Okay I can help with that . What area would you like to stay in ?",
+ "In what area will you need the room ?",
+ "Is there a certain area in town you would like to stay ?",
+ "And , in which area would you like to stay ?",
+ "Sure , what part of town ?",
+ "Is there a specific area you would like to stay in ?",
+ "Did you want it to be in a specific area of town ?",
+ "sure , in what area of town ?",
+ "Do you have a part of town you would prefer ?",
+ "Sure , what part of town do you like ?",
+ "What area would you like to stay ?",
+ "Yes , I can ! First , do you have a particular area of town you are interested in ?",
+ "In what area of town are you looking to stay ?",
+ "In what area ?",
+ "Certainly . What part of town do you prefer ?",
+ "Is there a certain side of town you would like to stay on ?",
+ "Sure . What area would you like to stay in ?",
+ "I 'd be happy to help with your request . To help narrow the results , what area are you looking to stay in ?",
+ "What area do you need to be in ?",
+ "Sure . What area would you like to stay in ?",
+ "Was there a particular section of town you were looking for ?",
+ "Sure , what part of town would you like to stay in ?",
+ "In what area would you like to stay ?",
+ "What area would you like to stay in ?",
+ "Will you be staying in the centre ?",
+ "on what area should your hotel be ?",
+ "And what area would that be in please ?",
+ "I sure can . What area would you like to stay ?",
+ "In what area would you like to stay ?",
+ "What area would you like to stay in ?",
+ "I ' m happy to help you find something . To start , do you have a certain area of town in mind ?",
+ "What area are you wanting to stay in ?",
+ "Which area could you like the hotel to be located at ?",
+ "Sure , what part of town do you prefer ?",
+ "What area would you like to stay in ?",
+ "And where would you like this guesthouse to be ?",
+ "Sure . I 'll need a little more information . Is there an area you are interested in ?",
+ "There are several . Is there an area of town you are interested in ?",
+ "I sure can help you ! Is there a particular area you are wanting to search in ?",
+ "What area of town are you particularly interested in ?",
+ "Sure , I can help with that . Do you have an area , or amenites I should look for ?",
+ "which side would you like to be ?",
+ "OK , what part of town ?",
+ "I can help with that . What area will you be staying in ?",
+ "What area of town ?",
+ "What area would you like to stay in ?",
+ "What area would you like to stay in ?",
+ "What area in cambridge would you like to stay ?",
+ "I certainly can . Does location matter ?",
+ "What area would you like to be in ?",
+ "Sure , is there an area that you prefer ?",
+ "Certainly , which part of town would you prefer to stay in ?",
+ "What area would you like to stay in ?",
+ "Are you looking to stay in a certain area of town ?",
+ "What area of town would you like ?",
+ "What area would you like to stay in ?",
+ "Which area would you like to stay in ?",
+ "I can certainly help you with that . What area of town would you like to stay in ?",
+ "Would you like it to be in a certain area ?",
+ "In what area please ?",
+ "Sure , is there an area you prefer ?",
+ "Do you have a preference on area ?",
+ "Do you have a preferred location ?",
+ "I have many options . Do you have a preference for the area you would like to stay in .",
+ "What area are you looking to stay in ?",
+ "Ok , is there a specific area of town you prefer ?",
+ "I 'll be glad to help . What area of town are you looking for ?",
+ "Sure , do you have an area of town you prefer ?",
+ "To help narrow this down , can you tell me what area of town you 'd like most ?",
+ "Okay , what area will you be staying in ?",
+ "Is there a certain area you prefer ?",
+ "We have lots of hotels ! Any part of town you 'd prefer ?",
+ "in what area do you prefer ?",
+ "What area of town would you like to stay in ?",
+ "sure , in what area of town ?",
+ "Okay , what part of town are you looking for ?",
+ "I am sorry another area perhaps ?",
+ "Okay , what area would you like to stay in ?",
+ "Sure , would you like to stay in the same centre area ?",
+ "Sure , is there a particular part of town you 'd like to stay in ?",
+ "What part of town would you prefer ?",
+ "Is there a particular area in which you 'd like to stay ?",
+ "What area would you like to stay in ?",
+ "In what area of town would you like it to be ?",
+ "Which area of the city would you like to stay in ?",
+ "What area would you like the guesthouse to be in ?",
+ "What area would you like it to be in ?",
+ "I can help you with that ! Is there a specific area you prefer to stay in ?",
+ "Which area would you like to be in ?",
+ "Alright . what area do you want to stay in ?",
+ "I ' m happy to help . Where in the city would you like your hotel to be located ?",
+ "Sure , there are a lot of options , do you have a particular area of town in mind ?",
+ "Do you have a preference for a location ?",
+ "Which area are you looking for ?",
+ "Let 's find you a great place in the city . Do you have a preference on what area in town ?",
+ "What area of town would you prefer ?",
+ "I need more information please . What area of town ?",
+ "I have many hotels that fit those needs , is there a certain area of town you wanted me to book you near ?",
+ "Is there a particular area of town that you prefer ?",
+ "Okay , what area would you like to stay in ?",
+ "What area do you wish to book a hotel room ?",
+ "Sure , do you have a part of town you prefer for this ?",
+ "Okay . What part of town do you want to stay in ?",
+ "Sure , are you looking to stay on a certain part of town ?",
+ "Is there a particular area of the city where you 'd like to stay ?",
+ "What area would you like that in ?",
+ "Do you have a preferred area of town ?",
+ "What part of town would you like to stay in ?",
+ "Do you still want the hotel in the same part of town ?",
+ "Which area would you like to stay in ?",
+ "Which section of the town could you like the hotel to be in ?",
+ "What area of town are you looking to stay in ?",
+ "In what area would you like the hotel to be ?",
+ "What area of town would you like ?",
+ "There are several in Cambridge . What part of town would you like to stay in ?",
+ "What area would you like it to be in ?",
+ "What area are you looking to stay in ?",
+ "What part of town are you planning to stay in ?",
+ "Is there a particular side of town you prefer ?",
+ "What area are you looking to stay in ?",
+ "Ok , and what part of the city would you like to stay in ?",
+ "No but would you like to try another location ?",
+ "I apologize but I do n't recall you mentioning an area you preferred . Can you tell me what area and I will search again for you ?"
+ ],
+ "Price;": [
+ "I can help you with that . What is your price range ?",
+ "What price range were you thinking ?",
+ "What price range do you prefer ?",
+ "Okay , do you have any price range you 're looking for ?",
+ "Is there a price you are looking for ?",
+ "Do you have a price range preference ?",
+ "Is there a price range you prefer ?",
+ "Yes do you have a price range preference ?",
+ "Yes , what price range are you looking for ?",
+ "What is the price range for you ?",
+ "Do you have a price preference ?",
+ "Okay , do you have any preference on price range ?",
+ "What is your price range ?",
+ "What price range are you looking for ?",
+ "Is there a price range you have in mind ?",
+ "What about price range ?",
+ "What would you like to pay per night ?",
+ "How about price range what do you prefer there ?",
+ "Okay and what is your price range ?",
+ "Of course , do you have a price range in mind ?",
+ "Do you have a specific price range ?",
+ "What type of pricing would you like ?",
+ "Do you have a area or price preference ?",
+ "OK , what area or price range do you have in mind ?",
+ "What price range are you looking for ?",
+ "Do you have a price range in mind ?",
+ "Do you have a price range ?",
+ "What price range would you like ?",
+ "What price range are you interested in ?",
+ "What price range do you have in mind ?",
+ "What price range are you interested in ?",
+ "What price range would you like ?",
+ "Did you have a price range in mind ?",
+ "what is the price range ?",
+ "Sure I have several choices for you . Do you have a price range preference ?",
+ "I will be more than happy to help you find one . Do you prefer a certain price range ?",
+ "What price range would you like ?",
+ "Did you have a price range in mind ?",
+ "Do you have a price range that you are looking for ?",
+ "Do you have a price range in mind ?",
+ "No I ' m sorry , I do n't . Is there another price range you would consider ?",
+ "What price range are you interested in ?",
+ "Do you have a price range in mind ?",
+ "Where does your budget lie , between expensive and cheap ?",
+ "What price range are you looking for ?",
+ "Do you have a price range ?",
+ "I can help with that . Do you have a preferred price range in mind ?",
+ "Did you have a particular price range in mind ?",
+ "What is your preference on price ?",
+ "Did you have a price range ?",
+ "What price range would you like ?",
+ "Okay what is your price range ?",
+ "Did you have a particular price range in mind ?",
+ "to narrow our options , can you tell me your price range ?",
+ "Do you have a price range ?",
+ "Is cost important to you ?",
+ "What is the price range you would like ?",
+ "I can help you with that . What price range are you looking at ?",
+ "Okay , and what is your price range ?",
+ "OK , what price point do you want me to look for ?",
+ "Sure , do you have a specific price range in mind ?",
+ "Do you have a pricerange in mind ?",
+ "Do you have a price range in mind ?",
+ "Could you be more specific , for example what is the price range you are looking for ?",
+ "OKay I can help with that . What is your price range ?",
+ "What price range can I check in ?",
+ "Do you have a preference for price range ?",
+ "Yes , I can help you with that . What is your price range ?",
+ "What is your price range ?",
+ "What is your price range ?",
+ "I can help you with that . Do you have a particular price point you are looking for ?",
+ "I would love to ! Do you have a price range in mind ?",
+ "What price range you would like ?",
+ "I sure can ! First of all , is there a price range you would like to stay within ?",
+ "Is there a price point ?",
+ "What price range would you like ?",
+ "Unfortunately no . Would you be willing to expand your price range ?",
+ "do you have a price range in mind ?",
+ "Sure thing , what price range are you looking for ?",
+ "Is there a price range you would like to look for ?",
+ "We have several hotels that meet your requirements . Would you prefer a hotel that is cheap or moderate in price ?",
+ "sure , what price range ?",
+ "What is your price range ?",
+ "Is there a price range or area you prefer ?",
+ "I can help you with that . Do you have a price range ?",
+ "What is your price range ?",
+ "Is there a price range you 'd like ?",
+ "Is there a price range you 'd prefer ?",
+ "Did you have a price range in mind ?",
+ "Do you have a certain price range you would like ?",
+ "Are you looking for a particular price range ?",
+ "What price range are you looking for ?",
+ "Do you have a preference on price range ?",
+ "Okay and what is your price range ?",
+ "Yes , I apologize . What is your price range for the hotel ?",
+ "I have many , what price rage would you like ?",
+ "What 's your price range ?",
+ "Yes , I can help you with that . What is your price range ?",
+ "Can we narrow it down a bit ? What price range are you looking for ?",
+ "What price range would you like ?",
+ "What price range are you looking for ?",
+ "Do you have a price range in mind ?",
+ "May I ask a price range that you would like ?",
+ "I can help with that . What kind of price range do you have in mind ?",
+ "Do you have a price range in mind ?",
+ "What is the price range you are looking to book in ?",
+ "What is your price range ?",
+ "What price range are you looking for ?",
+ "Do you have a price range ?",
+ "what price range are you looking for ?",
+ "Which price range would you like ?",
+ "what is your price range to narrow down on our choices",
+ "Okay ! What price range would you like ?",
+ "What price range ?",
+ "I have quite a few what price range were you looking at ?",
+ "Okay and what is your price range ?",
+ "Alright . Do you have a price range ?",
+ "Okay ! What is the price range that you would like ?",
+ "yes if you tell me your price range .",
+ "What is your price range ?",
+ "What price range would you like ?",
+ "What price range are you looking for ?",
+ "Is there a price range for the hotel ?",
+ "I need more information on your price range .",
+ "I can definitely help with that . First of all , is there a preference on price range ?",
+ "Okay , we can help you with that . Do you have a price range ?",
+ "I can help with that ! How much money are you looking to spend ?",
+ "Is price important to you ?",
+ "the list is so broad . can you specify the price range ?",
+ "Do you have a price range preference ?",
+ "Sure , is there a price range you 'd like to stay within ?",
+ "Okay and what is your price range ?",
+ "on what price range do you want your Hotel ?",
+ "Ok , thanks for that information . What is your price range for the hotel ?",
+ "Did you have a price range in mind ?",
+ "Do you have a preference in price range ?",
+ "What is your preferred price range ?",
+ "I can help with that . What is your price range ?",
+ "I would love to ! Do you have a price range in mind ?",
+ "Let 's narrow down our search . What price range would you like to be in ?",
+ "What price range would you like ?",
+ "Can I get a price range you are looking for ?",
+ "I need to know what price range please .",
+ "Alright . Let 's just try to narrow it down a bit . Does the price range matter ?",
+ "What price range do you prefer ?",
+ "Do you have a specific price range in mind ?",
+ "Does price matter , because I can find you a cheap one or an expensive one ?",
+ "May I ask a price range that you would like ?",
+ "Would you like a cheap or expensive hotel ?",
+ "Are you on a budget ?",
+ "Okay , I can help with that . What is your price range ?",
+ "Do you have a price range ?",
+ "Is there a price range you 'd like to stay in ?",
+ "Is there a price range you 'd like to stay in ?",
+ "Okay ! What price range are you looking for ?",
+ "Is there a price range you would like to stay within ?",
+ "Do you have a specific pricerange you are looking for ?",
+ "Let 's narrow down our search . What price range would you like to be in ?",
+ "Is there a price range you prefer ?",
+ "How 's you budge ? could you like a cheap , expensive or moderate place ?",
+ "What price range would you like ?",
+ "You have your choice of an expensive or moderate price range in that area , do you have a preference ?",
+ "How about price . Is there a certain range you want to stay in ?",
+ "Well do you have a price preference ?"
+ ],
+ "Area;Stars;": [
+ "I can help you with that . Do you have any special area you would like to stay ? Or possibly a star request for the guesthouse ?",
+ "There are many options for places to stay any preferences such as area or rating ?",
+ "How about your area preference and star rating of the hotel ?",
+ "There are many matches to your request . Do you have a preference in area or star rating ?",
+ "Sure ! Let 's narrow it down a bit . Any preferences on location or star rating ?",
+ "sory can you teel as about star of the hotel and the place",
+ "Do you have a preference for the number of stars or the area ?",
+ "OK , does it matter the ratings or location ?",
+ "Ok do n't worry i ' m happy to help . Can I try a different area or star rating ?",
+ "ok , that narrows it down to 8 options for you . any other preferences ?",
+ "Sorry , no records found . Would you care to try a different area or star rating ?",
+ "What side of town would you like to stay in ? Any specific rating ?"
+ ],
+ "Area;Price;": [
+ "What area of town would you like to stay and what is your price range ?",
+ "I 'd be happy to help . May I ask what price range and area of town you are looking for ?",
+ "I 'll be glad to find you a place , first is there an area or price range you recommend ?",
+ "What area of town are you wanting to stay in ? What is your price range ?",
+ "We have many great places to stay . What area would you like and do you have a price range ?",
+ "Great , I can help you , let me just get some more information . Is there a specific location or price range you 'd like to stay within ?",
+ "Yes , I can help . Do you have a price range and part of town in mind ?",
+ "Do you have a price range or a location in mind ?",
+ "Do you have a preferred price range or area of town ? This will help me find just what you are looking for .",
+ "Absolutely , I would love to help you with that ! Do you have a specific area of town or a specific price point that you would like ?",
+ "Sure , what area would you like to stay in and what is your price range ?",
+ "Yes , I can help with that . Are you staying at in a specific area of town and do you have a price range in mind ?",
+ "Do you have a price range or area preference ?",
+ "Definitely . Are you interested in a particular area or price range ?",
+ "Yes , I can help with that . Are you staying at in a specific area of town and do you have a price range in mind ?",
+ "Yes what area would you like to stay in and what price range are you considering ?",
+ "Do you have any other preferences , such as a price range or a particular part of town ?",
+ "Yes what area or price range are you looking for ?",
+ "Yes , I can help with that . What area would you like to stay in and what is your price range ?",
+ "I have several with available booking . May I have an area and a price range that you are interested in ?",
+ "Great , I can help with that . Do you have an area and price range you want ?",
+ "What area of town and what is your price range ?",
+ "What price range and in what area ?",
+ "OK , where are you wanting the hotel to be at , or do you have a specific price range you would like to stay in ?",
+ "Sure thing ! Which area and price range ?",
+ "I can certainly help you with that . What area would you like to stay in and what price range did you have in mind ?",
+ "What area and price range are you looking for ?",
+ "What price range and what area are you looking for ?",
+ "Okay ! Did you have a particular area or price type you were looking for ?",
+ "Absolutely ! What area would you like to stay in and what is your price range ?",
+ "Would you like a certain area or do you have a price range in mind ?",
+ "I can help with that . Do you have an area of town , or a price range in mind ?",
+ "I can certainly help you with that . Do you have a preferred price range or area ?",
+ "What price range and what area of town ?",
+ "which side of town do you prefer and what is the price range ?",
+ "There are quite a few options to choose from . Do you have a preference regarding price range or which area the guesthouse is located in ?",
+ "What area and price range would you like the hotel in ?",
+ "Do you have an area or price range in mind ?",
+ "I have many options for you - what 's your price range or the area you 're looking in ?",
+ "Do you have an area of town or price range in mind ?",
+ "Any particular location or price range ?",
+ "I can definitely help you with that . How about we start with a price range you prefer ? Or maybe an area you prefer ?",
+ "What area of town would you like to stay ? What price range ?",
+ "Okay , what is the price range and what area would you like to stay in ?",
+ "they are many . what is your price range and prefered side ?",
+ "I can certainly help you with that . Do you have a preferred price range or area ?",
+ "Yes , what is your price range and in what area would you like to stay ?",
+ "Do you have any preferences on location or price range ?",
+ "Ok . Were you hoping for a particular price range or part of town ?",
+ "Great ! Do you have a price range you 'd like to stay in or a location that you prefer ?",
+ "Sure , I 'd be happy to help with your request . To help narrow down the results , what area and price range are you looking for ?",
+ "Yes , I can certainly help you with that . Is there an area of town you prefer to stay in ? And do you have a price range in mind ?",
+ "I can definitely help you with that ! What area are you staying in , and what 's your price range ?",
+ "What price range and in what area would you like to stay ?",
+ "What area of town and price range would you prefer ?",
+ "Are you looking for a certain price range or a particular part of town ?",
+ "Ok can we narrow our search a little . Where are you staying and what can you afford ?",
+ "Do you have a area of town or price range your interested in ?",
+ "what is the price range you want to pay and which place ?",
+ "Ok , to help us find the right place for you lets talk about what you would like . Do you have a price range you prefer ? Or an area of town ?",
+ "okay , what area and price range ?",
+ "Okay , what area would you like to stay in and what is your price range ?",
+ "I am sorry but I need more information from you . Which area and pricerange do you prefer ?",
+ "Sure . Do you have an area or price range in mind ?",
+ "Do you have any preferences for the hotel , like price range or area of town ?",
+ "To help narrow down the results , what area or price range are you looking for ?",
+ "I can definitely help you with that ! Do you have an area or price range in mind ?",
+ "I just need more information to find the perfect place for you . What area are you interested in staying in and the price range ?",
+ "Yes well what price range are you looking for and what area of town do you wish to stay in ?",
+ "Do you have a preferred location or price range ?",
+ "Do you have a preference for area or price range ?",
+ "Yes I have many options . What side of town did you want to stay on and what price range are you looking for .",
+ "What price range and in what area ?",
+ "OK , do you have a certain area or price range in mind ?",
+ "Do you have a price range or area you would like to stay ?",
+ "Do you prefer a particular area of town or price range ?",
+ "Sure . What is your price range and what side of town will you be interested in ?",
+ "Do you have a specific area or price range you 'd like ?",
+ "Certainly ! We have numbers of hotels . Any particular area or price range are you looking for ?",
+ "I 'd love to help you out there . What price range or area are you looking for ?",
+ "Do you have a price range or specific area ?",
+ "What side of town or price range were you looking at ?",
+ "I just need more information to find the perfect place for you . What area are you interested in staying in and the price range ?",
+ "I can certainly help with that ! What area of town interests you , and do you have a price range in mind ?",
+ "Okay , do you have an area or price range you 're looking for ?",
+ "Would you have a preference for an area or price ?",
+ "OK , do you have any specifics in mind , such as area or price range ?",
+ "Definitely ! Do you have a price range and/or area in mind ?",
+ "Do you have any preferences for the hotel , like price range or area of town ?",
+ "I can help with that . Is there an area in town in which you prefer to stay ? Perhaps a price range as well ?",
+ "Do you have a preference in area or price range ?",
+ "Sure thing ! What side of town would you prefer ? What price range would you like ?",
+ "Okay . What area are you interested in and what is your desired price - range ?",
+ "Is there a certain area or price range you would like .",
+ "May I please have the specific area and price range ? So that I may narrow down the search .",
+ "Yes , I can help with that . What area would you like to stay in and what is your price range ?",
+ "Did you have a price range in mind , or a particular section of the city ?",
+ "What area of town are you looking to stay and what price range are you looking for ?",
+ "Do you have a preference for location or price range ?",
+ "Do have any hotel preferences like price or location ?",
+ "Sure , is there an area or a price range you are interested in ?",
+ "What price range and area of town are you looking for ?",
+ "Due to the size of the list could you provide your price range or the area you would prefer to help narrow it down ?",
+ "Yes , where would you like to stay and in what price range ?",
+ "Can you give me an area and price range preference ?",
+ "Do you have a price range or a specific area ?",
+ "What area of town and what price range are you looking for ?",
+ "Sure , I 'd be happy to help with your request . To help narrow down the results , what area and price range are you looking for ?",
+ "Which area of town would you like to stay in ? Do you have a price preference or any other essentials ?",
+ "Does location or price range matter ?",
+ "Do you have a preferred area or price range ?",
+ "Okay , do you have any requirements in mind : location , price range , etc ?",
+ "Do you have any price preferences ? Or area preferences ?",
+ "Is there a certain area or price range you had in mind ?",
+ "There an area of town or pricerange you want ?",
+ "Sure , in what area of town were you looking to stay in ? What is your price range ?",
+ "What price range and what area are you looking for in particular ?",
+ "Do you have a certain area or price range in mind ?",
+ "I 'll be happy to help you . Let 's start with a bit more information . What area of town and price range are you wanting ?",
+ "What area would you like to stay ? And do you have a certain pricerange ?",
+ "What area of town would you like ? Do you have a price range in mind ?",
+ "That sounds great , I want to find you the perfect place ! Is pricing a factor , do you have a part of the city in mind ?",
+ "Do you have a preference of area or price range ?",
+ "Do you have a price preference , or a particular area you would like to stay in ?",
+ "Sure . What is your price range and what side of town will you be interested in ?",
+ "What area would you like to stay ? And do you have a pricerange ?",
+ "Ok . Can you tell me a little more about your preferences ? area ? price range ?",
+ "Yes . Do you have a preference for the hotel 's area or price range ?",
+ "Do you have an area you 'd like to stay in ? And what is your price range ?",
+ "Do you have a specific area or price range in mind ?",
+ "Sure I can help you with that . Do you have a price range and do you know what area you want to stay in ?",
+ "Yes , I can certainly help you with that . Is there an area of town you prefer to stay in ? And do you have a price range in mind ?",
+ "To help narrow it down , do you have an area or price range you prefer ?",
+ "Do you have any other constraints , such as location or price range ?"
+ ],
+ "Area;Type;": [
+ "what kind of place are you looking for ? area ?",
+ "Okay , do you know what sort of place you want or where located ?",
+ "Are you looking to stay in a guesthouse or hotel ? What are of town do you prefer ?",
+ "I 'd be happy to help you find something . Is there an area you prefer ? And do you want a hotel or guesthouse ?",
+ "What hotel type are you interested in ? what area will you be staying in ?",
+ "What type of lodging would you prefer ? And in which area ?",
+ "I am happy to book , but lets find you a place . Any preference on area ? Are ratings or type of place a factor ?",
+ "Certainly , would you like a specific area of town ? Do you prefer a hotel or guesthouse ?",
+ "Which area and type of lodging do you prefer ?"
+ ],
+ "Area;Price;Stars;": [
+ "Do you have an area , price range , or star rating in mind ?",
+ "Okay , great . You have a lot of options . Would you like to narrow it down by area , price range , or stars ?",
+ "What are your preferences regarding area , price range and star rating ? Or do you have other needs ?"
+ ],
+ "Type;": [
+ "I sure can ! Would you like a guesthouse or a hotel ?",
+ "Okay ! Would you like to stay in a guesthouse , or in a hotel ?",
+ "I am sorry there are no hotels available . Would you like another type of lodging ?",
+ "Sure , would you like a guesthouse or hotel ?",
+ "I sure can , what would you like for your hotel ?",
+ "Okay , were you looking for a hotel or a guesthouse ?",
+ "Do you have a preference for a hotel versus a guesthouse ?",
+ "Would you like to try a hotel ?",
+ "Were you looking for a hotel with a guesthouse ?",
+ "What type of hotel are you looking for ?",
+ "Do you prefer a formal hotel , or a guesthouse ?",
+ "Certainly . What are you looking for in the way of lodgings ?",
+ "Alright , what type of accommodations are you looking for ?",
+ "I can help you with that ! First , let me get more information so that I can assist you better . Are you looking for a guesthouse or hotel ?",
+ "Absolutely . What type of lodging did you have in mind ?",
+ "Do you prefer a hotel or a guesthouse ?",
+ "Are you sure you are looking for a hotel ?",
+ "What type of hotel are you looking for ?",
+ "Would you like a hotel or a guesthouse ?",
+ "Do you need a hotel or guesthouse ?",
+ "I can help with that , what would you like to stay at ?",
+ "Do you have a preference for a guesthouse or a hotel ?",
+ "I sure can . What type of place are you looking for ?",
+ "Okay ! Would you like to stay in a hotel , or in a guesthouse ?",
+ "I will definitely be able to help you with that . Did you want a hotel or a guest house ?",
+ "I will look that up for you , do you want a hotel ?",
+ "sure , what kind of hotel are you looking for ?",
+ "Are you looking for a room , or another type of service ?",
+ "Would you prefer a hotel or a guesthouse ?",
+ "Please confirm - are you looking for a hotel or a guesthouse ?",
+ "Can I get a hotel type you are looking for ?",
+ "Sure , what type of hotel are you looking for today ?",
+ "Would you prefer a guesthouse or a hotel proper ?",
+ "which type hotel do you want ?",
+ "Would you like a guesthouse or a hotel ?"
+ ],
+ "Price;Stars;": [
+ "What price range and what star rating are you looking for ?",
+ "Do you have a price range or star rating preference ?",
+ "Do you have a star or price preference ?",
+ "Do you have any preferences for the star or price range ?",
+ "Sure , do you care about price or star ratings ?",
+ "Please tell me your price range and hotel star rating preference .",
+ "do you have any constraints regarding cost or quality ?",
+ "What price range are you looking for and any star preference ?",
+ "Do you have a price range or star level in mind ?",
+ "What price range and what star rating are you looking for ?",
+ "I just need to know what your price range is and how many stars you need ?",
+ "Do you have a price range or preferred star rating ?",
+ "Please specify your price range and star rating of the hotel you 're interested in .",
+ "Do you have a price range or star rating in mind ?"
+ ],
+ "Price;Type;": [
+ "Absolutely ! What type of hotel would you like to stay in and what is your price range ?",
+ "Do you have an accommodation type or price range ?",
+ "Please be specific about the price range and hotel type you are interested in .",
+ "Do you prefer a specific type of hotel or are you working on a budget ?",
+ "That narrowed it down a bit . Do you have a preference on the price range ? or the type of accommodation ?"
+ ],
+ "Internet;": [
+ "which offers wifi for free ?",
+ "Would you prefer one with free internet ?",
+ "do you need free internet ?",
+ "Would you prefer one with internet ?",
+ "which has free wifi ?"
+ ],
+ "Name;": [
+ "Yes do you have the name of the hotel ?",
+ "Absolutely ! Which hotel is it ?",
+ "sure , do you know what you 're looking for ?",
+ "Do you have the hotel name ?",
+ "What is the name of the hotel you are looking for ?",
+ "Of course , could you please give me the name of the Hotel you are looking for ?",
+ "Sure thing ! Can you give me the name of the place ?",
+ "What is the name of the hotel you 'd like to book ?",
+ "Not a problem . If you give me the name , or as much of the name as you remember , I can try to find that for you .",
+ "Would you like to tell me the name of that hotel ?",
+ "Sure , are you looking for anything specific ?",
+ "Can you tell me the name of the hotel please and then we can talk about booking a room ?",
+ "I can . If you 'd give me the name , or other details , I can search for it .",
+ "well what hotel will you be staying at ?",
+ "Okay , can you provide the name of the hotel please ?",
+ "Are you looking for a specific hotel ?",
+ "Of course . I 'll be more than happy to help you find a hotel . What 's the name of the hotel ?",
+ "I can help you with that . Which hotel are you looking for ?",
+ "I am happy to help , what was the name of the place ?",
+ "anything in particular and when are you planning your stay ?",
+ "Of course . Do you know the name of the hotel ?",
+ "That s good , but can I get the name of the particular hotel you are looking for , please ?",
+ "Can you tell me the name please ?",
+ "Can you please tell me the name of the hotel you are looking for ?",
+ "We have discussed a restaurant and a college , did you have a hotel you wished to stay at ?",
+ "Please give me the name of the location .",
+ "Yes , I have the database ready , do you want info on a specific hotel or a search ?",
+ "What is the name of that hotel ?",
+ "Sure , what hotel are you staying at ?",
+ "sure thing . which worth house hotel do you need the address for ?",
+ "What is the name of the hotel you are staying at ?",
+ "What hotel are you staying at ?",
+ "Okay ! What hotel are you staying at ?",
+ "I can help you with anything you need . What hotel are you looking for ?",
+ "Name of hotel please . I want to be sure to get correct destination .",
+ "Sure , what is the name of the hotel ?",
+ "Sure , are you looking for anything specific ?",
+ "What hotel are you interested in ?",
+ "Sure ! Are you looking for anything specific ?",
+ "What hotel are you interested in ?"
+ ],
+ "Stars;": [
+ "I have two places , is there a star rating you prefer ?",
+ "How many stars would you like ?",
+ "How many stars would you like ?",
+ "Is there a number of stars you prefer ?",
+ "Is there a certain star rating you would like it to have ?",
+ "Do you have a preference of star rating ?",
+ "Do you have a preference of number of stars ?",
+ "Yes , there is . How many stars should the hotel be rated for ?",
+ "What star rating do you prefer ?",
+ "How many stars are you looking for ?",
+ "What other star option would you like ?",
+ "What star rating would you like the guesthouse to be ?",
+ "Do you have a preference in stars ?",
+ "How many stars would you like ?",
+ "How many stars would you like it to have ?",
+ "How many stars would you like ?",
+ "do you have specifications about star rating ?",
+ "Is there a star rating you would prefer to stay at",
+ "what star rating ?",
+ "do you have preference in star rating ?",
+ "Do you have a star preference ?",
+ "How many stars would you like it to have ?",
+ "What hotel rating would you like ?",
+ "Do you have a star rating preference ?",
+ "What hotel rating would you like ?",
+ "I have any what star rating would you like ?",
+ "Is there a star range you prefer ?",
+ "I have many listings , could I get what star rating to would preferred ?",
+ "What is your star rating preference ?",
+ "What star rating would you like ?",
+ "How many stars do you want .",
+ "What is your preference on star rating ?",
+ "what star rating do you prefer ?",
+ "Does the number of stars matter ?",
+ "of how many stars do you prefer ?"
+ ],
+ "Internet;Parking;": [
+ "Could you please give me any preferences for internet / parking ?",
+ "Do you need Parking or internet ?",
+ "Will you be needing parking and/or internet ?",
+ "Is parking and free wifi important to you ?",
+ "Do you have a parking or internet preference ?",
+ "Is either free parking or internet a concern to you ?",
+ "Are there any amenities that you are looking for ? Parking ? Internet ?",
+ "DO you need free wifi or parking ?",
+ "Do you have a parking or internet preference ?",
+ "Will you need parking or wifi ?",
+ "Trying to narrow this down do you need free parking or free wifi ?",
+ "Do you need wifi or parking ?",
+ "What ammenities do you need for your hotel ?",
+ "Do you need free parking or free internet ( or both ! ) ? That will help me narrow it down even more .",
+ "Are there any amenities that you are looking for ? Parking ? Internet ?",
+ "Do you care about internet or parking ?",
+ "Do you need parking or wifi ?",
+ "Is free paring and internet important to you ?",
+ "Is there any preference for wifi or parking access ?",
+ "Do you need internet or parking ?",
+ "I can help you with that . What amenities are you looking for ?"
+ ],
+ "Area;Internet;Parking;": [
+ "Is there a certain area that you perfer ? Maybe free parking or wifi ?",
+ "I have several different hotels . Are you wanting a certain area of town or any special accommodations ?",
+ "Okay what area of town are you wanting to stay in ? Any free parking or wifi ?",
+ "Could you tell me what area you would like to stay in , and if you require parking or wifi ?",
+ "I 'd be happy to help you acquire lodgings . What part of the city would you like to stay in , and what amenities do you prefer ?",
+ "Is there a specific area you would like to stay in ? Also , do you need internet and/or free parking ?"
+ ],
+ "Internet;Name;Parking;": [
+ "Do you have a particular one in mind or any preference for where you stay or what amenities are offered ?"
+ ],
+ "Internet;Parking;Price;": [
+ "Do you have a preference for parking / wifi / price range ?",
+ "What price range would you like ? Would you need free internet or parking ?",
+ "What price range would you like ? Would you need free internet or parking ?"
+ ],
+ "Parking;Price;": [
+ "Please tell me your price range and whether or not free parking is important to you ."
+ ],
+ "Area;Name;": [
+ "Do you know which hotel or the area the hotel is in ?",
+ "We have plenty of option . Any place in particular ?",
+ "I can definitely assist with your lodging needs . Did you want me to look for a specific place or run a search in an area ?",
+ "Yes , do you know the name of the location ?"
+ ],
+ "Area;Internet;Name;Parking;Price;Stars;Type;": [
+ "Sure thing , what kind of information do you need ?",
+ "Sure . Do you have any other criteria ?"
+ ],
+ "Parking;": [
+ "Will you need parking ?",
+ "Do you need it to have free parking ?",
+ "Do you have a parking preference ?",
+ "Will you need free parking as well ?",
+ "Will you need free parking as well ?",
+ "Does the hotel needs to have free parking ?",
+ "Will you need free parking ?",
+ "Do you need free parking ?",
+ "Will you need parking while you 're there ?",
+ "Will you be needing free parking ?",
+ "Do you need parking at the hotel ?",
+ "Do you need parking at the hotel ?",
+ "Would you need parking ?",
+ "Do you need parking ?"
+ ],
+ "Internet;Price;Type;": [
+ "What is your price range ? What type of hotel are you looking for ? Will you need internet ?"
+ ],
+ "Stars;Type;": [
+ "Sure no problem . What type of hotel are you looking for ?"
+ ],
+ "Area;Internet;": [
+ "What part of town would you prefer ? And , do you need internet ?"
+ ],
+ "Area;Internet;Parking;Price;Stars;Type;": [
+ "Sure ! What sort of amenities are you looking for ?",
+ "I can absolutely help with that . Do you have any additional preferences ?",
+ "I have many listing fitting that description , can you narrow down the specifications a bit ?",
+ "I ' m sorry , but I ' m running into some errors in my system . Could you please restate your hotel requirements ?",
+ "Can you please tell me what type of place and if you have any preferences ?"
+ ],
+ "Area;Parking;Price;Stars;": [
+ "Do you have any other criteria ?"
+ ],
+ "Name;Price;": [
+ "Do you have a hotel in mind or a price range ?"
+ ],
+ "Area;Price;Type;": [
+ "Yes , I can definitely help you with a hotel . Do you have a price range , hotel type , or area that you are wanting to stay ?",
+ "What type of lodging would you prefer ? And do you care about price or area ?",
+ "Okay . I can help you with that . Can you help me narrow the options down by providing preferences such as area , price range , and type ?",
+ "Okay . Would you like to narrow it down by the area , price range , or type ?",
+ "Yes , I can help with that . What are your preferences of area , price range , and type of accommodation ?",
+ "Ok , lets start with a hotel , any preference of type , area or price range ?"
+ ],
+ "Area;Internet;Parking;Price;": [
+ "Sure . Do you have a preference as to location , price , or amenities ?"
+ ],
+ "Area;Internet;Price;Stars;": [
+ "Do you have any other requirements ?"
+ ],
+ "Internet;Stars;Type;": [
+ "Do you have a preference of type of lodging , star rating , or internet ?"
+ ],
+ "Internet;Price;": [
+ "Do you have a price range in mind ? And will you need wifi ?"
+ ],
+ "Internet;Parking;Stars;": [
+ "Do you have a preference ? Hotel rating , location , parking , or internet availability ?",
+ "Sure ! I can help you with that . Are there any particular amenities you are looking for in a hotel ?"
+ ],
+ "Area;Internet;Parking;Price;Stars;": [
+ "What preference would you have in relation to price , area or amenities ."
+ ],
+ "Parking;Price;Stars;Type;": [
+ "Do you have any other specifications ?"
+ ],
+ "Area;Internet;Parking;Price;Type;": [
+ "What type of alternatives would you like to know about ?"
+ ],
+ "Internet;Parking;Price;Stars;": [
+ "There are seven places to stay , could you tell me a price range or other criteria for your stay ?"
+ ],
+ "Parking;Stars;": [
+ "That narrows it down a bit . Do you need free parking , or is there a particular star rating you 'd like ?"
+ ],
+ "Name;Type;": [
+ "Are you looking for a specific hotel ? Also what type of hotel are you looking for ?"
+ ],
+ "Area;Internet;Name;Parking;Stars;Type;": [
+ "Sure . Are you looking for anything in particular ?"
+ ],
+ "Area;Internet;Parking;Stars;": [
+ "Do you have a preference for the area , stars , internet or parking ?"
+ ]
+ },
+ "Hotel-Select": {
+ "Type;Type;": [
+ "I can help you with that . Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Do you know if you want a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Do you prefer a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Sure , do you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Which one ? The #HOTEL-SELECT-TYPE# or the #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "I can definitely help with that . I have many options . In order to narrow it down , do you have a preference between a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "I ' m sorry , but your message is ambiguous . Would you like to stay in a #HOTEL-SELECT-TYPE# , or in a #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Do you have a preference of #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "I sure can . Are you looking for a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# to stay in while you visit ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Just to clarify , does it matter if this establishment is a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Do you want a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Sure , do you prefer #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Do you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Sure , do you need a #HOTEL-SELECT-TYPE# room or would you like a #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Do you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "That narrowed it down a little bit . Would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "I can definitely help with that . Are you leaning toward a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Yes ! Would you like to stay in a #HOTEL-SELECT-TYPE# , or a #HOTEL-SELECT-TYPE# ?",
+ "I can help with that , are you looking for a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you like a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Are you looking for a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Okay ! Would you like to stay in a #HOTEL-SELECT-TYPE# , or a #HOTEL-SELECT-TYPE# ?",
+ "Do you have a preference on a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Ok , would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "I can help with that . Would you like a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Are you looking for a #HOTEL-SELECT-TYPE# or a #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# type ?",
+ "Not a problem . Do you have any preferences for the #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?",
+ "Would you prefer a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ?"
+ ],
+ "Area;": [
+ "Would you like your hotel to also be in the #HOTEL-SELECT-AREA# ?"
+ ],
+ "Area;Area;Area;Area;Area;": [
+ "Ok , #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , or #HOTEL-SELECT-AREA# side ?"
+ ],
+ "Name;Name;": [
+ "First I 'll need to know which hotel you 'll be staying at -- do you have a preference between the #HOTEL-SELECT-NAME# or the #HOTEL-SELECT-NAME# ?",
+ "You have your choice of the #HOTEL-SELECT-NAME# or the #HOTEL-SELECT-NAME# .",
+ "We have #HOTEL-SELECT-NAME# and #HOTEL-SELECT-NAME# , any preferences ?",
+ "Yes , which of the two would you prefer ? #HOTEL-SELECT-NAME# or #HOTEL-SELECT-NAME# ?",
+ "I have the #HOTEL-SELECT-NAME# and #HOTEL-SELECT-NAME# . Which one would you like ?",
+ "you can choose from either #HOTEL-SELECT-NAME# or #HOTEL-SELECT-NAME# .",
+ "Would you like to try #HOTEL-SELECT-NAME# or #HOTEL-SELECT-NAME# ?"
+ ],
+ "Internet;Name;Parking;Stars;": [
+ "I have two options for you . Both offer free parking and wifi and are #HOTEL-SELECT-STARS# star rated . There is #HOTEL-SELECT-NAME# . Which would you prefer ?"
+ ],
+ "Area;Area;Area;Price;Type;": [
+ "I have #HOTEL-SELECT-PRICE# #HOTEL-SELECT-TYPE# in the #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , and #HOTEL-SELECT-AREA# areas of town . Do you have a preference ?"
+ ],
+ "Area;Internet;Name;Parking;Stars;Type;": [
+ "How about #HOTEL-SELECT-NAME# ? It is a #HOTEL-SELECT-STARS# star #HOTEL-SELECT-TYPE# in the #HOTEL-SELECT-AREA# with free wifi and free parking ."
+ ],
+ "Type;": [
+ "what type of #HOTEL-SELECT-TYPE# are yo looking for ?",
+ "Ok . Would you prefer a #HOTEL-SELECT-TYPE# ?",
+ "Which one ? The #HOTEL-SELECT-TYPE# ?"
+ ],
+ "Name;Name;Price;Price;": [
+ "We have two choices , #HOTEL-SELECT-NAME# which is in the #HOTEL-SELECT-PRICE# prince range and #HOTEL-SELECT-NAME# whic is in this #HOTEL-SELECT-PRICE# price range ."
+ ],
+ "Choice;Internet;Parking;Type;Type;": [
+ "Okay I have #HOTEL-SELECT-CHOICE# different options . There is a #HOTEL-SELECT-TYPE# and a #HOTEL-SELECT-TYPE# . Both have free parking and wifi . Any preference as to which one ?"
+ ],
+ "Name;": [
+ "Would you like to try the #HOTEL-SELECT-NAME# ?",
+ "Did you by chance mean the #HOTEL-SELECT-NAME# ?",
+ "What about #HOTEL-SELECT-NAME# ?",
+ "How about #HOTEL-SELECT-NAME# ?",
+ "how about #HOTEL-SELECT-NAME# ?",
+ "I have two options , the #HOTEL-SELECT-NAME# . Do you prefer one over the other ?",
+ "Yes . i have the #HOTEL-SELECT-NAME# . Do you have a preference ?",
+ "How about #HOTEL-SELECT-NAME# ?"
+ ],
+ "Area;Area;": [
+ "Okay . Would you like to stay on the #HOTEL-SELECT-AREA# , or the #HOTEL-SELECT-AREA# ?",
+ "Sure , do you prefer the #HOTEL-SELECT-AREA# or the #HOTEL-SELECT-AREA# of Cambridge ?",
+ "Would you like a hotel in the #HOTEL-SELECT-AREA# or the #HOTEL-SELECT-AREA# ?",
+ "Sure , I can help you with that . There are two places . One is in the #HOTEL-SELECT-AREA# and one in the #HOTEL-SELECT-AREA# . Do you have a preference ?",
+ "There is a guesthouse located in the #HOTEL-SELECT-AREA# and a guesthouse located in the #HOTEL-SELECT-AREA# , do you have a preference of area ?",
+ "Do you prefer the #HOTEL-SELECT-AREA# or #HOTEL-SELECT-AREA# of town ?",
+ "Would you like it to be in the #HOTEL-SELECT-AREA# or #HOTEL-SELECT-AREA# ?",
+ "Okay . Would you like to stay on the #HOTEL-SELECT-AREA# of town , or the #HOTEL-SELECT-AREA# ?"
+ ],
+ "Choice;Type;": [
+ "We have #HOTEL-SELECT-CHOICE# of options for places to stay in cambridge . Would you rather stay in a #HOTEL-SELECT-TYPE# ?",
+ "Which of the #HOTEL-SELECT-CHOICE# #HOTEL-SELECT-TYPE# should I book for you ?"
+ ],
+ "Choice;Price;": [
+ "Okay I have #HOTEL-SELECT-CHOICE# different options . Are looking for something #HOTEL-SELECT-PRICE# ?",
+ "There are #HOTEL-SELECT-CHOICE# choices , but all are priced either #HOTEL-SELECT-PRICE# . Which would you prefer ?"
+ ],
+ "Area;Name;": [
+ "There are two hotels in the #HOTEL-SELECT-AREA# end . #HOTEL-SELECT-NAME# .",
+ "How does the #HOTEL-SELECT-NAME# in the #HOTEL-SELECT-AREA# sound ?",
+ "What about the #HOTEL-SELECT-NAME# in the #HOTEL-SELECT-AREA# ?",
+ "Okay how about the #HOTEL-SELECT-NAME# in the #HOTEL-SELECT-AREA# ?"
+ ],
+ "Area;Area;Stars;Type;": [
+ "Would you prefer a #HOTEL-SELECT-STARS# star #HOTEL-SELECT-TYPE# in the #HOTEL-SELECT-AREA# or #HOTEL-SELECT-AREA# area ?"
+ ],
+ "Choice;Choice;Type;Type;": [
+ "There are #HOTEL-SELECT-CHOICE# #HOTEL-SELECT-TYPE# and #HOTEL-SELECT-CHOICE# #HOTEL-SELECT-TYPE# , which do you prefer ?"
+ ],
+ "Internet;": [
+ "Let me look for a hotel with wifi ."
+ ],
+ "none;": [
+ "Let 's back up a moment . Which lodgings did you prefer , so we know where the taxi will be taking you ?",
+ "Which hotel would you like of the available choices ?",
+ "Yes , they both meet your criteria . Which one do you prefer ?",
+ "Indeed it does . Does it sound like somewhere you 'd like to stay ?",
+ "Yes , they both do ! Do either fancy your interest ?"
+ ],
+ "Price;Price;": [
+ "Would you prefer #HOTEL-SELECT-PRICE# or #HOTEL-SELECT-PRICE# ?",
+ "Did you have a preference between #HOTEL-SELECT-PRICE# and #HOTEL-SELECT-PRICE# ?",
+ "The rooms range from #HOTEL-SELECT-PRICE# to #HOTEL-SELECT-PRICE# , which would you prefer ?",
+ "I have several options for you . Do you prefer a #HOTEL-SELECT-PRICE# or #HOTEL-SELECT-PRICE# price range ?",
+ "Are you looking for it to be #HOTEL-SELECT-PRICE# or #HOTEL-SELECT-PRICE# ?",
+ "Yes are you interested in a #HOTEL-SELECT-PRICE# or #HOTEL-SELECT-PRICE# place to stay ?",
+ "Certainly , would you like a #HOTEL-SELECT-PRICE# hotel ? Or #HOTEL-SELECT-PRICE# ?",
+ "In order to try to narrow down your options , do you prefer a #HOTEL-SELECT-PRICE# place or something #HOTEL-SELECT-PRICE# ?"
+ ],
+ "Choice;Name;Name;": [
+ "I found #HOTEL-SELECT-CHOICE# locations #HOTEL-SELECT-NAME# and #HOTEL-SELECT-NAME# , which one would you prefer ?"
+ ],
+ "Area;Area;Area;Area;": [
+ "Would you prefer to stay in the #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , #HOTEL-SELECT-AREA# , or #HOTEL-SELECT-AREA# section of the city ?"
+ ],
+ "Area;Name;Name;Name;Name;Parking;Type;": [
+ "Sure on #HOTEL-SELECT-AREA# with free parking how about #HOTEL-SELECT-NAME# , #HOTEL-SELECT-NAME# , #HOTEL-SELECT-NAME# , or #HOTEL-SELECT-NAME# all #HOTEL-SELECT-TYPE# ."
+ ],
+ "Choice;": [
+ "I ' m sorry , which of the #HOTEL-SELECT-CHOICE# would you like a reservation at ?",
+ "yes ! i have #HOTEL-SELECT-CHOICE# you may choose from !"
+ ],
+ "Name;Name;Type;Type;": [
+ "I have two options for you , and they are both 4 stars : #HOTEL-SELECT-NAME# is a #HOTEL-SELECT-TYPE# and #HOTEL-SELECT-NAME# is a #HOTEL-SELECT-TYPE# ."
+ ],
+ "Internet;Name;Parking;": [
+ "How about the #HOTEL-SELECT-NAME# , they have free internet and free parking ?"
+ ],
+ "Name;Name;Name;": [
+ "would you like the #HOTEL-SELECT-NAME# , #HOTEL-SELECT-NAME# , or #HOTEL-SELECT-NAME# ?"
+ ],
+ "Choice;Price;Price;": [
+ "There are #HOTEL-SELECT-CHOICE# , one in the #HOTEL-SELECT-PRICE# price range , one in the #HOTEL-SELECT-PRICE# price range . Which do you prefer ?",
+ "Okay I ' ve got #HOTEL-SELECT-CHOICE# options here . Would you like a #HOTEL-SELECT-PRICE# or an #HOTEL-SELECT-PRICE# price range ?"
+ ],
+ "Price;Price;Type;Type;": [
+ "We have a #HOTEL-SELECT-PRICE# #HOTEL-SELECT-TYPE# and an #HOTEL-SELECT-PRICE# #HOTEL-SELECT-TYPE# that match your requirements ."
+ ],
+ "Area;Area;Type;": [
+ "Do you want a #HOTEL-SELECT-TYPE# in the #HOTEL-SELECT-AREA# or #HOTEL-SELECT-AREA# ?"
+ ],
+ "Price;Price;Price;Type;Type;": [
+ "Would you like a #HOTEL-SELECT-TYPE# or #HOTEL-SELECT-TYPE# ? Would you like it in the #HOTEL-SELECT-PRICE# , #HOTEL-SELECT-PRICE# , or #HOTEL-SELECT-PRICE# range ? That will help narrow it down ."
+ ],
+ "Area;Area;Name;Name;": [
+ "The #HOTEL-SELECT-NAME# is in the #HOTEL-SELECT-AREA# while the #HOTEL-SELECT-NAME# is in the #HOTEL-SELECT-AREA# .",
+ "I have the #HOTEL-SELECT-NAME# in the #HOTEL-SELECT-AREA# and #HOTEL-SELECT-NAME# in the #HOTEL-SELECT-AREA# . Which would you prefer ?"
+ ],
+ "Stars;Stars;": [
+ "I ' m sorry , can you just clarify whether you prefer #HOTEL-SELECT-STARS# or #HOTEL-SELECT-STARS# stars ?",
+ "Yes I have two one is rated #HOTEL-SELECT-STARS# stars and the other has a #HOTEL-SELECT-STARS# star rating . Which do you prefer ?",
+ "Yes I have two to choose from . One is rated #HOTEL-SELECT-STARS# stars and one is rated #HOTEL-SELECT-STARS# stars . Do you have a preference ?",
+ "Do you have a star preference I have a #HOTEL-SELECT-STARS# and a #HOTEL-SELECT-STARS# star ."
+ ],
+ "Price;Price;Price;": [
+ "What price range would you prefer , #HOTEL-SELECT-PRICE# , #HOTEL-SELECT-PRICE# , or #HOTEL-SELECT-PRICE# ?",
+ "Would you like something #HOTEL-SELECT-PRICE# , #HOTEL-SELECT-PRICE# , or #HOTEL-SELECT-PRICE# ?"
+ ]
+ },
+ "Restaurant-Inform": {
+ "Area;Food;Phone;Price;": [
+ "It is a restaurant that serves #RESTAURANT-INFORM-FOOD# food near the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# . The phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Food;Name;": [
+ "Yes , #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-NAME# that serves #RESTAURANT-INFORM-FOOD# ?",
+ "Yes , the #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# Food .",
+ "Yes , #RESTAURANT-INFORM-NAME# is a great place for #RESTAURANT-INFORM-FOOD# food .",
+ "Would you instead be interested in #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# food ?",
+ "OK , #RESTAURANT-INFORM-NAME# \t is a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ? It serves #RESTAURANT-INFORM-FOOD# food .",
+ "What about the #RESTAURANT-INFORM-NAME# ? They serve #RESTAURANT-INFORM-FOOD# cuisine .",
+ "I have the #RESTAURANT-INFORM-NAME# they serve #RESTAURANT-INFORM-FOOD# food .",
+ "IS #RESTAURANT-INFORM-NAME# , a #RESTAURANT-INFORM-FOOD# place fitted to your tatse ?",
+ "Yes , there is a #RESTAURANT-INFORM-FOOD# restaurant in the west called #RESTAURANT-INFORM-NAME# .",
+ "I have #RESTAURANT-INFORM-NAME# that meats those requirements they serve #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-NAME# , they serve #RESTAURANT-INFORM-FOOD# Cuisine .",
+ "You might like #RESTAURANT-INFORM-NAME# . It 's a very popular #RESTAURANT-INFORM-FOOD# restaurant .",
+ "how about #RESTAURANT-INFORM-NAME# , it serves #RESTAURANT-INFORM-FOOD# .",
+ "Yes #RESTAURANT-INFORM-NAME# is a great #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant named #RESTAURANT-INFORM-NAME# that you may want to try .",
+ "I think you will have a great time picking a dish at #RESTAURANT-INFORM-NAME# which serves #RESTAURANT-INFORM-FOOD# .",
+ "Yes #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food . Would you like any other information about this resturant ?"
+ ],
+ "Phone;Price;": [
+ "Yes , it 's #RESTAURANT-INFORM-PRICE# . Phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone is #RESTAURANT-INFORM-PHONE# and it is in the #RESTAURANT-INFORM-PRICE# range .",
+ "As I mentioned it is #RESTAURANT-INFORM-PRICE# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure ! The phone number is : #RESTAURANT-INFORM-PHONE# and it is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It 's an #RESTAURANT-INFORM-PRICE# restaurant and the number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Food;Name;Price;": [
+ "How about #RESTAURANT-INFORM-NAME# , it 's a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# part of town .",
+ "There is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area of town . It is called #RESTAURANT-INFORM-NAME# .",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# .",
+ "Can I interest you in a #RESTAURANT-INFORM-PRICE# restaurant called #RESTAURANT-INFORM-NAME# , an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "How about #RESTAURANT-INFORM-NAME# ? That 's a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-PRICE# prices .",
+ "Okay , how about the #RESTAURANT-INFORM-NAME# ? They serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town and are #RESTAURANT-INFORM-PRICE# .",
+ "I can do that . #RESTAURANT-INFORM-NAME# is located in #RESTAURANT-INFORM-AREA# , it serves #RESTAURANT-INFORM-FOOD# and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Sure , how about #RESTAURANT-INFORM-NAME# , they offer #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , #RESTAURANT-INFORM-NAME# has #RESTAURANT-INFORM-FOOD# food and is #RESTAURANT-INFORM-PRICE# . It is in the #RESTAURANT-INFORM-AREA# .",
+ "I have the #RESTAURANT-INFORM-NAME# located in the #RESTAURANT-INFORM-AREA# it is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Yes #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# and is #RESTAURANT-INFORM-PRICE# .",
+ "I found a restaurant for you ! #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# Restaurant in the #RESTAURANT-INFORM-AREA# and also has a #RESTAURANT-INFORM-PRICE# price range .",
+ "Okay , how about #RESTAURANT-INFORM-NAME# ? It is a #RESTAURANT-INFORM-FOOD# restsurant in the #RESTAURANT-INFORM-AREA# area and is in the #RESTAURANT-INFORM-PRICE# price range . Will that work for you ?",
+ "The #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area . Would you like me to reserve a table for you ?",
+ "Sure ! #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food on the #RESTAURANT-INFORM-AREA# . It 's prices range toward the #RESTAURANT-INFORM-PRICE# side . Would you like more information ?",
+ "Yes , #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Happy to help - #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# restaurant with a #RESTAURANT-INFORM-PRICE# price point located in the #RESTAURANT-INFORM-AREA# .",
+ "Definitely ! #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Most of the #RESTAURANT-INFORM-PRICE# restaurants in Cambridge happen to be in the #RESTAURANT-INFORM-AREA# ! Would you like to try some #RESTAURANT-INFORM-FOOD# food at #RESTAURANT-INFORM-NAME# ?",
+ "There is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# range called #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# area of town .",
+ "There is #RESTAURANT-INFORM-NAME# which is a #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Why not try #RESTAURANT-INFORM-NAME# ? It is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# serving food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I found #RESTAURANT-INFORM-NAME# for you . It is located in #RESTAURANT-INFORM-AREA# part of town . It is in the #RESTAURANT-INFORM-PRICE# price range and serves #RESTAURANT-INFORM-FOOD# food .",
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food , it is in the #RESTAURANT-INFORM-AREA# and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "The #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# , and serves #RESTAURANT-INFORM-FOOD# food , but I ' m afraid it 's not in the south , but rather the #RESTAURANT-INFORM-AREA# . Would that be agreeable ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's an #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-PRICE# price range , located in #RESTAURANT-INFORM-AREA# area .",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's a #RESTAURANT-INFORM-FOOD# restaurant that is located in the #RESTAURANT-INFORM-AREA# and is #RESTAURANT-INFORM-PRICE# .",
+ "Yes , #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-PRICE# range . They are located in the #RESTAURANT-INFORM-AREA# . Do you have any other questions about them ?",
+ "Yes I found a perfect fit for you . #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# restaurant that serves #RESTAURANT-INFORM-PRICE# food in the #RESTAURANT-INFORM-AREA# . Would you like their address and telephone number ?",
+ "Yes . #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range and is located in #RESTAURANT-INFORM-AREA# .",
+ "how about #RESTAURANT-INFORM-NAME# ? it serves \t #RESTAURANT-INFORM-FOOD# food , it is in the #RESTAURANT-INFORM-AREA# \t and the #RESTAURANT-INFORM-PRICE# price range",
+ "How about #RESTAURANT-INFORM-NAME# ? It is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# side .",
+ "There is #RESTAURANT-INFORM-NAME# , an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurnt in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant named #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I have a place by the name of #RESTAURANT-INFORM-NAME# , it serves #RESTAURANT-INFORM-FOOD# cuisine in the #RESTAURANT-INFORM-AREA# and is the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes . #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes , #RESTAURANT-INFORM-NAME# has #RESTAURANT-INFORM-FOOD# cuisine and is #RESTAURANT-INFORM-PRICE# . It is located in the #RESTAURANT-INFORM-AREA# .",
+ "No , but #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food . How does that sound ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# area .",
+ "How about #RESTAURANT-INFORM-NAME# . It serves #RESTAURANT-INFORM-FOOD# food , is in the #RESTAURANT-INFORM-PRICE# price range , and in the #RESTAURANT-INFORM-AREA# part of town ."
+ ],
+ "Addr;Post;": [
+ "No problem , address is #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . The postcode is #RESTAURANT-INFORM-POST# .",
+ "Here 's you are : #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-ADDR# .",
+ "Sure , the address is #RESTAURANT-INFORM-ADDR# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "Yes , it is located at #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# .",
+ "Sure , the address is #RESTAURANT-INFORM-ADDR# . Postcode is #RESTAURANT-INFORM-POST# .",
+ "Absolutely , the address is #RESTAURANT-INFORM-ADDR# , and the postal code is #RESTAURANT-INFORM-POST# .",
+ "I have them at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-POST# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , post code #RESTAURANT-INFORM-POST# .",
+ "I 'd love to . The address is #RESTAURANT-INFORM-ADDR# , and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the postal code is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and the post code is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . Post code is #RESTAURANT-INFORM-POST# .",
+ "the address is #RESTAURANT-INFORM-ADDR# . the postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "Yes their address is #RESTAURANT-INFORM-ADDR# and their postcode is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The address of the restaurant is : #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# .",
+ "Of course , the address is #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# . Did you want the phone number as well ?",
+ "Yes , the address is #RESTAURANT-INFORM-ADDR# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the post code is #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . The post code is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Choice;Food;": [
+ "Yes there is a #RESTAURANT-INFORM-FOOD# restaurant in Cambridge with #RESTAURANT-INFORM-CHOICE# different locations , would you like the addresses ?",
+ "That is #RESTAURANT-INFORM-CHOICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "Yes I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants if you are interested .",
+ "I #RESTAURANT-INFORM-CHOICE# have #RESTAURANT-INFORM-FOOD# food in that area .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# restaurants that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes there are #RESTAURANT-INFORM-CHOICE# different places that serve #RESTAURANT-INFORM-FOOD# of food .",
+ "All #RESTAURANT-INFORM-CHOICE# serve #RESTAURANT-INFORM-FOOD# Cuisine .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants , would you like their names ?",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# different #RESTAURANT-INFORM-FOOD# restaurants in that area .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the area , is that okay ?",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant in that area .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants available .",
+ "I do have #RESTAURANT-INFORM-CHOICE# options for #RESTAURANT-INFORM-FOOD# . Would you like to see reviews of those ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants meeting your requirements . May I recommend one for you ?",
+ "I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants to choose from .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants . What price range do you prefer ?"
+ ],
+ "Name;Price;": [
+ "I am sorry . I mistook that price range . #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# range . Would that work for you ?",
+ "How about the #RESTAURANT-INFORM-NAME# ? It is #RESTAURANT-INFORM-PRICE# priced .",
+ "Yes , #RESTAURANT-INFORM-NAME# is a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There is #RESTAURANT-INFORM-NAME# if you 're looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "The price range for #RESTAURANT-INFORM-NAME# restaurant is in a #RESTAURANT-INFORM-PRICE# .",
+ "Yes , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I found a nice restaurant for you called #RESTAURANT-INFORM-NAME# . It 's #RESTAURANT-INFORM-PRICE# and tastes great !",
+ "The #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# .",
+ "I have a #RESTAURANT-INFORM-PRICE# priced one , not cheap . It is #RESTAURANT-INFORM-NAME# . Would you still like the phone number ?",
+ "No , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There 's one restaurant called #RESTAURANT-INFORM-NAME# , but it 's #RESTAURANT-INFORM-PRICE# . Would this be fine ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It is #RESTAURANT-INFORM-PRICE# and delicious .",
+ "Yes , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , there is #RESTAURANT-INFORM-NAME# , which is an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Well I have the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Addr;Name;": [
+ "Yes , the address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "Okay #RESTAURANT-INFORM-NAME# fits that criteria . It is located in #RESTAURANT-INFORM-ADDR# .",
+ "Okay , how about #RESTAURANT-INFORM-NAME# located on #RESTAURANT-INFORM-ADDR# ?",
+ "We do have one result for #RESTAURANT-INFORM-NAME# . It 's located on #RESTAURANT-INFORM-ADDR# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "I like #RESTAURANT-INFORM-NAME# , its on #RESTAURANT-INFORM-ADDR# .",
+ "How about #RESTAURANT-INFORM-NAME# ? They are located at #RESTAURANT-INFORM-ADDR# .",
+ "there is one called #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-ADDR# .",
+ "The address of the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "I found one named ' #RESTAURANT-INFORM-NAME# ' located on #RESTAURANT-INFORM-ADDR# .",
+ "The address of #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "I have found #RESTAURANT-INFORM-NAME# . It is located at #RESTAURANT-INFORM-ADDR# .",
+ "How about #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# ?",
+ "I have #RESTAURANT-INFORM-NAME# here at #RESTAURANT-INFORM-ADDR# .",
+ "Okay , how about #RESTAURANT-INFORM-NAME# . It 's located at #RESTAURANT-INFORM-ADDR# .",
+ "How about #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# ?",
+ "I have #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# .",
+ "What about the #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# ?",
+ "I have found a #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# .",
+ "How about the #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# ?",
+ "Very well , the address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "Absolutely ! #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# .",
+ "The #RESTAURANT-INFORM-NAME# in #RESTAURANT-INFORM-ADDR# seems to meet your requirements .",
+ "Here is the address for the #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-ADDR# . I currently do not have reviews of the restaurant avialable .",
+ "It is #RESTAURANT-INFORM-NAME# #RESTAURANT-INFORM-ADDR# .",
+ "It 's called #RESTAURANT-INFORM-NAME# . It 's at #RESTAURANT-INFORM-ADDR# .",
+ "There is a #RESTAURANT-INFORM-NAME# at this address : #RESTAURANT-INFORM-ADDR# .",
+ "there is #RESTAURANT-INFORM-NAME# located at #RESTAURANT-INFORM-ADDR# . Will that work for you ?",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# .",
+ "Okay , how about #RESTAURANT-INFORM-NAME# that 's on #RESTAURANT-INFORM-ADDR# ?",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Choice;Price;Price;": [
+ "Great , I have #RESTAURANT-INFORM-CHOICE# options for you in the #RESTAURANT-INFORM-PRICE# to #RESTAURANT-INFORM-PRICE# range ."
+ ],
+ "Area;Food;Name;Phone;Price;": [
+ "I ' ve located #RESTAURANT-INFORM-NAME# for you . It serves #RESTAURANT-INFORM-FOOD# food , it 's in the #RESTAURANT-INFORM-AREA# area and is in the #RESTAURANT-INFORM-PRICE# price range . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# and their telephone number is #RESTAURANT-INFORM-PHONE# . They serve #RESTAURANT-INFORM-FOOD# food .",
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range . Their phone number is #RESTAURANT-INFORM-PHONE# . They are in location of #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Phone;": [
+ "The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "it 's address is #RESTAURANT-INFORM-ADDR# , and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "no problem , its phone number is #RESTAURANT-INFORM-PHONE# and address is #RESTAURANT-INFORM-ADDR# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# , and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "Sure , the address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The number is #RESTAURANT-INFORM-PHONE# , \t and it is in #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "it is located at #RESTAURANT-INFORM-ADDR# and you can reach them at #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "It 's phone number is #RESTAURANT-INFORM-PHONE# and its address is #RESTAURANT-INFORM-ADDR# .",
+ "I have found the one you are looking for , the address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "its address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Here is the address and the phone number : #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# , and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "Yes , their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Certainly . Their address is #RESTAURANT-INFORM-ADDR# and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , they are on #RESTAURANT-INFORM-ADDR# and their number is #RESTAURANT-INFORM-PHONE# .",
+ "Of course . The restaurant is on #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes of course their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Will I ca n't tell you what the check for your food is going to be , but there address is #RESTAURANT-INFORM-ADDR# phone is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# , their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "It is located at #RESTAURANT-INFORM-ADDR# . The phone number is is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# . It is located on #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "their phone number is #RESTAURANT-INFORM-PHONE# and address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "Certainly , the address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# . Unfortunately their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "They are at #RESTAURANT-INFORM-ADDR# , and their number is #RESTAURANT-INFORM-PHONE# .",
+ "their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and phone #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Absolutely . The phone number is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "Yes , there is ! It 's address is #RESTAURANT-INFORM-ADDR# and it 's number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure . I #RESTAURANT-INFORM-PHONE# their telephone number but their address is #RESTAURANT-INFORM-ADDR# .",
+ "Certainly . They are located at #RESTAURANT-INFORM-ADDR# , phone number #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , the phone number is #RESTAURANT-INFORM-PHONE# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and addres is \t #RESTAURANT-INFORM-ADDR# .",
+ "Yes , the address is #RESTAURANT-INFORM-ADDR# and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Food;Name;": [
+ "There is #RESTAURANT-INFORM-CHOICE# listing for #RESTAURANT-INFORM-FOOD# food , #RESTAURANT-INFORM-NAME# in #RESTAURANT-INFORM-AREA# part of town .",
+ "yes sure . there is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . What else do you want to know ?",
+ "Yes , #RESTAURANT-INFORM-NAME# is located in the #RESTAURANT-INFORM-AREA# , as are #RESTAURANT-INFORM-CHOICE# restaurants with #RESTAURANT-INFORM-FOOD# food .",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Name;Name;": [
+ "There is #RESTAURANT-INFORM-NAME# \t and #RESTAURANT-INFORM-NAME# .",
+ "There is #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# which meet your criteria .",
+ "You have your choice of #RESTAURANT-INFORM-NAME# or #RESTAURANT-INFORM-NAME# .",
+ "I have the #RESTAURANT-INFORM-NAME# that is cheap and #RESTAURANT-INFORM-NAME# that is expensive .",
+ "I found #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . Does either of them sound good for you ?",
+ "I found #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# for you .",
+ "yes ! there is #RESTAURANT-INFORM-NAME# or #RESTAURANT-INFORM-NAME# .",
+ "We have just about anything you can think of , from #RESTAURANT-INFORM-NAME# to #RESTAURANT-INFORM-NAME# .",
+ "Yes , there 's #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "There is #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Phone;Post;": [
+ "Sure . The address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# , and phone number #RESTAURANT-INFORM-PHONE# .",
+ "They are found on #RESTAURANT-INFORM-ADDR# , their postcod is #RESTAURANT-INFORM-POST# and their number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure ! The phone is #RESTAURANT-INFORM-PHONE# , the postal code is #RESTAURANT-INFORM-POST# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "The location is at #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# the phone number is #RESTAURANT-INFORM-PHONE# . Is there anything else I can help you with ?",
+ "The phone number is #RESTAURANT-INFORM-PHONE# , address is #RESTAURANT-INFORM-ADDR# , and postcode is #RESTAURANT-INFORM-POST# .",
+ "Sure , the phone number is #RESTAURANT-INFORM-PHONE# and it is located at #RESTAURANT-INFORM-ADDR# . Postcode #RESTAURANT-INFORM-POST# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# . Their postcode is #RESTAURANT-INFORM-POST# and their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , the post code is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# . Their phone is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The postcode is #RESTAURANT-INFORM-POST# , the address is #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their number is #RESTAURANT-INFORM-PHONE# , postcard is #RESTAURANT-INFORM-POST# and they are located on #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Its address is #RESTAURANT-INFORM-ADDR# , phone number is #RESTAURANT-INFORM-PHONE# and its postal code is #RESTAURANT-INFORM-POST# .",
+ "Absolutely . The postcode is #RESTAURANT-INFORM-POST# , the address is at #RESTAURANT-INFORM-ADDR# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "the address is #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# , their postcode is #RESTAURANT-INFORM-POST# , and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# . The address is #RESTAURANT-INFORM-ADDR# postcode #RESTAURANT-INFORM-POST# .",
+ "The address is #RESTAURANT-INFORM-ADDR# \t , #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Address is #RESTAURANT-INFORM-ADDR# , phone number #RESTAURANT-INFORM-PHONE# , and postcode #RESTAURANT-INFORM-POST# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# , their postcode is #RESTAURANT-INFORM-POST# , and phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# with a phone number of #RESTAURANT-INFORM-PHONE# . The postcode is #RESTAURANT-INFORM-POST# .",
+ "They are located #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-POST# . Phone : #RESTAURANT-INFORM-PHONE# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure the address is #RESTAURANT-INFORM-ADDR# , phone number #RESTAURANT-INFORM-PHONE# and post code #RESTAURANT-INFORM-POST# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# and phone number #RESTAURANT-INFORM-PHONE# .",
+ "Yes , the address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Price;": [
+ "It is #RESTAURANT-INFORM-PRICE# , but very good .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "The Riverside Brasserie is #RESTAURANT-INFORM-PRICE# .",
+ "It is a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "This is a #RESTAURANT-INFORM-PRICE# one .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It 's in the #RESTAURANT-INFORM-PRICE# price range . Is there anything else I can help you with ?",
+ "This restaurant is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It is #RESTAURANT-INFORM-PRICE# .",
+ "It is actually in the #RESTAURANT-INFORM-PRICE# price range . Would you like me to look for another place instead ?",
+ "They are in the #RESTAURANT-INFORM-PRICE# range for them .",
+ "Yes , it 's #RESTAURANT-INFORM-PRICE# . Would that work for you ?",
+ "Yes it is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes the restaurant is #RESTAURANT-INFORM-PRICE# .",
+ "It is #RESTAURANT-INFORM-PRICE# range in price .",
+ "Both are #RESTAURANT-INFORM-PRICE# options .",
+ "Sure , they are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , it is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It is in a #RESTAURANT-INFORM-PRICE# price range .",
+ "It is in the more #RESTAURANT-INFORM-PRICE# price range , yes .",
+ "The restaurant is #RESTAURANT-INFORM-PRICE# .",
+ "It is an #RESTAURANT-INFORM-PRICE# restaurant yes",
+ "It 's an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "When booking your restaurant , I see that the jinling noodle bar is #RESTAURANT-INFORM-PRICE# priced . Would that work ?",
+ "it is in #RESTAURANT-INFORM-PRICE# price range",
+ "The price range is #RESTAURANT-INFORM-PRICE# .",
+ "That is an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "it 's a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "No , it is #RESTAURANT-INFORM-PRICE# .",
+ "it 's a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "It is the #RESTAURANT-INFORM-PRICE# price range .",
+ "No , those are both in the #RESTAURANT-INFORM-PRICE# price range . Are either of those acceptable ?",
+ "Yes it is #RESTAURANT-INFORM-PRICE# .",
+ "That one is a #RESTAURANT-INFORM-PRICE# restaurant . It 's fantastic !",
+ "No it is in an #RESTAURANT-INFORM-PRICE# price range .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "yes , it 's an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "They are #RESTAURANT-INFORM-PRICE# .",
+ "I have #RESTAURANT-INFORM-PRICE# prices ranges .",
+ "They 're listed as #RESTAURANT-INFORM-PRICE# .",
+ "It is in the #RESTAURANT-INFORM-PRICE# range for price ."
+ ],
+ "Food;": [
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "Sure ! It is #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "That is a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "They serve #RESTAURANT-INFORM-FOOD# food . Will that work for you ?",
+ "As mentioned before they are #RESTAURANT-INFORM-FOOD# .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "How About #RESTAURANT-INFORM-FOOD# ?",
+ "they serve #RESTAURANT-INFORM-FOOD# food",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "That is #RESTAURANT-INFORM-FOOD# . Is that okay ?",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "The Bedouin serves #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food there .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "It 's #RESTAURANT-INFORM-FOOD# .",
+ "It is #RESTAURANT-INFORM-FOOD# food .",
+ "They do serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "It does n't look like it . It shows #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Food;Food;Food;Food;Price;Price;": [
+ "Sure I have #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-FOOD# food to name a few . Some #RESTAURANT-INFORM-PRICE# . Some #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Name;": [
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "How does the #RESTAURANT-INFORM-NAME# sound ?",
+ "Okay , how about #RESTAURANT-INFORM-NAME# ?",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "There is a restaurant called #RESTAURANT-INFORM-NAME# that meets your criteria .",
+ "Yes ! How about #RESTAURANT-INFORM-NAME# ?",
+ "Sure , how about #RESTAURANT-INFORM-NAME# ?",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "Would you like #RESTAURANT-INFORM-NAME# ?",
+ "yes , there 's a place called #RESTAURANT-INFORM-NAME# .",
+ "I will go to the #RESTAURANT-INFORM-NAME# , thanks so much",
+ "thank you , I will go to the #RESTAURANT-INFORM-NAME# .",
+ "I am so sorry . The restaurant is #RESTAURANT-INFORM-NAME# . I will work on your taxi reservations .",
+ "yes . #RESTAURANT-INFORM-NAME# \t fits your wants .",
+ "I was able to find #RESTAURANT-INFORM-NAME# , would you like to try that ?",
+ "There is #RESTAURANT-INFORM-NAME# . Would you like the address ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It meets your requirements .",
+ "The restaurant is named the #RESTAURANT-INFORM-NAME# .",
+ "how about #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ? I hear it is very good .",
+ "what about #RESTAURANT-INFORM-NAME# ? it 's lovely",
+ "Yes , #RESTAURANT-INFORM-NAME# .",
+ "how about #RESTAURANT-INFORM-NAME# ? i have heard great things",
+ "This one is #RESTAURANT-INFORM-NAME# , will that work ?",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "It is not , but #RESTAURANT-INFORM-NAME# is . Would you like more information on that restaurant ?",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ? I ' ve heard great things .",
+ "Okay , I have the #RESTAURANT-INFORM-NAME# listed , would you like to try that one ?",
+ "The #RESTAURANT-INFORM-NAME# is a nice place",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "Sure , how about #RESTAURANT-INFORM-NAME# ?",
+ "what about #RESTAURANT-INFORM-NAME# ? it 's getting great reviews .",
+ "the #RESTAURANT-INFORM-NAME# should meet your needs .",
+ "How about the #RESTAURANT-INFORM-NAME# ?",
+ "Sure how about #RESTAURANT-INFORM-NAME# ?",
+ "Yes , #RESTAURANT-INFORM-NAME# is located in the centre .",
+ "Sure thing , here is a place #RESTAURANT-INFORM-NAME# .",
+ "Yes , I ' ve got #RESTAURANT-INFORM-NAME# in that area . Would you like to try it ?",
+ "It is #RESTAURANT-INFORM-NAME# .",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "I have pulled up #RESTAURANT-INFORM-NAME# from our database . What would you like to know ?",
+ "I ' ve heard great things about #RESTAURANT-INFORM-NAME# .",
+ "how about #RESTAURANT-INFORM-NAME# ? It looks lovely",
+ "Okay , how about the #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "Yes , #RESTAURANT-INFORM-NAME# .",
+ "Yes , I would suggest this one #RESTAURANT-INFORM-NAME# .",
+ "I ' m sorry for the confusion , #RESTAURANT-INFORM-NAME# is the restaurant and is not assigned a star rating .",
+ "Hey I ' ve found #RESTAURANT-INFORM-NAME# , how does that sound ?",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "Sure , how about the #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "How does #RESTAURANT-INFORM-NAME# sound ?"
+ ],
+ "Choice;": [
+ "I have #RESTAURANT-INFORM-CHOICE# different restaurants I can give you some information for . They are all pretty good .",
+ "Yes there are #RESTAURANT-INFORM-CHOICE# different places that match your description .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in that area that fit that criteria .",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "We have #RESTAURANT-INFORM-CHOICE# options available to you , would you like their names and addresses ?",
+ "We have #RESTAURANT-INFORM-CHOICE# such places .",
+ "Sure , I have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "ok , first let 's verify which restaurant you would like out of the #RESTAURANT-INFORM-CHOICE# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# available restaurants . May I help you narrow down your choices ?",
+ "We have #RESTAURANT-INFORM-CHOICE# entries that match that criteria . Do you have a further preference ?",
+ "I found #RESTAURANT-INFORM-CHOICE# restaurants , do you have anything to narrow it down ?",
+ "Okay there are #RESTAURANT-INFORM-CHOICE# matches for your request . May I make a suggestion ?",
+ "there are #RESTAURANT-INFORM-CHOICE# venues to choose from",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that match that description . Can recommend one of them for you ?",
+ "I find #RESTAURANT-INFORM-CHOICE# restaurants matching your request .",
+ "I have #RESTAURANT-INFORM-CHOICE# restaurants that come up , based on that criteria . Would you like more information about them ?",
+ "We offer #RESTAURANT-INFORM-CHOICE# such places .",
+ "I have #RESTAURANT-INFORM-CHOICE# choices would you like a recommendation ?",
+ "great , i have #RESTAURANT-INFORM-CHOICE# options for you to choose from !",
+ "Great , I have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure , there are #RESTAURANT-INFORM-CHOICE# to choose from",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "great , i ' ve narrowed it down to #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that meet your criteria . Would you like a recommendation ?",
+ "I have #RESTAURANT-INFORM-CHOICE# places . Would you like to know more about them ?",
+ "I have #RESTAURANT-INFORM-CHOICE# would you like m to recommend one ?",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that match your specifications . Do you want anything more specific ?",
+ "great , i have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "We have #RESTAURANT-INFORM-CHOICE# options that meet your criteria . Would you like a recommendation ?",
+ "We have #RESTAURANT-INFORM-CHOICE# matches for your requirements . Do you have any additional preferences ?",
+ "sure i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "Yes , i have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "I have #RESTAURANT-INFORM-CHOICE# . Would you like me to suggest one for you ?",
+ "great , i have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "We have #RESTAURANT-INFORM-CHOICE# entries that match your search . Do you have a particular preference further ?",
+ "great , i have #RESTAURANT-INFORM-CHOICE# options for you to choose from !",
+ "I ' m sorry there are #RESTAURANT-INFORM-CHOICE# choices . Can you narrow it down for me a little bit .",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "fantastic , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants . What cuisine would you like ?",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "There is #RESTAURANT-INFORM-CHOICE# restaurants to your request .",
+ "sure i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "There are #RESTAURANT-INFORM-CHOICE# to choose from . Can you give me more information to find the perfect place ?",
+ "There are #RESTAURANT-INFORM-CHOICE# Indian restaurants in the area . Are you looking for one nearby , or maybe a specific dish , like curry ?",
+ "sure , i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "Yes , I have found #RESTAURANT-INFORM-CHOICE# restaurants matching your inquest ."
+ ],
+ "Addr;Area;Food;Phone;Price;Ref;": [
+ "It 's an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# . Your reference number is #RESTAURANT-INFORM-REF# ."
+ ],
+ "Post;": [
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "Sure thing , their zip code is #RESTAURANT-INFORM-POST# .",
+ "The post code is #RESTAURANT-INFORM-POST# .",
+ "Sure . The post code is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "the postcode is #RESTAURANT-INFORM-POST# . Do you need help with anything else ?",
+ "Sure ! The post code is #RESTAURANT-INFORM-POST# . What time should I reserve your table for ?",
+ "Their postcode is #RESTAURANT-INFORM-POST# .",
+ "Not a problem . The postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "Certainly . The postcode is #RESTAURANT-INFORM-POST# .",
+ "Their postcode is #RESTAURANT-INFORM-POST# . Can I help you with anything else ?",
+ "Yes , the postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "Sure thing it 's #RESTAURANT-INFORM-POST# .",
+ "The post code is #RESTAURANT-INFORM-POST# .",
+ "Yes , the postcode is #RESTAURANT-INFORM-POST# .",
+ "My apologies . The postcode is #RESTAURANT-INFORM-POST# .",
+ "their post code is #RESTAURANT-INFORM-POST# .",
+ "Sure ! Their postcode is #RESTAURANT-INFORM-POST# .",
+ "Their postcode is #RESTAURANT-INFORM-POST# . Anything else I can do for you ?",
+ "The post code is #RESTAURANT-INFORM-POST# . They have amazing egg rolls !",
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "Yes , it 's #RESTAURANT-INFORM-POST# .",
+ "The post code is #RESTAURANT-INFORM-POST# . Can I get you anything else ?"
+ ],
+ "Choice;Food;Name;": [
+ "there is only #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant in town called #RESTAURANT-INFORM-NAME# .",
+ "I ' m sorry . #RESTAURANT-INFORM-NAME# is the #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant around .",
+ "There are #RESTAURANT-INFORM-CHOICE# to choose from . #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# . Does that sound good ?",
+ "There is #RESTAURANT-INFORM-CHOICE# , #RESTAURANT-INFORM-NAME# , and it is #RESTAURANT-INFORM-FOOD# . Does that appeal to you ?",
+ "Do you want #RESTAURANT-INFORM-FOOD# food ? If so , the #RESTAURANT-INFORM-NAME# is popular . You are in luck as there is a #RESTAURANT-INFORM-CHOICE# options ."
+ ],
+ "Choice;Name;Name;": [
+ "I have #RESTAURANT-INFORM-CHOICE# restaurants . They are #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "have #RESTAURANT-INFORM-CHOICE# listings one for #RESTAURANT-INFORM-NAME# and one for #RESTAURANT-INFORM-NAME# .",
+ "I have found #RESTAURANT-INFORM-CHOICE# great restaurants that meet your needs . They are #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants : #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "The #RESTAURANT-INFORM-CHOICE# restaurants are #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "Yes I have #RESTAURANT-INFORM-CHOICE# . #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "I have found #RESTAURANT-INFORM-CHOICE# . They are #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# restaurants that fit that criteria , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "There are actually #RESTAURANT-INFORM-CHOICE# it looks like : #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "You have a choice of #RESTAURANT-INFORM-CHOICE# restaurants : #RESTAURANT-INFORM-NAME# or #RESTAURANT-INFORM-NAME# .",
+ "Okay , there 's #RESTAURANT-INFORM-CHOICE# . The #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "We have #RESTAURANT-INFORM-CHOICE# restaurants that meet your criteria - #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Phone;": [
+ "Sure . The number there is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their number is #RESTAURANT-INFORM-PHONE# .",
+ "It is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "It is at #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure thing . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , it 's #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Absolutely . It is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# . Can I help you with anything else ?",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "you can reach them at #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes certainly , it is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "cotto 's phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The telephone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "I am certain . Their phone number is #RESTAURANT-INFORM-PHONE# , perhaps you can call and speak with someone .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "the phone number of it is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , the number is #RESTAURANT-INFORM-PHONE# .",
+ "The number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Here is the phone number #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure , the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# . Is there anything else I can help you with ?",
+ "Yes , here it is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Name;": [
+ "Okay , I ' ve got #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# area . How does that sound ?",
+ "Sure , what information would you like about #RESTAURANT-INFORM-NAME# ? It 's located in the #RESTAURANT-INFORM-AREA# .",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ? It is in the #RESTAURANT-INFORM-AREA# .",
+ "I have the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# , would that be good ?",
+ "There is a restaurant called the #RESTAURANT-INFORM-NAME# that fits that criteria . It is located in the #RESTAURANT-INFORM-AREA# .",
+ "There is a #RESTAURANT-INFORM-NAME# located in the #RESTAURANT-INFORM-AREA# .",
+ "I found #RESTAURANT-INFORM-NAME# in #RESTAURANT-INFORM-AREA# , would that work ?",
+ "There is #RESTAURANT-INFORM-NAME# at the #RESTAURANT-INFORM-AREA# , would you like to have the address ?",
+ "I have found a #RESTAURANT-INFORM-NAME# located in #RESTAURANT-INFORM-AREA# , would you like that address ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It is located in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-AREA# .",
+ "I have the #RESTAURANT-INFORM-NAME# located in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-NAME# restaurant is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Okay how about the #RESTAURANT-INFORM-NAME# on the #RESTAURANT-INFORM-AREA# ?",
+ "How about #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# ?",
+ "I have the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# of town . Would that work ?",
+ "I found #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# .",
+ "Great . How about #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# ?",
+ "There 's #RESTAURANT-INFORM-NAME# , located in the #RESTAURANT-INFORM-AREA# . Would you like their information ?",
+ "Okay , how about the #RESTAURANT-INFORM-NAME# ? It 's in the #RESTAURANT-INFORM-AREA# .",
+ "how about #RESTAURANT-INFORM-NAME# ? it 's located in the #RESTAURANT-INFORM-AREA# .",
+ "How about #RESTAURANT-INFORM-NAME# located in the #RESTAURANT-INFORM-AREA# of town ?"
+ ],
+ "Choice;Name;Name;Name;": [
+ "We have #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants matching that , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# .",
+ "I have #RESTAURANT-INFORM-CHOICE# listings for #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "I ' ve found #RESTAURANT-INFORM-CHOICE# restaurants in that area : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;": [
+ "their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The restaurant is located at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Sure , it 's located at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Great ! Here is the address , #RESTAURANT-INFORM-ADDR# .",
+ "yes it is located in #RESTAURANT-INFORM-ADDR# . anything else ?",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Yes . Their address is #RESTAURANT-INFORM-ADDR# .",
+ "It 's located at #RESTAURANT-INFORM-ADDR# . It 's one of my favorite restaurants !",
+ "Here is the address #RESTAURANT-INFORM-ADDR# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is \t #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address for that restaurant is #RESTAURANT-INFORM-ADDR# .",
+ "It is at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Of course , the address is #RESTAURANT-INFORM-ADDR# . Would this restaurant work for you ?",
+ "Yes the address is #RESTAURANT-INFORM-ADDR# .",
+ "Yes , their address is #RESTAURANT-INFORM-ADDR# .",
+ "Certainly . The address is #RESTAURANT-INFORM-ADDR# . Do you need anything else today ?",
+ "I have the ask located at #RESTAURANT-INFORM-ADDR# .",
+ "The address to acorn is #RESTAURANT-INFORM-ADDR# .",
+ "Yes , the address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . We do not have the phone number available in our database .",
+ "Their address is #RESTAURANT-INFORM-ADDR# .",
+ "It is located at #RESTAURANT-INFORM-ADDR# .",
+ "I found this restaurant . This is at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "It is located at #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Here is the address you are looking for , #RESTAURANT-INFORM-ADDR# .",
+ "It is located at #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Name;Post;": [
+ "The postcode for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# .",
+ "The postcode for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# . Will that be all ?",
+ "The postcode of #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# .",
+ "The postal code for the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# .",
+ "Sure ! The post code is #RESTAURANT-INFORM-POST# and it 's called #RESTAURANT-INFORM-NAME# .",
+ "The post code for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# .",
+ "Of course , the postcode for the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# .",
+ "The postal code for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Addr;Name;Phone;": [
+ "I think you would the #RESTAURANT-INFORM-NAME# . Their address is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address of #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Certainly . The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and address is #RESTAURANT-INFORM-ADDR# .",
+ "there is #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# , phone #RESTAURANT-INFORM-PHONE# .",
+ "Of course . #RESTAURANT-INFORM-NAME# is at #RESTAURANT-INFORM-ADDR# , and the number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# , and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "I have the #RESTAURANT-INFORM-NAME# located at #RESTAURANT-INFORM-ADDR# , phone number #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "Yes of course . The #RESTAURANT-INFORM-NAME# 's address is #RESTAURANT-INFORM-ADDR# and their telephone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# .",
+ "That would be #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# . They can be reached at #RESTAURANT-INFORM-PHONE# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , there is a restaurant called #RESTAURANT-INFORM-NAME# located at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Of course ! #RESTAURANT-INFORM-NAME# 's number is #RESTAURANT-INFORM-PHONE# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "Yes , there 's a restaurant called #RESTAURANT-INFORM-NAME# and is on #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure #RESTAURANT-INFORM-NAME# 's address is #RESTAURANT-INFORM-ADDR# and their telephone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Okay I have chosen the #RESTAURANT-INFORM-NAME# for you , which is a very popular location . Their address is \t #RESTAURANT-INFORM-ADDR# and their telephone number is #RESTAURANT-INFORM-PHONE# .",
+ "Sure the #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# and there phone number is #RESTAURANT-INFORM-PHONE# ...",
+ "there is #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# , phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address of #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "the phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "How about #RESTAURANT-INFORM-NAME# in the centre area . The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Certainly . #RESTAURANT-INFORM-NAME# is in the city centre at #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# . What other information can I get for you ?",
+ "Absolutely , #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# . Its phone number is #RESTAURANT-INFORM-PHONE# . Would you like anything else ?"
+ ],
+ "Area;Food;Price;": [
+ "It 's an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . It serves #RESTAURANT-INFORM-FOOD# food .",
+ "There is a #RESTAURANT-INFORM-PRICE# one in the #RESTAURANT-INFORM-AREA# , a #RESTAURANT-INFORM-FOOD# bar .",
+ "It is located in the #RESTAURANT-INFORM-AREA# , serves #RESTAURANT-INFORM-FOOD# food and is on the #RESTAURANT-INFORM-PRICE# price range .",
+ "Ah , here it is . It 's an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Would you like to make a reservation ?",
+ "Absolutely . It is an #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# . It is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "This is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes I do ! It is located in the #RESTAURANT-INFORM-AREA# and is at a #RESTAURANT-INFORM-PRICE# price range level . It serves #RESTAURANT-INFORM-FOOD# food .",
+ "There is an #RESTAURANT-INFORM-FOOD# restaurant by that name that is #RESTAURANT-INFORM-PRICE# . It is within the #RESTAURANT-INFORM-AREA# , and also has a coffee bar .",
+ "Yes , it is listed as an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# .",
+ "Sure , it is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# but very good . What would you like to know ?",
+ "How about the Charlie Chan ? They are a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Absolutely ! That is a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town . It is considered to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It is a great #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . It 's also #RESTAURANT-INFORM-PRICE# , so that is a plus .",
+ "Sure , that 's a great #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . What information do you need ?",
+ "They serve #RESTAURANT-INFORM-FOOD# food , are located in the #RESTAURANT-INFORM-AREA# , and have a #RESTAURANT-INFORM-PRICE# price range .",
+ "There 's a very nice #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , it 's #RESTAURANT-INFORM-PRICE# .",
+ "It is an #RESTAURANT-INFORM-FOOD# restaurnat in the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# .",
+ "Yes they serve #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# .",
+ "Yes . It is #RESTAURANT-INFORM-FOOD# cuisine located in the #RESTAURANT-INFORM-AREA# with and #RESTAURANT-INFORM-PRICE# price range .",
+ "That is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . It is in the #RESTAURANT-INFORM-PRICE# price range .Any other information you need ?",
+ "Yes , that is a #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# restaruant in the #RESTAURANT-INFORM-AREA# .",
+ "It 's an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "It is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range",
+ "It is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Would you like the address ?"
+ ],
+ "Choice;Food;Food;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# results . #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food .",
+ "Sure . I have #RESTAURANT-INFORM-CHOICE# . How about the #RESTAURANT-INFORM-NAME# ? They serve #RESTAURANT-INFORM-FOOD# . Or #RESTAURANT-INFORM-NAME# , the serve #RESTAURANT-INFORM-FOOD# ?",
+ "I found #RESTAURANT-INFORM-CHOICE# for you . #RESTAURANT-INFORM-NAME# is good if you want #RESTAURANT-INFORM-FOOD# food , and #RESTAURANT-INFORM-NAME# if you 'd like #RESTAURANT-INFORM-FOOD# . They 're both near each other .",
+ "There are #RESTAURANT-INFORM-CHOICE# options . #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Addr;Area;Food;Phone;": [
+ "This is an a restaurant that serves #RESTAURANT-INFORM-FOOD# food located in #RESTAURANT-INFORM-AREA# . You can call them on #RESTAURANT-INFORM-PHONE# . Their address is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Name;Name;Name;": [
+ "You have your choice of #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , or #RESTAURANT-INFORM-NAME# .",
+ "Certainly . Some choices that fit your criteria are #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "Yes , there 's #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . How do those sound ?",
+ "In that price range , you have your choice of the #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Choice;Food;Food;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# resturants in the area #RESTAURANT-INFORM-PRICE# , #RESTAURANT-INFORM-NAME# and the #RESTAURANT-INFORM-NAME# . One is #RESTAURANT-INFORM-FOOD# and one is #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Name;Phone;": [
+ "The phone number to #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "Yes of course . #RESTAURANT-INFORM-NAME# 's phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The #RESTAURANT-INFORM-NAME# is open for lunch , to find out about their specials I would suggest calling them at #RESTAURANT-INFORM-PHONE# . Anything else today ?",
+ "I have the #RESTAURANT-INFORM-NAME# showing at #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# . Would you like any other information ?",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "How about #RESTAURANT-INFORM-NAME# . Phone is #RESTAURANT-INFORM-PHONE# .",
+ "I ' m sorry , but #RESTAURANT-INFORM-NAME# 's phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number of #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "Sure . The phone number to the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "There is #RESTAURANT-INFORM-PHONE# for #RESTAURANT-INFORM-NAME# .",
+ "Yes , #RESTAURANT-INFORM-NAME# can be reached at #RESTAURANT-INFORM-PHONE# .",
+ "The number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "You can reach #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-PHONE# .",
+ "How about The #RESTAURANT-INFORM-NAME# ? The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Name;": [
+ "I have #RESTAURANT-INFORM-CHOICE# , #RESTAURANT-INFORM-NAME# .",
+ "yes there is #RESTAURANT-INFORM-CHOICE# , its name is #RESTAURANT-INFORM-NAME# .",
+ "Yes , there 's just #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-NAME# !",
+ "There is #RESTAURANT-INFORM-CHOICE# result . It is #RESTAURANT-INFORM-NAME# .",
+ "I found you #RESTAURANT-INFORM-CHOICE# . Would you like #RESTAURANT-INFORM-NAME# ?",
+ "How about #RESTAURANT-INFORM-NAME# . there are also #RESTAURANT-INFORM-CHOICE# .",
+ "There is #RESTAURANT-INFORM-CHOICE# restaurant called #RESTAURANT-INFORM-NAME# that fits your needs .",
+ "there is #RESTAURANT-INFORM-NAME# as well as #RESTAURANT-INFORM-CHOICE# other options for you .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants matching your query . One of them is #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# options in that area . How about #RESTAURANT-INFORM-NAME# ? I hear it 's great .",
+ "Yes , all #RESTAURANT-INFORM-CHOICE# are in the town center . Would the #RESTAURANT-INFORM-NAME# work for you ?",
+ "sure , there 's #RESTAURANT-INFORM-CHOICE# there called #RESTAURANT-INFORM-NAME# .",
+ "I have found #RESTAURANT-INFORM-CHOICE# restaurants that fit that description . How does #RESTAURANT-INFORM-NAME# sound ?",
+ "The #RESTAURANT-INFORM-CHOICE# restaurant fitting such criteria is #RESTAURANT-INFORM-NAME# .",
+ "I found #RESTAURANT-INFORM-CHOICE# restaurants , would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "Yes there are #RESTAURANT-INFORM-CHOICE# results . How about #RESTAURANT-INFORM-NAME# ?",
+ "Yes , there is #RESTAURANT-INFORM-CHOICE# match . A restaurant called #RESTAURANT-INFORM-NAME# .",
+ "We have #RESTAURANT-INFORM-CHOICE# choices for you today , how about #RESTAURANT-INFORM-NAME# , you can a few drinks while your there !",
+ "The #RESTAURANT-INFORM-CHOICE# in the area is called #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Addr;Phone;Post;": [
+ "You can reach them at #RESTAURANT-INFORM-PHONE# . Their located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# . Their postcode is #RESTAURANT-INFORM-POST# .",
+ "Sure , the phone number is #RESTAURANT-INFORM-PHONE# . The address is #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# , and the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Choice;Food;Name;Name;Price;": [
+ "I have found #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . Both are in the #RESTAURANT-INFORM-AREA# area . Would you like more information on either one of these restaurants ?",
+ "I have #RESTAURANT-INFORM-NAME# or #RESTAURANT-INFORM-NAME# restaurants that #RESTAURANT-INFORM-CHOICE# serve #RESTAURANT-INFORM-FOOD# food , are located in the #RESTAURANT-INFORM-AREA# and are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# . Both are #RESTAURANT-INFORM-PRICE# but worth the money ! I have the #RESTAURANT-INFORM-NAME# and the #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# -- #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Name;Name;Phone;Phone;Post;Post;": [
+ "The number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# #RESTAURANT-INFORM-POST# . The number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "For #RESTAURANT-INFORM-NAME# the number is #RESTAURANT-INFORM-PHONE# and post code is #RESTAURANT-INFORM-POST# . For #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-PHONE# , #RESTAURANT-INFORM-POST# ."
+ ],
+ "Addr;Name;Phone;Price;": [
+ "Okay , sure . There 's a great restaurant called #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# . They are #RESTAURANT-INFORM-PRICE# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , it is #RESTAURANT-INFORM-NAME# . They are #RESTAURANT-INFORM-PRICE# price and located at #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Choice;": [
+ "I have listings for #RESTAURANT-INFORM-CHOICE# both in the #RESTAURANT-INFORM-AREA# of town .",
+ "There are #RESTAURANT-INFORM-CHOICE# options that are in #RESTAURANT-INFORM-AREA# part of town .",
+ "Why yes there 's #RESTAURANT-INFORM-CHOICE# resturants in the #RESTAURANT-INFORM-AREA# area . Would you like information on both of them ?",
+ "great , i have #RESTAURANT-INFORM-CHOICE# options for you in #RESTAURANT-INFORM-AREA# !",
+ "Yes , they are #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# !",
+ "I have #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# of town would that be okay ?",
+ "I search for restaurants in the #RESTAURANT-INFORM-AREA# , there are #RESTAURANT-INFORM-CHOICE# options , any preferences ?",
+ "I have #RESTAURANT-INFORM-CHOICE# places in the #RESTAURANT-INFORM-AREA# fitting that criteria .",
+ "there are #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-AREA# .",
+ "sure ! i have #RESTAURANT-INFORM-CHOICE# options for you in #RESTAURANT-INFORM-AREA# .",
+ "Yes , #RESTAURANT-INFORM-CHOICE# locations are in the #RESTAURANT-INFORM-AREA# . Would you like more information ?"
+ ],
+ "Food;Name;Post;": [
+ "How about #RESTAURANT-INFORM-NAME# ? It is #RESTAURANT-INFORM-FOOD# food and the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Food;": [
+ "I do . It 's a very nice #RESTAURANT-INFORM-FOOD# restaurant on #RESTAURANT-INFORM-AREA# .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "that is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "It serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# .",
+ "That is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "There are no #RESTAURANT-INFORM-FOOD# restaurants on the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes it is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Area;Name;Price;": [
+ "I have a listing for #RESTAURANT-INFORM-NAME# it is in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "How about #RESTAURANT-INFORM-NAME# , they are in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# part of town",
+ "We have just the place . #RESTAURANT-INFORM-NAME# serves this type of food in the #RESTAURANT-INFORM-AREA# and is within the #RESTAURANT-INFORM-PRICE# range .",
+ "Yes , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range and is in the #RESTAURANT-INFORM-AREA# .",
+ "Okay #RESTAURANT-INFORM-NAME# is located in the #RESTAURANT-INFORM-AREA# and is #RESTAURANT-INFORM-PRICE# .",
+ "Okay , I can do that . How about #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# ? It is #RESTAURANT-INFORM-PRICE# .",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's an #RESTAURANT-INFORM-PRICE# and delicious restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I was able to find #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There is #RESTAURANT-INFORM-NAME# with #RESTAURANT-INFORM-PRICE# pricing in the #RESTAURANT-INFORM-AREA# part of town .",
+ "How about the #RESTAURANT-INFORM-NAME# ? They are #RESTAURANT-INFORM-PRICE# price range and are in the #RESTAURANT-INFORM-AREA# .",
+ "There is also #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-PRICE# price range . It is located in the #RESTAURANT-INFORM-AREA# .",
+ "Okay , I ' ve got #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-PRICE# food . How will that be ?",
+ "What about #RESTAURANT-INFORM-NAME# ? It is located in the #RESTAURANT-INFORM-AREA# and has #RESTAURANT-INFORM-PRICE# food .",
+ "Yes , #RESTAURANT-INFORM-NAME# is both #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "How about #RESTAURANT-INFORM-NAME# . It is #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-NAME# is the only available restaurant in the #RESTAURANT-INFORM-AREA# that fits your criteria but it is an #RESTAURANT-INFORM-PRICE# place to dine , will that be alright ?",
+ "I found #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# part of town",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's located in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# price range .",
+ "There is #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . They are in the #RESTAURANT-INFORM-PRICE# price range"
+ ],
+ "Area;Choice;Food;": [
+ "There are #RESTAURANT-INFORM-CHOICE# Italian #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# ! Are you looking for an Italian restaurant in any particular price range ?",
+ "I ' m sorry the #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant is located in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# restaurants serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "How about some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ? There are #RESTAURANT-INFORM-CHOICE# restaurants we can try ."
+ ],
+ "Area;Food;Phone;": [
+ "The telephone number to a cheap #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# is #RESTAURANT-INFORM-PHONE# .",
+ "There is a very good #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Food;Name;Price;": [
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# .",
+ "There is a very tasty #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# range . It is called #RESTAURANT-INFORM-NAME# . Would you like their information ?",
+ "How about #RESTAURANT-INFORM-NAME# ? It 's #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about the #RESTAURANT-INFORM-NAME# that serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I have found #RESTAURANT-INFORM-NAME# , a #RESTAURANT-INFORM-FOOD# restaurant that is #RESTAURANT-INFORM-PRICE# .",
+ "The #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hi , #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant , but does n't specify that it is South Indian . Would you like the phone number ?",
+ "The #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# food",
+ "Yes , #RESTAURANT-INFORM-NAME# is also an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-NAME# ? It is an #RESTAURANT-INFORM-FOOD# cuisine that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "yes . #RESTAURANT-INFORM-NAME# is a nice #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , there is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# .",
+ "There is one #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place in the north . It is #RESTAURANT-INFORM-NAME# . Do you need any further help ?",
+ "The price range of #RESTAURANT-INFORM-NAME# , the #RESTAURANT-INFORM-FOOD# restaurant , is #RESTAURANT-INFORM-PRICE# .",
+ "How about #RESTAURANT-INFORM-NAME# that serves #RESTAURANT-INFORM-FOOD# food that is in the #RESTAURANT-INFORM-PRICE# price range ?"
+ ],
+ "Area;Choice;Food;Food;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# part of town . One specializes in #RESTAURANT-INFORM-FOOD# cuisine and the other is a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "How about #RESTAURANT-INFORM-FOOD# or #RESTAURANT-INFORM-FOOD# ? I have #RESTAURANT-INFORM-CHOICE# options in the #RESTAURANT-INFORM-AREA# that are #RESTAURANT-INFORM-PRICE# in price .",
+ "We have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# , with cuisines ranging from #RESTAURANT-INFORM-FOOD# to #RESTAURANT-INFORM-FOOD# .",
+ "In the #RESTAURANT-INFORM-AREA# there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants . One is #RESTAURANT-INFORM-FOOD# and the othe is #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Phone;Post;": [
+ "The postcode is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their number is #RESTAURANT-INFORM-PHONE# . Postcode is #RESTAURANT-INFORM-POST# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the post code is #RESTAURANT-INFORM-POST# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-PHONE# and the phone number is #RESTAURANT-INFORM-POST# . Would you like me to book a table for you ?",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their postcode is \t #RESTAURANT-INFORM-POST# .",
+ "Sure ! The post code is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Eraina 's phone number is #RESTAURANT-INFORM-PHONE# , and the postcode is #RESTAURANT-INFORM-POST# .",
+ "Sure , their phone number is #RESTAURANT-INFORM-PHONE# and their post code is #RESTAURANT-INFORM-POST# .",
+ "Phone number is #RESTAURANT-INFORM-PHONE# . Postcode is #RESTAURANT-INFORM-POST# .",
+ "No problem . The postcode is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# . It 's located in the #RESTAURANT-INFORM-POST# postcode .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The postcode is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Okay , the post code is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# and their postal code is #RESTAURANT-INFORM-POST# .",
+ "Sure . The phone number is #RESTAURANT-INFORM-PHONE# and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the postcode is #RESTAURANT-INFORM-POST# . Do you need anything else ?",
+ "Sure thing here you go #RESTAURANT-INFORM-PHONE# and #RESTAURANT-INFORM-POST# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# , and the postcode is #RESTAURANT-INFORM-POST# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# , and postcode is #RESTAURANT-INFORM-POST# .",
+ "Yes their phone number is #RESTAURANT-INFORM-PHONE# and their postcode is #RESTAURANT-INFORM-POST# .",
+ "Their post code is #RESTAURANT-INFORM-POST# and they can be reached at #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Food;Price;Price;": [
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurant in all of Cambridge , but it 's #RESTAURANT-INFORM-PRICE# , #RESTAURANT-INFORM-PRICE# .",
+ "I have #RESTAURANT-INFORM-CHOICE# different #RESTAURANT-INFORM-FOOD# places to eat . Two are #RESTAURANT-INFORM-PRICE# and two are #RESTAURANT-INFORM-PRICE# . Do you have a preference ?"
+ ],
+ "Area;Name;Phone;Post;Price;": [
+ "They are in the #RESTAURANT-INFORM-AREA# , postcode is #RESTAURANT-INFORM-POST# . #RESTAURANT-INFORM-PRICE# and their phone number is #RESTAURANT-INFORM-PHONE# . That was for #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Area;Name;Phone;": [
+ "There is also #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# , at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , there 's #RESTAURANT-INFORM-NAME# located in the #RESTAURANT-INFORM-AREA# and is on #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "There 's also #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . They 're located at #RESTAURANT-INFORM-ADDR# and you can call them at #RESTAURANT-INFORM-PHONE# .",
+ "The #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "There is #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# area at #RESTAURANT-INFORM-ADDR# , phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;": [
+ "They serve #RESTAURANT-INFORM-AREA# food .",
+ "Yes it is in the #RESTAURANT-INFORM-AREA# area .",
+ "There is a location also on the #RESTAURANT-INFORM-AREA# .",
+ "Ask is located in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , it is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "It is located in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , it is #RESTAURANT-INFORM-AREA# .",
+ "It is in the #RESTAURANT-INFORM-AREA# .",
+ "Yes it is in #RESTAURANT-INFORM-AREA# .",
+ "Yes , they are in the #RESTAURANT-INFORM-AREA# area .",
+ "It is in the #RESTAURANT-INFORM-AREA# area .",
+ "That would be the #RESTAURANT-INFORM-AREA# .",
+ "it is in the #RESTAURANT-INFORM-AREA# area .",
+ "It 's in the #RESTAURANT-INFORM-AREA# .",
+ "it 's located in the #RESTAURANT-INFORM-AREA# .",
+ "it is located in the #RESTAURANT-INFORM-AREA# part of town",
+ "It is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "it is located in the #RESTAURANT-INFORM-AREA# part of town",
+ "It is in the #RESTAURANT-INFORM-AREA# .",
+ "yes , it is in the #RESTAURANT-INFORM-AREA# .",
+ "It is in the #RESTAURANT-INFORM-AREA# , not the west .",
+ "That is in the #RESTAURANT-INFORM-AREA# .",
+ "It is in the #RESTAURANT-INFORM-AREA# area .",
+ "it is located in the #RESTAURANT-INFORM-AREA# .",
+ "it is located in the #RESTAURANT-INFORM-AREA# part of town"
+ ],
+ "Phone;Post;Price;": [
+ "It is #RESTAURANT-INFORM-PRICE# . Postcode is #RESTAURANT-INFORM-POST# and phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Food;Name;Name;Price;Price;": [
+ "I ' m afraid #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# . #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Choice;Food;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants . #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Which would you like to book ?",
+ "I have #RESTAURANT-INFORM-CHOICE# that serve #RESTAURANT-INFORM-FOOD# food , both in the #RESTAURANT-INFORM-PRICE# price range : #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . Would you like addresses for both ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . Would you like more information ?",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range . Your options are #RESTAURANT-INFORM-NAME# or #RESTAURANT-INFORM-NAME# .",
+ "I have #RESTAURANT-INFORM-CHOICE# options for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Choice;Name;Price;": [
+ "I have #RESTAURANT-INFORM-CHOICE# place available . It is #RESTAURANT-INFORM-NAME# . They are #RESTAURANT-INFORM-PRICE# and are located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Choice;Name;Name;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# results matching your query : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "We have #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "Yes , #RESTAURANT-INFORM-CHOICE# . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# other restaurants that meet your criteria . There is #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and the #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Food;Phone;Price;": [
+ "Sure , its at #RESTAURANT-INFORM-ADDR# , their number is #RESTAURANT-INFORM-PHONE# and they have a #RESTAURANT-INFORM-PRICE# price range with #RESTAURANT-INFORM-FOOD# food .",
+ "There is an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food located at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Choice;Choice;Price;Price;": [
+ "Okay I have found #RESTAURANT-INFORM-CHOICE# restaurants . #RESTAURANT-INFORM-CHOICE# is in the #RESTAURANT-INFORM-PRICE# price range and #RESTAURANT-INFORM-CHOICE# is in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Addr;Food;": [
+ "They serve #RESTAURANT-INFORM-FOOD# food . The address is #RESTAURANT-INFORM-ADDR# .",
+ "The address for the #RESTAURANT-INFORM-FOOD# restaurant is #RESTAURANT-INFORM-ADDR# .",
+ "That restaurant is found at #RESTAURANT-INFORM-ADDR# and serves #RESTAURANT-INFORM-FOOD# food . Do you need their phone number or any other details ?",
+ "This is a #RESTAURANT-INFORM-FOOD# restaurant . It is located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Name;": [
+ "Yes , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-AREA# at #RESTAURANT-INFORM-ADDR# .",
+ "Of course . #RESTAURANT-INFORM-NAME# is located in the #RESTAURANT-INFORM-AREA# part of town , at #RESTAURANT-INFORM-ADDR# .",
+ "Yes , the #RESTAURANT-INFORM-NAME# is located on #RESTAURANT-INFORM-ADDR# and on the #RESTAURANT-INFORM-AREA# .",
+ "I have a restaurant called #RESTAURANT-INFORM-NAME# located #RESTAURANT-INFORM-AREA# an #RESTAURANT-INFORM-ADDR# , if that interests you .",
+ "How about #RESTAURANT-INFORM-NAME# ? It is located at #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# .",
+ "How does #RESTAURANT-INFORM-NAME# sound ? They 're on #RESTAURANT-INFORM-ADDR# in #RESTAURANT-INFORM-AREA# .",
+ "How about #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# right by #RESTAURANT-INFORM-ADDR# ?",
+ "I have #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-AREA# .",
+ "we have #RESTAURANT-INFORM-NAME# . it is located in #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-AREA# . can i give you the phone number ?",
+ "There is also the #RESTAURANT-INFORM-NAME# #RESTAURANT-INFORM-AREA# . They 're located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Phone;Post;Post;": [
+ "Post code is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# , phone number is #RESTAURANT-INFORM-PHONE# , and address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# , the postcode is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Food;Name;": [
+ "There is a place called #RESTAURANT-INFORM-NAME# that specializes in #RESTAURANT-INFORM-FOOD# food on the #RESTAURANT-INFORM-AREA# of town .",
+ "I would recommend #RESTAURANT-INFORM-NAME# , a nice #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# .",
+ "There is #RESTAURANT-INFORM-NAME# in the the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# Food .",
+ "How about the #RESTAURANT-INFORM-NAME# ? They serve #RESTAURANT-INFORM-FOOD# food and are located in the #RESTAURANT-INFORM-AREA# of the city .",
+ "Yes , #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# .",
+ "Yes . #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is is located in the #RESTAURANT-INFORM-AREA# .",
+ "There is restaurant #RESTAURANT-INFORM-NAME# that serves #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town",
+ "Yes . #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-AREA# .",
+ "There is an #RESTAURANT-INFORM-FOOD# place named #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . How does that sound ?",
+ "There is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area called #RESTAURANT-INFORM-NAME# .",
+ "I found #RESTAURANT-INFORM-NAME# they serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Sure ! #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-FOOD# food located in the #RESTAURANT-INFORM-AREA# . Would that do ?",
+ "I have the #RESTAURANT-INFORM-NAME# , serving #RESTAURANT-INFORM-FOOD# cuisine in the #RESTAURANT-INFORM-AREA# .",
+ "Yes #RESTAURANT-INFORM-NAME# has #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-AREA# of town .",
+ "There is the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food .",
+ "Ok , the #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# . Would you like the address ?",
+ "How about #RESTAURANT-INFORM-NAME# that is in the #RESTAURANT-INFORM-AREA# and serves #RESTAURANT-INFORM-FOOD# food ?",
+ "There 's #RESTAURANT-INFORM-NAME# . It serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# . Is that good ?",
+ "Of course , how about #RESTAURANT-INFORM-NAME# ? It is a #RESTAURANT-INFORM-FOOD# restraunt in the #RESTAURANT-INFORM-AREA# part of town ."
+ ],
+ "Area;Choice;Choice;Food;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants . #RESTAURANT-INFORM-CHOICE# of them are in the #RESTAURANT-INFORM-AREA# .",
+ "Cambridge does have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants , but they 're #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# and they 're #RESTAURANT-INFORM-AREA# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area , #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# . Would you like their addresses ?",
+ "You are in luck . There are #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-AREA# that serve #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-CHOICE# of those are #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Food;Price;": [
+ "That restaurant serves #RESTAURANT-INFORM-FOOD# food and is #RESTAURANT-INFORM-PRICE# .",
+ "Sure ! It serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Area;Choice;Food;Name;Name;Price;Price;": [
+ "Actually , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range . #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# is #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in #RESTAURANT-INFORM-AREA# . #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range . #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# : #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-PRICE# , and #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Addr;Food;Name;Phone;": [
+ "The address for the #RESTAURANT-INFORM-FOOD# restaurant #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "there is #RESTAURANT-INFORM-NAME# which is #RESTAURANT-INFORM-FOOD# at #RESTAURANT-INFORM-ADDR# , phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address for the #RESTAURANT-INFORM-FOOD# restaurant #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Addr;Area;": [
+ "The address is #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# .",
+ "It 's in #RESTAURANT-INFORM-AREA# , the address is #RESTAURANT-INFORM-ADDR# .",
+ "I was able to find it on #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , this restaurant is found on #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Area;Choice;Price;": [
+ "here is #RESTAURANT-INFORM-CHOICE# restaurants located in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants located in the #RESTAURANT-INFORM-AREA# .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There are #RESTAURANT-INFORM-CHOICE# results with your preferences of #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# price range .",
+ "There are #RESTAURANT-INFORM-CHOICE# options for #RESTAURANT-INFORM-PRICE# dieting in #RESTAURANT-INFORM-AREA# .",
+ "There are #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# area that are #RESTAURANT-INFORM-PRICE# in price .",
+ "there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "They 're #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# , and the restaurant has a price range of #RESTAURANT-INFORM-PRICE# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# , but no austrian ones . In fact , there are no austrian restaurants in all of cambridge ."
+ ],
+ "Addr;Food;Name;Phone;Post;Price;": [
+ "Sure . #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the area . The address is #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Absolutely . #RESTAURANT-INFORM-NAME# is a more #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant . It is located at #RESTAURANT-INFORM-ADDR# . Their postal code is #RESTAURANT-INFORM-POST# . Their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Food;Food;Food;": [
+ "Sure , there are #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-FOOD# are their respective cuisines .",
+ "We have #RESTAURANT-INFORM-CHOICE# of restaurant choices ! The options range from #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# . I can give you information on any of those choices if you want ."
+ ],
+ "Addr;Area;Post;": [
+ "They are located in the #RESTAURANT-INFORM-AREA# , their postcode is #RESTAURANT-INFORM-POST# , and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "The food price is #RESTAURANT-INFORM-AREA# , postal cold #RESTAURANT-INFORM-POST# and address is #RESTAURANT-INFORM-ADDR# .",
+ "The address is #RESTAURANT-INFORM-ADDR# . Postal code #RESTAURANT-INFORM-POST# . And it is located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Name;Name;Name;Name;Name;": [
+ "Certainly . Some of your options are : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "You have your choice of #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , or #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Ref;": [
+ "The reference number is #RESTAURANT-INFORM-REF# .",
+ "Great I have a reference number for you . It is #RESTAURANT-INFORM-REF# .",
+ "The reference number is #RESTAURANT-INFORM-REF# . Is there anything else ?",
+ "Sure . Your reference number is #RESTAURANT-INFORM-REF# . You will likely need it .",
+ "Your reference code is #RESTAURANT-INFORM-REF# . You will have 15 minutes to arrive to your table .",
+ "Your reference number is #RESTAURANT-INFORM-REF# .",
+ "The reference number for the restaurant is #RESTAURANT-INFORM-REF# .",
+ "Your reference number is #RESTAURANT-INFORM-REF# ."
+ ],
+ "Area;Area;Choice;Choice;Choice;": [
+ "There are #RESTAURANT-INFORM-CHOICE# ! #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# , and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# !",
+ "Yes , I have #RESTAURANT-INFORM-CHOICE# options for you . #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Phone;Price;": [
+ "Sure , their number is #RESTAURANT-INFORM-PHONE# and they are located #RESTAURANT-INFORM-ADDR# and they are #RESTAURANT-INFORM-PRICE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# . It 's an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "No problem . The address is \t #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# . It is in #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Addr;Addr;Choice;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# options for your preferences : #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# and #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# .",
+ "I have #RESTAURANT-INFORM-CHOICE# restaurants that meet your needs : #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# and #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Food;Price;Price;": [
+ "It is an #RESTAURANT-INFORM-PRICE# restaurant . I have #RESTAURANT-INFORM-CHOICE# options for #RESTAURANT-INFORM-FOOD# food #RESTAURANT-INFORM-AREA# at #RESTAURANT-INFORM-PRICE# , though , if that 's an issue .",
+ "I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# . Two are #RESTAURANT-INFORM-PRICE# and one is #RESTAURANT-INFORM-PRICE# .",
+ "We have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# . If you have a price range preference , we have both #RESTAURANT-INFORM-PRICE# and #RESTAURANT-INFORM-PRICE# options ."
+ ],
+ "Addr;Food;Phone;": [
+ "They serve #RESTAURANT-INFORM-FOOD# food and are located at #RESTAURANT-INFORM-ADDR# . Their number is #RESTAURANT-INFORM-PHONE# .",
+ "there is an #RESTAURANT-INFORM-FOOD# place at #RESTAURANT-INFORM-ADDR# . You can call them at #RESTAURANT-INFORM-PHONE# .",
+ "The address is at #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# . The restaurant serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , it 's #RESTAURANT-INFORM-FOOD# food and the phone number is #RESTAURANT-INFORM-PHONE# , with the address of #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Food;Name;Name;": [
+ "Hi , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are #RESTAURANT-INFORM-CHOICE# options in the #RESTAURANT-INFORM-AREA# for #RESTAURANT-INFORM-FOOD# food . I hope you find what you 're looking for !",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-AREA# area , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# which serves #RESTAURANT-INFORM-FOOD# . Would you like more information ?",
+ "I was able to find #RESTAURANT-INFORM-CHOICE# restaurants that serve #RESTAURANT-INFORM-FOOD# for you . I have #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# , both located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Choice;Name;Phone;Post;Price;": [
+ "I have found #RESTAURANT-INFORM-CHOICE# , how about this one ? #RESTAURANT-INFORM-NAME# , price rang is #RESTAURANT-INFORM-PRICE# , phone is #RESTAURANT-INFORM-PHONE# , post code #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Choice;Price;": [
+ "Yes , #RESTAURANT-INFORM-CHOICE# are in the #RESTAURANT-INFORM-PRICE# .",
+ "There is #RESTAURANT-INFORM-CHOICE# different options , that are in #RESTAURANT-INFORM-PRICE# price ranges",
+ "Yes #RESTAURANT-INFORM-CHOICE# are in the #RESTAURANT-INFORM-PRICE# price range",
+ "considering that , i have #RESTAURANT-INFORM-CHOICE# options in the #RESTAURANT-INFORM-PRICE# range if that 's what you prefer .",
+ "There are #RESTAURANT-INFORM-CHOICE# with #RESTAURANT-INFORM-PRICE# price ranges .",
+ "Yes , I have #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-PRICE# price range",
+ "They are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# .",
+ "There are #RESTAURANT-INFORM-CHOICE# options for #RESTAURANT-INFORM-PRICE# dining .",
+ "There are #RESTAURANT-INFORM-CHOICE# options in #RESTAURANT-INFORM-PRICE# and area . What kind of food are you interested in ?"
+ ],
+ "Choice;Food;Name;Name;Name;Name;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in the centre that are #RESTAURANT-INFORM-PRICE# and serve #RESTAURANT-INFORM-FOOD# food . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Area;Food;Name;Phone;": [
+ "Sure . #RESTAURANT-INFORM-NAME# is located in the #RESTAURANT-INFORM-AREA# part of town , and serves #RESTAURANT-INFORM-FOOD# food . Phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Addr;Price;": [
+ "It is in the #RESTAURANT-INFORM-PRICE# price range . The address is #RESTAURANT-INFORM-ADDR# .",
+ "Certainly it is in the #RESTAURANT-INFORM-PRICE# price range and it is located at #RESTAURANT-INFORM-ADDR# .",
+ "They are located at #RESTAURANT-INFORM-ADDR# , and are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "the pricerange is #RESTAURANT-INFORM-PRICE# and its at #RESTAURANT-INFORM-ADDR# .",
+ "The address of the venue is #RESTAURANT-INFORM-ADDR# and in #RESTAURANT-INFORM-PRICE# price range .",
+ "Sure , the address is #RESTAURANT-INFORM-ADDR# and the price range is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Addr;Addr;Name;Name;": [
+ "There is #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# and #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-ADDR# .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and the address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Post;Post;": [
+ "The post code is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# ."
+ ],
+ "Addr;Phone;Post;Price;": [
+ "The address is #RESTAURANT-INFORM-ADDR# in postcode #RESTAURANT-INFORM-POST# . The phone number is #RESTAURANT-INFORM-PHONE# , and it 's an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "It is #RESTAURANT-INFORM-PRICE# . The phone number is #RESTAURANT-INFORM-PHONE# . The address and postcode is #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# ."
+ ],
+ "Price;Price;": [
+ "One of them is #RESTAURANT-INFORM-PRICE# and the other is #RESTAURANT-INFORM-PRICE# .",
+ "They are #RESTAURANT-INFORM-PRICE# and there is one that is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Area;Choice;Food;Name;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Would you like more information one of them ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# that are in the #RESTAURANT-INFORM-PRICE# price range : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Do you have a preference ?"
+ ],
+ "Food;Phone;": [
+ "They serve #RESTAURANT-INFORM-FOOD# food and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# and it is a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "There food type if #RESTAURANT-INFORM-FOOD# , and their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "It is an #RESTAURANT-INFORM-FOOD# restaurant and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Food;Name;Price;": [
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# called #RESTAURANT-INFORM-NAME# .",
+ "There is #RESTAURANT-INFORM-CHOICE# restaurant that serves #RESTAURANT-INFORM-FOOD# at a #RESTAURANT-INFORM-PRICE# price , it is the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . Would you like more information ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants . #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range and is in the #RESTAURANT-INFORM-AREA# .",
+ "Okay , I see #RESTAURANT-INFORM-CHOICE# restaurants in the system , #RESTAURANT-INFORM-NAME# . They 're both #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants located in the #RESTAURANT-INFORM-AREA# .",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . It is called #RESTAURANT-INFORM-NAME# .",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# called #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Area;Choice;Name;Price;": [
+ "OK , there are #RESTAURANT-INFORM-CHOICE# different Indian restaurants in the #RESTAURANT-INFORM-PRICE# price range , might I suggest #RESTAURANT-INFORM-NAME# ? It 's located in the #RESTAURANT-INFORM-AREA# .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants available in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of town . Would you like to go to #RESTAURANT-INFORM-NAME# ?",
+ "The #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# is #RESTAURANT-INFORM-NAME# .",
+ "I have #RESTAURANT-INFORM-CHOICE# restaurant in the #RESTAURANT-INFORM-AREA# end called #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-PRICE# range ."
+ ],
+ "Choice;Choice;Food;Food;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# , if you prefer #RESTAURANT-INFORM-FOOD# food , there is #RESTAURANT-INFORM-NAME# , but if you want #RESTAURANT-INFORM-FOOD# food , There is #RESTAURANT-INFORM-CHOICE# called #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Name;Phone;Post;": [
+ "Yes the #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# with a postcode of #RESTAURANT-INFORM-POST# . Their telephone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes , #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-POST# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Certainly . #RESTAURANT-INFORM-NAME# , postcode #RESTAURANT-INFORM-POST# , address #RESTAURANT-INFORM-ADDR# , and phone number #RESTAURANT-INFORM-PHONE# .",
+ "The address , phone number and post code for #RESTAURANT-INFORM-NAME# are #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-PHONE# , #RESTAURANT-INFORM-POST# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# . You can find it at #RESTAURANT-INFORM-ADDR# , post code #RESTAURANT-INFORM-POST# .",
+ "The address of the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# at the #RESTAURANT-INFORM-POST# postcode . Their number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes sure . #RESTAURANT-INFORM-NAME# 's telephone number is #RESTAURANT-INFORM-PHONE# . And their address and postcode are #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# .",
+ "Sure . #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# . The postcode is #RESTAURANT-INFORM-POST# , and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The address and phone for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-PHONE# . Enjoy our city .",
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and post code is #RESTAURANT-INFORM-POST# . Phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Alright , lets give #RESTAURANT-INFORM-NAME# a shot , their phone number is #RESTAURANT-INFORM-PHONE# , their postcode is #RESTAURANT-INFORM-POST# , and their address is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Food;Food;Name;Name;": [
+ "There are also #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-NAME# which is #RESTAURANT-INFORM-FOOD# .",
+ "There is #RESTAURANT-INFORM-NAME# , an #RESTAURANT-INFORM-FOOD# restaurant and #RESTAURANT-INFORM-NAME# , a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Unfortunately , no . #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-FOOD# place . And , #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# .",
+ "I am so sorry about any confusion . I have #RESTAURANT-INFORM-FOOD# food at #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-FOOD# food such as #RESTAURANT-INFORM-NAME# .",
+ "Well , if you 're interested in something unusual , we have the #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# cuisine . Or there 's the more traditional #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# cuisine .",
+ "Sure , we have #RESTAURANT-INFORM-NAME# which serves #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-NAME# which serves #RESTAURANT-INFORM-FOOD# food . Would one of these work for you ?",
+ "You have your choice of #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# food , or #RESTAURANT-INFORM-NAME# , which offers #RESTAURANT-INFORM-FOOD# cuisine .",
+ "There is #RESTAURANT-INFORM-NAME# for #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-NAME# for #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Addr;Addr;Addr;Choice;": [
+ "Sure , there are #RESTAURANT-INFORM-CHOICE# restaurants . They are located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# , and #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Food;Price;": [
+ "Okay at the #RESTAURANT-INFORM-AREA# I have #RESTAURANT-INFORM-CHOICE# places serving #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range . Would you like me to pick one for you ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in #RESTAURANT-INFORM-AREA# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# part of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I found #RESTAURANT-INFORM-CHOICE# restaurants that are #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in #RESTAURANT-INFORM-AREA# . Do you want information on all of them ?",
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# , but that is all .",
+ "There is #RESTAURANT-INFORM-CHOICE# location that servies #RESTAURANT-INFORM-FOOD# food . It is and #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# venues in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food if you like .",
+ "OK , there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# . How do you feel about #RESTAURANT-INFORM-FOOD# food ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area . Would you like to know the name and address of each location ?"
+ ],
+ "Area;Choice;Choice;Choice;Food;Price;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# food restaurants in #RESTAURANT-INFORM-AREA# . #RESTAURANT-INFORM-CHOICE# are #RESTAURANT-INFORM-PRICE# and #RESTAURANT-INFORM-CHOICE# is #RESTAURANT-INFORM-PRICE# . Do you need more information ?"
+ ],
+ "Addr;Area;Food;Phone;Price;": [
+ "Yippee Noodle Bar is an #RESTAURANT-INFORM-FOOD# place in #RESTAURANT-INFORM-AREA# with a #RESTAURANT-INFORM-PRICE# price range . It 's location is #RESTAURANT-INFORM-ADDR# and phone #RESTAURANT-INFORM-PHONE# .",
+ "They are a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# . They are located at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Food;Food;": [
+ "There is only #RESTAURANT-INFORM-FOOD# or #RESTAURANT-INFORM-FOOD# available",
+ "I ' m sorry but the only restaurants in that part of town serve either #RESTAURANT-INFORM-FOOD# food or #RESTAURANT-INFORM-FOOD# food .",
+ "All I have in that price range is #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Addr;Area;Name;Post;Price;": [
+ "The restaurant is #RESTAURANT-INFORM-NAME# . I think you 'll really like it . It 's #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# area of town at #RESTAURANT-INFORM-ADDR# , post code #RESTAURANT-INFORM-POST# ."
+ ],
+ "Choice;Food;Name;Name;Name;Name;": [
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# serve european food , with #RESTAURANT-INFORM-NAME# serving #RESTAURANT-INFORM-FOOD# food"
+ ],
+ "Area;Food;Name;Name;": [
+ "The #RESTAURANT-INFORM-NAME# and the #RESTAURANT-INFORM-NAME# serve #RESTAURANT-INFORM-FOOD# food and are in the #RESTAURANT-INFORM-AREA# of town ."
+ ],
+ "Name;Post;Price;": [
+ "The #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range and is located in postcode #RESTAURANT-INFORM-POST# ."
+ ],
+ "Choice;Name;Name;Price;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that meet your requirements . #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# price range and #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# range .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants . #RESTAURANT-INFORM-NAME# which is #RESTAURANT-INFORM-PRICE# and the #RESTAURANT-INFORM-NAME# which is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Choice;Name;Price;": [
+ "How about #RESTAURANT-INFORM-NAME# , it 's the #RESTAURANT-INFORM-CHOICE# that is #RESTAURANT-INFORM-PRICE# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# . Would you like an #RESTAURANT-INFORM-PRICE# one such as #RESTAURANT-INFORM-NAME# to impress your clients ?",
+ "I have #RESTAURANT-INFORM-CHOICE# listing in the #RESTAURANT-INFORM-PRICE# range for #RESTAURANT-INFORM-NAME# .",
+ "I have #RESTAURANT-INFORM-CHOICE# such restaurant and it is called #RESTAURANT-INFORM-NAME# and is in the #RESTAURANT-INFORM-PRICE# price range . Would you like their address ?",
+ "I found #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# Chinese restaurants that you could try . How does #RESTAURANT-INFORM-NAME# sound to you ?"
+ ],
+ "Name;Name;Name;Name;": [
+ "Yes , there 's #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "You have your choice of the #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , or the #RESTAURANT-INFORM-NAME# .",
+ "Sure , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Choice;Food;Food;Food;Food;": [
+ "I have #RESTAURANT-INFORM-CHOICE# places to choose from . I have 2 #RESTAURANT-INFORM-FOOD# places , an #RESTAURANT-INFORM-FOOD# place , an #RESTAURANT-INFORM-FOOD# place and lastly a place that serves delicious #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Choice;Food;Food;": [
+ "Okay I have pulled up #RESTAURANT-INFORM-CHOICE# matches . An #RESTAURANT-INFORM-FOOD# restaurant and an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I found #RESTAURANT-INFORM-CHOICE# restaurants . Would you prefer #RESTAURANT-INFORM-FOOD# or #RESTAURANT-INFORM-FOOD# food ?",
+ "I have #RESTAURANT-INFORM-CHOICE# options available . Would you rather have #RESTAURANT-INFORM-FOOD# or #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# . Would you be interested in trying #RESTAURANT-INFORM-FOOD# cuisine ? Or #RESTAURANT-INFORM-FOOD# ?",
+ "No , I ' m afraid #RESTAURANT-INFORM-FOOD# or #RESTAURANT-INFORM-FOOD# are #RESTAURANT-INFORM-CHOICE# options ."
+ ],
+ "Food;Name;Phone;": [
+ "Great , I found the #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# . Their telephone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Addr;Name;Post;Price;": [
+ "Okay . #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# . The postcode is #RESTAURANT-INFORM-POST# and the price range is #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Area;Choice;Name;Name;": [
+ "The #RESTAURANT-INFORM-AREA# offers #RESTAURANT-INFORM-CHOICE# : #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "I found #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# part of town . They are the #RESTAURANT-INFORM-NAME# and the #RESTAURANT-INFORM-NAME# .",
+ "We have #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# , they are great eats .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that meet your criteria ; #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . They are both in the #RESTAURANT-INFORM-AREA# .",
+ "I have #RESTAURANT-INFORM-CHOICE# options to choose from . #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are both in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# . #RESTAURANT-INFORM-NAME# and the #RESTAURANT-INFORM-NAME# . Would you like more information ?"
+ ],
+ "Addr;Food;Price;": [
+ "It is located at #RESTAURANT-INFORM-ADDR# . It is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "It is an #RESTAURANT-INFORM-PRICE# restaurant . They serve #RESTAURANT-INFORM-FOOD# and they are located at #RESTAURANT-INFORM-ADDR# .",
+ "It is #RESTAURANT-INFORM-FOOD# Food that is #RESTAURANT-INFORM-PRICE# at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Area;Name;Name;Post;Post;": [
+ "One is #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# , postcode #RESTAURANT-INFORM-POST# and the other is #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# , postcode #RESTAURANT-INFORM-POST# . Would you like me to book one ?"
+ ],
+ "Area;Area;Choice;Choice;Choice;Food;Price;": [
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants that are #RESTAURANT-INFORM-PRICE# . #RESTAURANT-INFORM-CHOICE# in #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# in #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Name;Post;": [
+ "The address for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-ADDR# and its postcode is #RESTAURANT-INFORM-POST# .",
+ "Yes , #RESTAURANT-INFORM-NAME# is at #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# .",
+ "How about #RESTAURANT-INFORM-NAME# ? It is located at #RESTAURANT-INFORM-ADDR# and the postal code is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Choice;Choice;Food;Food;Food;Food;Food;Food;": [
+ "There are #RESTAURANT-INFORM-CHOICE# options available . #RESTAURANT-INFORM-CHOICE# choices are : #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Choice;Choice;Food;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# to choose from . They are both good , but I like the #RESTAURANT-INFORM-NAME# personally . There are also #RESTAURANT-INFORM-CHOICE# that serve #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Area;Choice;Name;Name;Price;": [
+ "There is #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-CHOICE# are in the #RESTAURANT-INFORM-AREA# area and in the #RESTAURANT-INFORM-PRICE# price range .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-PRICE# price range and #RESTAURANT-INFORM-AREA# area . There is #RESTAURANT-INFORM-NAME# and there is #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Post;Price;": [
+ "the price is in the #RESTAURANT-INFORM-PRICE# range and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The postcode is #RESTAURANT-INFORM-POST# and the price range is #RESTAURANT-INFORM-PRICE# .",
+ "It is #RESTAURANT-INFORM-PRICE# . The postcode is #RESTAURANT-INFORM-POST# .",
+ "Postcode , #RESTAURANT-INFORM-POST# . It is in the #RESTAURANT-INFORM-PRICE# price range . Is there anything else you would like to know ?"
+ ],
+ "Addr;Addr;Name;Post;": [
+ "It is called #RESTAURANT-INFORM-NAME# . Their address is #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-POST# .",
+ "The #RESTAURANT-INFORM-NAME# is located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# , postcode #RESTAURANT-INFORM-POST# ."
+ ],
+ "Addr;Addr;Choice;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# options , the first one is #RESTAURANT-INFORM-NAME# located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# . Will this work ?"
+ ],
+ "Addr;Food;Name;": [
+ "I found you a #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# that is located in #RESTAURANT-INFORM-ADDR# how does that sound ?",
+ "How about #RESTAURANT-INFORM-NAME# . It 's a #RESTAURANT-INFORM-FOOD# resturant at #RESTAURANT-INFORM-ADDR# .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# . Is this okay ?",
+ "Then how about #RESTAURANT-INFORM-NAME# an #RESTAURANT-INFORM-FOOD# restaurant on #RESTAURANT-INFORM-ADDR# ?",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant in that location , the #RESTAURANT-INFORM-NAME# , their address is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Name;Name;Name;Name;Name;Price;": [
+ "We have the #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# . All #RESTAURANT-INFORM-CHOICE# are #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Area;Phone;": [
+ "The address for the restaurant is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# . You will fond the restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "The address is #RESTAURANT-INFORM-ADDR# and phone #RESTAURANT-INFORM-PHONE# . It 's in the #RESTAURANT-INFORM-AREA# just go down Norfolk if you are coming from the freeway .",
+ "That restaurant is locates in #RESTAURANT-INFORM-AREA# and is on #RESTAURANT-INFORM-ADDR# in city centre . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Yes . It is an Indian restaurant in the #RESTAURANT-INFORM-AREA# , the phone number is #RESTAURANT-INFORM-PHONE# and it is located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Food;Price;": [
+ "Located at #RESTAURANT-INFORM-ADDR# , in the #RESTAURANT-INFORM-AREA# , it is an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Of course ! They are a great #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town . They are usually very #RESTAURANT-INFORM-PRICE# . It 's located on #RESTAURANT-INFORM-ADDR# .",
+ "OK . This restaurant is an #RESTAURANT-INFORM-PRICE# , #RESTAURANT-INFORM-FOOD# establishment in the #RESTAURANT-INFORM-AREA# . It is located on #RESTAURANT-INFORM-ADDR# .",
+ "This is a #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-PRICE# restaurant . It 's in the #RESTAURANT-INFORM-AREA# , located at #RESTAURANT-INFORM-ADDR# .",
+ "It is a #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# and located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Choice;Food;Food;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# available in the #RESTAURANT-INFORM-AREA# : #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-NAME# , which serves #RESTAURANT-INFORM-FOOD# . Do you have a preference ?"
+ ],
+ "Food;Name;Name;Price;": [
+ "For #RESTAURANT-INFORM-PRICE# restaurants with #RESTAURANT-INFORM-FOOD# food , we have #RESTAURANT-INFORM-NAME# , and the #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Choice;Choice;Name;Name;Name;Price;Price;": [
+ "Sure I have #RESTAURANT-INFORM-CHOICE# . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . Meze is #RESTAURANT-INFORM-PRICE# but #RESTAURANT-INFORM-CHOICE# are #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Addr;Addr;Area;Choice;": [
+ "There seems to be #RESTAURANT-INFORM-CHOICE# locations . They are both located in the #RESTAURANT-INFORM-AREA# . One is on #RESTAURANT-INFORM-ADDR# , and the other is on #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Addr;Name;": [
+ "How about #RESTAURANT-INFORM-NAME# located on #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# ?"
+ ],
+ "Name;Phone;Post;": [
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# , and the postcode is #RESTAURANT-INFORM-POST# .",
+ "The post code for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Food;Name;Name;Price;": [
+ "I have the #RESTAURANT-INFORM-NAME# that is #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# and also #RESTAURANT-INFORM-NAME# that serves #RESTAURANT-INFORM-FOOD# food . Any interest you ?",
+ "For #RESTAURANT-INFORM-FOOD# food , I have #RESTAURANT-INFORM-NAME# restaurant and #RESTAURANT-INFORM-NAME# . They are both #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# . Can I tell you more about one of those ?"
+ ],
+ "Choice;Food;Name;Name;": [
+ "there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# .",
+ "I show #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants . #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Area;Choice;Food;Name;Price;": [
+ "Of course ! There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# . How about #RESTAURANT-INFORM-NAME# ? It 's a #RESTAURANT-INFORM-PRICE# place on #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Choice;Food;Name;Name;Name;Price;Price;": [
+ "In #RESTAURANT-INFORM-FOOD# cuisine , you have #RESTAURANT-INFORM-CHOICE# choices . #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# , while #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Food;Food;Food;Food;Food;Food;Food;Food;": [
+ "Yes , there are #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# available ."
+ ],
+ "Area;Price;": [
+ "I will look up a #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# .",
+ "It is #RESTAURANT-INFORM-PRICE# and located in #RESTAURANT-INFORM-AREA# .",
+ "Yes they are #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "yes , it is #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "It is #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "I have #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# . Would those suit you ?",
+ "It is located in the #RESTAURANT-INFORM-AREA# and is #RESTAURANT-INFORM-PRICE# .",
+ "Both are in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Name;Phone;Post;Post;": [
+ "The postcode for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# and the phone number is #RESTAURANT-INFORM-PHONE# .",
+ "There is #RESTAURANT-INFORM-NAME# , their post code is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# and their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Name;Price;Price;": [
+ "It is in the #RESTAURANT-INFORM-PRICE# range . However , #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-PRICE# range ."
+ ],
+ "Area;Name;Name;Price;": [
+ "Great ! #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are both #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# part of town ."
+ ],
+ "Choice;Food;Food;Food;Name;Name;Name;": [
+ "There 's the #RESTAURANT-INFORM-NAME# offering #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-NAME# offering #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-NAME# offering #RESTAURANT-INFORM-FOOD# just to name #RESTAURANT-INFORM-CHOICE# ."
+ ],
+ "Area;Area;Area;Price;": [
+ "Well I have #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-AREA# . Would you lie me to choose for you ?"
+ ],
+ "Area;Name;Phone;": [
+ "The only restaurant meeting your criteria is #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and is located in the #RESTAURANT-INFORM-AREA# part of the town .",
+ "The phone number for #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and they are located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Choice;Food;Name;Name;Name;": [
+ "I cancelled the previous booking for Bangkok city . I found #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the centre . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Any preference ?",
+ "Yes , I understand you now . There are #RESTAURANT-INFORM-CHOICE# restaurants with #RESTAURANT-INFORM-FOOD# cuisine to choose from : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "In #RESTAURANT-INFORM-FOOD# restaurants you have #RESTAURANT-INFORM-CHOICE# choices : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# .",
+ "The top #RESTAURANT-INFORM-CHOICE# places serving #RESTAURANT-INFORM-FOOD# cuisine are #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Would you like more options ?"
+ ],
+ "Name;Name;Name;Name;Name;Price;": [
+ "Not sure about fancy , but if you are looking for #RESTAURANT-INFORM-PRICE# we have #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Addr;Food;Name;Phone;Post;": [
+ "We have #RESTAURANT-INFORM-NAME# , offering #RESTAURANT-INFORM-FOOD# cuisine . Phone : #RESTAURANT-INFORM-PHONE# address : #RESTAURANT-INFORM-ADDR# , and postcode : #RESTAURANT-INFORM-POST# .",
+ "Alright It 's called #RESTAURANT-INFORM-NAME# it 's an #RESTAURANT-INFORM-FOOD# cuisine . The information is the following ; phone #RESTAURANT-INFORM-PHONE# , address #RESTAURANT-INFORM-ADDR# , and the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Choice;Choice;Food;Name;Price;": [
+ "I see #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the area , #RESTAURANT-INFORM-CHOICE# is #RESTAURANT-INFORM-FOOD# . It is called #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Phone;Post;Post;": [
+ "Their postcode is #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# and their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Choice;Choice;Food;Food;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# choices in #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-PRICE# . #RESTAURANT-INFORM-CHOICE# is #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-FOOD# food . and #RESTAURANT-INFORM-CHOICE# is restaurant #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Name;Name;Name;Name;Price;": [
+ "They are all #RESTAURANT-INFORM-PRICE# . There is #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Area;Choice;Name;": [
+ "Yes , I found #RESTAURANT-INFORM-CHOICE# located in the #RESTAURANT-INFORM-AREA# called #RESTAURANT-INFORM-NAME# . Would you like more information ?"
+ ],
+ "Area;Post;": [
+ "It is located in the #RESTAURANT-INFORM-AREA# and the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Choice;Food;Name;Name;Name;Name;": [
+ "I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants showing for #RESTAURANT-INFORM-AREA# . They are #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# .",
+ "I have found #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# Restaurants in #RESTAURANT-INFORM-AREA# ; #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# . Would you like there phone numbers , or address ?"
+ ],
+ "Choice;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;": [
+ "I have found #RESTAURANT-INFORM-CHOICE# restaurants . They serve #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Addr;Addr;Area;Choice;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-NAME# restaurants located in #RESTAURANT-INFORM-AREA# . One on #RESTAURANT-INFORM-ADDR# and one at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Area;Choice;Price;": [
+ "There is #RESTAURANT-INFORM-CHOICE# Italian restaurant in the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# . It is located in #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Phone;": [
+ "It is in the #RESTAURANT-INFORM-AREA# . Phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "none;": [
+ "It 's AMA9MVKJ . Is there anything else I can help you with ?",
+ "Yes it most certainly does .",
+ "I have found that restaurant for you , would you like the address ?"
+ ],
+ "Area;Area;Name;Name;": [
+ "There 's #RESTAURANT-INFORM-NAME# in #RESTAURANT-INFORM-AREA# , and #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Area;Food;Name;Phone;Price;": [
+ "An #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant is found in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-NAME# . The address is #RESTAURANT-INFORM-ADDR# . The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "Absolutely ! #RESTAURANT-INFORM-NAME# is an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . It is #RESTAURANT-INFORM-PRICE# . It 's located at #RESTAURANT-INFORM-ADDR# . Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "yes there is #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# part of town , Its address is #RESTAURANT-INFORM-ADDR# and the phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Area;Choice;Food;Name;Name;Price;": [
+ "The are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants available . #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# area , and #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# area ."
+ ],
+ "Area;Area;Choice;": [
+ "Ok , I ' ve found #RESTAURANT-INFORM-CHOICE# . One is in the #RESTAURANT-INFORM-AREA# and one is in the #RESTAURANT-INFORM-AREA# .",
+ "I have #RESTAURANT-INFORM-CHOICE# places , would you like the one in the #RESTAURANT-INFORM-AREA# or #RESTAURANT-INFORM-AREA# of town ?"
+ ],
+ "Addr;Area;Food;Name;": [
+ "The #RESTAURANT-INFORM-FOOD# Restaurant near #RESTAURANT-INFORM-AREA# is #RESTAURANT-INFORM-NAME# . The address is #RESTAURANT-INFORM-ADDR# .",
+ "Ok . #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-FOOD# restaurant located at #RESTAURANT-INFORM-ADDR# in #RESTAURANT-INFORM-AREA# .",
+ "I found a listing for the #RESTAURANT-INFORM-NAME# . The address is #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# . It serves #RESTAURANT-INFORM-FOOD# food .",
+ "There is a #RESTAURANT-INFORM-FOOD# restaurant called #RESTAURANT-INFORM-NAME# on the #RESTAURANT-INFORM-AREA# side of town . It is located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Name;Name;Phone;": [
+ "Of course for #RESTAURANT-INFORM-NAME# the number is #RESTAURANT-INFORM-PHONE# and the address is #RESTAURANT-INFORM-ADDR# . Would you also like the address for #RESTAURANT-INFORM-NAME# ?"
+ ],
+ "Addr;Area;Phone;Post;": [
+ "They are located at #RESTAURANT-INFORM-ADDR# in the #RESTAURANT-INFORM-AREA# . Zip code is #RESTAURANT-INFORM-POST# and their hone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Choice;Name;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# . All in #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Area;Area;Choice;Choice;": [
+ "There are #RESTAURANT-INFORM-CHOICE# , one in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# . Would you like a recommendation ?",
+ "Yes , there are 5 such places . #RESTAURANT-INFORM-CHOICE# are in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# is in the #RESTAURANT-INFORM-AREA# . Would you like to book at one ?"
+ ],
+ "Area;Food;Food;Name;Name;": [
+ "Yes , #RESTAURANT-INFORM-NAME# serving #RESTAURANT-INFORM-FOOD# food , and #RESTAURANT-INFORM-NAME# serving #RESTAURANT-INFORM-FOOD# food are also in the #RESTAURANT-INFORM-AREA# part of town ."
+ ],
+ "Choice;Choice;Choice;Price;": [
+ "Ok , there are #RESTAURANT-INFORM-CHOICE# . They are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-CHOICE# ."
+ ],
+ "Addr;Addr;Food;Food;Price;": [
+ "There is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant at #RESTAURANT-INFORM-ADDR# , or one that serves #RESTAURANT-INFORM-FOOD# food at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Addr;Choice;Name;": [
+ "I have #RESTAURANT-INFORM-CHOICE# options . How about the #RESTAURANT-INFORM-NAME# ? It 's located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Area;Phone;Post;": [
+ "phone number is #RESTAURANT-INFORM-PHONE# , post code is #RESTAURANT-INFORM-POST# and they are located in #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Choice;Name;Name;Price;": [
+ "No that 's the cheaper choice , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Area;Name;Phone;Post;": [
+ "I am sorry I was clearly misinformed . How about #RESTAURANT-INFORM-NAME# ? They are in the #RESTAURANT-INFORM-AREA# phone is #RESTAURANT-INFORM-PHONE# & postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Choice;Choice;": [
+ "I have #RESTAURANT-INFORM-CHOICE# options for you . They are #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# . Do you have any other preferences ?",
+ "Great , I have #RESTAURANT-INFORM-CHOICE# options for you . #RESTAURANT-INFORM-CHOICE# are in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Name;Price;": [
+ "There is #RESTAURANT-INFORM-NAME# , a #RESTAURANT-INFORM-PRICE# restaurant at #RESTAURANT-INFORM-ADDR# .",
+ "How about #RESTAURANT-INFORM-NAME# it is #RESTAURANT-INFORM-PRICE# and located at #RESTAURANT-INFORM-ADDR# ?"
+ ],
+ "Choice;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Price;": [
+ "We ' ve got #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants in the centre . There are #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# options . Do any of those interest you ?"
+ ],
+ "Addr;Area;Name;Phone;Price;": [
+ "So #RESTAURANT-INFORM-NAME# is in the #RESTAURANT-INFORM-AREA# it 's #RESTAURANT-INFORM-PRICE# and they #RESTAURANT-INFORM-PHONE# a phone number , but they 're on #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Food;Food;Food;": [
+ "I see #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# available ."
+ ],
+ "Area;Area;Area;Choice;Name;Name;Name;Name;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# that fit your criteria , 3 in the #RESTAURANT-INFORM-AREA# are #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-NAME# #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Food;Name;Name;Phone;Phone;Post;Post;": [
+ "The #RESTAURANT-INFORM-FOOD# restaurants are : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# , phone number #RESTAURANT-INFORM-PHONE# ; and #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-ADDR# #RESTAURANT-INFORM-POST# ; phone number #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area;Area;": [
+ "Unfortunately the only restaurants that meet your criteria are in the #RESTAURANT-INFORM-AREA# or the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Food;Food;Food;Food;Food;Food;": [
+ "There 's #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# , there 's #RESTAURANT-INFORM-FOOD# if none of those sound appealing .",
+ "There are #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# restaurant . Plus a #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Food;Food;Food;Food;": [
+ "There 's #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Area;Choice;Food;Name;Name;Name;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants near the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range . They are : #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Choice;Food;Price;": [
+ "Those are the #RESTAURANT-INFORM-CHOICE# for #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "We have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-PRICE# category . Do you have any more information to narrow down the search ?",
+ "Yes , I have #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants ."
+ ],
+ "Area;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;": [
+ "There is #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-FOOD# food available in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Name;Name;Price;": [
+ "The restaurants are called #RESTAURANT-INFORM-NAME# and the other is #RESTAURANT-INFORM-NAME# . They are both in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Area;Area;Choice;Food;Price;": [
+ "I have #RESTAURANT-INFORM-CHOICE# , one in the #RESTAURANT-INFORM-AREA# and one in the #RESTAURANT-INFORM-AREA# . Both are #RESTAURANT-INFORM-PRICE# and serve #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Area;Name;Post;": [
+ "I ' m sorry , #RESTAURANT-INFORM-NAME# is actually located in the #RESTAURANT-INFORM-AREA# . The postcode is #RESTAURANT-INFORM-POST# .",
+ "Yes , #RESTAURANT-INFORM-NAME# is located in the #RESTAURANT-INFORM-AREA# and the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Area;Area;Area;Choice;": [
+ "Yes ! There are #RESTAURANT-INFORM-CHOICE# that I have found . One in the #RESTAURANT-INFORM-AREA# , 2 #RESTAURANT-INFORM-AREA# , 1 #RESTAURANT-INFORM-AREA# and 1 #RESTAURANT-INFORM-AREA# . Would you like the address of any of them ?"
+ ],
+ "Area;Name;Name;Price;Price;": [
+ "The #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PRICE# . The #RESTAURANT-INFORM-NAME# are both #RESTAURANT-INFORM-PRICE# . They are all located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Name;Name;Phone;Phone;": [
+ "The telephone number for the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# and the telephone number for the #RESTAURANT-INFORM-NAME# is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Addr;Food;Name;Post;Post;": [
+ "How about #RESTAURANT-INFORM-NAME# ? They serve #RESTAURANT-INFORM-FOOD# food at #RESTAURANT-INFORM-ADDR# , postal code #RESTAURANT-INFORM-POST# , #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Area;Choice;Choice;Choice;Choice;Food;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants . #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# part of town #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# priced ."
+ ],
+ "Choice;Name;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# resturants int hat area , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Food;Name;Name;Name;": [
+ "There are a few places in the area you could try . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# have #RESTAURANT-INFORM-FOOD# food and are in your price range ."
+ ],
+ "Addr;Food;Name;Post;Price;": [
+ "The #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the center of town , located at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-POST# ."
+ ],
+ "Addr;Area;Name;Price;": [
+ "There is a #RESTAURANT-INFORM-NAME# off of #RESTAURANT-INFORM-ADDR# . it looks to be #RESTAURANT-INFORM-PRICE# , and is in the #RESTAURANT-INFORM-AREA# side of the city ."
+ ],
+ "Addr;Food;Name;Price;": [
+ "You could try the #RESTAURANT-INFORM-NAME# , which is #RESTAURANT-INFORM-FOOD# , and #RESTAURANT-INFORM-PRICE# . It is located at #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Choice;Food;Name;Price;": [
+ "There is #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in town : #RESTAURANT-INFORM-NAME# .",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-PRICE# price range . Four have pizza in their names and then there is #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Area;Area;Choice;Choice;Choice;Food;": [
+ "I have found #RESTAURANT-INFORM-CHOICE# restaurants serving #RESTAURANT-INFORM-FOOD# food , #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# area and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-AREA# . Do you have a preference of area ?",
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants listed . #RESTAURANT-INFORM-CHOICE# is in #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-CHOICE# are in #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Addr;Addr;Food;Name;Price;": [
+ "Sorry about that ! I found the #RESTAURANT-INFORM-NAME# at #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# . It 's a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ."
+ ],
+ "Area;Name;Name;": [
+ "The #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# are both located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Name;Phone;Price;": [
+ "I do not have an entrance fee but if you are wanting to know the price range , #RESTAURANT-INFORM-NAME# is a #RESTAURANT-INFORM-PRICE# restaurant . Their phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Food;Food;Name;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# . #RESTAURANT-INFORM-NAME# served #RESTAURANT-INFORM-FOOD# . You might be interested in it . #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# serve #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Area;Choice;Choice;Food;Food;": [
+ "In the expensive range there are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# restaurants and #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# part of town ."
+ ],
+ "Addr;Area;Food;Name;Phone;Post;": [
+ "The #RESTAURANT-INFORM-NAME# serves #RESTAURANT-INFORM-FOOD# food , located in the #RESTAURANT-INFORM-AREA# at #RESTAURANT-INFORM-ADDR# , postal code #RESTAURANT-INFORM-POST# . You can contact them at this phone number , #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Choice;Choice;Food;Food;": [
+ "I have #RESTAURANT-INFORM-CHOICE# that serve #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-CHOICE# that serves #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Name;Name;Price;Price;": [
+ "I have the #RESTAURANT-INFORM-NAME# that is #RESTAURANT-INFORM-PRICE# or the #RESTAURANT-INFORM-NAME# which is in the #RESTAURANT-INFORM-PRICE# ."
+ ],
+ "Food;Food;Food;Name;": [
+ "I have a great #RESTAURANT-INFORM-FOOD# restaurant if you care to try it . It 's called #RESTAURANT-INFORM-NAME# . Or if you prefer , I have anything from #RESTAURANT-INFORM-FOOD# to #RESTAURANT-INFORM-FOOD# as well ."
+ ],
+ "Food;Name;Name;Name;Price;": [
+ "I have #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# and #RESTAURANT-INFORM-NAME# that are all #RESTAURANT-INFORM-PRICE# and serving #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "Area;Food;Post;": [
+ "It is a #RESTAURANT-INFORM-FOOD# place on the #RESTAURANT-INFORM-AREA# the postcode is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Area;Choice;Food;Food;Food;": [
+ "We have #RESTAURANT-INFORM-CHOICE# cheap restaurants in the #RESTAURANT-INFORM-AREA# , with cuisines ranging from #RESTAURANT-INFORM-FOOD# to #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Choice;Food;Food;Food;Food;Food;": [
+ "We ' ve got #RESTAURANT-INFORM-CHOICE# different restaurants , everything from #RESTAURANT-INFORM-FOOD# , to #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , #RESTAURANT-INFORM-FOOD# , all the way to #RESTAURANT-INFORM-FOOD# ."
+ ],
+ "Area;Area;Choice;Choice;Price;": [
+ "Yes there are #RESTAURANT-INFORM-CHOICE# in #RESTAURANT-INFORM-AREA# you are looking for . They are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# and are #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Area;Choice;Choice;Choice;Price;Price;": [
+ "Yes I found #RESTAURANT-INFORM-CHOICE# restaurants in the #RESTAURANT-INFORM-AREA# #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-PRICE# range and #RESTAURANT-INFORM-CHOICE# in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Area;Area;Choice;Food;Name;Name;Name;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# #RESTAURANT-INFORM-PRICE# restaurants that serve #RESTAURANT-INFORM-FOOD# food . #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# , and #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Area;Choice;Food;Food;Name;Name;Price;": [
+ "There are #RESTAURANT-INFORM-CHOICE# other #RESTAURANT-INFORM-PRICE# restaurants on the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-NAME# serving #RESTAURANT-INFORM-FOOD# food , and #RESTAURANT-INFORM-NAME# , another #RESTAURANT-INFORM-FOOD# restaurant ."
+ ],
+ "Choice;Choice;Food;": [
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that fit your criteria , #RESTAURANT-INFORM-CHOICE# of those appear to be #RESTAURANT-INFORM-FOOD# places . Does that sound okay with you ?"
+ ],
+ "Addr;Addr;Area;Name;": [
+ "I recommend #RESTAURANT-INFORM-NAME# located on #RESTAURANT-INFORM-ADDR# , #RESTAURANT-INFORM-ADDR# , in the town #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Choice;Name;Name;Name;Name;Name;Name;": [
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants that fit your request . #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , #RESTAURANT-INFORM-NAME# , and #RESTAURANT-INFORM-NAME# ."
+ ]
+ },
+ "Restaurant-NoOffer": {
+ "Area;Food;Price;": [
+ "I ' m sorry there does n't seem to be any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants to #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m not finding any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# . Do you have a second choice ?",
+ "I apologize but there are n't any #RESTAURANT-NOOFFER-FOOD# restaurants with a #RESTAURANT-NOOFFER-PRICE# price range in the #RESTAURANT-NOOFFER-AREA# area .",
+ "I was not able to find any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , there are n't any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "We do n't have a match for you . In general , you 'll be hard pressed to find a #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry but there are n't any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# .",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# could I look fore something else .",
+ "I ' m sorry there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants on the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m afraid there is n't an #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurant #RESTAURANT-NOOFFER-AREA# .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# in the #RESTAURANT-NOOFFER-AREA# part of town in the #RESTAURANT-NOOFFER-PRICE# price range . Would you like something else ?",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "I do not have any #RESTAURANT-NOOFFER-PRICE# restaurants in the #RESTAURANT-NOOFFER-AREA# serving #RESTAURANT-NOOFFER-FOOD# food .",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# of town .",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# , which would be close to your hotel . Would you like to try a different area ?",
+ "There 's no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# food in the #RESTAURANT-NOOFFER-AREA# . Would you like me try something else ?",
+ "I ' m sorry , but there are no #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# at #RESTAURANT-NOOFFER-PRICE# .",
+ "I ' m not finding any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# , either . Would you like me to look for something else , or a different price range ?",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-FOOD# restaurants located in the #RESTAURANT-NOOFFER-AREA# that is #RESTAURANT-NOOFFER-PRICE# .",
+ "Unfortunately , there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restuarants #RESTAURANT-NOOFFER-AREA# ."
+ ],
+ "Food;": [
+ "There are no #RESTAURANT-NOOFFER-FOOD# food places , shall I run another search ?",
+ "I do not have anything in that price range for #RESTAURANT-NOOFFER-FOOD# . Another criteria perhaps ?",
+ "I am sorry there are not #RESTAURANT-NOOFFER-FOOD# restaurants . Can I check for a Chinese restaurant ?",
+ "I am unable to find any #RESTAURANT-NOOFFER-FOOD# restaurants in town .",
+ "I have nothing with #RESTAURANT-NOOFFER-FOOD# . Do you have another preference ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "I did not find any #RESTAURANT-NOOFFER-FOOD# restaurants . Give me a moment and I will search for unusual ones .",
+ "Oh no ! There no #RESTAURANT-NOOFFER-FOOD# restaurants that I can find right now . Would something else work ?",
+ "I ' m sorry I have no restaurants serving #RESTAURANT-NOOFFER-FOOD# food .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants unfortunately .",
+ "There does n't seem to be any restaurants in that area that serve #RESTAURANT-NOOFFER-FOOD# food . Do you have another food preference ?",
+ "I ' m afraid we do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants in town . Is there something else that would work for you ?",
+ "I have no restaurants that list there food as #RESTAURANT-NOOFFER-FOOD# , do you have any other preferences ?",
+ "Hmmm . Nothing is coming to mind for #RESTAURANT-NOOFFER-FOOD# in that price range . May I suggest something else for dining ?",
+ "I am sorry there are no local #RESTAURANT-NOOFFER-FOOD# restaurants . Would you consider trying something different ?",
+ "I ' m sorry but we do n't have any restaurants that serve #RESTAURANT-NOOFFER-FOOD# food in the area . Is there another type of food you would like to try ?",
+ "No , there are no places that serve #RESTAURANT-NOOFFER-FOOD# food , anywhere .",
+ "Unfortunatley , I could n't find #RESTAURANT-NOOFFER-FOOD# food .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in that area would you like to try something else ?",
+ "No , sorry , there are n't any serving #RESTAURANT-NOOFFER-FOOD# food .",
+ "Unfortunately you wo n't be able to impress your clients . We do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants in town . Do you want to look for something else ?",
+ "Unfortunately it looks like we do n't have any #RESTAURANT-NOOFFER-FOOD# food .",
+ "There is no #RESTAURANT-NOOFFER-FOOD# either .",
+ "I ' m sorry , but I do n't show any #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "None of them serve #RESTAURANT-NOOFFER-FOOD# food . Would you like to search for another option ?",
+ "Sorry , no results returned for #RESTAURANT-NOOFFER-FOOD# food",
+ "no I am sorry no #RESTAURANT-NOOFFER-FOOD# , something else perhaps ?",
+ "I have nothing #RESTAURANT-NOOFFER-FOOD# in that area . do you have another choice ?",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-FOOD# restaurants available .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in that area .",
+ "I have no #RESTAURANT-NOOFFER-FOOD# food available .",
+ "There are none that serve #RESTAURANT-NOOFFER-FOOD# food",
+ "There are no #RESTAURANT-NOOFFER-FOOD# options in the area .",
+ "There is no restaurant serving #RESTAURANT-NOOFFER-FOOD# food . Anything else ?",
+ "There are no other #RESTAURANT-NOOFFER-FOOD# Restaurants in that area .",
+ "There are no restaurants anywhere in Cambridge that describe their cuisine as \" #RESTAURANT-NOOFFER-FOOD# . \" Would you like to broaden your search criteria ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in that area .",
+ "I ' m sorry , I am unable to find any restaurants that serve #RESTAURANT-NOOFFER-FOOD# cuisine .",
+ "I do apologize there are no restaurants serving #RESTAURANT-NOOFFER-FOOD# . Is there something else you might be interested in instead ?",
+ "Unfortunately , I am not finding anything that serves #RESTAURANT-NOOFFER-FOOD# food . Would you like me to try another type of food ?",
+ "I ' m afraid I ' m not finding any #RESTAURANT-NOOFFER-FOOD# restaurants of any type . Would you like to try a different style of restaurant ?",
+ "My system is n't showing a #RESTAURANT-NOOFFER-FOOD# restaurant . Do you have another preference ?",
+ "Regretfully , we have nothing like that in the #RESTAURANT-NOOFFER-FOOD# .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in my system , I ' m sorry .",
+ "Regretfully , I do n't have a listing for #RESTAURANT-NOOFFER-FOOD# cuisine . Do you have a second choice ?",
+ "There are no options for #RESTAURANT-NOOFFER-FOOD# , can I try something else for you ?",
+ "I ' m sorry there are no #RESTAURANT-NOOFFER-FOOD# restaurant",
+ "I ' m sorry , I do n't see any #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "I ' m sorry but I have no #RESTAURANT-NOOFFER-FOOD# in this area . Could we try another area or type of food ?",
+ "I was unable to find any #RESTAURANT-NOOFFER-FOOD# restaurants",
+ "there are no #RESTAURANT-NOOFFER-FOOD# food restaurants .",
+ "We do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants here . Would you like to try something else ?",
+ "i m sorry there are no places serving #RESTAURANT-NOOFFER-FOOD# food",
+ "My apologies . I meant to say restaurant not hotel . Unfortunately , there are n't any restaurants that are that price range that serve #RESTAURANT-NOOFFER-FOOD# food .",
+ "I ' m sorry , but there are no #RESTAURANT-NOOFFER-FOOD# restaurants anywhere in Cambridge .",
+ "Sorry do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "Unfortunately there are no #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "Unfortunately , there are no #RESTAURANT-NOOFFER-FOOD# restaurants in that price range .",
+ "I am sorry , there are no restaurants that serve food from the #RESTAURANT-NOOFFER-FOOD# either .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# locations in Cambridge .",
+ "There are currently zero #RESTAURANT-NOOFFER-FOOD# listed for this area . Would you like for me to look elsewhere ?",
+ "Unfortunately , I can not find an #RESTAURANT-NOOFFER-FOOD# restaurant .",
+ "I can not find any restaurant that serves #RESTAURANT-NOOFFER-FOOD# food in the area .",
+ "I ' m sorry but there are no restaurants that serve #RESTAURANT-NOOFFER-FOOD# food . Would you like to choose something different ?",
+ "Unfortunately , I could not find a #RESTAURANT-NOOFFER-FOOD# restaurant using your criteria . Is there another type of restaurant you would like to consider ?",
+ "I do not see any restaurants with #RESTAURANT-NOOFFER-FOOD# cuisine . Would you like to try something else ?",
+ "unfortunately , there are n't any #RESTAURANT-NOOFFER-FOOD# restaurants in that area .",
+ "Sorry , we do n't have any places serving #RESTAURANT-NOOFFER-FOOD# food . Would you like to search for something else ?",
+ "I ' m sorry , I wish there were some #RESTAURANT-NOOFFER-FOOD# places here , but there is n't .",
+ "No there are not any restaurants in that area that serve #RESTAURANT-NOOFFER-FOOD# .",
+ "I ' m sorry but I ca n't find any #RESTAURANT-NOOFFER-FOOD# restaurants ."
+ ],
+ "none;": [
+ "I do n't have anything meeting that criteria . Can I look for something else ?",
+ "I ' m sorry but i can not find any Jamaican restaurant located in the south .",
+ "we do nt have a place that matches those qualities . can you try something else ?",
+ "I am afraid there is none .",
+ "We do n't have any of those , sad to say . Want to broaden the search ?",
+ "There are no mathcing records found for that request",
+ "There are no matching records found for that request .",
+ "Regretfully , no . Is there another cuisine you would enjoy ?",
+ "No , I ' m sorry . The search did n't pull up any matches .",
+ "There is no listing for this restaurant",
+ "There are no restaurants matching your criteria . Would you like to modify your search results ?",
+ "Iam sorry but I have nothing matching your needs right now .",
+ "Unfortunately , no results came from your search . Would you like to broaden it ?",
+ "Yes , I apologize but no restaurants match your search .",
+ "I m sorry there are no restaurants offering Swiss food in your area .",
+ "There are no restaurants available matching what you mentioned .",
+ "Sorry there are no records matching your request . Would you like to change your request ?",
+ "There are no matching restaurants",
+ "We have no matching results .",
+ "I ' m sorry , but there are no restaurants serving Catalan food .",
+ "I ' m sorry but I can not find any british food located in the south part of town .",
+ "There are no scandinavian restaurants in the south part of town .",
+ "There are no restaurants that serve Cantonese food in the moderate price range .",
+ "Unfortunately , I was n't able to find anything matching your request . Shall we look for a cheap restaurant instead ?",
+ "It does not appear there are any restaurants serving afghan food",
+ "There are no restaurants serving Singaporean food on the east part of town .",
+ "I ' m sorry but there is no matching records found that fits your requests .",
+ "I ' m so sorry , there is nothing like that either .",
+ "Unfortunately there is none there as well . Can I broaden your search further ?",
+ "There are no Danish restaurants in the south .",
+ "no such restraunts too",
+ "I ' m sorry there 's no matching results .",
+ "I am sorry again there are no matches for that type of food . Would you like to try another type of food or price range ?",
+ "Sorry , I do n't have any places like that . Perhaps you 'd like to try something different ?",
+ "I ' m sorry there are no matching results .",
+ "There is not .",
+ "There are no restaurants serving vegetarian food .",
+ "No I am deeply sorry I am not getting any",
+ "nothing is matching your request . I ' m sorry .",
+ "Sorry , I could n't find any restaurants like that . Want to try a different type of food ?",
+ "no records match your request , I ' m sorry .",
+ "I do n't have any restaurants that meet that criteria . Are you interested in something different ?",
+ "I ' m sorry , no there are n't any of those .",
+ "Unfortunately , I do n't happen to show any restaurants that meet that criteria . Would you like me to try looking for a different price range or cuisine type ?",
+ "I was unable to find any restaurants matching that .",
+ "I have n't found anything matching what you 're looking for .",
+ "There are no matches , can I try something else ?",
+ "Sorry , I could n't find anything .",
+ "We do n't have any specific restaurants in that category . Let 's try something else ?",
+ "I was not able to find any restaurants matching your requirements .",
+ "I ' m sorry I do not find any restaurants meeting those requirements",
+ "There are no restaurants serving vegetarian food .",
+ "Your search engine does not include the restaurant I ' ve inquired about .",
+ "I ' m sorry , we do n't have one . Will some other type do ?",
+ "I ' m sorry , we do n't have one . Will some other type do ?",
+ "Sadly , there are n't any .",
+ "I ' m sorry , I did n't get any matches for that .",
+ "I ' m sorry . There are none .",
+ "I ' m sorry , but I can not find any expensive Lebanese restaurants .",
+ "I ' m sorry , there are no vegetarian restaurants in the east part of town .",
+ "There are no restaurants moderately priced that serves mexican food .",
+ "Sorry but there is not matching restaurants serving international food in the west .",
+ "There are no cheap restaurants that serve Polish food .",
+ "Sorry , no matches found",
+ "I can not locate the restaurant you are speaking of .",
+ "There are no restaurants matching your request . Would you like to find another restaurant ?",
+ "sorry , I could nt find any of that food type .",
+ "I ' m sorry there are no locations serving Tuscan food on the north side town .",
+ "I ' m sorry . There are no restaurants serving English food near your area .",
+ "Nothing of that criteria in the area . Shall I try again with another criteria ?",
+ "there is no restaurant in that side of town serving your kind of food . can we change the cuisine ?",
+ "Sorry , I could n't find any of that food type .",
+ "i do nt have anything available . for that . Do you have another choice",
+ "I ' m sorry , there are no restaurants like that in Cambridge .",
+ "I am sorry , there are n't any options available . May I ask if there is another type of restaurant you would be interested in ?",
+ "I am sorry there are no others in the same area and price range .",
+ "I ' m afraid we do n't have one . Can I look you up something else ?",
+ "I ' m sorry , there are no restaurants that serve australian food .",
+ "There is none in that area , would you like to try something else",
+ "There are no restaurants in that area .",
+ "There are no restaurants serving Persian food in the Centre part of town .",
+ "I ' m sorry , but there are no restaurants matching your request .",
+ "There are no restaurants serving barbeque .",
+ "No , I ' m sorry there are n't any .",
+ "I am sorry there are no restaurants that meet those requirements . Would you like to try another type of food ?",
+ "The British places are all booked up then . Another time or place ?",
+ "There are no restaurants serving Romanian food .",
+ "Sorry , looks like there are no restaurants in the area with those requirements .",
+ "I ' m sorry , I ca n't find anything like that .",
+ "Sorry , I could n't find any restaurants matching your requirements .",
+ "No , there are none fitting that description , sir . Sorry about that .",
+ "I do n't have anything that meets that criteria .",
+ "unfortunately i do n't have anything in that price range",
+ "I ' m sorry , but there are no restaurants that match your criteria . Would you like to broaden your search ?",
+ "My apologies . I could not find any restaurants that serve International food in the expensive price range .",
+ "Yes , that 's right .",
+ "I ' m sorry . There are no restaurants matching your criteria .",
+ "I ' m sorry , there are n't any serving that type of food . Would you like to try something different ?",
+ "Unfortunatly , I can not find anything available given your parameters .",
+ "I am sorry there are no restaurants that match that description . Would you like to search for something else ?",
+ "There are no restaurants matching your request . May I help you find a different one ?",
+ "sorry we got none .",
+ "Sorry , I could not find any restaurants matching that description .",
+ "I do n't have anything that meets those requirements . Can I try something else ?",
+ "Unfortunately , I do n't see any restaurants that meet your needs . Would you like to broaden your search area ?",
+ "I ' m sorry I am still not finding anything . is there another type of food you would be interested in looking for ?",
+ "I ' m sorry , nothing is coming up for that particular type of restaurant . Is there any other specifics you may like ?",
+ "Sorry , no matches . Is there another food you want to try ?",
+ "There are no results for that . Is there a different type of food you 'd like to try in that area ?",
+ "There is no place fitting that description .",
+ "I ' m sorry , but there are no moderately priced Brazilian restaurants .",
+ "I ' m sorry , there are n't any restaurants like that . Would you like something else ?",
+ "I ' m sorry , there are n't any .",
+ "There are no restaurants that meet those requirements .",
+ "There are no matches , can I look up something else ?",
+ "I am sorry I can not find any restaurants that meet your criteria . Would you like me to look for something else ?",
+ "I ' m sorry , but there are no restaurants that meet your requirements . Would you like to broaden your search criteria ?",
+ "I ' m sorry , I ' m afraid I ca n't find any restaurant in this area that serve that type of food . Are there any other types I can help you find ?",
+ "There are no restaurants matching your requirements in that area .",
+ "There are no restaurants matching your request .",
+ "I ' m sorry . I did n't find any matches .",
+ "There are none . Would you like to change either your cuisine preference , or try a moderate ?",
+ "I ' m sorry , there is nothing meeting those requirements in that area ? Would you like me to look further ?",
+ "I am very sorry , but I do not see any restaurants in the area that match your criteria .",
+ "I was unable to find anything matching that . Would you like to try again ?",
+ "I found no restaurants serving Danish food in the expensive price range .",
+ "No restaurant matching your description have been found .",
+ "I do n't have anything that meets those requirements .",
+ "I ' m sorry , but there are no Greek restaurants in the south part of town .",
+ "Unfortunately , there are none . Could you like to try an alternative type of food ?",
+ "I ' m sorry . There are no restaurants that serve fusion food in your area .",
+ "i am sorry no welsh restaurants in the north part of town .",
+ "Sorry , I could n't find any restaurants that match that .",
+ "There are none , can I find you find you anything else ?",
+ "I ' m sorry but I do not have a listing for that .",
+ "Unfortunately there are none . Would you like to try something else ?",
+ "I ' m sorry I do not see any listing for the description you are looking for . Perhaps there is something else you would like to try ?",
+ "I ' m sorry , I do n't have any matches for that , would you like to try another option ?",
+ "I believe there are no restaurants in the area that have what you are looking for .",
+ "there are no matches for that search",
+ "I ' m sorry there is no one serving european food in the expensive price range",
+ "Sorry , I could n't find any restaurants that fit that criteria .",
+ "I ' m sorry , it appears there are no results for the east part of town . Our system is having difficulty of some sort .",
+ "I did n't find any records matching those criteria .",
+ "Unfortunately , we do not .",
+ "There are no restaurants that seve Christmas food .",
+ "Sorry I do n't have anything for that either .",
+ "Sorry I do n't have anything for that either .",
+ "Sorry , I could n't find any food of that type .",
+ "I have not found any , unfortunately . Would you like to try another area of town or cuisine ?",
+ "There is nothing that meets that criteria , shall I run another search ?",
+ "I ' m sorry . Nothing is coming up for your specifications . I need you to narrow down your info .",
+ "I am sorry my database is showing none in the area",
+ "I do n't show any restaurants that fit that category . Is there something different you would like to try ?",
+ "There are no venues selling Scandinavian food in the East part of town .",
+ "we do nt have any restaurant like that .",
+ "No , I am so sorry but there are no restaurants that match that description .",
+ "There are none available , do you have another type of food .",
+ "There are no Malaysian restaurants in this area .",
+ "I ' m sorry , but there are no restaurants serving canapes food in the east part of town .",
+ "I ' m sorry , I was n't able to find any of those ."
+ ],
+ "Area;": [
+ "Sorry , there are no restaurants like that in the #RESTAURANT-NOOFFER-AREA# . Would you like to change the type of food ?",
+ "No , I did not find any restaurants in #RESTAURANT-NOOFFER-AREA# .",
+ "I am sorry there are no restaurants in #RESTAURANT-NOOFFER-AREA# that match that description .",
+ "There are none in #RESTAURANT-NOOFFER-AREA# of town .",
+ "I am sorry but there are no restaurants that fit that criteria in the #RESTAURANT-NOOFFER-AREA# .",
+ "i have n't found any in the #RESTAURANT-NOOFFER-AREA# too",
+ "I am sorry . There are no restaurants which meet that criteria in the #RESTAURANT-NOOFFER-AREA# . Would you like me to search for other options ?",
+ "I ' m sorry , there are no restaurants like that #RESTAURANT-NOOFFER-AREA# unfortunately .",
+ "I am sorry there are none located in the #RESTAURANT-NOOFFER-AREA# . Something else perhaps ?",
+ "We do n't have any such restaurants in the #RESTAURANT-NOOFFER-AREA# . Do you want to search for something different ?",
+ "Okay there is n't any in the #RESTAURANT-NOOFFER-AREA# ."
+ ],
+ "Area;Food;": [
+ "There are none in the #RESTAURANT-NOOFFER-AREA# . There is no #RESTAURANT-NOOFFER-FOOD# food at all .",
+ "I ' m sorry , but there are no restaurants serving #RESTAURANT-NOOFFER-FOOD# food in the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , we do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# . Is there anything else that would work ?",
+ "I ' m sorry , we have no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "Unfortunately , there are no other #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# . Would you like me to find you one in another area ?",
+ "As a matter of fact , it appears all of the #RESTAURANT-NOOFFER-FOOD# #RESTAURANT-NOOFFER-AREA# have closed . Is there anything else that interests you ?",
+ "Yes , I have doubled checked and there are no #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# .",
+ "We do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# . Would you like to search for something different ?",
+ "I ' m sorry , there are no restaurants specializing in #RESTAURANT-NOOFFER-FOOD# located in the #RESTAURANT-NOOFFER-AREA# .",
+ "Sorry , I could n't find any #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# . Want to try a different kind of food ?",
+ "I am showing nothing for #RESTAURANT-NOOFFER-FOOD# food in the #RESTAURANT-NOOFFER-AREA# area . Would you like to try something else ?",
+ "I am sorry but there are no restaurants in the #RESTAURANT-NOOFFER-AREA# that serve #RESTAURANT-NOOFFER-FOOD# food .",
+ "Unfortunately , I could n't find a restaurant that serves #RESTAURANT-NOOFFER-FOOD# in #RESTAURANT-NOOFFER-AREA# .",
+ "Unfortunately there are no restaurants that serve #RESTAURANT-NOOFFER-FOOD# dishes on the #RESTAURANT-NOOFFER-AREA# , would you like me to try a different side of town ?",
+ "Unfortunately there are no restaurants that serve #RESTAURANT-NOOFFER-FOOD# dishes on the #RESTAURANT-NOOFFER-AREA# , would you like me to try a different side of town ?",
+ "i ' m sorry but there are no #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# . sorry about that .",
+ "Sorry there are no restaurants in the #RESTAURANT-NOOFFER-AREA# serving #RESTAURANT-NOOFFER-FOOD# food .",
+ "I ' m sorry , we do n't have an #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , there are not #RESTAURANT-NOOFFER-FOOD# places in #RESTAURANT-NOOFFER-AREA# .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# . Would you like to try searching for something else ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# area .",
+ "Unfortunately , we no longer have any #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# . Can I search for something else for you ?",
+ "I ' m sorry there are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "Sorry but there are n't any #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# . Would you like to try something else ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# locations in #RESTAURANT-NOOFFER-AREA# .",
+ "There are no restaurants serving #RESTAURANT-NOOFFER-FOOD# in #RESTAURANT-NOOFFER-AREA# .",
+ "Nope . So sorry . No #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , there are no restaurants in the #RESTAURANT-NOOFFER-AREA# that serve #RESTAURANT-NOOFFER-FOOD# cuisines .",
+ "Sorry , there are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "Unfortunately , there are n't any #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# . Is there something else you 'd like to try ?",
+ "There are no expensive #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# , are there any other sorts of restaurants you would like ?",
+ "I ' m sorry , there are n't any #RESTAURANT-NOOFFER-FOOD# eateries in the #RESTAURANT-NOOFFER-AREA# . Can I check another part of town for you , or look for a different type of cuisine ?",
+ "I ' m sorry I ca n't find any #RESTAURANT-NOOFFER-FOOD# restaurants located in the #RESTAURANT-NOOFFER-AREA# .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , we do n't have any #RESTAURANT-NOOFFER-FOOD# restaurants on #RESTAURANT-NOOFFER-AREA# . Would you like to try a different cuisine type ?",
+ "I was not able to find any #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# part of town",
+ "I am afraid I do n't show any #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# area . Do you have another preference ?",
+ "Sorry there is no #RESTAURANT-NOOFFER-FOOD# food in #RESTAURANT-NOOFFER-AREA# area . Would like me to find a different restaurant ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# .",
+ "My apologies about the miscommunication . There is no #RESTAURANT-NOOFFER-FOOD# restaurant in the #RESTAURANT-NOOFFER-AREA# area .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# food places located in the #RESTAURANT-NOOFFER-AREA# of town . How about something else ?",
+ "Unfortunately there are no restaurants serving #RESTAURANT-NOOFFER-FOOD# in the #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , but there are no restaurants that meet your criteria . In fact , there are no #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# . Would you like to broaden your search ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# area , can I try something else ?",
+ "I ' m sorry , but there are no #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# .",
+ "I ' m sorry , I ' m not finding a restaurant in the #RESTAURANT-NOOFFER-AREA# that serves #RESTAURANT-NOOFFER-FOOD# food .",
+ "Sorry , there are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# . Can I help you find something else ?",
+ "I ' m sorry but there are not any #RESTAURANT-NOOFFER-FOOD# restaurants on the #RESTAURANT-NOOFFER-AREA# , either .",
+ "There are n't any #RESTAURANT-NOOFFER-FOOD# restaurants located in the #RESTAURANT-NOOFFER-AREA# .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants #RESTAURANT-NOOFFER-AREA# .",
+ "I am sorry there are no #RESTAURANT-NOOFFER-FOOD# Restaurants #RESTAURANT-NOOFFER-AREA# .",
+ "I was unable to find any #RESTAURANT-NOOFFER-FOOD# places on the #RESTAURANT-NOOFFER-AREA# .",
+ "There are not any restaurants serving #RESTAURANT-NOOFFER-FOOD# in the #RESTAURANT-NOOFFER-AREA# . Should I check another type of food ?",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-FOOD# restaurants in #RESTAURANT-NOOFFER-AREA# . Can I find a different type of restaurant for you ?",
+ "I ' m sorry , it does n't appear there is any #RESTAURANT-NOOFFER-FOOD# food in #RESTAURANT-NOOFFER-AREA# . Would you like to try something else ?"
+ ],
+ "Food;Price;": [
+ "Unfortunately there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "I am sorry I looked up your criteria and I do not see any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in my data base",
+ "I do n't have any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the centre .",
+ "I apologize , but it appears #RESTAURANT-NOOFFER-FOOD# with the #RESTAURANT-NOOFFER-PRICE# price range does not have any result .",
+ "I do n't have anything that serves #RESTAURANT-NOOFFER-FOOD# food and is #RESTAURANT-NOOFFER-PRICE# .",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# eateries , would you like to try another criteria ?",
+ "I ' m sorry , I do n't have a #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurant . Will anything else do ?",
+ "I am sorry but there are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-PRICE# . Would you like to try another type of food or price range ?",
+ "I am not seeing any #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-PRICE# price range in that area . Would you like me to try another search for you ?",
+ "There are n't any restaurants serving #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# food .",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants . Would you like to try a different type of food ?",
+ "There is no restaurant offering #RESTAURANT-NOOFFER-FOOD# food in the #RESTAURANT-NOOFFER-PRICE# price range .",
+ "I have no listings for #RESTAURANT-NOOFFER-FOOD# food in the #RESTAURANT-NOOFFER-PRICE# price range . Would you like to try something else ?",
+ "I was unable to find any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "I ' m sorry , there are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in the area either . How about a cheaper option ?",
+ "I ' m sorry , but I checked for #RESTAURANT-NOOFFER-FOOD# cuisine in #RESTAURANT-NOOFFER-PRICE# price ranges , and I ca n't find anything .",
+ "I ' m sorry , there are n't any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in town . Would you like me to look for a different restaurant type ?",
+ "I do not have any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# eateries , could we try something else ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-PRICE# price range would you like me to search for something else ?",
+ "Unfortunately , I do n't have any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants listed . Is there a different price range or food type that I can find for you ?",
+ "I was unable to find any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# places .",
+ "I could not find any #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# places to eat . Do you have any other preference ?",
+ "There are no #RESTAURANT-NOOFFER-PRICE# #RESTAURANT-NOOFFER-FOOD# restaurants in that area ."
+ ],
+ "Price;": [
+ "I do n't have anything in the #RESTAURANT-NOOFFER-PRICE# range that fits that criteria .",
+ "There are none in #RESTAURANT-NOOFFER-PRICE# , perhaps something else ?",
+ "There are no places a #RESTAURANT-NOOFFER-PRICE# price range that serve this food type , shall I search for something else for you ?",
+ "no #RESTAURANT-NOOFFER-PRICE# with those specifications",
+ "There are no zero star #RESTAURANT-NOOFFER-PRICE# ones . The low quality ones tend to be on the cheaper end . Would you like me to look ?",
+ "No #RESTAURANT-NOOFFER-PRICE# restaurant"
+ ],
+ "Area;Food;Price;Price;": [
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants in the #RESTAURANT-NOOFFER-AREA# at all , cheap , #RESTAURANT-NOOFFER-PRICE# , #RESTAURANT-NOOFFER-PRICE# ."
+ ],
+ "Area;Price;": [
+ "There is no #RESTAURANT-NOOFFER-PRICE# Mediterranean restaurant in the #RESTAURANT-NOOFFER-AREA# ."
+ ],
+ "Name;": [
+ "i ' m sorry . i can not find details for #RESTAURANT-NOOFFER-NAME# ."
+ ]
+ },
+ "Restaurant-Recommend": {
+ "Area;Food;Name;": [
+ "Would you be interested in The #RESTAURANT-RECOMMEND-NAME# ? It is a #RESTAURANT-RECOMMEND-FOOD# cuisine restaurant located in the #RESTAURANT-RECOMMEND-AREA# of town .",
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# . It is a #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "There is a very nice #RESTAURANT-RECOMMEND-FOOD# restaurant called #RESTAURANT-RECOMMEND-NAME# in #RESTAURANT-RECOMMEND-AREA# .",
+ "Yes , your other option is #RESTAURANT-RECOMMEND-NAME# . It serves #RESTAURANT-RECOMMEND-FOOD# food and is also located in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I would recommend you try #RESTAURANT-RECOMMEND-NAME# . As requested it is in the #RESTAURANT-RECOMMEND-AREA# and serves #RESTAURANT-RECOMMEND-FOOD# food .",
+ "Okay , how about the #RESTAURANT-RECOMMEND-NAME# ? It 's in the #RESTAURANT-RECOMMEND-AREA# and has #RESTAURANT-RECOMMEND-FOOD# food .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It serves #RESTAURANT-RECOMMEND-FOOD# food and it is in #RESTAURANT-RECOMMEND-AREA# .",
+ "Ok , how about #RESTAURANT-RECOMMEND-NAME# which serves #RESTAURANT-RECOMMEND-FOOD# food and is in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# , which is in the #RESTAURANT-RECOMMEND-AREA# and serves #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , a nice #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# ."
+ ],
+ "Name;": [
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "The #RESTAURANT-RECOMMEND-NAME# is a nice place would you like to try that one ?",
+ "Excellent . #RESTAURANT-RECOMMEND-NAME# is just your thing .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "Yes , I have a place called #RESTAURANT-RECOMMEND-NAME# , does that sound like something you would enjoy ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It has gotten great reviews !",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "In that case , I would suggest this one #RESTAURANT-RECOMMEND-NAME# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I think #RESTAURANT-RECOMMEND-NAME# restaurant is good",
+ "Sure , how about #RESTAURANT-RECOMMEND-NAME# restaurant ?",
+ "How about the #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# .",
+ "Yes the #RESTAURANT-RECOMMEND-NAME# has a very nice restaurant .",
+ "oh may I suggest #RESTAURANT-RECOMMEND-NAME# , it 's great and I go there all of the time",
+ "Then I would like to recommend #RESTAURANT-RECOMMEND-NAME# as the better of the two .",
+ "how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? I eat there sometimes .",
+ "Sure thing how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "recommend #RESTAURANT-RECOMMEND-NAME# . it a very good joint .",
+ "How does #RESTAURANT-RECOMMEND-NAME# sound ?",
+ "ok , how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "The #RESTAURANT-RECOMMEND-NAME# would be an option for you",
+ "Sure thing , I would suggest the #RESTAURANT-RECOMMEND-NAME# .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "Alright , how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I found #RESTAURANT-RECOMMEND-NAME# for you and its nice .",
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would suggest this place #RESTAURANT-RECOMMEND-NAME# .",
+ "how about #RESTAURANT-RECOMMEND-NAME# ? sounds lovely .",
+ "I would suggest this one #RESTAURANT-RECOMMEND-NAME# .",
+ "the #RESTAURANT-RECOMMEND-NAME# is great . Shall i book it ?",
+ "how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would suggest you try the #RESTAURANT-RECOMMEND-NAME# .",
+ "they are 3 but i recommend #RESTAURANT-RECOMMEND-NAME# . can i get you the address ?",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "I can recommend #RESTAURANT-RECOMMEND-NAME# .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "Sure thing I would suggest this #RESTAURANT-RECOMMEND-NAME# .",
+ "My recommendation is #RESTAURANT-RECOMMEND-NAME# . It fits all of your criteria .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It meets all of your criteria .",
+ "I would suggest this place #RESTAURANT-RECOMMEND-NAME# .",
+ "There is the #RESTAURANT-RECOMMEND-NAME# restaurant that fits your criteria .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# .",
+ "How does #RESTAURANT-RECOMMEND-NAME# sound ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "Have a great day as well . I think you 'll love #RESTAURANT-RECOMMEND-NAME# .",
+ "Sure thing I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "Yes , I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "The #RESTAURANT-RECOMMEND-NAME# may be a good option for you .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# as they are very good .",
+ "Sure thing , I would suggest this one #RESTAURANT-RECOMMEND-NAME# .",
+ "How does #RESTAURANT-RECOMMEND-NAME# sound to you ?",
+ "I would bet you 'd like #RESTAURANT-RECOMMEND-NAME# . Want more information ?",
+ "Sure . Does #RESTAURANT-RECOMMEND-NAME# sound good ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "what about #RESTAURANT-RECOMMEND-NAME# ? it looks lovely",
+ "Here is a good one #RESTAURANT-RECOMMEND-NAME# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? I ' ve heard it 's great .",
+ "I recommend booking a table at #RESTAURANT-RECOMMEND-NAME# . You 'll love their homemade pasta !",
+ "I would recommend the #RESTAURANT-RECOMMEND-NAME# . Fun place with great food .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "sure , there is #RESTAURANT-RECOMMEND-NAME# in that area .",
+ "would you be interested in #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "Would you like to try #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would suggest the #RESTAURANT-RECOMMEND-NAME# .",
+ "Sure thing I would suggest this place #RESTAURANT-RECOMMEND-NAME# .",
+ "I can recommend #RESTAURANT-RECOMMEND-NAME# .",
+ "how about #RESTAURANT-RECOMMEND-NAME# ? it looks lovely",
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# ? It meets all your criteria .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# , they 're found on",
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "how about #RESTAURANT-RECOMMEND-NAME# ? i hear it 's lovely",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would like to get a table at \" #RESTAURANT-RECOMMEND-NAME# \" .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# as it is a nice place .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It looks great .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# it has great food .",
+ "Would you like to try #RESTAURANT-RECOMMEND-NAME# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "May I suggest the #RESTAURANT-RECOMMEND-NAME# ?",
+ "how about #RESTAURANT-RECOMMEND-NAME# ?",
+ "How does the #RESTAURANT-RECOMMEND-NAME# sound ? It is a personal favorite .",
+ "I think #RESTAURANT-RECOMMEND-NAME# would fit your needs .",
+ "Would you like to try the #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "I can suggest the #RESTAURANT-RECOMMEND-NAME# .",
+ "Okay , how about the #RESTAURANT-RECOMMEND-NAME# ?",
+ "Okay , how about the #RESTAURANT-RECOMMEND-NAME# ? I heard it 's pretty good ."
+ ],
+ "Food;Name;": [
+ "We have a wonderful #RESTAURANT-RECOMMEND-FOOD# restaurant , called #RESTAURANT-RECOMMEND-NAME# , would you like to try there ?",
+ "How about the #RESTAURANT-RECOMMEND-NAME# ? They serve #RESTAURANT-RECOMMEND-FOOD# cuisine .",
+ "Well , I hesitate to call it unusual , but perhaps you have n't had #RESTAURANT-RECOMMEND-FOOD# cuisine before ? #RESTAURANT-RECOMMEND-NAME# is delicious .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It serves #RESTAURANT-RECOMMEND-FOOD# food .",
+ "How about #RESTAURANT-RECOMMEND-NAME# serving #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "i can recommend #RESTAURANT-RECOMMEND-NAME# that serves #RESTAURANT-RECOMMEND-FOOD# food",
+ "Of course . May I suggest #RESTAURANT-RECOMMEND-NAME# , an #RESTAURANT-RECOMMEND-FOOD# restaurant ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# , it is #RESTAURANT-RECOMMEND-FOOD# food but just what you 're looking for .",
+ "May I recommend #RESTAURANT-RECOMMEND-NAME# ? It serves wonderful #RESTAURANT-RECOMMEND-FOOD# food .",
+ "There is the restaurant #RESTAURANT-RECOMMEND-NAME# that serves #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# , an #RESTAURANT-RECOMMEND-FOOD# restaurant ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? They serve #RESTAURANT-RECOMMEND-FOOD# .",
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# ? Wonderful #RESTAURANT-RECOMMEND-FOOD# , took my mother there for her birthday and it was exquisite !",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is #RESTAURANT-RECOMMEND-FOOD# food .",
+ "How does #RESTAURANT-RECOMMEND-NAME# sound , they serve #RESTAURANT-RECOMMEND-FOOD# food .",
+ "What about #RESTAURANT-RECOMMEND-NAME# ? It 's #RESTAURANT-RECOMMEND-FOOD# food .",
+ "how about the #RESTAURANT-RECOMMEND-NAME# . it 's #RESTAURANT-RECOMMEND-FOOD# .",
+ "Could I suggest going out of the norm and trying #RESTAURANT-RECOMMEND-NAME# ? It 's an #RESTAURANT-RECOMMEND-FOOD# restaurant in the same price range and area .",
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# that serves #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "Sure ! I ' ve heard good things about #RESTAURANT-RECOMMEND-NAME# , a #RESTAURANT-RECOMMEND-FOOD# restaurant . Does that sound good to you ?",
+ "If you like #RESTAURANT-RECOMMEND-FOOD# food , I 'd recommend #RESTAURANT-RECOMMEND-NAME# .",
+ "Would you be interested in a wonderful #RESTAURANT-RECOMMEND-FOOD# restaurant called #RESTAURANT-RECOMMEND-NAME# ?",
+ "well then may I suggest #RESTAURANT-RECOMMEND-NAME# , they serve #RESTAURANT-RECOMMEND-FOOD# and that 's where I go to dine",
+ "How about #RESTAURANT-RECOMMEND-NAME# , a #RESTAURANT-RECOMMEND-FOOD# place ?"
+ ],
+ "Area;Food;Name;Price;": [
+ "May I recommend the #RESTAURANT-RECOMMEND-NAME# , then ? They 're very #RESTAURANT-RECOMMEND-FOOD# , very #RESTAURANT-RECOMMEND-PRICE# , and located in the #RESTAURANT-RECOMMEND-AREA# part of town .",
+ "how about #RESTAURANT-RECOMMEND-NAME# ? a #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# place in #RESTAURANT-RECOMMEND-AREA# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is a #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I would recommend the #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# . That 's an #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant right in the middle of everything .",
+ "Sure , I would recommend the #RESTAURANT-RECOMMEND-NAME# which serves #RESTAURANT-RECOMMEND-FOOD# food . It is a nice , #RESTAURANT-RECOMMEND-PRICE# place located in the #RESTAURANT-RECOMMEND-AREA# .",
+ "Yes I have the #RESTAURANT-RECOMMEND-NAME# on the #RESTAURANT-RECOMMEND-AREA# serving #RESTAURANT-RECOMMEND-FOOD# food and it is #RESTAURANT-RECOMMEND-PRICE# .",
+ "How does the #RESTAURANT-RECOMMEND-NAME# sound ? It is a #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I would recommend you #RESTAURANT-RECOMMEND-NAME# , an #RESTAURANT-RECOMMEND-FOOD# place in the #RESTAURANT-RECOMMEND-AREA# with #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "OK , how about #RESTAURANT-RECOMMEND-NAME# ? It serves #RESTAURANT-RECOMMEND-FOOD# cuisine in #RESTAURANT-RECOMMEND-AREA# . It 's #RESTAURANT-RECOMMEND-PRICE# .",
+ "I could recommend #RESTAURANT-RECOMMEND-NAME# . It is #RESTAURANT-RECOMMEND-PRICE# and serves #RESTAURANT-RECOMMEND-FOOD# food in the #RESTAURANT-RECOMMEND-AREA# .",
+ "There is a very popular #RESTAURANT-RECOMMEND-FOOD# restaurant in #RESTAURANT-RECOMMEND-AREA# called #RESTAURANT-RECOMMEND-NAME# , it is in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "Might I suggest #RESTAURANT-RECOMMEND-NAME# ? It 's an #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant located in the #RESTAURANT-RECOMMEND-AREA# .",
+ "May I recommend #RESTAURANT-RECOMMEND-NAME# which is an #RESTAURANT-RECOMMEND-FOOD# restaurant in #RESTAURANT-RECOMMEND-AREA# and is #RESTAURANT-RECOMMEND-PRICE# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# , which serves #RESTAURANT-RECOMMEND-FOOD# food and is located in the #RESTAURANT-RECOMMEND-AREA# and is in the #RESTAURANT-RECOMMEND-PRICE# price range ?",
+ "How about the #RESTAURANT-RECOMMEND-NAME# ? It 's a #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# , also #RESTAURANT-RECOMMEND-PRICE# .",
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# , a #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "May I recommend the very popular #RESTAURANT-RECOMMEND-NAME# restaurant serving #RESTAURANT-RECOMMEND-FOOD# food in the #RESTAURANT-RECOMMEND-AREA# of town in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "What about #RESTAURANT-RECOMMEND-NAME# ? It is an #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "Can I recommend the #RESTAURANT-RECOMMEND-NAME# ? It is a #RESTAURANT-RECOMMEND-PRICE# asian #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# that serves #RESTAURANT-RECOMMEND-FOOD# food and is in the #RESTAURANT-RECOMMEND-PRICE# price range located in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "If you 're for something a little exotic , I recommend #RESTAURANT-RECOMMEND-NAME# , which is an #RESTAURANT-RECOMMEND-PRICE# restaurant in the #RESTAURANT-RECOMMEND-AREA# serving #RESTAURANT-RECOMMEND-FOOD# food .",
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# , a #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "Can I recommend #RESTAURANT-RECOMMEND-NAME# ? They serve #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# food in the #RESTAURANT-RECOMMEND-AREA# .",
+ "If you ask me , the #RESTAURANT-RECOMMEND-NAME# is the place to go . They are in the #RESTAURANT-RECOMMEND-AREA# and are #RESTAURANT-RECOMMEND-PRICE# but the food is #RESTAURANT-RECOMMEND-FOOD# ."
+ ],
+ "Name;Phone;": [
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# . Their phone number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Food;Name;": [
+ "There is #RESTAURANT-RECOMMEND-NAME# , they serve #RESTAURANT-RECOMMEND-FOOD# and the address is #RESTAURANT-RECOMMEND-ADDR# .",
+ "Okay , I 'd recommend #RESTAURANT-RECOMMEND-NAME# . It 's a lovely #RESTAURANT-RECOMMEND-FOOD# restaurant at #RESTAURANT-RECOMMEND-ADDR# . Would that work for you ?"
+ ],
+ "Addr;Area;Name;Price;": [
+ "How about #RESTAURANT-RECOMMEND-NAME# a #RESTAURANT-RECOMMEND-PRICE# restaurant in the #RESTAURANT-RECOMMEND-AREA# located at #RESTAURANT-RECOMMEND-ADDR# ?"
+ ],
+ "Addr;Area;Name;": [
+ "I recommend #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# . It 's located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "We have quite a few . May I suggest #RESTAURANT-RECOMMEND-NAME# ? They are in the area of #RESTAURANT-RECOMMEND-AREA# at #RESTAURANT-RECOMMEND-ADDR# .",
+ "May I recommend #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# in #RESTAURANT-RECOMMEND-AREA# ?",
+ "I would recommend the #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# on the #RESTAURANT-RECOMMEND-AREA# . Do you need more information ?"
+ ],
+ "Choice;Choice;Food;": [
+ "Sure , either #RESTAURANT-RECOMMEND-CHOICE# or #RESTAURANT-RECOMMEND-CHOICE# both serve excellent #RESTAURANT-RECOMMEND-FOOD# food ."
+ ],
+ "Addr;Food;Name;Price;": [
+ "If you are interested in #RESTAURANT-RECOMMEND-FOOD# food , there is #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "If you 're interested in #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# food , I recommend dining at #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , it is an #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# restaurant at #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Name;": [
+ "May I suggest the #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "I 'd recommend #RESTAURANT-RECOMMEND-NAME# on #RESTAURANT-RECOMMEND-ADDR# . Would you like more information on it ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "Well I personally like #RESTAURANT-RECOMMEND-NAME# which is located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# . Great food . It is located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "The best match to your request is #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "Yes , I would recommend #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# . Could I reserve a table for you ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# on #RESTAURANT-RECOMMEND-ADDR# ?",
+ "i recommend a place called #RESTAURANT-RECOMMEND-NAME# . they are located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , it is at #RESTAURANT-RECOMMEND-ADDR# .",
+ "Definitely ! I recommend #RESTAURANT-RECOMMEND-NAME# , at #RESTAURANT-RECOMMEND-ADDR# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "Try #RESTAURANT-RECOMMEND-NAME# its located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "How does the #RESTAURANT-RECOMMEND-NAME# ? It 's at the #RESTAURANT-RECOMMEND-ADDR# .",
+ "Okay , I 'd recommend #RESTAURANT-RECOMMEND-NAME# . It 's a fantastic place at #RESTAURANT-RECOMMEND-ADDR# . Would you like to try it ?",
+ "Can I recommend #RESTAURANT-RECOMMEND-NAME# located on #RESTAURANT-RECOMMEND-ADDR# ?",
+ "Can I recommend #RESTAURANT-RECOMMEND-NAME# located on #RESTAURANT-RECOMMEND-ADDR# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "I would recommend the #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , located on #RESTAURANT-RECOMMEND-ADDR# .",
+ "For your restaurant recommendation we have #RESTAURANT-RECOMMEND-NAME# on #RESTAURANT-RECOMMEND-ADDR# . Would that work ?",
+ "I recommend the restaurant #RESTAURANT-RECOMMEND-NAME# at #RESTAURANT-RECOMMEND-ADDR# .",
+ "Try #RESTAURANT-RECOMMEND-NAME# they are located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "I ' ve found #RESTAURANT-RECOMMEND-NAME# at #RESTAURANT-RECOMMEND-ADDR# .",
+ "Can I recommend the #RESTAURANT-RECOMMEND-NAME# , at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# ?",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# at #RESTAURANT-RECOMMEND-ADDR# . Great food .",
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# , The restaurant 's address is #RESTAURANT-RECOMMEND-ADDR# .",
+ "Okay , I recommend #RESTAURANT-RECOMMEND-NAME# on #RESTAURANT-RECOMMEND-ADDR# .",
+ "Yes , one of my favorites . #RESTAURANT-RECOMMEND-NAME# on #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Name;Price;": [
+ "Sure . I recommend #RESTAURANT-RECOMMEND-NAME# . It 's menu is #RESTAURANT-RECOMMEND-PRICE# and easy on the wallet .",
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# . It has #RESTAURANT-RECOMMEND-PRICE# pricing and great food . Will that be satisfactory ?",
+ "The best place on the west side is #RESTAURANT-RECOMMEND-NAME# . It 's #RESTAURANT-RECOMMEND-PRICE# , but they serve excellent British cuisine in a lovely atmosphere .",
+ "Sure , I recommend #RESTAURANT-RECOMMEND-NAME# . It 's #RESTAURANT-RECOMMEND-PRICE# , but excellent . Does this interest you ?",
+ "How does the #RESTAURANT-RECOMMEND-NAME# sound , #RESTAURANT-RECOMMEND-PRICE# price ?",
+ "I can recommend #RESTAURANT-RECOMMEND-NAME# , it is in the #RESTAURANT-RECOMMEND-PRICE# range .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It 's #RESTAURANT-RECOMMEND-PRICE# .",
+ "Well I have #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-PRICE# price range that is very good .",
+ "May I recommend the #RESTAURANT-RECOMMEND-NAME# restaurant in the #RESTAURANT-RECOMMEND-PRICE# price range ."
+ ],
+ "Addr;Name;Phone;Post;Post;": [
+ "How about #RESTAURANT-RECOMMEND-NAME# , they are located at #RESTAURANT-RECOMMEND-ADDR# , postcode #RESTAURANT-RECOMMEND-POST# , #RESTAURANT-RECOMMEND-POST# , phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# , It 's address is #RESTAURANT-RECOMMEND-ADDR# , their postcode is #RESTAURANT-RECOMMEND-POST# , #RESTAURANT-RECOMMEND-POST# , and their phone number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Name;Phone;Post;": [
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# , post code #RESTAURANT-RECOMMEND-POST# , and their phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "Let 's go with #RESTAURANT-RECOMMEND-NAME# . The address is #RESTAURANT-RECOMMEND-ADDR# , the phone number is #RESTAURANT-RECOMMEND-PHONE# and the postcode is #RESTAURANT-RECOMMEND-POST# .",
+ "I 'd recommend the #RESTAURANT-RECOMMEND-NAME# . The address is #RESTAURANT-RECOMMEND-ADDR# . The postcode is #RESTAURANT-RECOMMEND-POST# . The phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is located at #RESTAURANT-RECOMMEND-ADDR# . The postal code is #RESTAURANT-RECOMMEND-POST# and the phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , address is #RESTAURANT-RECOMMEND-ADDR# , phone is #RESTAURANT-RECOMMEND-PHONE# and post code is #RESTAURANT-RECOMMEND-POST# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# #RESTAURANT-RECOMMEND-POST# . Number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "Name;Phone;Post;": [
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# . Their phone number is #RESTAURANT-RECOMMEND-PHONE# and the post code is #RESTAURANT-RECOMMEND-POST# .",
+ "i 'd recommend the #RESTAURANT-RECOMMEND-NAME# . their phone number is #RESTAURANT-RECOMMEND-PHONE# . their postcode is #RESTAURANT-RECOMMEND-POST# .",
+ "The place is called #RESTAURANT-RECOMMEND-NAME# and the phone number is : #RESTAURANT-RECOMMEND-PHONE# and the post code is : #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Food;Name;Price;": [
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , which serves #RESTAURANT-RECOMMEND-FOOD# food and is in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# ? It is a good #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "the #RESTAURANT-RECOMMEND-NAME# offers #RESTAURANT-RECOMMEND-FOOD# food and their prices are #RESTAURANT-RECOMMEND-PRICE# ."
+ ],
+ "Food;Food;Name;Name;": [
+ "Yes we have #RESTAURANT-RECOMMEND-NAME# which is an #RESTAURANT-RECOMMEND-FOOD# Restaurant and #RESTAURANT-RECOMMEND-NAME# which is #RESTAURANT-RECOMMEND-FOOD# .",
+ "There is #RESTAURANT-RECOMMEND-NAME# , an #RESTAURANT-RECOMMEND-FOOD# food place , and also #RESTAURANT-RECOMMEND-NAME# , an #RESTAURANT-RECOMMEND-FOOD# food place ."
+ ],
+ "Addr;Food;Name;Phone;Post;": [
+ "There 's a great #RESTAURANT-RECOMMEND-FOOD# place called the #RESTAURANT-RECOMMEND-NAME# . Their address is #RESTAURANT-RECOMMEND-ADDR# . Post code is #RESTAURANT-RECOMMEND-POST# . Phone number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "Addr;Area;Food;Name;": [
+ "My recommendation would be the #RESTAURANT-RECOMMEND-NAME# , a #RESTAURANT-RECOMMEND-FOOD# restaurant in the #RESTAURANT-RECOMMEND-AREA# . It is located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "Absolutely , I recommend the #RESTAURANT-RECOMMEND-NAME# at #RESTAURANT-RECOMMEND-ADDR# in the #RESTAURANT-RECOMMEND-AREA# . This is a highly recommended #RESTAURANT-RECOMMEND-FOOD# experience by locals and tourists a - like ."
+ ],
+ "Area;Name;": [
+ "How about #RESTAURANT-RECOMMEND-NAME# in the town #RESTAURANT-RECOMMEND-AREA# . Great food .",
+ "Okay , how about #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "Well I have #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# .",
+ "You can go to #RESTAURANT-RECOMMEND-NAME# , that is in the #RESTAURANT-RECOMMEND-AREA# as Yippee Noodle bar .",
+ "Yes , #RESTAURANT-RECOMMEND-NAME# is a nice restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "If you do not have a preference of area , I recommend #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# area of town ?",
+ "How about #RESTAURANT-RECOMMEND-NAME# that is located in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "How does #RESTAURANT-RECOMMEND-NAME# sound ? They are on the #RESTAURANT-RECOMMEND-AREA# .",
+ "How about the #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "I would recommend The #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I can recommend #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? That 's in the #RESTAURANT-RECOMMEND-AREA# part of town .",
+ "How about #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# ?",
+ "Yes I recommend #RESTAURANT-RECOMMEND-NAME# . It 's in the #RESTAURANT-RECOMMEND-AREA# .",
+ "May I recommend the #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# ? It fits your criteria .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# , which is a nice restaurant in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# , in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I would suggest the #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is also located in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I 'd like to recommend #RESTAURANT-RECOMMEND-NAME# , found in the #RESTAURANT-RECOMMEND-AREA# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is located in the #RESTAURANT-RECOMMEND-AREA# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# . It is in the #RESTAURANT-RECOMMEND-AREA# and I ' ve heard it 's great .",
+ "Okay , I recommend #RESTAURANT-RECOMMEND-NAME# in the #RESTAURANT-RECOMMEND-AREA# . Would you like their information ?"
+ ],
+ "Food;Name;Post;": [
+ "I recommend #RESTAURANT-RECOMMEND-NAME# , it is a #RESTAURANT-RECOMMEND-FOOD# food type restaurant and its postcode is #RESTAURANT-RECOMMEND-POST# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# that serves #RESTAURANT-RECOMMEND-FOOD# ? The postcode is #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Addr;Food;Name;Phone;Price;": [
+ "How about some #RESTAURANT-RECOMMEND-PRICE# #RESTAURANT-RECOMMEND-FOOD# food ? There 's a place called #RESTAURANT-RECOMMEND-NAME# , their phone number is #RESTAURANT-RECOMMEND-PHONE# and they 're on #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Addr;Name;Phone;": [
+ "I found #RESTAURANT-RECOMMEND-NAME# , they are located on #RESTAURANT-RECOMMEND-ADDR# and their number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "How about the #RESTAURANT-RECOMMEND-NAME# ? It is located at #RESTAURANT-RECOMMEND-ADDR# and their number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# ? It is located at #RESTAURANT-RECOMMEND-ADDR# and the phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "The phone number to the #RESTAURANT-RECOMMEND-NAME# is #RESTAURANT-RECOMMEND-PHONE# and the address is #RESTAURANT-RECOMMEND-ADDR# .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# . its phone number is #RESTAURANT-RECOMMEND-PHONE# , and their address is #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Name;Name;Price;Price;": [
+ "There is also #RESTAURANT-RECOMMEND-NAME# , it is an #RESTAURANT-RECOMMEND-PRICE# restaurant , or you could try #RESTAURANT-RECOMMEND-NAME# , which is a #RESTAURANT-RECOMMEND-PRICE# option ."
+ ],
+ "Food;": [
+ "Would you like #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "Would you like to try an #RESTAURANT-RECOMMEND-FOOD# restaurant ?",
+ "How about #RESTAURANT-RECOMMEND-FOOD# ?",
+ "Okay , may I suggest #RESTAURANT-RECOMMEND-FOOD# food ?"
+ ],
+ "Addr;Addr;Name;": [
+ "I would recommend the #RESTAURANT-RECOMMEND-NAME# . They are located at #RESTAURANT-RECOMMEND-ADDR# , #RESTAURANT-RECOMMEND-ADDR# .",
+ "I recommend the #RESTAURANT-RECOMMEND-NAME# . They 're located at #RESTAURANT-RECOMMEND-ADDR# , #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Area;Name;Price;": [
+ "Might I suggest #RESTAURANT-RECOMMEND-NAME# ? They are in the #RESTAURANT-RECOMMEND-AREA# and are in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# . It is in the #RESTAURANT-RECOMMEND-AREA# with a #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "I recommend #RESTAURANT-RECOMMEND-NAME# . It is in the #RESTAURANT-RECOMMEND-AREA# with a #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "Yes , #RESTAURANT-RECOMMEND-NAME# in #RESTAURANT-RECOMMEND-AREA# is a good , #RESTAURANT-RECOMMEND-PRICE# restaurant .",
+ "Since you are going to be in the #RESTAURANT-RECOMMEND-AREA# of town already , how about #RESTAURANT-RECOMMEND-NAME# ? It is #RESTAURANT-RECOMMEND-PRICE# .",
+ "I would recommend #RESTAURANT-RECOMMEND-NAME# . It is on the #RESTAURANT-RECOMMEND-AREA# side and it is #RESTAURANT-RECOMMEND-PRICE# .",
+ "How about the #RESTAURANT-RECOMMEND-NAME# ? They 're in the #RESTAURANT-RECOMMEND-AREA# with a #RESTAURANT-RECOMMEND-PRICE# price range ."
+ ],
+ "Name;Name;": [
+ "I would suggest either the #RESTAURANT-RECOMMEND-NAME# or #RESTAURANT-RECOMMEND-NAME# .",
+ "How about #RESTAURANT-RECOMMEND-NAME# or #RESTAURANT-RECOMMEND-NAME# ?",
+ "I would recommend either #RESTAURANT-RECOMMEND-NAME# or #RESTAURANT-RECOMMEND-NAME# .",
+ "how about the #RESTAURANT-RECOMMEND-NAME# ? or #RESTAURANT-RECOMMEND-NAME# ?"
+ ],
+ "Addr;Name;Post;": [
+ "I recommend #RESTAURANT-RECOMMEND-NAME# , located at #RESTAURANT-RECOMMEND-ADDR# , postcode #RESTAURANT-RECOMMEND-POST# .",
+ "Can I recommend #RESTAURANT-RECOMMEND-NAME# , it 's address is #RESTAURANT-RECOMMEND-ADDR# , and the postcode is #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Area;Food;Food;Name;Name;": [
+ "Here are two suggestions on the #RESTAURANT-RECOMMEND-AREA# , #RESTAURANT-RECOMMEND-NAME# , #RESTAURANT-RECOMMEND-FOOD# cuisine , and #RESTAURANT-RECOMMEND-NAME# , #RESTAURANT-RECOMMEND-FOOD# ."
+ ],
+ "Name;Post;Price;": [
+ "Sure , the #RESTAURANT-RECOMMEND-NAME# is good , the price range is #RESTAURANT-RECOMMEND-PRICE# and postcode is #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Choice;": [
+ "Booking was successful . The table will be reserved for 15 minutes . \n Reference number is : #RESTAURANT-RECOMMEND-CHOICE# ."
+ ],
+ "Addr;Area;Name;Post;": [
+ "I recommend #RESTAURANT-RECOMMEND-NAME# . It is located in the #RESTAURANT-RECOMMEND-AREA# . The address is #RESTAURANT-RECOMMEND-ADDR# . Postcode #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Food;Name;Name;": [
+ "Why yes I do . #RESTAURANT-RECOMMEND-NAME# has great #RESTAURANT-RECOMMEND-FOOD# food and the #RESTAURANT-RECOMMEND-NAME# is pretty good as well"
+ ],
+ "Addr;Name;Price;": [
+ "Sure , they are all #RESTAURANT-RECOMMEND-PRICE# though . I love #RESTAURANT-RECOMMEND-NAME# located at #RESTAURANT-RECOMMEND-ADDR# .",
+ "There 's a restaurant called #RESTAURANT-RECOMMEND-NAME# . It 's #RESTAURANT-RECOMMEND-PRICE# , but also on #RESTAURANT-RECOMMEND-ADDR# . Would that work ?"
+ ],
+ "Area;Food;Price;": [
+ "How does tandoori palace sound ? It 's #RESTAURANT-RECOMMEND-FOOD# on the #RESTAURANT-RECOMMEND-AREA# and #RESTAURANT-RECOMMEND-PRICE# .",
+ "How about #RESTAURANT-RECOMMEND-FOOD# that is in the #RESTAURANT-RECOMMEND-PRICE# price range located in the #RESTAURANT-RECOMMEND-AREA# ?"
+ ],
+ "Food;Name;Phone;Price;": [
+ "How about #RESTAURANT-RECOMMEND-NAME# , they serve #RESTAURANT-RECOMMEND-FOOD# food and are in the #RESTAURANT-RECOMMEND-PRICE# price range , their phone number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "Area;Food;Name;Price;Price;": [
+ "May I suggest #RESTAURANT-RECOMMEND-NAME# ? It is in the #RESTAURANT-RECOMMEND-AREA# , its on the #RESTAURANT-RECOMMEND-PRICE# , #RESTAURANT-RECOMMEND-PRICE# , and it serves #RESTAURANT-RECOMMEND-FOOD# food ."
+ ]
+ },
+ "Restaurant-Request": {
+ "Area;": [
+ "ok what location ?",
+ "What area of town would you prefer ?",
+ "Do you have a specific area in mind ?",
+ "We need some more information . Where are looking to eat ?",
+ "Do you have an area of town you prefer ?",
+ "Which side of town would you prefer ?",
+ "I can look that up for you . What area should the restaurant be in ?",
+ "I 'll be happy to help- but I need to know what region your hotel is in first .",
+ "Do you have an area preference ?",
+ "Do you have a location preference ? Perhaps in the west where you would be staying ?",
+ "Do you have a specific area in mind ?",
+ "Okay ! What part of town would you like to dine in ?",
+ "What part of town would you like ?",
+ "Where would like it to be located ?",
+ "What area of town would you like ?",
+ "I ' m sorry , I do n't have anything matching that description . Would you be willing to expand your area to see what we can find ?",
+ "What area would you like to dine in ?",
+ "Yes what area are you looking to dine in ?",
+ "Sure , which part of town are you interested in eating at ?",
+ "In which area would you like to look ?",
+ "Where are you located ? I see two that might work but I d like to offer the closest .",
+ "Sure , I can help with that . Do you have a particular area you would like to stay in ?",
+ "Is there a particular part of town you wish to dine in ?",
+ "What area do you prefer ?",
+ "What area would you like to be in ?",
+ "Is there a certain area you prefer ?",
+ "what part of town would you like ?",
+ "Do you have a side of town you 'd like to stay in ?",
+ "Okay ! In what part of town ?",
+ "What area are you interested in today ?",
+ "What area are you looking to dine in ?",
+ "Yes , I can help you with that . What area are you interested in ?",
+ "What area of town are you interested in ?",
+ "Do you have a specific area you 'd like it to be in or would you like me to make a recommendation ?",
+ "is there any area you prefer !",
+ "Sure I 'd be happy to find a restaurant . Are you looking for one in the centre area ?",
+ "In what area of town would you like to eat ?",
+ "Okay . Do you want to dine in a specific area ?",
+ "Sure , I can find that for you . Is there a particular section of town that you were looking at ?",
+ "What part of town would you like ?",
+ "What area would you like to dine in ?",
+ "Which area was that again ?",
+ "Okay , sure . Is there a certain part of town you 're interested in visiting ?",
+ "Great where would you like to visit ?",
+ "We have several . What part of town would you like it in ?",
+ "Okay . What area would you like to dine in ?",
+ "Thanks for the information . What area should the restaurant be in ?",
+ "What area would you like to be in ?",
+ "In what area ?",
+ "What area of town would you like to dine in ?",
+ "Any particular area you have in mind ?",
+ "Yes what area would you like it to be in ?",
+ "Do you have a preference on area ?",
+ "I have the list up , I want to make sure I did nt forget an area preference first , Do you have one ?",
+ "What area are you looking for ?",
+ "What area of town are you looking for ?",
+ "What area of town are you interested in dining at ?",
+ "which side of town is most appropriate for you ?",
+ "What area would you like to be in ?",
+ "Okay ! What area of town would you like to dine in ?",
+ "Do you have any location in mind ?",
+ "What area would you like to look in ?",
+ "Yes do you want it near the attraction ?",
+ "In what area of town ?",
+ "Would you like the restaurant in a specific place ?",
+ "Is there a specific area you would like to dine in ?",
+ "Is there a certain area you would like ?",
+ "What is the area you would like ?",
+ "Are you looking for one in a certain area ?",
+ "What area of town would you like to eat in ?",
+ "What area of town would you like to be on ?",
+ "In what area would you like it to be ?",
+ "What area would you like ?",
+ "Do you want a certain area ?",
+ "What area of town are you looking at ?",
+ "We have several options that would meet your criteria , is there a specific area you are looking for ?",
+ "What area of town do you prefer ?",
+ "What area of town will you be in ?",
+ "Could you specify north , south , east , west , or centre of town ?",
+ "In what area of town ?",
+ "We ' ve got about 5 to choose from . All of them are cheaper . Did you have a preference on the area ?",
+ "What area of town ?",
+ "Certainly . Is there a certain area of town that you 'd like to stay in ?",
+ "In what area of town do you prefer it to be ?",
+ "Do you have an area preference ?",
+ "What area were you looking for ?",
+ "Yes what part of town are you wanting to dine in ?",
+ "What area are you looking for ?",
+ "What area of town would you like the restaurant to be in ?",
+ "What area of town would you like to eat in ?",
+ "What area of town are you looking to dine in ?",
+ "OK , I have a few options , what side of town would you like that on ?",
+ "Can I get the information on what area you are looking for the restaurant to be in ?",
+ "What part of area would you like to visit ?",
+ "Is there a specific area of town you would like ?",
+ "Sure , would you like that in the west part of the city also ?",
+ "which side of town do you prefer ?",
+ "Is there a certain area of town you would prefer to dine at ?",
+ "do you have a preference as to what part of town ?",
+ "There are many places to dine Do you have any preferences ?",
+ "Sure , are you looking in a certain area ?",
+ "Sure , which part of town did you want to eat in ?",
+ "Is there a particular area of town that you would like to dine in ?",
+ "which area would you like ?",
+ "Sure , there are a number of expensive options . Did you have a certain part of town in mind ?",
+ "Which specific area are you interested in ?",
+ "What area would you like the restaurant to be in ?",
+ "Sure . Is there any part of town that you 'd like to look for food in ?",
+ "In what area of town would you like to dine ?",
+ "Are you looking for a restaurant in a particular area ?",
+ "Do you have a preference for the area ?",
+ "which side of town do you prefer ?",
+ "What area would you like ?",
+ "i got a variety . which is your prefered location ?",
+ "Absolutely , would you like the restaurant to be in the centre as well ?",
+ "What area would you like the restaurant to be located in ?",
+ "Sure , what part of town do you prefer ?",
+ "I can recommend one for you , but first is there a particular part of town you would like to travel too ?",
+ "great , what area are you thinking of ?",
+ "Do you have a area preference ?",
+ "Which area are you referring to ?",
+ "Would you prefer in the Centre or South area ?",
+ "What part of town would you like to dine in ?",
+ "Which area would you like ?",
+ "Which area you would like to search in ?",
+ "What area would you like ?",
+ "Did you have a particular area you would like to visit ?",
+ "What area would you like ?",
+ "I would be happy to assist you . Is there an area of town that interests you ?",
+ "Are you sure ? I can find other options in other parts of town ?",
+ "Do you want me to look at the center of the town ?",
+ "there are alot of restaurants that fit your needs what area would you like it in",
+ "what area are you looking for ?",
+ "What area are you interested in ?",
+ "What area are you wanting to be in ?",
+ "which area of town are you interested in dining in ?",
+ "perhaps we try a different location ?",
+ "Is location a concern ?",
+ "In what part of town ?",
+ "What area do you want the restaurant to be in ?",
+ "on the same area ?",
+ "which side of town do you prefer ?",
+ "Is there a certain area you prefer ?",
+ "Are you sure this is the location you are looking for ?",
+ "What area would you like to be on ?",
+ "in what area are you looking for ?",
+ "Would you like me to find a British restaurant in the same area as Trinity College ?",
+ "What area would you like to dine in ?",
+ "What area are you looking for ?",
+ "Are you looking to dine in a particular area ?",
+ "Do you have a location preference ?",
+ "Do you have a part of town you 'd like to eat in , or would you just like a suggestion ?",
+ "What area of town should it be in ?",
+ "What area of town could you like to dine at ?",
+ "Does location matter ?",
+ "Do you have a preference as to what area of town you dine in ?",
+ "In what area ?",
+ "Is there a specific area you would like to be in ?",
+ "I have several listings . Please provide the part of town you prefer so I can narrow it down .",
+ "Is there a particular part of town you would like to go to ?"
+ ],
+ "Food;": [
+ "Do you have any specific type of food you would like ?",
+ "Absolutely ! What type of food are you looking for ?",
+ "Do you have a preference in food type ?",
+ "I can find that for you . What cuisine are you interested in ?",
+ "What type of food would you like ?",
+ "What type of food do you want to eat ?",
+ "Is there a certain kind of food you would like ?",
+ "Sure can , what type of food would you like ?",
+ "Okay and what type of food would you like to eat ?",
+ "Sure , did you have a specific kind of cuisine in mind ?",
+ "What type of food would you like ?",
+ "What kind of restaurant ?",
+ "What type of food would you like ?",
+ "Is there a particular cuisine you are looking for ?",
+ "Okay . What kind of cuisine would you like ?",
+ "Sure , what type of food do you want me to look for ?",
+ "We can narrow down our selection for you if we know the Restaurant chain and the kind of Food you prefer ?",
+ "Do you have a type of food you would like to try ?",
+ "Sure , are you looking for anything specific ?",
+ "What kind of food would you like ?",
+ "What is the food type you would prefer ?",
+ "Sure , I can help with that . Did you have a particular kind of food in mind ?",
+ "What type of food would you like ?",
+ "Are you looking for a particular type of food ?",
+ "Is there any specific type of food you are wanting ?",
+ "What type of cuisine would you like ?",
+ "Sure , I can help you with that . Are you in the mood for a certain type of food ?",
+ "Do you have any food preferences ?",
+ "There are quite a few to choose from . Do you have a cuisine preference ?",
+ "I can help you find a restaurant in the centre of town . Do you have a cuisine in mind ?",
+ "What sort of food are you looking to eat ?",
+ "sure , what kind of cuisine are you looking for ?",
+ "Do you have a particular cuisine in mind ?",
+ "I sure can . What type of restaurant are you looking for ?",
+ "There are several restaurants in the price range what type of food would you like to eat ?",
+ "What kind of food are you interested in ?",
+ "What type of food would you like ?",
+ "Is there any particular cuisine you have in mind ?",
+ "What type of food are you interested in having ?",
+ "What type of food are you interested in ?",
+ "There are no such options available . Shall we try a different food type perhaps ?",
+ "Do you know what kinda of food you want .",
+ "Do you have a food type preference ?",
+ "Do you have a preference on the type of food ?",
+ "Do you have a particular type of food you 'd like to try ?",
+ "I sure can . If there is a specific type of food you are interested in that would help to narrow down the possibilities .",
+ "What type of food would you like to eat ?",
+ "What kind of food are you interested in ?",
+ "Are you looking for a particular style of food ?",
+ "Is there a certain type of food that you would like ?",
+ "Do you prefer a certain type of cuisine ?",
+ "Do you have any food preferences ?",
+ "Yes , are you wanting any particular type of food ?",
+ "Do you have a preferred cuisine type ?",
+ "We have tons of options ! What s your favorite type of food ?",
+ "Yes . what type of food do you want ?",
+ "Sure , I can help you with that . Was there a specific type of food you were looking for ?",
+ "What type of food would you like ?",
+ "Sure , I can help you with that . Was there a particular type of cuisine you were interested in ?",
+ "Do you have a particular kind of restaurant in mind ?",
+ "I have plenty of options for you . Is there any certain type of food you are looking to eat today ?",
+ "Is there a type of cuisine you are looking for ?",
+ "What food type are you looking for ?",
+ "Sure , what are you in the mood for ?",
+ "Were you interested in a specific kind of cuisine ?",
+ "What type of food are you looking for ?",
+ "Wonderful . Is there a type of cuisine that interests you ?",
+ "Do you have a particular food type that you would like to enjoy ?",
+ "OK . Are you looking for any particular type of food ?",
+ "Do you have a cuisine preference ?",
+ "Do you have a preference on type of food ?",
+ "We have quite a few options available to you . Is there a particular cuisine you are interested in ?",
+ "Would you prefer a different type of food ?",
+ "I certainly can what type of cuisine are you interested in ?",
+ "Okay , any type in mind ?",
+ "Is there a certain cuisine you are interested in eating ?",
+ "I ' m afraid there are n't any Austrian restaurants in town at all , regardless of price . Is there anything else that could be acceptable ?",
+ "Can I help you find a different type of food ?",
+ "What type of food would you like ?",
+ "What sort of cuisine are you in the mood for ?",
+ "kindly specify what bite you want",
+ "Is there a type of food you would like ?",
+ "Do you have a particular type of cuisine in mind ?",
+ "What type of food are you looking for ?",
+ "Sure , what type of restaurant are you looking for ?",
+ "Okay , what type of food would you like to eat ?",
+ "what type of food do you like ?",
+ "What type of food are you looking for ?",
+ "What kind of food are you looking for ?",
+ "What type of food would you like ?",
+ "What food type are you interested in ?",
+ "What kind of food would you like ?",
+ "Sure , what kind of food were you interested in ?",
+ "What type of food would you like ?",
+ "What type of food would you like ?",
+ "Yes I can . Is there a type of food that you are looking for ?",
+ "What food type are you looking for ?",
+ "Okay , and what type of food would you like to eat ?",
+ "Sure , I can help you with that . Was there a type of cuisine you were looking for ?",
+ "What type of food are you looking for ?",
+ "Yes , I can help you . What type of food are you interested in ?",
+ "Were you looking for a specific type of food ?",
+ "What type of food would you like ?",
+ "Sure , what type of food are you hoping for ?",
+ "Sure thing what kind of food do you want ?",
+ "Do you have a particular type in mind such as Chinese , Italian or Indian ?",
+ "What sort of food would you like ?",
+ "I ' m sorry but it does n't look like we have any listings for expensive international restaurants . Would you like to choose a different type of food ?",
+ "What type of restaurant are you looking for ?",
+ "What type of food are you interested in ?",
+ "I can help with that . What type of cuisine are you interested in ?",
+ "We have quite a few options , is there any cuisine in particular that you would like ?",
+ "What type of food would you like ?",
+ "What type of food would you like ?",
+ "Can you tell me what kind of food you are in the mood for ?",
+ "Sure thing , what kind of cuisine are you looking for ?",
+ "What type of food would you like ?",
+ "What kind of food were you interested in ? Or would you like me to pick for you ?",
+ "What type of food would you like ?",
+ "I can help with that . What type of cuisine are you interested in ?",
+ "What type of food are you looking for ?",
+ "I ' m sorry , \" area \" was in my head because you already mentioned it , but I meant to ask what sort of cuisine you might like .",
+ "Was there a type of cuisine you wanted to have ?",
+ "What kind of food would you like today ?",
+ "What sort of place to dine would you prefer ?",
+ "great , any cuisine you 're craving ?",
+ "Of course . What type of food ?",
+ "What type of food would you like ?",
+ "What type of food would you be interested in ?",
+ "I ' m confused , are you interested in Indian or Italian food ?",
+ "OK . Would you like me to check for a different type of cuisine ?",
+ "I can , what type of food are you looking for ?",
+ "Ok . What type of restaurant are you interested in ?",
+ "What type of food are you wanting at this restaurant ?",
+ "What type of food are you interested in ?",
+ "What type of food would you be interested in ?",
+ "Do you have a particular type of food in mind ?",
+ "Yes , what type of food are you looking to eat ?",
+ "Sure ! What kind of food do you want ?",
+ "The price range is not cuisine . What kind of food do you like ?",
+ "Sure ! Did you have a type of food in mind ?",
+ "What sort of food would you like it to be ?",
+ "What type of food would you like ?",
+ "What kind of food would you like today ?",
+ "what type of food do you want ?",
+ "What is your favorite kind of cuisine ?",
+ "What kind of cuisine do you want ?",
+ "do you want particular food type ?",
+ "What kind of food would you like to have ?",
+ "Sure what type of food are you wanting ?",
+ "Sure , what type of food are you looking for ?",
+ "What food type could you like ?",
+ "Do you have a cuisine or area in mind ?",
+ "Yes I can . What type of cuisine are you interested in ?",
+ "Would you like another type of cuisine ?",
+ "what is the type of food that you prefer ?",
+ "What type of food are you interested in ?",
+ "Okay ! What kind of restaurant would you like to dine at ?",
+ "Do you have a particular food type in mind today ?",
+ "What type of food ?",
+ "What type of food would you like ?",
+ "Sure ! Are you looking for any particular type of food such as African , British , Chinese , etc ?",
+ "We have many options for restaurants . What food type are you interested in eating today ?",
+ "Is there a certain type of restaurant you are looking for ?",
+ "What type of food would you like ?",
+ "What type of cuisine you looking for so I can narrow my search ?",
+ "Sure thing what kind of food are you wanting ?",
+ "What type of food are you looking to eat ?",
+ "Sure ! You have a cuisine preference ?",
+ "What type of restaurant are you looking for ?",
+ "Sure , is there a certain type of food you 're looking for ?",
+ "Sure , is there a type of cuisine you are looking for ?",
+ "What type of restaurant are you looking for ?",
+ "What food type are you looking for ?",
+ "What type of food would you like ?",
+ "I 'd be happy to help you . What kind of cuisine are you wanting to try ?",
+ "Yes , what type of restaurant are you looking at ?",
+ "Absolutely ! What type of cuisine are you interested in trying ?",
+ "There are a lot of possibilities , what type of food are you suddenly hungry for ?",
+ "What type of food would you prefer ?",
+ "Can I ask what type of food you are looking for ?",
+ "I have n't found anything . Is there another cuisine you 're interested in ?",
+ "I can help . Lets start with restaurants . Is there a particular cuisine you are looking for ?",
+ "Do you have a preference for the type of food ?",
+ "Sure what type of cuisine are you looking for ?",
+ "Okay , would you like to try any specific type of food ?",
+ "What type of cuisine would you be looking for ?",
+ "I ' m not sure I understand your request . Could you be a little more specific ?",
+ "What kind of food ?",
+ "Do you have a preference on the type of food ?",
+ "Sure , what kind of restaurant ?",
+ "Do you have any cuisine preferences ?",
+ "Ok , what type of food are you looking for ?",
+ "Is there a certain type of food you would like ?",
+ "What kind of food would you like ?",
+ "Is there a type of food you are interested in having ?",
+ "Sure thing . What type of food were you thinking about ?",
+ "Of course , what type of food are you looking for ?",
+ "There are quite a few in that area . Do you have a cuisine type preference ?",
+ "What type of food are you interested in ?",
+ "Sure , do you know what you are looking to eat ?",
+ "What kind of food would like ?",
+ "What type of food do you prefer ?",
+ "Sure thing but first can you tell me what kind of food you like ?",
+ "What type of food would you like ?",
+ "What type of food do you want ?",
+ "What kind of cuisine are you looking for ?",
+ "Okay , would you like to eat italian , indian , mexican , or chinese food ?",
+ "Sure thing , what kind of cuisine are you looking for ?",
+ "YOu would need to select food then I can look that up .",
+ "Any particular cuisine you 'd prefer ?",
+ "What type of food would like to eat ?",
+ "What type of food do you like ?",
+ "Sure , do you have a type of food you are wanting ?",
+ "What type of food would you like ?",
+ "Certainly . What type of food interests you ?",
+ "What type of cuisine would you prefer ?",
+ "What type of food would you like ?",
+ "What type of food do you want ?",
+ "I 'll be happy to help with that . What kind of food are you looking for ?",
+ "Sure thing what kind of food do you want ?",
+ "Do you have a food preference ?",
+ "What type of food are you looking for ?",
+ "What type of food do you have in mind ?",
+ "could you please specify the type of restaurant you are looking for ?",
+ "Do you have a food type preference ?",
+ "Sure , is there a particular cuisine you 're looking for ?",
+ "What type of food would you like to eat ?",
+ "Sure what type of food are you wanting to eat ?",
+ "What type of food are you looking for ?",
+ "Sure , I can help you with that . Is there a particular type of food you were interested in ?",
+ "What kind of food would you like ?",
+ "is there any type of food you would like ?",
+ "Sure , I can help with that . Is there a certain cuisine you are looking for ?",
+ "Sure ! What kind of food do you like ?",
+ "What type of food are you looking for ?",
+ "What type of food are you looking for ?",
+ "What kind of food do you like ?",
+ "Did you have a particular type of cuisine you were looking for ?",
+ "We have lots of options in that price range . Is there a particular type of food you 're interested in ?",
+ "Did you have a specific kind of food in mind ?",
+ "What type of food would you like ?",
+ "What type of cuisine do you enjoy ?",
+ "What type of food .",
+ "Any particular type of food you 're hankering for ?",
+ "Absolutely , what kind of food would you like ?",
+ "I 'll be happy to help you with that . Is there a certain type of food you would prefer ?",
+ "Do you have a food type in mind ?",
+ "Yes ! What kind of cuisine would you like ?",
+ "I would love to help . Any particular food you 'd like ?",
+ "What kind of food do you like ?",
+ "Yes , what kind of food are you looking for ?",
+ "What type of food are you interested in eating ?",
+ "Do you have a specific food type that you prefer ?",
+ "I would love to help ! Any kinds of foods you 'd prefer ?",
+ "Do you have a food preference ?",
+ "It would really depend on what kind of food you like . What is your favorite cuisine ?",
+ "i sure will help with that . what is your prefered type of food ?",
+ "Do you have a certain type of cuisine in mind ?",
+ "What type of food would you like ?",
+ "What type of food are you looking for ?",
+ "What kind of food are you interested in ?",
+ "Do you prefer a specific type of food ?",
+ "Is there any particular cuisine you prefer ?",
+ "Yes , what kind of food are you looking for ?",
+ "There are a lot to chose from what type of food do you want to eat ?",
+ "What type of cuisine would you like ?",
+ "Sure thing what kind of food ?",
+ "What kind of food would you like ?",
+ "Is there a particular type of food you 're interested in ?",
+ "Are you sure that you are looking for a place to eat ?",
+ "Is there a specific type of cuisine that you would prefer ?",
+ "Do you have a food type preference ?",
+ "Sure , I can help you with that . Was there a type of food you were looking for ?",
+ "Sure . do you have any kind of food preference ?",
+ "What are would you like to eat ?",
+ "I found some quite nice choices for you . Do you have a cuisine preference ?",
+ "What type of food would you like to eat ?",
+ "What is your food type preference ?",
+ "Sure , I can help you with that . Is there a certain type of food you were looking for ?",
+ "What type of food would you like to try ? I have many different places .",
+ "Are you looking for a particular type of food ?",
+ "What is the food type you would prefer ?",
+ "What kind of food would you like ?",
+ "Do you have a certain type of food in mind ?",
+ "Yes . What type of resturant do you need ?",
+ "What type of food would you like ?",
+ "Sure , I can help you with that . What kind of food were you looking for ?",
+ "What type of cuisine are you interested in ?",
+ "Any type of food you would like ?",
+ "Do you have any particular food type in mind ?",
+ "Is there a specific type of food you would like to eat ?",
+ "What type of food would you like to dine on ?",
+ "What type of food are you looking to eat ?",
+ "Of course ! Are you craving anything in particular ?",
+ "what type of food do u prefer ?",
+ "Do you have any cuisine preferences ?",
+ "What cuisine do you want ?",
+ "I do n't have information on deals , but I can book as many tables as you need . Do you have a cuisine in mind ?",
+ "Do you have a specific food type in mind ?",
+ "Alright what kind of food would you like today ?",
+ "What type of food do you prefer ?",
+ "No problem ! What type of food were you interested in ?",
+ "Are you looking for a certain type of food ?",
+ "What type of food are you looking for ?",
+ "What would you like to eat ?",
+ "Do you care what type of food ?",
+ "Sure , what type of food are you interested in ?",
+ "What type of food are you looking for ?",
+ "I can look that up for you . Do you desire a particular type of restaurant ?",
+ "What type of food are you looking for ?",
+ "Certainly . What type of food are you looking for ?",
+ "Would you like to stick with Asian Cuisine ?",
+ "Are you looking for a particular type of food ?",
+ "Sure , I can help you with that . What type of cuisine are you looking for ?",
+ "Do you have any food type preferences ?",
+ "What type of cuisine would you prefer ?",
+ "What type of food would you like ?",
+ "Sure , do you have a food preference ?",
+ "What kind of food are you interested in having ?",
+ "Okay ! What kind of cuisine would you like to eat ?",
+ "Okay , what type of food would you like to eat ?"
+ ],
+ "Food;Price;": [
+ "Unfortunately , I do n't happen to have a listing that matches your request . Would you like me to try a different price range or cuisine style ?",
+ "Yes certainly . Do you have a food type or price range preference ?",
+ "We have many restaurants in the center of town . Do you have a certain cuisine or price range in mind ?",
+ "I can definitely do that . Did you have a type of food or a price range in mind ?",
+ "Sure , I can help you with that . Do you have a preference in food type or price range ?",
+ "Is there a price range or type of food that you would prefer ?",
+ "To help narrow the search , can you tell me the price range you 're looking for and what kind of food you want ?",
+ "What type of cuisine and price point do you prefer ?",
+ "There is a lot of restaurants in the town centre . What type of food are you looking for ? What is your price range for the restaurant ?",
+ "Okay I can help with that . What type of food would you like to eat and what is your price range ?",
+ "I would be happy to assist you . Is there a price range you prefer , or a type of cuisine ?",
+ "Okay , what type of food would you like to eat and what is your price range ?",
+ "We have many restaurants in town . What type of cuisine are you looking for , and what 's your budget like ?",
+ "Do you have a price range in mind or type ?",
+ "What type of cuisine or price range would you prefer ?",
+ "Do you have a preference for cuisine type or price ?",
+ "What kind of cuisine are you interested and do you have a price range in mind ?",
+ "Can we narrow it down by what type of food and price range you are seeking ?",
+ "There are several restaurants , what type of food and price range ?",
+ "Absolutely ! What type of food are you looking to eat and is there a specific price range ?",
+ "Okay . Would you like to narrow it down by food type or price range ?",
+ "We have a range of options in the north . Do you have preferred cuisine or price range ?",
+ "Do you have a cuisine or price range preference ?",
+ "OK . Did you have a certain price range of cuisine in mind ?",
+ "Is there a specific price range or type of food you would like ?",
+ "I can help with that . Is there a certain type of cuisine or price range you are interested in ?",
+ "What kind of food would you like and what price range",
+ "Is there another price range or different cuisine you might like information on ?",
+ "What type of restaurant and price range are you looking for ?",
+ "What type of food and price range are you interested in ?",
+ "Are you interested in a certain cuisine or price range ?",
+ "What type of food and price range would you be interested in ?",
+ "Do you have a certain price range or food type you are looking for ?",
+ "What type of food would you like and what price range ?",
+ "What type of food are you looking for and what price range ?",
+ "Do you prefer a particular type of food or are you looking at a specific price range ?",
+ "What type of food would you like and in what price range ?"
+ ],
+ "Area;Food;": [
+ "I sure can ! Do you have a specific area and type of food you are looking for ?",
+ "Is there a specific part of town or type of food you 're interested in ?",
+ "Could you help me narrow that down by choosing an area and type of food ?",
+ "Sure thing , do you have a type of food you 'd like or a specific area you 'd like to eat in ?",
+ "Yes I can is there any type of food you 're in the mood for and what area would you like ?",
+ "Do you have an area of town or type of cuisine in mind ?",
+ "What kind of food are you looking for and do you have a certain area you would like to visit ?",
+ "What type of cuisine are you looking for and what area of town ?",
+ "Sure , do you want to eat at a specific location or have a type of food you like ?",
+ "Okay , I need some more information . Do you have a type of food or area where you would like to go ?",
+ "I 'd love to help you find a place to eat . What kind of food do you like , and is there any part of town you prefer to dine in ?",
+ "Is there a particular cuisine or location that I can recommend for you ?",
+ "Is there a specific area and cuisine you are looking for ?",
+ "Okay what type of food would you like to eat and in what area please ?",
+ "I 'd be happy to help with your request , what area and what type of cuisine are you looking for ?",
+ "Sure ! What type of food are you looking for and in what area of town ?",
+ "Is there an area or cuisine you prefer ?",
+ "Sure , I can help you with that . Do you prefer a specific area in town ? Or maybe you 'd like a certain kind of food ?",
+ "Sure you need a restaurant ? in what part of town and what cuisine ?",
+ "Certainly , to narrow it down , do you have a preference for what part of the city it is in or what type of food is served ?",
+ "I can help you with both of those things . Let 's start with what type of food or what part of town you would like to eat .",
+ "Was there a particular area of town you wanted to dine in ? Or a particular style of cuisine ?",
+ "Sure , you have a cuisine I 'd like to eat , or area of town you want to dine in ?",
+ "Is there an area of town or type of cuisine you have in mind ?",
+ "Okay , I can help you with that . Are you interested in a particular type of food ? Or perhaps a certain part of town ?",
+ "Ok . Do you have a food preference , or maybe a part of town you 'd like the restaurant to be in ?",
+ "Yes , could you tell me what type of food you would like and the part of town you prefer ?",
+ "Sure . Are you interested in a particular type of food or a particular area of town ?",
+ "Do you have a certain cuisine or area in mind ?",
+ "I ' m sorry , I ' m experiencing a system error . Could you please restate your request ?",
+ "Sorry , no results here . Want to try a different food type or area ?",
+ "Is there a type of food you want or an area of town ?",
+ "I 'll be glad to help you find one . What kind of restaurant do you have in mind and on what side of town ?"
+ ],
+ "Price;": [
+ "I have many . is there a price range that you prefer ?",
+ "Do you have a price range ?",
+ "ok , what price range would you like to stay within ?",
+ "Do you have a preference for the price range ?",
+ "Do you have a certain price range you would like ?",
+ "Sure , there are several options in that area . Did you have a price range in mind ?",
+ "what is the price range you are looking for ?",
+ "Sure thing what price range are you looking for ?",
+ "Do you have a price range in mind ?",
+ "Is there a price range you would prefer to stay within ?",
+ "Are you looking for something more or less expensive ?",
+ "Does the price range matter to you ?",
+ "How much money did you want to spend ?",
+ "Do you have a certain price range ?",
+ "Were you looking for a particular price range ?",
+ "Is there a certain price range ?",
+ "What price range would you like ?",
+ "What price range would you like ?",
+ "What price range would you like ?",
+ "What is your price range ?",
+ "Sure , I can help you with that . Did you have a price range in mind ?",
+ "Is there a price range you 'd like to stay in ?",
+ "Do you have a preference on the price ?",
+ "Is there a price range you 'd prefer ?",
+ "Yes I do . What price range do you have in mind ?",
+ "Are you looking for a particular price range ?",
+ "Which price range are you looking for ?",
+ "It depends on what your price range is .",
+ "what price range do you want ?",
+ "What price range are you looking for ?",
+ "Would you like a specific price range ?",
+ "We have 4 options ! Is there a price range you 'd like to stay in ?",
+ "Do you have a price range in mind ?",
+ "Are you looking for expensive food ?",
+ "Do you have a price range in mind ?",
+ "Do you have any preference on the cost ?",
+ "Please specify your price range .",
+ "Do you have a price range in mind ?",
+ "What price range are you looking for ?",
+ "what price range do you prefer ?",
+ "Do you have a price range I can narrow it down with ?",
+ "What price range are you looking at ?",
+ "Do you have a price range preference ?",
+ "What price range are you looking to for please ?",
+ "Sure , is there a price range you would like to stay in ?",
+ "What price range would you prefer ?",
+ "What price range would you like ?",
+ "What price range are you interested in ?",
+ "Which price range are you looking in ?",
+ "Please tell me the price range you would like today .",
+ "help me narrow down the choices by giving me the price range",
+ "what price range do you want your restaurant .",
+ "What price range are you looking for ?",
+ "Sure , do you have a price preference ?",
+ "Which price range are you looking for ?",
+ "What price range are you looking for ?",
+ "Is there a certain price point ?",
+ "Sure I have many . Do you have a preference in price range ?",
+ "what is your price range ?",
+ "which price range are you looking for ?",
+ "Absolutely . What price range are you looking for ?",
+ "Okay . What price range would you like ?",
+ "Any price range preferred ?",
+ "what is your price range to narrow down our choices ?",
+ "Sure . What is your price range ?",
+ "Sounds like you have a fun evening planned , let make sure we have the right place for you all , any preference on price range ?",
+ "What price range are you looking for ?",
+ "Do you have any preference regarding price range ?",
+ "What price range would you like ?",
+ "Any particular price range ?",
+ "I can help you with that . What is your price range ?",
+ "Do you have a price ranger preference ?",
+ "What price range do you have in mind ?",
+ "I can help you with that . What price range are you looking for ?",
+ "Do you have a price range in mind ?",
+ "Sure , did you want someone in a certain price range ?",
+ "Would you prefer it be cheap , expensive or moderate price ?",
+ "What price range would you like ?",
+ "Sure , is there a specific price range you are looking for ?",
+ "What is your price range for this restaurant ?",
+ "Would you like a cheap , moderate , or expensive restaurant ?",
+ "Sure , do you care if it is cheap or moderately priced ?",
+ "Is there a specific price range you are looking for ?",
+ "What 's your price range ?",
+ "what about price range ?",
+ "Sure what price range are you looking for ?",
+ "Sure , what is your price point ?",
+ "Do you have a price range in mind ?",
+ "Yes what price range would you like ?",
+ "What is your price preference ?",
+ "What price range do you want to be in ?",
+ "What 's your budget ?",
+ "What is the price range you would prefer today ?",
+ "what about price specifications ?",
+ "What price range would you like ?",
+ "what price range are you comfortable with ?",
+ "what is our price range ?",
+ "Does the price range matter ?",
+ "Do you have a price range in mind ?",
+ "Sure , what is your price range ?",
+ "What price range are you looking for ?"
+ ],
+ "Name;": [
+ "Do you know the name ?",
+ "what is the name of the restaurant ?",
+ "I can help you with that . What 's the name of the restaurant you 're looking for ?",
+ "Sure , what is the name of the restaurant ?",
+ "Absolutely . What is the name of the restaurant you have in mind ?",
+ "Are you looking for something in particular ?",
+ "I can look it up by name if you are looking for a certain one , what is the name of the restaurant you are needing information on ?",
+ "Do you know the name of the location ?",
+ "There are some great ones . Can I help you find something in particular ?",
+ "Great ! Is there a certain restaurant you 're looking for ?",
+ "Certainly , i can provide that info , Which restaurant would you like the info for ?",
+ "Absolutely . What is the name of the restaraunt you are interested in ?",
+ "Sure ! What restaurant are you looking for ?",
+ "No problem , are you looking for anything specific ?",
+ "I would be happy to help . Which restaurant are you looking for ?",
+ "I 'd be happy to help , what is the name of the restaurant you want to try ?",
+ "I can help with that . What is the name of the restaurant ?",
+ "OK , do you need information on a specific restaurant or do you want me to run a search ?",
+ "I can help with that . What 's the name ?",
+ "I need the name of the restaurant",
+ "Ok . Is there a specific restaurant you are looking for ?",
+ "I ' m sorry could you confirm what restaurant you wanted to reserve a table for 2 at ?",
+ "Do you know the name of this restaurant ?",
+ "Yes what is the name of the restaurant you are looking for ?",
+ "What is the name of the restaurant ?",
+ "Great , can you give me the name ?",
+ "I am here to help , should I run a search or do you already have a place in mind ?",
+ "Provide the name please .",
+ "I can help you with finding a restaurant . Do you have particular one in mind ?",
+ "Sure , what is the name of this particular restaurant ?"
+ ],
+ "Area;Food;Price;": [
+ "Do you have any food type , price range , and location preferences ?",
+ "Would you like the restaurant in the East as well ? Were you looking for any price range of style of cuisine ?",
+ "Do you have a particular area and food type or price range in mind ?",
+ "I can help you find what you need . What kind of food are you looking for ? Price preference ? What area ? Thanks !",
+ "I most certainly can . What type of food are you interested in ? Do you prefer a certain area or price range ?",
+ "What criteria are you searching for concerning dining ?",
+ "Certainly , do you have an area , pricerange , or food type ?",
+ "I am able to , do you have an area , price range , or food type you 'd like to try ?",
+ "Do you have any restaurant name in mind , Choice of food and location , price range so we narrow down our search for you ?",
+ "Okay , do you have a food , price range , or area preference ?",
+ "In which area would you like to find a Kosher restaurant in the expensive price range ?",
+ "I have many different options for restaurants . Do you have a preference of the area , price range , or type of food ?",
+ "Any criteria come in mind for the restaurant as far as price , location , type of food ?",
+ "Well do you have a preference for food type , price range or location ?",
+ "Sure can , do you have a type of food , area , or price range you 'd like ?",
+ "Sure thing ! What type of cuisine are you looking for , what area of town , and/or what type of price range ?",
+ "I ' m sorry I may have misunderstood . Were you looking for cheap Indian food on the north side of town ?",
+ "Absolutely ! Do you have any preferences on area , price , or food type ?"
+ ],
+ "Area;Price;": [
+ "Sure , do you have an area or price range you are looking for ?",
+ "Did you have a certain area or price range you would like to dine at ?",
+ "I can help you with that . What part of town are you looking to dine in and is there a certain price range you would like to stay in ?",
+ "Does it have to be cheap and located in the north as well ?",
+ "I would love to help you with that . Do you have anything specific in mind ? Area ? Price range ?",
+ "which side of town and what is the price range ?",
+ "Do you want a restaurant near the hotel in the west ? Do you have a price range or cuisine in mind ?",
+ "What price range and in what area ?",
+ "Is there a specific area you are looking at and what price range would you like ?",
+ "Yes can we narrow it done by food type or price range ?",
+ "Is there a certain area or price range you would like ?",
+ "What side of town and what price point ?",
+ "Sure . Do you have any preferences as far as area , cuisine or price range ?",
+ "It would be my pleasure to assist you in your restaurant search . Do you have a preference on price point and/or area of the city ?",
+ "What area and what price range would you be interested in ?",
+ "Do you have a price range or area preference ?",
+ "Yes do you have a preference for area of town or price range ?",
+ "Where would you like to search for a restaurant , and what price range would you prefer ?",
+ "There are many Chinese restaurants do you have a price range or an area you 'd like to eat at ?",
+ "No , I ' m sorry . Would you like to try a different area or price range ?",
+ "Sure , is there a certain area and price range you are interested in ?",
+ "There absolutely are ! To narrow down the locations which area would you like and at what price range ?",
+ "Is there a particular area in town or a particular price range you are targeting ?",
+ "Okay what area and price range ?",
+ "What area are you looking for and what price range ?",
+ "What price range and area would you like ?"
+ ],
+ "Area;Name;": [
+ "I can help you with that , do you have a certain place in mind today ? Or would you like to search in a specific area ?",
+ "sure thing what 's the area and or name ?"
+ ],
+ "Food;Name;": [
+ "I can help you with that ! Is there a specific one you have in mind or perhaps a specific type of cuisine I can search for ?"
+ ]
+ },
+ "Restaurant-Select": {
+ "Food;Food;Food;Food;": [
+ "Sure , we have #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# that you could choose from .",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# food , or a #RESTAURANT-SELECT-FOOD# ?",
+ "Your cuisine options are : #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , and #RESTAURANT-SELECT-FOOD# .",
+ "You can choose between #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , and #RESTAURANT-SELECT-FOOD# .",
+ "What type of food would you like ? #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# ?",
+ "Would you like to eat #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# cuisine ?"
+ ],
+ "Area;Price;": [
+ "Just to clarify , are you looking for a #RESTAURANT-SELECT-PRICE# restaurant in the #RESTAURANT-SELECT-AREA# area of town ?"
+ ],
+ "Area;Area;": [
+ "Sure , do you prefer the #RESTAURANT-SELECT-AREA# part of town or do you want to stay in the #RESTAURANT-SELECT-AREA# ?",
+ "Would you like to eat #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# ?",
+ "Okay . Would you like to go to the #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# part of town ?",
+ "Would you prefer #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# ?",
+ "Sure , do you prefer the #RESTAURANT-SELECT-AREA# or the #RESTAURANT-SELECT-AREA# end ?",
+ "Would you like something in the #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# ?",
+ "Would you like to eat on the #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# ?",
+ "And would you prefer the #RESTAURANT-SELECT-AREA# or the #RESTAURANT-SELECT-AREA# ?"
+ ],
+ "Area;Name;": [
+ "How about the #RESTAURANT-SELECT-NAME# , which both are located in the #RESTAURANT-SELECT-AREA# .",
+ "what about #RESTAURANT-SELECT-NAME# in the #RESTAURANT-SELECT-AREA# ?"
+ ],
+ "Name;Price;": [
+ "Would you prefer information on #RESTAURANT-SELECT-NAME# ? It 's the only other #RESTAURANT-SELECT-PRICE# restaurant in that area ."
+ ],
+ "Food;Food;Food;Food;Food;": [
+ "I have found some . Would you like #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# food ?",
+ "We have #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# . Do any of those interest you ?"
+ ],
+ "Food;Food;": [
+ "Would you prefer #RESTAURANT-SELECT-FOOD# food or #RESTAURANT-SELECT-FOOD# food ?",
+ "I found a #RESTAURANT-SELECT-FOOD# restaurant and a #RESTAURANT-SELECT-FOOD# restaurant . Do you like either one of those ?",
+ "Sure ! Would you like #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?",
+ "Ok , there is an #RESTAURANT-SELECT-FOOD# restaurant and a #RESTAURANT-SELECT-FOOD# restaurant , would you like to book a reservation with one of these ?",
+ "There is an #RESTAURANT-SELECT-FOOD# restaurant or an #RESTAURANT-SELECT-FOOD# one . Which would you prefer ?",
+ "There is an #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# restaurant that meets your criteria , do you have a preference ?",
+ "Would you like to eat #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# cuisine ?",
+ "I can check for #RESTAURANT-SELECT-FOOD# food or #RESTAURANT-SELECT-FOOD# if you have a preference .",
+ "Okay there is #RESTAURANT-SELECT-FOOD# and #RESTAURANT-SELECT-FOOD# food . Which do you prefer ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?",
+ "I ' ve found a #RESTAURANT-SELECT-FOOD# restaurant and an #RESTAURANT-SELECT-FOOD# restaurant . Which one do you prefer ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?",
+ "Do you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# cuisine ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# ?",
+ "Would you like #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food ?"
+ ],
+ "Name;Name;Price;Price;": [
+ "You have your choice of #RESTAURANT-SELECT-NAME# , in #RESTAURANT-SELECT-PRICE# , #RESTAURANT-SELECT-PRICE# #RESTAURANT-SELECT-NAME# .",
+ "There are two options , The #RESTAURANT-SELECT-NAME# which is in the #RESTAURANT-SELECT-PRICE# price range and #RESTAURANT-SELECT-NAME# which is in the #RESTAURANT-SELECT-PRICE# price range ."
+ ],
+ "Name;": [
+ "How about #RESTAURANT-SELECT-NAME# ?",
+ "I have two that fit this criteria . #RESTAURANT-SELECT-NAME# at Jesus Lane Fen Ditton . Would you like any other information ?",
+ "Does the #RESTAURANT-SELECT-NAME# sound like a good choice ?",
+ "Sure . I have two great choices for you : #RESTAURANT-SELECT-NAME# . Do you have a preference ?",
+ "Would you like to try #RESTAURANT-SELECT-NAME# ?",
+ "How about the #RESTAURANT-SELECT-NAME# restaurant ?",
+ "sure , there is #RESTAURANT-SELECT-NAME# to choose from .",
+ "How about #RESTAURANT-SELECT-NAME# ?",
+ "i got two options , there is #RESTAURANT-SELECT-NAME# , which one could you prefer ?",
+ "thank you I will go to #RESTAURANT-SELECT-NAME# .",
+ "You could also try #RESTAURANT-SELECT-NAME# .",
+ "You have your choice of the #RESTAURANT-SELECT-NAME# .",
+ "There are two restaurants like you want the #RESTAURANT-SELECT-NAME# . Do you have a preference as to which one you would like to book ?",
+ "do you want #RESTAURANT-SELECT-NAME# ?"
+ ],
+ "Name;Name;": [
+ "You can choose from #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# . Which would you like ?",
+ "Did you want the #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ?",
+ "Which one do you prefer ? #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ?",
+ "Is that just #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ?",
+ "how about #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ?",
+ "Alright how about either the #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ?",
+ "Your options are the #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# .",
+ "You choice s between #RESTAURANT-SELECT-NAME# and #RESTAURANT-SELECT-NAME# . Which one do you like",
+ "For which would you like more information , #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# .",
+ "Yes ! Would you like to try #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# ?"
+ ],
+ "Price;Price;": [
+ "What are you more interested in a #RESTAURANT-SELECT-PRICE# or an #RESTAURANT-SELECT-PRICE# restaurant ?",
+ "Do you prefer an #RESTAURANT-SELECT-PRICE# or a #RESTAURANT-SELECT-PRICE# restaurant ?",
+ "Would you like to book #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# ?",
+ "Would you prefer #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Would you like something in the #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Would you prefer #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Do you prefer #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# ?",
+ "Would you like an #RESTAURANT-SELECT-PRICE# place ? Or #RESTAURANT-SELECT-PRICE# ?",
+ "Would you like a restaurant in the #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Would you prefer #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# prices ?"
+ ],
+ "Area;Choice;": [
+ "There are #RESTAURANT-SELECT-CHOICE# options for you that meet that criteria , would you prefer #RESTAURANT-SELECT-AREA# ?"
+ ],
+ "Area;Name;Name;": [
+ "I have two that fit your criteria ! #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# are both in the #RESTAURANT-SELECT-AREA# area . Do you have a preference ?",
+ "Were you looking for a booking at #RESTAURANT-SELECT-NAME# or #RESTAURANT-SELECT-NAME# ? They are both in the #RESTAURANT-SELECT-AREA# of town ."
+ ],
+ "Name;Name;Name;": [
+ "sure , first let 's figure out which restaurant you would like . #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# ?",
+ "I have #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# . Which would you prefer ?",
+ "The restaurants are : #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# and #RESTAURANT-SELECT-NAME# ."
+ ],
+ "Addr;Name;": [
+ "How about #RESTAURANT-SELECT-NAME# located at #RESTAURANT-SELECT-ADDR# ?",
+ "How about the #RESTAURANT-SELECT-NAME# at #RESTAURANT-SELECT-ADDR# ?"
+ ],
+ "Price;Price;Price;": [
+ "Are you looking for a restaurant in the #RESTAURANT-SELECT-PRICE# , #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Would you like the #RESTAURANT-SELECT-PRICE# , #RESTAURANT-SELECT-PRICE# , or #RESTAURANT-SELECT-PRICE# price range ?",
+ "Ok , to be clear , which price range do you prefer-- #RESTAURANT-SELECT-PRICE# , #RESTAURANT-SELECT-PRICE# or #RESTAURANT-SELECT-PRICE# ?"
+ ],
+ "Food;Food;Name;Name;": [
+ "I have 2 choices . The #RESTAURANT-SELECT-NAME# serves #RESTAURANT-SELECT-FOOD# . And , #RESTAURANT-SELECT-NAME# 's is a #RESTAURANT-SELECT-FOOD# restaurant . Which do you prefer ?",
+ "There is an #RESTAURANT-SELECT-FOOD# restaurant , #RESTAURANT-SELECT-NAME# and a #RESTAURANT-SELECT-FOOD# restaurant called #RESTAURANT-SELECT-NAME# Would one of those work ?",
+ "You have your choice of #RESTAURANT-SELECT-NAME# , with #RESTAURANT-SELECT-FOOD# cuisine , or #RESTAURANT-SELECT-NAME# , a #RESTAURANT-SELECT-FOOD# restaurant ."
+ ],
+ "Area;Area;Name;": [
+ "Would you like the #RESTAURANT-SELECT-NAME# in the #RESTAURANT-SELECT-AREA# or #RESTAURANT-SELECT-AREA# ?",
+ "Okay let 's find one for you . I ' ve got two in town . One 's in the #RESTAURANT-SELECT-AREA# and one is in the #RESTAURANT-SELECT-AREA# . Both are #RESTAURANT-SELECT-NAME# locations ."
+ ],
+ "Food;": [
+ "How about a #RESTAURANT-SELECT-FOOD# restaurant ?",
+ "Would you be interested in a #RESTAURANT-SELECT-FOOD# restaurant then ?",
+ "I am unable to locate this specific restaurant . Would you consider a different #RESTAURANT-SELECT-FOOD# restaurant ?",
+ "Sure , are you interested in #RESTAURANT-SELECT-FOOD# food ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# ?",
+ "Are you looking for a #RESTAURANT-SELECT-FOOD# restaurant ?",
+ "Would you like #RESTAURANT-SELECT-FOOD# food ?",
+ "Wait . How about that #RESTAURANT-SELECT-FOOD# restaurant ? Where is it located ?"
+ ],
+ "Food;Food;Food;": [
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# cuisine ?",
+ "Would you prefer #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# food ?",
+ "We have #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# to choose from , any preferences ?",
+ "We have #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# to choose from in that category . Do you have a preference ?",
+ "Would you be interested in #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# ?"
+ ],
+ "Name;Name;Name;Name;": [
+ "Okay . Would you like to go to #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# ?",
+ "Which one would you like me to book it for ? #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , #RESTAURANT-SELECT-NAME# , or #RESTAURANT-SELECT-NAME# ?"
+ ],
+ "Choice;Food;Food;Food;Food;": [
+ "There are #RESTAURANT-SELECT-CHOICE# matching your query . Would you like #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , or #RESTAURANT-SELECT-FOOD# ?"
+ ],
+ "Choice;Food;Food;": [
+ "I found #RESTAURANT-SELECT-CHOICE# restaurant that serve #RESTAURANT-SELECT-FOOD# and #RESTAURANT-SELECT-FOOD# food which food you prefer ?",
+ "The #RESTAURANT-SELECT-CHOICE# choices are #RESTAURANT-SELECT-FOOD# and #RESTAURANT-SELECT-FOOD# , which one would you like ?"
+ ],
+ "Choice;": [
+ "Did you have a preference between the #RESTAURANT-SELECT-CHOICE# restaurants ?",
+ "No , but I have #RESTAURANT-SELECT-CHOICE# other options for you to choose from ."
+ ],
+ "Area;Area;Food;Name;Name;": [
+ "Would you be interested in a couple of recommendations ? I have #RESTAURANT-SELECT-NAME# in the #RESTAURANT-SELECT-AREA# and #RESTAURANT-SELECT-NAME# in the #RESTAURANT-SELECT-AREA# . Both serve great #RESTAURANT-SELECT-FOOD# cuisine ."
+ ],
+ "Choice;Price;": [
+ "yes #RESTAURANT-SELECT-CHOICE# . do you prefer #RESTAURANT-SELECT-PRICE# ?",
+ "Yes , there are #RESTAURANT-SELECT-CHOICE# ! Price ranges are #RESTAURANT-SELECT-PRICE# . Does one of those suit you ?"
+ ],
+ "Area;Choice;Food;Price;": [
+ "There are #RESTAURANT-SELECT-CHOICE# restaurants on the #RESTAURANT-SELECT-AREA# that serve #RESTAURANT-SELECT-FOOD# food . Do you prefer #RESTAURANT-SELECT-PRICE# ?"
+ ],
+ "Choice;Name;Name;": [
+ "There are #RESTAURANT-SELECT-CHOICE# , #RESTAURANT-SELECT-NAME# , and #RESTAURANT-SELECT-NAME# would you like one of those ?"
+ ],
+ "Price;": [
+ "Sure , I have both #RESTAURANT-SELECT-PRICE# restaurants . Do you have a preference ?"
+ ],
+ "Food;Price;": [
+ "Not at this time , could I just have the phone number of an #RESTAURANT-SELECT-PRICE# #RESTAURANT-SELECT-FOOD# restaurant ?"
+ ],
+ "Area;Food;Food;Food;Food;Food;Food;": [
+ "The only restaurants in the #RESTAURANT-SELECT-AREA# serve #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# , #RESTAURANT-SELECT-FOOD# or #RESTAURANT-SELECT-FOOD# food . Would you like to change to one of those ?"
+ ],
+ "Area;": [
+ "Would the #RESTAURANT-SELECT-AREA# be convenient for you ?"
+ ]
+ },
+ "Taxi-Inform": {
+ "none;": [
+ "Your taxi will be available and has been booked .",
+ "I have booked you a Taxi that fits your needs . Would you like the Contact number or Car model ?",
+ "Great , I will book that for you now .",
+ "The Taxi has been booked as requested .",
+ "you have been assigned a specific car .",
+ "I have booked your taxi",
+ "I have booked your taxi",
+ "Okay I completed a booking for you",
+ "You should contact the taxi for an approximate time .",
+ "Sure ! Do you have a time preference ?",
+ "Yes , that 's right . Your taxi booking is complete .",
+ "No problem . I ' ve got a taxi booked for you .",
+ "Your taxi is booked .",
+ "Yes , I will have one pick you up",
+ "All right , I ' ve booked your taxi .",
+ "Okay , I ' ve booked a taxi for you .",
+ "I have your taxi booked .",
+ "Okay I booked your taxi successfully",
+ "Okay I have booked your taxi for you",
+ "Your booking is now complete .",
+ "Certainly . I have booked your taxi . Anything else I can help with today ?",
+ "I have the taxi ready for you",
+ "Your booking is now completed .",
+ "You are all booked with a taxi ."
+ ],
+ "Car;Depart;Leave;Phone;": [
+ "Okay , I ' ve booked a taxi for you at #TAXI-INFORM-LEAVE# at the #TAXI-INFORM-DEPART# . It will be a #TAXI-INFORM-CAR# . The number is #TAXI-INFORM-PHONE# . Anything else I can help with ?",
+ "Okay I have booked you a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# . It will pick you up at #TAXI-INFORM-LEAVE# at your #TAXI-INFORM-DEPART# \n .",
+ "Ok , your taxi will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . It is a #TAXI-INFORM-CAR# . Their contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I have booked you a taxi between the places . A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-LEAVE# at #TAXI-INFORM-DEPART# , The contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked your taxi ! A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# , and the contact number is #TAXI-INFORM-PHONE# .",
+ "You 're booked ! You 'll leave the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# via your taxi which is a #TAXI-INFORM-CAR# . Your contact number is #TAXI-INFORM-PHONE# .",
+ "I have you booked in a #TAXI-INFORM-CAR# to be at the #TAXI-INFORM-DEPART# by #TAXI-INFORM-LEAVE# . The cab contact number is #TAXI-INFORM-PHONE# .",
+ "Alright , a #TAXI-INFORM-CAR# will pick you up from the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . Your contact number is #TAXI-INFORM-PHONE# .",
+ "I have a car - a #TAXI-INFORM-CAR# booked to pick you up at the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . This is the driver 's contact number #TAXI-INFORM-PHONE# .",
+ "I have booked a taxi leaving #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . The contact number is \t #TAXI-INFORM-PHONE# .",
+ "Certainly . I have you booked leaving #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . The vehicle is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , A taxi will meet you at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . It 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "OK , a #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Ok , I have a taxi booked for you in a #TAXI-INFORM-CAR# at #TAXI-INFORM-LEAVE# from the #TAXI-INFORM-DEPART# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have a taxi scheduled to pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . It will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a taxi for you . It is a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# , and it will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# .",
+ "Okay , I have booked a taxi for you departing from #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . You will be picked up at the #TAXI-INFORM-DEPART# a #TAXI-INFORM-LEAVE# . Please look out for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have confirmed a taxi for you , picking you up at #TAXI-INFORM-LEAVE# at #TAXI-INFORM-DEPART# . A #TAXI-INFORM-CAR# will pick you up . Their contact number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Car;Leave;Phone;": [
+ "Ok , I have booked you a #TAXI-INFORM-CAR# for an #TAXI-INFORM-LEAVE# pickup . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve got a #TAXI-INFORM-CAR# for you with contact number #TAXI-INFORM-PHONE# leaving at #TAXI-INFORM-LEAVE# .",
+ "Your booking with a #TAXI-INFORM-CAR# has been completed . The contact number is #TAXI-INFORM-PHONE# and you will leave at #TAXI-INFORM-LEAVE# .",
+ "I have scheduled a #TAXI-INFORM-CAR# taxi to pick you up at #TAXI-INFORM-LEAVE# . Their contact for any questions is #TAXI-INFORM-PHONE# .",
+ "Alright . Your taxi will pick you up at the restaurant at #TAXI-INFORM-LEAVE# . It will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "You are all set . Please look for a #TAXI-INFORM-CAR# , which will arrive by #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# . Do you need anything else today ?",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "All right , a #TAXI-INFORM-CAR# will arrive by #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Yes , I ' ve booked a taxi for you , a #TAXI-INFORM-CAR# will be waiting to pick you up before #TAXI-INFORM-LEAVE# , call it at #TAXI-INFORM-PHONE# if you have any further questions .",
+ "A #TAXI-INFORM-CAR# will pick you up by #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have a taxi that will arrive at #TAXI-INFORM-LEAVE# . The taxi will be a #TAXI-INFORM-CAR# and you can contact them at #TAXI-INFORM-PHONE# . Anything else ?",
+ "I have booked you a taxi leaving at #TAXI-INFORM-LEAVE# . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-LEAVE# , if you have any other questions you can contact them at #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up by #TAXI-INFORM-LEAVE# . Your contact number is #TAXI-INFORM-PHONE# .",
+ "You have a booking for a #TAXI-INFORM-CAR# at #TAXI-INFORM-LEAVE# . Contact number , #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will be waiting for you at #TAXI-INFORM-LEAVE# in front , contact number #TAXI-INFORM-PHONE# . Can I help with anything else ?",
+ "A #TAXI-INFORM-CAR# will be picking you up before #TAXI-INFORM-LEAVE# the contact number is #TAXI-INFORM-PHONE# is there anything else I can help you with ?",
+ "Great , I ' ve got a #TAXI-INFORM-CAR# picking you up at #TAXI-INFORM-LEAVE# , your contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you a taxi that will pick you up at #TAXI-INFORM-LEAVE# . The car type booked is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok . A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you for a #TAXI-INFORM-CAR# taxi with the contact number #TAXI-INFORM-PHONE# for #TAXI-INFORM-LEAVE# .",
+ "I have booked a taxi for you at #TAXI-INFORM-LEAVE# . The car type is a #TAXI-INFORM-CAR# and the contact number is : #TAXI-INFORM-PHONE# \n .",
+ "Okay . I ' ve booked a taxi that will pick you up at #TAXI-INFORM-LEAVE# . Look for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else ?",
+ "Perfect ! I have a #TAXI-INFORM-CAR# scheduled to pick you up at #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your ride will be there at #TAXI-INFORM-LEAVE# . They will be in a #TAXI-INFORM-CAR# and their number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# for you at #TAXI-INFORM-LEAVE# at the restaurant . The contact number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Arrive;Depart;Dest;": [
+ "Ok , I ' ve booked your taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . You will arrive by #TAXI-INFORM-ARRIVE# . Anything else I can do for you ?",
+ "Alright , I was able to book you a car to go from the #TAXI-INFORM-DEPART# to the #TAXI-INFORM-DEST# where you will arrive by #TAXI-INFORM-ARRIVE# .",
+ "Ok , I have your taxi booked from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , arriving by #TAXI-INFORM-ARRIVE# . Anything else I can do for you ?",
+ "That 's correct . The taxi will depart #TAXI-INFORM-DEPART# and take you to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "I have a taxi that can take you from the #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , arriving there by your reservation time of #TAXI-INFORM-ARRIVE# . Will that work for you ?",
+ "Alright I have you booked for a cab from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , arriving by #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Car;": [
+ "The model of the car was #TAXI-INFORM-CAR# , so I am not sure , your best bet is to call the taxi company to make sure the vehicle can fit 7 passengers .",
+ "A #TAXI-INFORM-CAR# is booked for you .",
+ "Ok , a #TAXI-INFORM-CAR# is booked .",
+ "Great ! I was able to book a #TAXI-INFORM-CAR# for you !",
+ "Yes , it will be a #TAXI-INFORM-CAR# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "The car arriving will be a #TAXI-INFORM-CAR# .",
+ "You got the #TAXI-INFORM-CAR# enjoy the ride .",
+ "I have successfully booked you a #TAXI-INFORM-CAR# . Would you like their contact number ?",
+ "Excellent . I was able to book a #TAXI-INFORM-CAR# for you .",
+ "Your taxi is booked . Look for a #TAXI-INFORM-CAR# .",
+ "ok I have a #TAXI-INFORM-CAR# booked for you",
+ "Booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Your taxi is booked . It is a #TAXI-INFORM-CAR# .",
+ "Great news ! I was able to book a #TAXI-INFORM-CAR# for you .",
+ "Ok , I have a #TAXI-INFORM-CAR# picking you up , do you need the contact number ?",
+ "Okay you ' ve been rebooked into a #TAXI-INFORM-CAR# .",
+ "Okay . I have a #TAXI-INFORM-CAR# available . Would you like to book that ?",
+ "You are set up to be picked up by a #TAXI-INFORM-CAR# . Do you want the contact number ?",
+ "i got you a #TAXI-INFORM-CAR# that will pick you up .",
+ "Okay , I ' ve got a #TAXI-INFORM-CAR# booked for you .",
+ "Booking is complete , a #TAXI-INFORM-CAR# will pick you up .",
+ "I have you booked in a #TAXI-INFORM-CAR# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Alright , I ' ve booked a #TAXI-INFORM-CAR# for you .",
+ "Your booking is complete . A #TAXI-INFORM-CAR# will be picking you up .",
+ "I was able to book a #TAXI-INFORM-CAR# to come pick you up .",
+ "The taxi is booked for 10:45 and will be a #TAXI-INFORM-CAR# .",
+ "Your booking is complete . A #TAXI-INFORM-CAR# will be picking you up .",
+ "Your booking is completed . You will be picked up by a #TAXI-INFORM-CAR# . Can I help you with anything else today ?",
+ "Booking is complete a #TAXI-INFORM-CAR# will pick you up .",
+ "Great . I booked a #TAXI-INFORM-CAR# for you .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Okay great . You are booked with a #TAXI-INFORM-CAR# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Your taxi is booked . It is a #TAXI-INFORM-CAR# .",
+ "Alright , I ' ve got you booked in a #TAXI-INFORM-CAR# .",
+ "Your booking is completed , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Okay , I have booked the car . The driver will be in a #TAXI-INFORM-CAR# .",
+ "The booked Car type is a #TAXI-INFORM-CAR# .",
+ "The car is a #TAXI-INFORM-CAR# .",
+ "Okay , I ' ve got you booked with a #TAXI-INFORM-CAR# .",
+ "Okay , I ' ve booked a #TAXI-INFORM-CAR# for you .",
+ "Great . You are booked with a #TAXI-INFORM-CAR# .",
+ "I have booked your taxi and it is a #TAXI-INFORM-CAR# .",
+ "Your booking is all set . A #TAXI-INFORM-CAR# will be picking you up .",
+ "Ok great . Your taxi booking has been completed . The care type will be a #TAXI-INFORM-CAR# . Would you like the contact number ?",
+ "Alright . I have a #TAXI-INFORM-CAR# for you .",
+ "You are booked for a #TAXI-INFORM-CAR# . Is there anything else ?",
+ "I have confirmed you booking , a #TAXI-INFORM-CAR# will pick you up .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will pick you up .",
+ "Your taxi is booked . Look for a #TAXI-INFORM-CAR# .",
+ "Your car type is a #TAXI-INFORM-CAR# .",
+ "Okay . A #TAXI-INFORM-CAR# is booked for you .",
+ "I have confirmed your taxi , a #TAXI-INFORM-CAR# will pick you up .",
+ "I have you booked into a #TAXI-INFORM-CAR# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "I have confirmed a booking for a #TAXI-INFORM-CAR# .",
+ "Your booking is complete . A #TAXI-INFORM-CAR# will pick you up .",
+ "Great ! I was able to book a #TAXI-INFORM-CAR# for you .",
+ "Congratulations you got the #TAXI-INFORM-CAR# .",
+ "I have confirmed you booking for a taxi , a #TAXI-INFORM-CAR# will be picking you up .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be arriving to pick you up .",
+ "Okay , you have a car that will come get you . It will be a #TAXI-INFORM-CAR# .",
+ "It 's a #TAXI-INFORM-CAR# .",
+ "I have confirmed a taxi booking for you , a #TAXI-INFORM-CAR# will be picking you up .",
+ "The car that will be arriving is a #TAXI-INFORM-CAR# .",
+ "A #TAXI-INFORM-CAR# is booked to come pick you up .",
+ "You are booked on a #TAXI-INFORM-CAR# .",
+ "I have booked a #TAXI-INFORM-CAR# for you",
+ "That is fine , I ' ve got you booked with a #TAXI-INFORM-CAR# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# .",
+ "I have confirmed booking your taxi , a #TAXI-INFORM-CAR# will be picking you up ."
+ ],
+ "Car;Phone;": [
+ "Sure , I ' ve booked a #TAXI-INFORM-CAR# for you . Its contact number is #TAXI-INFORM-PHONE# .",
+ "Okay i have you booked for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# is booked . You can call #TAXI-INFORM-PHONE# to reach them .",
+ "Okay , I have booked a taxi for you . It will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . \n .",
+ "I have that taxi booked . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "I have made that taxi reservation . Look for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "You are all set . Be expecting a #TAXI-INFORM-CAR# Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I have booked you with a #TAXI-INFORM-CAR# taxi . The number to contact is #TAXI-INFORM-PHONE# . \n .",
+ "Your taxi have been booked for a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-PHONE# is booked and the contact number is #TAXI-INFORM-CAR# . Thank you",
+ "I have booked your taxi . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their number is #TAXI-INFORM-PHONE# .",
+ "I have booked that taxi for you . Be expecting a #TAXI-INFORM-CAR# . Should you need to contact the taxi company , you can call #TAXI-INFORM-PHONE# .",
+ "Your car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is there anything else I can help you with today ?",
+ "Yes , it 's complete . The car type is a #TAXI-INFORM-CAR# and contact number is #TAXI-INFORM-PHONE# .",
+ "Ok I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# booked for you .",
+ "Okay . Your booking was successful . The car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked #TAXI-INFORM-CAR# taxi service to take you from the Chinese restaurant to the hotel . Their contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book that taxi service for you . You will be in a #TAXI-INFORM-CAR# . The contact number for them is #TAXI-INFORM-PHONE# .",
+ "i booked your taxi . it will be a #TAXI-INFORM-CAR# coming . their phone number is #TAXI-INFORM-PHONE# .",
+ "Ok it 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "Have you in a #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# is the phone number .",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . If you need to contact the company , please call #TAXI-INFORM-PHONE# .",
+ "Okay your booking is as follows : a #TAXI-INFORM-CAR# will pick you up and your contact number is #TAXI-INFORM-PHONE# . \n .",
+ "A #TAXI-INFORM-CAR# will pick you up and the contact number is #TAXI-INFORM-PHONE# . Is there anything else I can assist you with ?",
+ "Ok . I was able to book a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "No , you will be picked up in a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# , is that ok ?",
+ "Ok , your contact number is #TAXI-INFORM-PHONE# and it will be a #TAXI-INFORM-CAR# . Is there anything else I can help you with ?",
+ "I have you in a #TAXI-INFORM-CAR# You can contact them at #TAXI-INFORM-PHONE# .",
+ "Okay I have booked a taxi for you . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# in case you need to make any modifications .",
+ "I booked that for you . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "It 's all booked , you 're looking for a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "Booked car type is #TAXI-INFORM-CAR# and the contact number #TAXI-INFORM-PHONE# .",
+ "It 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The taxi is booked it 's a #TAXI-INFORM-CAR# the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay your taxi is a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# .",
+ "I have you booked in a #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# is their number .",
+ "Alright your contact number is #TAXI-INFORM-PHONE# and the car will be a #TAXI-INFORM-CAR# .",
+ "Ok I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Alright , you 're all booked . The car is a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "Have you in a #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# is the contact info .",
+ "You 'll be riding in style in a #TAXI-INFORM-CAR# . You can call them at #TAXI-INFORM-PHONE# .",
+ "It will be a #TAXI-INFORM-CAR# . You may contact them at #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve booked you a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete . The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "No problem . I ' ve booked a #TAXI-INFORM-CAR# for you . The number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked for you a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve got you book in a #TAXI-INFORM-CAR# with Contact number #TAXI-INFORM-PHONE# .",
+ "Okay your booking is complete . You have a #TAXI-INFORM-CAR# coming to get you and a contact number of #TAXI-INFORM-PHONE# .",
+ "Booking completed ! Lookout for a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# . Is there anything else I can help with ?",
+ "I booked that taxi for you . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "I have booked that taxi service for you . They will be in a #TAXI-INFORM-CAR# and a number to reach them is #TAXI-INFORM-PHONE# . \n .",
+ "Booking completed ! Booked #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# picking you up . Your contact number is : #TAXI-INFORM-PHONE# .",
+ "i have booked you a taxi , #TAXI-INFORM-CAR# , phone number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! Your car will be a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# should you need to contact them !",
+ "Alright , I ' ve booked you a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve booked you a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# . Is there anything else ?",
+ "I have booked that taxi look for a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# .",
+ "Okay I have booked you a tax . Look out for a #TAXI-INFORM-CAR# whose contact number is #TAXI-INFORM-PHONE# .",
+ "Booking completed ! \n Booked car type \t : \t #TAXI-INFORM-CAR# \n Contact number \t : \t #TAXI-INFORM-PHONE# \n Help Desk : ( Your response )",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "Okay I have a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi booking was a success ! The taxi will be a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Of course ! Your booking is complete . The car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Yes , it 's been booked . The booked car is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I booked you a taxi ! It 's a #TAXI-INFORM-CAR# and the contact number is : #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a taxi for you . It 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Yes , the contact number is #TAXI-INFORM-PHONE# and it is a #TAXI-INFORM-CAR# .",
+ "We will have a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# \n ready for you .",
+ "The taxi has been booked look for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else I can help you with today ?",
+ "absolutely . Look for a #TAXI-INFORM-CAR# . Its number is #TAXI-INFORM-PHONE# in case you need to reach them .",
+ "Your booking was susccessful . Your car is a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "Not a problem . Your taxi will be a #TAXI-INFORM-CAR# . Contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will get you there in time . Contact # #TAXI-INFORM-PHONE# .",
+ "Your car is a #TAXI-INFORM-CAR# , contact number is #TAXI-INFORM-PHONE# .",
+ "I apologize . I did not mean to come off as rude . You should expect a #TAXI-INFORM-CAR# . If you need to reach the company , please call #TAXI-INFORM-PHONE# .",
+ "Yes , the booking is completed . Car type is #TAXI-INFORM-CAR# and contact number is #TAXI-INFORM-PHONE# .",
+ "Okay . Booked a #TAXI-INFORM-CAR# . Contact number : #TAXI-INFORM-PHONE# .",
+ "I have booked you with a #TAXI-INFORM-CAR# taxi . The number for contact is #TAXI-INFORM-PHONE# . Is there anything else I can help with ?",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Please contact #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I have you all booked . #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# .",
+ "I have that taxi reserved look for a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# .",
+ "You 're all set ! You will be traveling in a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# should you need to contact them .",
+ "That has been booked . Be expecting a #TAXI-INFORM-CAR# . Should you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will be picking you up . Their contact number is #TAXI-INFORM-PHONE# .",
+ "OK , I have booked you a taxi per your requested , the contact number is #TAXI-INFORM-PHONE# , it will be a #TAXI-INFORM-CAR# picking you up .",
+ "I have booked a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "It will be a #TAXI-INFORM-CAR# , Contact number #TAXI-INFORM-PHONE# .",
+ "Okay . We have you booked with a car that 's a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book a #TAXI-INFORM-CAR# , phone number is #TAXI-INFORM-PHONE# .",
+ "number is #TAXI-INFORM-PHONE# , and it is a #TAXI-INFORM-CAR# .",
+ "A #TAXI-INFORM-CAR# is booked for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay great ! Your car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Certainly . It will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Do you need anything else ?",
+ "I was able to schedule taxi service for you at the time specified . You will be looking for a #TAXI-INFORM-CAR# . If you need to contact them , please call #TAXI-INFORM-PHONE# .",
+ "Alright , I have a #TAXI-INFORM-CAR# for you and the contact number is #TAXI-INFORM-PHONE# .",
+ "Sorry about that . Your taxi will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Is there anything else I can do for you today ?",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their number is #TAXI-INFORM-PHONE# .",
+ "The car is a #TAXI-INFORM-CAR# . The contact number is : #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked . Be on the look - out for a #TAXI-INFORM-CAR# . The contact numbers is #TAXI-INFORM-PHONE# .",
+ "You are booked in a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay I booked a taxi for you . The car type is going to be a #TAXI-INFORM-CAR# , and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi ride has been booked . You 'll be picked up by a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Great I have you booked in a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a taxi that can take you there at that time . It is a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Is there anything else I can help you with ?",
+ "I was able to book your taxi . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is there anything else you need today ?",
+ "The car type of your taxi is a #TAXI-INFORM-CAR# anf its contact number is #TAXI-INFORM-PHONE# .",
+ "I have your taxi booked ! The driver will be in a #TAXI-INFORM-CAR# and contact number is : #TAXI-INFORM-PHONE# .",
+ "Okay , I have successfully booked the taxi for you . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Please look for a #TAXI-INFORM-CAR# . Your contact number is : #TAXI-INFORM-PHONE# . What else can I assist you with today ?",
+ "Booking was successful ! Your car is a #TAXI-INFORM-CAR# and you can contact them at #TAXI-INFORM-PHONE# should you need to .",
+ "I have booked you a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Booking completed ! A #TAXI-INFORM-CAR# will be picking you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi is all set ! You will be picked up in a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# to pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi service was book with a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# in case you need to contact them .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Okay I have booked a car for you and it will be a #TAXI-INFORM-CAR# and the driver 's contact number is #TAXI-INFORM-PHONE# .",
+ "All right , sir , you 'll be picked up in a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your #TAXI-INFORM-CAR# taxi has been booked and your contact number is #TAXI-INFORM-PHONE# .",
+ "You are booked for a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I have booked your taxi look for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "It 's all booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# if you need to reach them .",
+ "Your taxi will be a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "i booked your taxi . it will be a #TAXI-INFORM-CAR# . their phone number is #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked for you . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked and it is a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# . \n .",
+ "Yes , not a problem . I have a #TAXI-INFORM-CAR# booked for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "You are booked on a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "You are booked on a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi reservation on a #TAXI-INFORM-CAR# was successful . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi was booked ! The car type will be #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your all set a #TAXI-INFORM-CAR# will be picking you up the contact number is #TAXI-INFORM-PHONE# , anything else today ?",
+ "The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Booking is complete , a #TAXI-INFORM-CAR# will be picking you up . The contact number is #TAXI-INFORM-PHONE# . Thank You ! \n .",
+ "Your taxi will be a #TAXI-INFORM-CAR# . Should you need to contact them , the number is #TAXI-INFORM-PHONE# .",
+ "I have reserved you a taxi . they will be in a #TAXI-INFORM-CAR# with the phone number #TAXI-INFORM-PHONE# if there is any issues .",
+ "You are booked for a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "I have booked you with a #TAXI-INFORM-CAR# taxi . The phone number to contact is #TAXI-INFORM-PHONE# if there are any changes needing to be made later .",
+ "I have a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# .",
+ "Alright , I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have you booked . Your taxi is a #TAXI-INFORM-CAR# contact number is \t #TAXI-INFORM-PHONE# . \n .",
+ "Certainly . I ' ve booked you a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# and contact number #TAXI-INFORM-PHONE# .",
+ "I was able to book that taxi for you . Be looking for a #TAXI-INFORM-CAR# . If you need to reach them , their phone number is #TAXI-INFORM-PHONE# . Is there anything else ?",
+ "Look for a #TAXI-INFORM-CAR# , the contact number for the car is #TAXI-INFORM-PHONE# .",
+ "Great news ! I was able to schedule that taxi service for you . A #TAXI-INFORM-CAR# will be picking you up . If you need to reach them , their phone is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked it and the car you 're looking for is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is there anything else ?",
+ "The contact number is #TAXI-INFORM-PHONE# and the car type is a #TAXI-INFORM-CAR# .",
+ "Your booking is complete ! It will be a #TAXI-INFORM-CAR# . The taxi contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a car for you , a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "I have that booked for you in a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Booked a #TAXI-INFORM-CAR# . Your contact number is #TAXI-INFORM-PHONE# .",
+ "I booked a #TAXI-INFORM-CAR# for you , contact number is #TAXI-INFORM-PHONE# !",
+ "Ok , I have booked you a #TAXI-INFORM-CAR# to get you to the restaurant in time . You can contact them at #TAXI-INFORM-PHONE# . Can I help with anything else ?",
+ "Ok , your taxi is booked . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "It 's a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Sorry that I did not provide that when I booked your reservation .",
+ "I apologize . The annual psychics convention is next week . They 're very particular about being allowed to sense the information . It 's a #TAXI-INFORM-CAR# with contact number \t #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will arrive . You can contact them at #TAXI-INFORM-PHONE# .",
+ "Booking is complete . Your car is a #TAXI-INFORM-CAR# and contact number is #TAXI-INFORM-PHONE# .",
+ "the car type is a #TAXI-INFORM-CAR# and #TAXI-INFORM-PHONE# is the contact number",
+ "sure thing a #TAXI-INFORM-CAR# will be picking you up and the contact number is #TAXI-INFORM-PHONE# , anything else today ?",
+ "I was able to book that taxi for you . Be looking for a #TAXI-INFORM-CAR# . If you need to reach them , please contact #TAXI-INFORM-PHONE# . Anything else I can help with ?",
+ "I was able to book your taxi . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "I ' m sorry for the mixup . Your taxi is a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Is there anything else ?",
+ "I have a #TAXI-INFORM-CAR# booked for you with a contact number #TAXI-INFORM-PHONE# .",
+ "Okay I have booked the taxi and you should expect to see a #TAXI-INFORM-CAR# and your contact number is #TAXI-INFORM-PHONE# .",
+ "I booked your car for you . They will be driving a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to secure a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "You 'll be looking for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . \n .",
+ "I booked you with a #TAXI-INFORM-CAR# taxi service . Their phone number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi and your contact number is #TAXI-INFORM-PHONE# . Be on the lookout for a #TAXI-INFORM-CAR# .",
+ "All set ! Your car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "I booked a taxi to pick you up at 7 pm , it 's going to be a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Great , I booked you a #TAXI-INFORM-PHONE# the contact number is #TAXI-INFORM-CAR# . Anything else I can help you with .",
+ "Great . I was able to book your ride for you . Your driver will be in a #TAXI-INFORM-CAR# and you can reach them at #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a taxi for you , it 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Booking is complete , look for a #TAXI-INFORM-CAR# , the phone number is #TAXI-INFORM-PHONE# , may I assist with anything else ?",
+ "you 're all set . The taxi is a #TAXI-INFORM-CAR# with a contact number #TAXI-INFORM-PHONE# .",
+ "Your #TAXI-INFORM-CAR# taxi booking was successful . Its contact number is #TAXI-INFORM-PHONE# .",
+ "Great ! I have booked your taxi , which should be a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# .",
+ "Ok , I have a taxi booked for you , it is a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# booked for you .",
+ "Ok , a #TAXI-INFORM-CAR# will pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have completed your booking ! The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Alright , I ' ve got a #TAXI-INFORM-CAR# coming to pick you up at the Grafton Hotel Restaurant at 22:45 , your contact number for them is #TAXI-INFORM-PHONE# .",
+ "I was able to book your taxi per your request . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is there anything else today ?",
+ "You 're all set ! The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "A taxi has been booked . It is a #TAXI-INFORM-CAR# and the phone number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! Your car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Sure thing . A #TAXI-INFORM-CAR# has been booked . Contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi will be a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# .",
+ "Be on the lookout for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set . Your car will be a #TAXI-INFORM-CAR# . If you need to contact the driver , you can call #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok . I booked a taxi for you . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay the taxi has been reserved and will be a #TAXI-INFORM-CAR# . The phone number is #TAXI-INFORM-PHONE# .",
+ "Contact them at #TAXI-INFORM-PHONE# , it is a #TAXI-INFORM-CAR# .",
+ "Booking completed ! A #TAXI-INFORM-CAR# will be picking you up , the Contact number is : #TAXI-INFORM-PHONE# .",
+ "I have booked the taxi it is a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "I was able to book that for you . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up . There number is #TAXI-INFORM-PHONE# , just in case you need it .",
+ "Okay , I ' ve booked a taxi for you . It will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been reserved . It is a #TAXI-INFORM-CAR# and you can contact it at #TAXI-INFORM-PHONE# .",
+ "I was able to book your taxi . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "I have booked you a taxi meeting your requirements . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Your car is a #TAXI-INFORM-CAR# , contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# . What else can I help you with ?",
+ "I have booked you with a #TAXI-INFORM-CAR# . Their number to contact is #TAXI-INFORM-PHONE# . \n .",
+ "Your booking is completed , a #TAXI-INFORM-CAR# will be picking you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "The vehicle is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set . A #TAXI-INFORM-CAR# is picking you up and their contact number is #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with phone number #TAXI-INFORM-PHONE# .",
+ "I booked you a taxi . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I booked it for you . They will be driving a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "Certainly , the car is a #TAXI-INFORM-CAR# , and the contact number is #TAXI-INFORM-PHONE# .",
+ "There 's a #TAXI-INFORM-CAR# that will be picking you up . You can contact the driver at #TAXI-INFORM-PHONE# .",
+ "I have booked you a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Good news , a taxi is booked , this is a #TAXI-INFORM-CAR# . The phone number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete . The taxi is a #TAXI-INFORM-CAR# . Contact number #TAXI-INFORM-PHONE# .",
+ "Booking was successful . \n Booking completed ! \n Booked car type \t : \t #TAXI-INFORM-CAR# \n Contact number \t : \t #TAXI-INFORM-PHONE# Is there anything else I can assist you with ?",
+ "Okay you have a booked car , a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi is confirmed . You should look for a #TAXI-INFORM-CAR# . If you need to contact the driver , the contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete . The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay . I was able to book a #TAXI-INFORM-CAR# for you , contact number #TAXI-INFORM-PHONE# .",
+ "i booked your taxi . there will be a #TAXI-INFORM-CAR# coming for you . their phone number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I booked you a #TAXI-INFORM-CAR# and you can reach the driver at #TAXI-INFORM-PHONE# . Would that be all today ?",
+ "Okay . Your booking is completed . The car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay I have booked your taxi . The contact number is #TAXI-INFORM-PHONE# and the car is a #TAXI-INFORM-CAR# .",
+ "Wonderful . I was able to schedule that taxi for you . You will be riding in a #TAXI-INFORM-CAR# . If you have any questions for them , you can reach them at #TAXI-INFORM-PHONE# .",
+ "sure ! expect a #TAXI-INFORM-CAR# and call #TAXI-INFORM-PHONE# to contact your taxi",
+ "Ok , I have booked a taxi for you . Its going to be a #TAXI-INFORM-CAR# & the contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# and it will be a #TAXI-INFORM-CAR# .",
+ "I was able to book your taxi from the museum back to finches . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a taxi for you . It 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Yes I got you a taxi . It is a #TAXI-INFORM-CAR# whose contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi booking is for a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi booking is a #TAXI-INFORM-CAR# with the contact number of #TAXI-INFORM-PHONE# .",
+ "Ok I have a #TAXI-INFORM-CAR# for you with the contact number #TAXI-INFORM-PHONE# .",
+ "I got you a #TAXI-INFORM-CAR# taxi . The contact number is #TAXI-INFORM-PHONE# .",
+ "Alright . I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else ?",
+ "It has been booked the car will be a #TAXI-INFORM-CAR# contact number #TAXI-INFORM-PHONE# .",
+ "I have you in a #TAXI-INFORM-CAR# , contact is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# for you . Their number is #TAXI-INFORM-PHONE# . I do not know how long the cab ride is , I apologize .",
+ "Okay I have booked you a taxi and your contact number is #TAXI-INFORM-PHONE# and they will be driving a #TAXI-INFORM-CAR# .",
+ "Your taxi is booked . It is a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "A taxi has been booked . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# .",
+ "Ok . I booked a #TAXI-INFORM-CAR# for you . Your contact number is #TAXI-INFORM-PHONE# .",
+ "I have you riding fancy in a #TAXI-INFORM-CAR# , you can reach them at #TAXI-INFORM-PHONE# . How else can I help ? \n .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have that set for you . You will be picked up by a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked that taxi look for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Booking for your taxi was successful . The contact number is #TAXI-INFORM-PHONE# and the care will be a #TAXI-INFORM-CAR# .",
+ "I was able to book that for you . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Great . I have booked your ride . The driver will be in a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your car . It is a #TAXI-INFORM-CAR# car , and the contact number for the booking is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Their phone number is #TAXI-INFORM-PHONE# .",
+ "Ok , I book a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book that taxi for you . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Yes , we ' ve booked a taxi for you : A #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# .",
+ "The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# booked for you .",
+ "Okay , it been booked . The car type is a #TAXI-INFORM-CAR# and your contact number is #TAXI-INFORM-PHONE# . Can I help you with anything else ?",
+ "You can contact them at #TAXI-INFORM-PHONE# and you will be in a #TAXI-INFORM-CAR# .",
+ "A #TAXI-INFORM-CAR# is booked for you and can be reached at #TAXI-INFORM-PHONE# . How else can I help ?",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "Booked your taxi , a #TAXI-INFORM-CAR# . Contact number will be #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and their number is #TAXI-INFORM-PHONE# .",
+ "I have made that taxi and you should expect a #TAXI-INFORM-CAR# . The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "I have gone ahead and booked that Taxi for you . The Taxi will be a #TAXI-INFORM-CAR# and the Taxi contact number will be #TAXI-INFORM-PHONE# .",
+ "Alright it is done , look for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# if you have any further questions .",
+ "I have booked your taxi look for a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# .",
+ "Sure ! I have set that up . Booked car type is a #TAXI-INFORM-CAR# and the Contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Taxi booking completed ! Your car is a #TAXI-INFORM-CAR# , their contact number is #TAXI-INFORM-PHONE# .",
+ "I have made that booking for you . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Yes . The contact number for the #TAXI-INFORM-CAR# is #TAXI-INFORM-PHONE# .",
+ "Contact number is #TAXI-INFORM-PHONE# , car type is a #TAXI-INFORM-CAR# .",
+ "Your driver will arrive in a #TAXI-INFORM-CAR# . You can call or text them at #TAXI-INFORM-PHONE# .",
+ "It is booked for you in a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! It 's a #TAXI-INFORM-CAR# . If you need to contact the driver for any reason , the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I booked the taxi . It will be a #TAXI-INFORM-CAR# and their phone number is #TAXI-INFORM-PHONE# .",
+ "The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Will that be all ?",
+ "Sure . I have booked a #TAXI-INFORM-CAR# . The contact numer is #TAXI-INFORM-PHONE# . \n .",
+ "Your taxi has been booked ! Your car is a #TAXI-INFORM-CAR# and contact number is : #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need them .",
+ "I was able to book that for you . Be expecting a #TAXI-INFORM-CAR# . Should you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "Contact number #TAXI-INFORM-PHONE# . You are in a #TAXI-INFORM-CAR# .",
+ "All right , a #TAXI-INFORM-CAR# will come for you . Should you need to contact them , the number is #TAXI-INFORM-PHONE# .",
+ "Booking completed . The booked car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "No problem . Your taxi is booked . The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else I can help you with ?",
+ "All right , your car is booked . It 's a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# .",
+ "I have your taxi booked . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up . The contact number is #TAXI-INFORM-PHONE# . Do you need anything else today ?",
+ "the taxi is booked . it 's going to be a #TAXI-INFORM-CAR# . their phone number is #TAXI-INFORM-PHONE# .",
+ "Ok , I ' ve booked a #TAXI-INFORM-CAR# to pick you up , the contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "I have you booked in a #TAXI-INFORM-CAR# , you can contact them at #TAXI-INFORM-PHONE# . Can I help you with anything else today ?",
+ "Booked ! Your car is a #TAXI-INFORM-CAR# . Contact number : #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "I have booked that taxi and your contact number is #TAXI-INFORM-PHONE# please look for a #TAXI-INFORM-CAR# .",
+ "I have booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# is booked for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your ride , it 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok . I have reserved a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Great ! I ' ve booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete with a #TAXI-INFORM-CAR# and a contact number of #TAXI-INFORM-PHONE# .",
+ "I have that taxi booked for you . A #TAXI-INFORM-CAR# will pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . You 'll be expecting a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Booking completed ! \n Booked car type \t : \t #TAXI-INFORM-CAR# \n Contact number \t : \t #TAXI-INFORM-PHONE# \n Is there anything else I can assist you with ?",
+ "I have booked a #TAXI-INFORM-CAR# for you . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking was successful ! The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I apologize for the error . You are booked for a #TAXI-INFORM-CAR# with the contact number of #TAXI-INFORM-PHONE# from hakka .",
+ "Your #TAXI-INFORM-CAR# was successful . Your contact number is #TAXI-INFORM-PHONE# .",
+ "Your car is booked . You should be expecting a #TAXI-INFORM-CAR# . If you need to contact the driver , please call #TAXI-INFORM-PHONE# .",
+ "I got you a #TAXI-INFORM-CAR# reserved contact number #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# as your taxi . You can reach them at #TAXI-INFORM-PHONE# \n .",
+ "Ok that is reserved the car type is a #TAXI-INFORM-CAR# and contact number is #TAXI-INFORM-PHONE# .",
+ "You 're all set ! You will be traveling in a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# should you need to contact them .",
+ "The contact number is #TAXI-INFORM-PHONE# and the car is a #TAXI-INFORM-CAR# .",
+ "I have a #TAXI-INFORM-CAR# coming to pick you up . Their contact number is #TAXI-INFORM-PHONE# if you have any questions . Thank you !",
+ "You will be picked up by a #TAXI-INFORM-CAR# . Your contact number is #TAXI-INFORM-PHONE# . May I help with something else ?",
+ "I have you booked in a #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I have booked you a #TAXI-INFORM-CAR# taxi and its contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . You will be awaiting a #TAXI-INFORM-CAR# . If you need to contact the driver for any reason , the number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Booking completed ! Your car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . The car type is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok great , your booking is completed . Car type is a #TAXI-INFORM-CAR# , contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you a car . It 's a #TAXI-INFORM-CAR# , and the contact number is #TAXI-INFORM-PHONE# .",
+ "I booked a #TAXI-INFORM-CAR# to pick you up . The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi will be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . \n .",
+ "Great . I was able to book your car with no issues . They will be driving a #TAXI-INFORM-CAR# and you will be able to contact them at #TAXI-INFORM-PHONE# .",
+ "I booked your taxi . It is going to be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Their phone number is #TAXI-INFORM-PHONE# .",
+ "Sure . I have booked a #TAXI-INFORM-CAR# to pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked ! It will be a #TAXI-INFORM-CAR# and contact number is : #TAXI-INFORM-PHONE# .",
+ "Thank you . Please look for a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Okay great , the car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is that all you need today ?",
+ "Your taxi is booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "That will be a #TAXI-INFORM-CAR# , and the contact number is #TAXI-INFORM-PHONE# . What else can I help you with ?",
+ "Taxi is booked , #TAXI-INFORM-CAR# will come for you . Contact number is #TAXI-INFORM-PHONE# . Do you need any other help ?",
+ "The taxi has been booked the contact number is #TAXI-INFORM-PHONE# . The type of car is #TAXI-INFORM-CAR# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# with the following contact number #TAXI-INFORM-PHONE# .",
+ "I have you in a #TAXI-INFORM-CAR# , contact is #TAXI-INFORM-PHONE# .",
+ "Ok I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The car is a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "The taxi is booked . The car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Sure ! The contact number is #TAXI-INFORM-PHONE# . The car will be a #TAXI-INFORM-CAR# .",
+ "Okay . I booked a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Your taxi service is booked . Be expecting a #TAXI-INFORM-CAR# . If you need to reach them , please call #TAXI-INFORM-PHONE# .",
+ "Ok I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Okay I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else I can do for today ?",
+ "Thank you ! Your car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok fantastic . Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will be waiting to pick you up , if you have any further questions the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok , not a problem ! You will be looking for a #TAXI-INFORM-CAR# and the taxis phone number is #TAXI-INFORM-PHONE# .",
+ "Not a problem . You will be picked up by a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# .",
+ "Ok I made that taxi reservation . It 's a #TAXI-INFORM-CAR# and the contact numner is #TAXI-INFORM-PHONE# .",
+ "Okay sure . I have booked that for you and your contact number for the driver is : #TAXI-INFORM-PHONE# . A #TAXI-INFORM-CAR# will be picking you up .",
+ "Okay , I ' ve got a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "I have booked that taxi look for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay great , I have you a #TAXI-INFORM-CAR# booked and your contact number is #TAXI-INFORM-PHONE# .",
+ "Booked it . It 's a #TAXI-INFORM-CAR# , contact #TAXI-INFORM-PHONE# . Anything else you need ?",
+ "The taxi has been reserved . Your taxi would be a #TAXI-INFORM-CAR# and you can contact it at #TAXI-INFORM-PHONE# .",
+ "Your taxi is booked : a #TAXI-INFORM-CAR# with the contact number of #TAXI-INFORM-PHONE# .",
+ "Your booking was completed . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Okay I have booked your taxi . It will be a #TAXI-INFORM-CAR# whose contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi booking was successful . You will be picked up by a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . Anything else I can do for you today ?",
+ "I have booked you a #TAXI-INFORM-CAR# taxi . The phone number to reach them is #TAXI-INFORM-PHONE# .",
+ "Yes , I already booked that for you . As I said before , it 's a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The vehicle is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will be arriving to pick you up . Their contact number is #TAXI-INFORM-PHONE# . Thank you !",
+ "Yes expect a #TAXI-INFORM-CAR# to pick you up and his contact number will be #TAXI-INFORM-PHONE# .",
+ "Your taxi was booked ! The car type is #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book a #TAXI-INFORM-CAR# for you , Contact number \t : \t #TAXI-INFORM-PHONE# .",
+ "I have booked your taxi . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "Alright I have a #TAXI-INFORM-CAR# picking you up at Parkside Pools at 16:15 . The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "Okay , I have a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Booked car type is #TAXI-INFORM-CAR# . Contact number is #TAXI-INFORM-PHONE# . Anything else ?",
+ "Your taxi is booked ! It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Is there anything else I can help you with today ?",
+ "A #TAXI-INFORM-CAR# with pick you up and the contact number is #TAXI-INFORM-PHONE# . Is there anything else I can assist you with ?",
+ "I have booked the taxi . A #TAXI-INFORM-CAR# will be picking you up . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "OK , you are booked in a #TAXI-INFORM-CAR# . Your reference number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up from sitar tandoori at 21:30 . Your contact number is #TAXI-INFORM-PHONE# .",
+ "Your #TAXI-INFORM-CAR# has been booked and its contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete . It will be a #TAXI-INFORM-CAR# and its contact number is #TAXI-INFORM-PHONE# .",
+ "It is all booked . Be expecting a #TAXI-INFORM-CAR# . Please call #TAXI-INFORM-PHONE# should you need to reach them .",
+ "I have booked your taxi to bloomsbury from huntingdon , Booked car type : #TAXI-INFORM-CAR# Contact number : \t #TAXI-INFORM-PHONE# . May I help with anything else ?",
+ "Booking completed ! Your car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I booked that for you . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# and the car type is a #TAXI-INFORM-CAR# .",
+ "Okay . I booked you a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked you a taxi . It will be a #TAXI-INFORM-CAR# , contact number is #TAXI-INFORM-PHONE# .",
+ "Your ride has been booked , it will be a #TAXI-INFORM-CAR# . Call #TAXI-INFORM-PHONE# if you have any further questions .",
+ "Booking completed ! car is #TAXI-INFORM-CAR# and Contact number is #TAXI-INFORM-PHONE# ,",
+ "Your new contact number is #TAXI-INFORM-PHONE# and the car is a #TAXI-INFORM-CAR# .",
+ "I was able to book that taxi . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# is reserved for you . The phone number is #TAXI-INFORM-PHONE# . Will there be anything else today ?",
+ "Your taxi has been booked . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Yes , I have booked you a taxi . A #TAXI-INFORM-CAR# will arrive to pick you up , the contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking is complete . The booked car type is a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "You are all set ! Please be on the lookout for a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I found a #TAXI-INFORM-CAR# with phone number #TAXI-INFORM-PHONE# making that trip .",
+ "The contact number for the #TAXI-INFORM-CAR# is #TAXI-INFORM-PHONE# .",
+ "Alright your booking number is #TAXI-INFORM-PHONE# and the car picking you up is a #TAXI-INFORM-CAR# .",
+ "Ok expect a #TAXI-INFORM-CAR# at 10:50 . Their number is #TAXI-INFORM-PHONE# .",
+ "I have you in a #TAXI-INFORM-CAR# , #TAXI-INFORM-PHONE# is the number to call if you need to speak to them .",
+ "Okay . Your booking was completed . The car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have a #TAXI-INFORM-CAR# for you with contact number #TAXI-INFORM-PHONE# .",
+ "You are booked for a #TAXI-INFORM-CAR# with the contact number #TAXI-INFORM-PHONE# .",
+ "Okay I have a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else I can do for you ?",
+ "All right , a #TAXI-INFORM-CAR# will pick you up . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi has been booked . Please look for a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# . \n .",
+ "Okay your contact number is #TAXI-INFORM-PHONE# \n Your car is a #TAXI-INFORM-CAR# .",
+ "I have that booked a #TAXI-INFORM-CAR# with contact number #TAXI-INFORM-PHONE# .",
+ "Yes , you will be picked up in a #TAXI-INFORM-CAR# and their contact number is #TAXI-INFORM-PHONE# . Is there anything else I can help you with ?",
+ "Booking completed ! The car is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Phone;": [
+ "I have booked a taxi to arrive at the hamilton lodge by 13:45 . The contact number is #TAXI-INFORM-PHONE# .",
+ "Contact number for the taxi is #TAXI-INFORM-PHONE# . Will there be anything else ?",
+ "I have that booked for you , contact number #TAXI-INFORM-PHONE# . Do you need anyhting else ?",
+ "the contact is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# . Can I help you with anything else today ?",
+ "I was able to book that taxi for you . Contact number #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# ,",
+ "The contact number for the taxi service is #TAXI-INFORM-PHONE# . Can I help you with anything else ?",
+ "Contact number is #TAXI-INFORM-PHONE# .",
+ "Sure , the contact number is #TAXI-INFORM-PHONE# . Is there anything else I can assist you with ?",
+ "I do . The contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "Your taxi reservation was successful . The contact number is #TAXI-INFORM-PHONE# . Is there anything else I can do for you ?",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "Of course . The contact number is #TAXI-INFORM-PHONE# .",
+ "Their contact number is #TAXI-INFORM-PHONE# .",
+ "Sure ! it is #TAXI-INFORM-PHONE# .",
+ "A taxi has been booked . The contact number is #TAXI-INFORM-PHONE# , in case you have any questions .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "The contact number #TAXI-INFORM-PHONE# .",
+ "The number is #TAXI-INFORM-PHONE# , is that all you need ?",
+ "The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "Sure , contact number #TAXI-INFORM-PHONE# . Can I be of further assistance today ?",
+ "That number is #TAXI-INFORM-PHONE# .",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "Sure ! The contact number is #TAXI-INFORM-PHONE# .",
+ "Unfortunately , it does not give me a specific arrival time . But if you like , you can call them to get that information . Their phone number is #TAXI-INFORM-PHONE# .",
+ "Yes your contact number is #TAXI-INFORM-PHONE# . Will there be anything else ?",
+ "The contact number #TAXI-INFORM-PHONE# .",
+ "Sure . It 's #TAXI-INFORM-PHONE# .",
+ "Their contact number is #TAXI-INFORM-PHONE# should you need to contact them !",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "I have you booked into a taxi , you can call them at #TAXI-INFORM-PHONE# .",
+ "Certainly , the contact number is #TAXI-INFORM-PHONE# . Is there anything else ?",
+ "The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "The contact number is : #TAXI-INFORM-PHONE# .",
+ "Of course , my apologies for the oversight . Their contact number is #TAXI-INFORM-PHONE# .",
+ "Their number is #TAXI-INFORM-PHONE# .",
+ "Sure . The contact number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Car;Leave;": [
+ "Yes , I have you arranged to be picked up by a #TAXI-INFORM-CAR# at #TAXI-INFORM-LEAVE# .",
+ "The taxi is booked for #TAXI-INFORM-LEAVE# . It is a #TAXI-INFORM-CAR# .",
+ "Yes , the taxi will pick you up at #TAXI-INFORM-LEAVE# . It is a #TAXI-INFORM-CAR# .",
+ "No problem . I booked a #TAXI-INFORM-CAR# that will pick you up by #TAXI-INFORM-LEAVE# ."
+ ],
+ "Car;Phone;Phone;": [
+ "It 's a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# . That 's #TAXI-INFORM-PHONE# ."
+ ],
+ "Car;Depart;Dest;Phone;": [
+ "I ' ve booked you a taxi from \" #TAXI-INFORM-DEPART# \" to \" #TAXI-INFORM-DEST# . \" The car is a #TAXI-INFORM-CAR# and the Contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book a taxi for you from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "The taxi is a #TAXI-INFORM-CAR# which will pick you up at #TAXI-INFORM-DEPART# and take you to #TAXI-INFORM-DEST# by your reservation time . The taxi contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I have #TAXI-INFORM-CAR# booked to pick you up from the #TAXI-INFORM-DEPART# and take you to the #TAXI-INFORM-DEST# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , your driver will be in a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Can I just confirm , you 're traveling back to the #TAXI-INFORM-DEST# from the #TAXI-INFORM-DEPART# ?",
+ "Alright , I have a taxi booked to take you from #TAXI-INFORM-DEPART# to the #TAXI-INFORM-DEST# . It will be a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "You have a #TAXI-INFORM-CAR# . That is the car type . It will take you from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , ref . # #TAXI-INFORM-PHONE# .",
+ "I booked a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# arriving before your reservation . It is a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Your booking has been completed from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . The taxi will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to find a taxi to take you from the #TAXI-INFORM-DEPART# to the #TAXI-INFORM-DEST# . It will be a #TAXI-INFORM-CAR# phone number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Arrive;Car;Phone;": [
+ "I ' ve booked a #TAXI-INFORM-CAR# with a contact no . #TAXI-INFORM-PHONE# . It should arrive by #TAXI-INFORM-ARRIVE# 15 minutes before the booked time .",
+ "Okay I was able to secure you a #TAXI-INFORM-CAR# that will make sure you arrive by #TAXI-INFORM-ARRIVE# and their contact number is #TAXI-INFORM-PHONE# .",
+ "The car type is a #TAXI-INFORM-CAR# and the contact info is #TAXI-INFORM-PHONE# . They will pick you up in time to have you at the restaurant by #TAXI-INFORM-ARRIVE# .",
+ "your booking is complete your car will be a #TAXI-INFORM-CAR# the contact number is #TAXI-INFORM-PHONE# . It will have you at your destination by #TAXI-INFORM-ARRIVE# is there anything else ?",
+ "Okay ! You will arrive by #TAXI-INFORM-ARRIVE# . Booked car type : #TAXI-INFORM-CAR# , Contact number : #TAXI-INFORM-PHONE# .",
+ "It looks like you will arrive by #TAXI-INFORM-ARRIVE# . Your booking is complete and the car type is #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Yes I have booked you a taxi and a #TAXI-INFORM-CAR# will be picking you up to arrive by #TAXI-INFORM-ARRIVE# . The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "I have booked you a taxi to arrive at your destination by #TAXI-INFORM-ARRIVE# . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# . Anything else I can help with ?",
+ "I ' ve arranged for the taxi to get you to the restaurant by #TAXI-INFORM-ARRIVE# . You 'll be picked up in a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Booking completed ! \n Booked car type \t : \t #TAXI-INFORM-CAR# \n Contact number \t : \t #TAXI-INFORM-PHONE# \n You will arrive by #TAXI-INFORM-ARRIVE# .",
+ "Booking completed ! A #TAXI-INFORM-CAR# will be arriving at #TAXI-INFORM-ARRIVE# . The contact number is #TAXI-INFORM-PHONE# . Thank You !"
+ ],
+ "Arrive;Car;Dest;Phone;": [
+ "Alright ! I have a taxi booked to get you to #TAXI-INFORM-DEST# #TAXI-INFORM-ARRIVE# . It is a #TAXI-INFORM-CAR# , the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# that will get you to the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . Phone number is #TAXI-INFORM-PHONE# .",
+ "Alright , I have got you a taxi to get you to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . Be looking for a #TAXI-INFORM-CAR# . Their contact number is #TAXI-INFORM-PHONE# just in case .",
+ "I was able to book the taxi arriving at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . It will be a #TAXI-INFORM-CAR# and the \n contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you a taxi to arrive at the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The car driven will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked at taxi for you . It 's a #TAXI-INFORM-CAR# . It will get you to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a #TAXI-INFORM-CAR# arriving at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# on Wednesday and their contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book your taxi for you . It will get you to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . Be expecting a #TAXI-INFORM-CAR# . Their number is #TAXI-INFORM-PHONE# .",
+ "I ' m sorry about that . I have booked you a #TAXI-INFORM-CAR# arriving at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked you with a #TAXI-INFORM-CAR# to arrive by #TAXI-INFORM-ARRIVE# at #TAXI-INFORM-DEST# . The phone number to contact them is #TAXI-INFORM-PHONE# . \n ."
+ ],
+ "Car;Depart;Dest;Leave;Phone;": [
+ "Your taxi has been booked from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at #TAXI-INFORM-LEAVE# . You will be picked up by a #TAXI-INFORM-CAR# with contact # #TAXI-INFORM-PHONE# .",
+ "No problem , your car ( a #TAXI-INFORM-CAR# ) has been booked to leave #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and head to #TAXI-INFORM-DEST# . Their contact number is #TAXI-INFORM-PHONE# if you need to call .",
+ "I was able to book a tax from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , departing at #TAXI-INFORM-LEAVE# . It will be a #TAXI-INFORM-CAR# and the phone number for contact is #TAXI-INFORM-PHONE# .",
+ "Okay you 're all set for a car . There will be a #TAXI-INFORM-CAR# taking you from the #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , leaving the hotel at #TAXI-INFORM-LEAVE# . Their contact number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# to take you to #TAXI-INFORM-DEST# . The driver 's contact number is #TAXI-INFORM-PHONE# .",
+ "OK ! I have booked you a #TAXI-INFORM-CAR# leaving #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and heading to #TAXI-INFORM-DEST# . The Driver 's number is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will pick up up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and bring you to #TAXI-INFORM-DEST# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I booked a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at #TAXI-INFORM-LEAVE# . The car will be a #TAXI-INFORM-CAR# , contact number is #TAXI-INFORM-PHONE# .",
+ "You 'll be picked up at #TAXI-INFORM-DEPART# , to #TAXI-INFORM-DEST# , by #TAXI-INFORM-LEAVE# . Your auto is a #TAXI-INFORM-CAR# , contact number : #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# car will arrive at #TAXI-INFORM-LEAVE# to pick you up at your #TAXI-INFORM-DEPART# to take you to the #TAXI-INFORM-DEST# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay I have that booked for you , the contact number is #TAXI-INFORM-PHONE# , be looking for a #TAXI-INFORM-CAR# to pick you up from #TAXI-INFORM-DEPART# around #TAXI-INFORM-LEAVE# and take you to #TAXI-INFORM-DEST# .",
+ "OK , I have a #TAXI-INFORM-CAR# picking you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and traveling to the #TAXI-INFORM-DEST# . Contact number is #TAXI-INFORM-PHONE# .",
+ "There is a #TAXI-INFORM-CAR# booked for you to go from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at #TAXI-INFORM-LEAVE# . Their contact number is #TAXI-INFORM-PHONE# in case you need to reach them .",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and take you to #TAXI-INFORM-DEST# . If you need to contact the driver , call #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will arrive to pick you up at the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and will take you to #TAXI-INFORM-DEST# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Great - I have a #TAXI-INFORM-CAR# picking you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and heading to #TAXI-INFORM-DEST# . The contact number is #TAXI-INFORM-PHONE# . Can I help with anything else ?",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and take you to #TAXI-INFORM-DEST# . Contact number is #TAXI-INFORM-PHONE# . Can I help you with anything else today ?",
+ "My apologies ! I ' ve changed your taxi booking : picking up : #TAXI-INFORM-DEPART# and drop off : #TAXI-INFORM-DEST# , leaving at #TAXI-INFORM-LEAVE# . Your car will be a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# .",
+ "OK , a #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# and take you to the #TAXI-INFORM-DEST# at #TAXI-INFORM-LEAVE# . The contact number for the taxi is #TAXI-INFORM-PHONE# ."
+ ],
+ "Car;Depart;Dest;Leave;": [
+ "Great your booking is complete . You will be picked up in a #TAXI-INFORM-CAR# by #TAXI-INFORM-LEAVE# at #TAXI-INFORM-DEPART# and dropped off at the #TAXI-INFORM-DEST# .",
+ "Your taxi was booked successfully . You will be picked up in a #TAXI-INFORM-CAR# by #TAXI-INFORM-LEAVE# at the #TAXI-INFORM-DEPART# and dropped off at #TAXI-INFORM-DEST# .",
+ "Your taxi was successfully booked . A #TAXI-INFORM-CAR# car will pick you up at #TAXI-INFORM-LEAVE# from the #TAXI-INFORM-DEPART# and take you to the #TAXI-INFORM-DEST# restaurant .",
+ "OK , we can get you a #TAXI-INFORM-CAR# at #TAXI-INFORM-LEAVE# from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "Your taxi reservation on a #TAXI-INFORM-CAR# is complete . You will be picked up at #TAXI-INFORM-LEAVE# at #TAXI-INFORM-DEPART# and dropped off at #TAXI-INFORM-DEST# ."
+ ],
+ "Car;Dest;": [
+ "Congrats you got the #TAXI-INFORM-CAR# enjoy your ride to #TAXI-INFORM-DEST# ."
+ ],
+ "Car;Depart;Phone;": [
+ "Okay I got you a #TAXI-INFORM-CAR# that will pick you up from the #TAXI-INFORM-DEPART# and their contact number is #TAXI-INFORM-PHONE# . \n .",
+ "Thank you , I was able to book a taxi for #TAXI-INFORM-DEPART# . It will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "Sure ! I have booked a #TAXI-INFORM-CAR# to pick you up at 09:15 from #TAXI-INFORM-DEPART# . The contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "A #TAXI-INFORM-CAR# will be picking you up at #TAXI-INFORM-DEPART# . Their contact number is #TAXI-INFORM-PHONE# if you have any questions .",
+ "A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# . Should you need to contact them , the number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve reserved your taxi , a #TAXI-INFORM-CAR# that will pick you up at the #TAXI-INFORM-DEPART# . Please call #TAXI-INFORM-PHONE# to confirm pick up time .",
+ "I ' m looking at #TAXI-INFORM-CAR# that will pick you up from #TAXI-INFORM-DEPART# . The contact number is #TAXI-INFORM-PHONE# .",
+ "I ' ve got a #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# leaving at #TAXI-INFORM-DEPART# .",
+ "A #TAXI-INFORM-CAR# will pick you up at the #TAXI-INFORM-DEPART# . The contact number is #TAXI-INFORM-PHONE# . Is there anything else I can help you with ?",
+ "Okay . No problem . I have corrected that for you . I have booked you into a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# . They will pick you up at #TAXI-INFORM-DEPART# .",
+ "Okay , A #TAXI-INFORM-CAR# will pick you up at 10:15 at #TAXI-INFORM-DEPART# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Sure I was able to book you a #TAXI-INFORM-CAR# for #TAXI-INFORM-DEPART# and your contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve booked you a taxi leaving your hotel at #TAXI-INFORM-DEPART# . Look for a #TAXI-INFORM-CAR# , and if you need to contact them their number is #TAXI-INFORM-PHONE# .",
+ "Alright , a #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# . Your contact number is #TAXI-INFORM-PHONE# .",
+ "I was able to book you a #TAXI-INFORM-CAR# for #TAXI-INFORM-DEPART# , the contact number is #TAXI-INFORM-PHONE# .",
+ "Ok I booked you a taxi to leave the acorn guest house at #TAXI-INFORM-DEPART# . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# .",
+ "I have booked a cab to take you to the restaurant when you leave #TAXI-INFORM-DEPART# . The booked car type is a #TAXI-INFORM-CAR# . \n The contact number is #TAXI-INFORM-PHONE# .",
+ "a #TAXI-INFORM-CAR# will pick you ap at #TAXI-INFORM-DEPART# the contact number is #TAXI-INFORM-PHONE# , is there anything else today ?"
+ ],
+ "Arrive;Car;Depart;Dest;Phone;": [
+ "OK , a #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# and get you to the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The contact number is #TAXI-INFORM-PHONE# . Can I help further ?",
+ "Your taxi has been booked to take you from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at #TAXI-INFORM-ARRIVE# . Your taxi will be a #TAXI-INFORM-CAR# and the contact bumber is #TAXI-INFORM-PHONE# .",
+ "I ' ve booked you a #TAXI-INFORM-CAR# departing the #TAXI-INFORM-DEPART# and arriving and #TAXI-INFORM-DEST# prior to your #TAXI-INFORM-ARRIVE# reservation . You can reach the driver at #TAXI-INFORM-PHONE# .",
+ "Okay , I ' ve reserved a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . You will arrive in time for your #TAXI-INFORM-ARRIVE# reservation . It 's a #TAXI-INFORM-CAR# contact no . #TAXI-INFORM-PHONE# .",
+ "I ' ve booked your taxi ! A #TAXI-INFORM-CAR# will pick you up at the #TAXI-INFORM-DEPART# to bring you to the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The contact number is #TAXI-INFORM-PHONE# .",
+ "Your car is booked . A #TAXI-INFORM-CAR# will pick you up at #TAXI-INFORM-DEPART# and get you to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . Their contact number is #TAXI-INFORM-PHONE# if you need to call .",
+ "I have booked your taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# to arrive by #TAXI-INFORM-ARRIVE# . Booked car type #TAXI-INFORM-CAR# , contact number #TAXI-INFORM-PHONE# . May I help with anything else ?",
+ "I have booked a taxi departing from #TAXI-INFORM-DEPART# and arriving at #TAXI-INFORM-DEST# at #TAXI-INFORM-ARRIVE# . It will be a #TAXI-INFORM-CAR# . Contact number : #TAXI-INFORM-PHONE# .",
+ "It sounds like you wish to depart #TAXI-INFORM-DEPART# and arrive at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# , is this correct ? If so , I ' ve booked a #TAXI-INFORM-CAR# for you , contact #TAXI-INFORM-PHONE# ."
+ ],
+ "Car;Dest;Phone;": [
+ "Okay , I got a #TAXI-INFORM-CAR# with a contact number of #TAXI-INFORM-PHONE# , that 'll take you to the #TAXI-INFORM-DEST# .",
+ "A #TAXI-INFORM-CAR# will pick you up and get to you to the #TAXI-INFORM-DEST# in time for that reservation . The contact number is #TAXI-INFORM-PHONE# .",
+ "Okay , you 're all set . I ' ve booked your taxi to #TAXI-INFORM-DEST# . The car will be a #TAXI-INFORM-CAR# and the contact number is #TAXI-INFORM-PHONE# ."
+ ],
+ "Depart;Dest;Leave;": [
+ "Alright , I have your taxi booked to pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# to go to the #TAXI-INFORM-DEST# .",
+ "I apologize for the confusion . Currently , the taxi is set to depart #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# to go to #TAXI-INFORM-DEST# . Does this need to be changed ?",
+ "Alright , you 're all booked . Your taxi will pick you up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and take you to #TAXI-INFORM-DEST# ."
+ ],
+ "Car;Depart;Leave;": [
+ "There will be a #TAXI-INFORM-CAR# in #TAXI-INFORM-DEPART# to pick you up at #TAXI-INFORM-LEAVE# .",
+ "I have booked the taxi for you picking you up at #TAXI-INFORM-LEAVE# at nandos going to the #TAXI-INFORM-DEPART# . Look out for a #TAXI-INFORM-CAR# ."
+ ],
+ "Depart;Dest;": [
+ "Ok , I ' ve booked you a taxi from your #TAXI-INFORM-DEPART# to your #TAXI-INFORM-DEST# . It will get you there before your reservation time .",
+ "We have the destination as #TAXI-INFORM-DEST# and departing from #TAXI-INFORM-DEPART# ."
+ ],
+ "Arrive;Car;Leave;": [
+ "I have you booked leaving at #TAXI-INFORM-LEAVE# and arriving at #TAXI-INFORM-ARRIVE# . Your car is a #TAXI-INFORM-CAR# ."
+ ],
+ "Arrive;Leave;": [
+ "I ca n't tell the exact arrival time , but expect it #TAXI-INFORM-LEAVE# . It will get you to the theatre #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Dest;": [
+ "They did not mention what time that would be , only that you 'd be arriving at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . Perhaps you can give them a ring at that contact number ?",
+ "Booking was successful . You will arrive at the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "I have booked you a taxi for Friday to arrive at #TAXI-INFORM-DEST# at #TAXI-INFORM-ARRIVE# . Is there anything else I may help you with ?",
+ "Yes the taxi will arrive at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Car;": [
+ "I have confirmed your taxi , a #TAXI-INFORM-CAR# will be picking you up at #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Arrive;": [
+ "Yes , the taxi is due to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I can schedule a taxi for you from here , I can book one for the closest time to #TAXI-INFORM-ARRIVE# .",
+ "Yes , you will arrive by #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Car;Depart;Dest;Leave;Phone;": [
+ "OK , a #TAXI-INFORM-CAR# will pick you up at the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# to get you to the #TAXI-INFORM-DEST# in time for that #TAXI-INFORM-ARRIVE# reservation . Contact number #TAXI-INFORM-PHONE# ."
+ ],
+ "Dest;": [
+ "Yes , it 's picking you up there and taking you to the #TAXI-INFORM-DEST# in time for your reservation .",
+ "I have booked a taxi to take you to #TAXI-INFORM-DEST# for your reservation ."
+ ],
+ "Depart;Dest;Leave;Phone;": [
+ "I have booked you taxi fro your #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , leaving at #TAXI-INFORM-LEAVE# . The contact number is #TAXI-INFORM-PHONE# . Can I help with anything else ?"
+ ],
+ "Arrive;Car;Depart;Phone;": [
+ "I ' ve successfully booked a taxi leaving #TAXI-INFORM-DEPART# at #TAXI-INFORM-ARRIVE# -- it 'll be a #TAXI-INFORM-CAR# . The contact number is #TAXI-INFORM-PHONE# if you have any issues ."
+ ],
+ "Car;Depart;": [
+ "Your booking is completed , a #TAXI-INFORM-CAR# will be picking you up at #TAXI-INFORM-DEPART# ."
+ ]
+ },
+ "Taxi-Request": {
+ "Arrive;Leave;": [
+ "What time do you want to leave and what time do you want to arrive by ?",
+ "When would you like to leave and arrive ?",
+ "Alright . I will just need a time from you please .",
+ "I can book you a taxi , can you tell me the arrival or departure time ?",
+ "Ok great and what time do you prefer ?",
+ "Okay , was there a specific time you were looking for ?",
+ "Sure ! When would you like to leave and arrive by ?",
+ "I can do that . Do you have a departure time or arrival time for your trip ?",
+ "For how many people & what time do you want to leave & arrive ?",
+ "I sure can ! I 'll just need to know a time that you either want to arrive at the hotel by or leave the college by .",
+ "I would love to help ! When would you like to leave or arrive by ?",
+ "What time would you like to leave ? or arrive by ?",
+ "Of course ! What time would you like the taxi to leave or arrive ?",
+ "Yes , I can . Can you please give me the time you 'd like to leave or arrive by ?",
+ "When would you like to arrive or depart and what day ?",
+ "Can you please provide me with a destination and arrival time ? Thank you .",
+ "I would be happy to help with your request , but first I will need to know , what time you would like to leave / arrive ?",
+ "Ok , and what time will you need to arrive / leave ?",
+ "What time would you like to leave or arrive ?",
+ "I 'd love to help ! When would you like to arrive or leave by ?",
+ "What times were you thinking about leaving and arriving ?",
+ "Okay . Then to book I will need to know what time you want to either leave the restaurant or what time you 'd like to arrive at the hotel by .",
+ "Yes , do you have a time in mind ?",
+ "Can you tell me what time you d like to leave or arrive by ?",
+ "When would you like to depart or arrive by ?",
+ "When would you like to leave or arrive ?",
+ "what time would you like to leave or arrive ?",
+ "Got it . And can I have a time please ?",
+ "I need to know a departure and/or arrival time .",
+ "What time frame would you like this to happen in ?",
+ "Not a problem , I will need your preferred pick up and arrival times in order to book your cab .",
+ "Sure , I can help with that . When would you like to leave or arrive ?",
+ "Alright . Now , can you just tell me either when you 'd like to leave after or the time you 'd like to arrive by ?",
+ "When would you like to leave / arrive by ?",
+ "What time would you like to be picked up from your start point , or dropped off at your destination ?",
+ "Can you tell me what time you would like the taxi to leave after or arrive by ?",
+ "Okay , and what time would you like to leave or arrive by ?",
+ "I can help with that . Did you have a specific time in mind ?",
+ "Can you tell me what time you want to leave the Golden Wok and when you want to arrive at the Golden Curry ?",
+ "Okay . I can get you a taxi if you know the time you 'd like to leave or arrive .",
+ "Ok great , I will also need to know what your preferences are for your pick up and arrival times to book your taxi .",
+ "Okay . Can you tell me the departure or arrival time ?",
+ "What time would you like to leave the museum or arrive to the hotel by ?",
+ "What time would you like to leave or arrive by ?",
+ "Of course ; can you tell me what time you need to leave or arrive by ?",
+ "Okay . Can you give me a time that you 'd prefer to leave after or arrive by ?",
+ "It would be my pleasure to book that for you . What time would you like to leave or arrive ?",
+ "Sure , I 'll need to know a time frame for arrival or departure though .",
+ "I need one more information . Do you have a time preference of when to leave or arrive ?",
+ "When would you like to leave or arrive by ?",
+ "What time would you like to leave or arrive ?",
+ "Sure , I can do that . Can you give me the time frame for the taxi ?",
+ "What time do you want to leave or arrive by ?",
+ "Sure ! What time will this be for ?",
+ "When would you like to arrive by or leave at ?",
+ "Could you tell me when you would like to depart and when you would like to arrive ?",
+ "Of course , is there a specific time you 'd like to leave the restaurant , or a time you want to arrive at the hotel ?",
+ "And do you want to be picked up from whipple museum at 2100 or get to restaurant two two at 2100 ?",
+ "What time would you like to travel ?",
+ "Do you have a frame of time you would like to arrive or leave in ?",
+ "Please give me information about when you want to leave and arrive .",
+ "Certainly ! Do you have an arrival or departure time in mind ?",
+ "Sure thing , when would you like to arrive or leave by ?",
+ "Absolutely ! What time would you like me to set up a taxi ?",
+ "Ok great and what times do you prefer ?",
+ "Do you have a departure or arrival time ?",
+ "I 'll need to know when you want to leave or arrive .",
+ "Okay , when would you like to leave or arrive by ?",
+ "What time would you like to leave and or arrive ?",
+ "I need to know when you want to leave and arrival time in order for me to order you a taxi .",
+ "Sure , when will you need the cab ?",
+ "Ok great , and what time would you like to leave / arrive ?",
+ "For what times .",
+ "Sure . What time would you like the taxi for ?",
+ "Do you have a time you 'd like to leave or arrive by ?",
+ "I can help with that ! What time do you need to leave or arrive by ?",
+ "Great . And do you have a departure or arrival time ?",
+ "Sure . What time did you want to leave and arrive by ?",
+ "Please give me information on when you want to leave and arrive .",
+ "I 'll need to know when you would like to leave Rajmahal or arrive at the Worth House first .",
+ "Sure . What time do you want to leave and arrive by ?",
+ "What time would you like to leave , and what time do you want to arrive by ?",
+ "Okay , what time would you like to depart or arrive ?",
+ "What time would you like to leave and arrive by ?",
+ "when do you want to leave or arrive by ?",
+ "I need some more information please . When would you like to leave and when would you like to arrive ?",
+ "Would you like to specify a departure or arrival time ?",
+ "What time do you need to leave Hamilton Lodge or arrive at the Funky Fun House ?",
+ "Absolutely - do you have a particular arrival or departure time in mind today ?",
+ "No problem at all . What time do you want to leave and arrive by , respectively ?",
+ "Sure I can help you with that . What time do you want to leave or arrive by ?",
+ "When would you like the leave and arrive by ?",
+ "Yes what time would you like to travel by taxi ?",
+ "Certainly . Could you please tell me either the time you want to leave or the time you would like to arrive by ?",
+ "when do you want to depart and/or arrive ?",
+ "Great , and what time would you like to leave or arrive by ?",
+ "What time do you wan to leave and arrive by ?",
+ "what time do you need to leave or arrive by ?",
+ "Before I can complete your request please let me know a departure and or arrival time . Thank you .",
+ "What time would you like to arrive or depart from the hotel ?",
+ "When do you wan to leave or arrive by ?",
+ "Sure ! when would you like to leave or arrive by ?",
+ "Sure . What time would you like to leave or arrive by ?",
+ "I can help you with that . What is the timeframe you were looking for ?",
+ "What time do you need to leave or arrive ?",
+ "Yes I can I just need the travel time , departure time , and arrival time .",
+ "Sure thing , when would you like to arrive or leave by ?",
+ "What time frame would you like it to be in ?",
+ "in order for me to get a cab for you I need the arrival and or departure times",
+ "I 'd be happy to help . What time would you like to leave and/or arrive by ?",
+ "I will need a time to be picked up or a time you want to leave before I can book a taxi .",
+ "Great . Now I will just need a time .",
+ "Sure . When will you need the taxi ?",
+ "What time would you like me to schedule the taxi for ?",
+ "And when would you like to leave or arrive by ?",
+ "Great , what time would you like to leave by or arrive by ?",
+ "I will need more information to book the taxi for you . What time would you like to depart and what time would you like to arrive by ?",
+ "When would you like to leave the restaurant or arrive at the college ?",
+ "Thank you , please provide what time you want to leave the hotel or time you want to arrive at Clare Hall .",
+ "When would you like the taxi for ?",
+ "What time would you like to leave and arrive for your taxi ?",
+ "What are the times you would like to leave and/or arrive ?",
+ "Great . And now I will just need a time from you .",
+ "Can you specify a departure or arrival time ?",
+ "I need a travel time please .",
+ "Do you have a specific arrival or departure time ?",
+ "Can you tell me what time you prefer to leave by or arrive by ?",
+ "When would you like to leave or arrive by ?",
+ "Okay . Can I get a time that you 'd like to leave after or arrive by ?",
+ "Before I can book your taxi , what time are you wanting to leave or arrive by ?",
+ "I can definitely help with that . First I 'll need to know though either when you want to leave the attraction or what time you want to arrive at the hotel by",
+ "Alright , and now I 'll just need to know a time you either would like to arrive by or leave after please",
+ "what time would you like ?",
+ "Sure I can help with that . May I have the time you want to leave riverside brasserie , or the time you need to arrive at the destination ?",
+ "I can book that for you , what time will you be leaving / arriving ?",
+ "Alright . I will just need to know what time you 'd like to arrive there or when you prefer to leave",
+ "Okay , when do you want to leave the hotel ? When do you want to arrive at the restaurant ?",
+ "Can you tell me what time you would like to leave or arrive by ?",
+ "Could you tell me when you would like to leave by and when you would like to arrive ?",
+ "Yes , what time do you need the taxi ?",
+ "Ok great and what time do you prefer ?",
+ "And when would you like to leave or arrive ?",
+ "Great , do you have a leave by , or an arrival time in mind ?",
+ "What time would you like to leave or arrive by ?",
+ "Ok great , and what is your time preference ?",
+ "Yes but I need to know what time to you want to leave or arrive at the restaurant .",
+ "I can do that for you . Do you know when you 'd like to leave or arrive so I can schedule the car ?",
+ "Okay , I need more information . When are you wanting to leave and arrive ?",
+ "I would love to help . When would you like to arrive or leave by ?",
+ "I 'll need to know when you need to be picked up or dropped off .",
+ "May I have the time you would like to leave Milton Country Park and arrive at Sitar Tandoori so I can get this booked for you ?",
+ "Sure thing , when would you like to arrive or leave by ?",
+ "Can you let me know when you want to leave or when you want to arrive ?",
+ "I can help you with that . Do you have a time when you need to leave or arrive by ?",
+ "What time would you like to leave and arrive ?",
+ "I can definitely help with that - what time would you like to leave and/or arrive ?",
+ "I will need a departure or arrival time .",
+ "Sure thing , when would you like to arrive or leave by ?",
+ "I 'd be happy to assist you today . I 'll need a little bit of information from you - let 's start with what time you 'd like to leave / arrive ?",
+ "Certainly . Would time would you like to leave and arrive at your destination .",
+ "No problem . What time would you like to leave and arrive ?",
+ "In order to book you a taxi I will need to know either when you would like to leave or arrive by ?",
+ "I need to know when you would like to be picked up or arrive .",
+ "I will need a departure time or an arrival time between the two locations .",
+ "What time would you like to leave or arrive by ?",
+ "I can get you a taxi from the guest house to the church , I just need to know what time you 'd like to leave and/or arrive by .",
+ "What time would you like the taxi ?",
+ "I can help with that . Do you have a departure or arrival time in mind ?",
+ "Could you please tell me what time you want to leave or what time you want to arrive so I can book the taxi for you ?",
+ "What time would you like to leave or arrive ?",
+ "Sure ! And what time preference do you have ?",
+ "What time will you like to leave or arrive by ?",
+ "What time would you like to arrive and leave ?",
+ "What time will you be leaving and what time you will like to arrive ?",
+ "I can help you with that booking , what time are you wanting to leave / arrive by ?",
+ "What time would you like to leave and arrive by ?",
+ "Just to clarify my question , can you tell me what time to book your taxi for . What time do you need to leave or arrive ?",
+ "Certainly - what time would you like to leave and/or arrive ?",
+ "Easy enough . What time would you like to leave by as well as arrive to ?",
+ "We can help with that . What time do you wish to leave / arrive at your destination ?",
+ "Certainly . Would time would you like to leave and arrive at your destination .",
+ "Ok great and what time do you prefer to leave or arrive ?",
+ "what time would you like to leave or arrive by ?",
+ "I sure can . Can you tell me what time you want your taxi to leave or arrive by ?",
+ "Alright , when would you like to leave and arrive by ?",
+ "When do you want to leave or arrive by ?",
+ "I can do that . I just need to know what time you want to leave or arrive ?",
+ "I can book you at taxi from ashely hotel to fitzbillies restaurant . I would just need to know what time you 'd like to leave and what time to arrive .",
+ "What time would you like to leave and arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Do you have a time you are needing to arrive by ?",
+ "I 'd be happy to help . What time do you want to leave and/or arrive by ?",
+ "Okay , I need to know when you would like to leave the hotel and when you 'd like to arrive at the museum please ."
+ ],
+ "Depart;": [
+ "Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Where will you leave from ?",
+ "What time do you want the Taxi to meet you ?",
+ "I can book that for you , first I 'll need to know where you 'd like picked up at .",
+ "I would like a taxi to take me to London liverpool street train station",
+ "No problem . Where are you departing from ?",
+ "Okay . Where are you departing from , please ?",
+ "I can help with that - where are you leaving from ?",
+ "Where will you be leaving from ?",
+ "Where would you like the taxi to pick you up at ?",
+ "Okay , what is your departure site ?",
+ "Where do you want to be picked up ?",
+ "What time would you like to travel by taxi ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help - where should the taxi pick you up ? And just to confirm - you need to leave at 18:15 ?",
+ "Where are you departing from ?",
+ "Where will you leave from ?",
+ "Where would you like to be picked up ?",
+ "What is your departure site ?",
+ "I would be happy to book that for you , where do you need picked up from ?",
+ "Where do you want to be picked up ?",
+ "Will you be getting picked up from allenbell ?",
+ "Where is your departure site ?",
+ "What will be your departure site ?",
+ "headed to what place ?",
+ "Sure ! Where are you coming from ?",
+ "From where will you be picked up ?",
+ "Okay , which would you like to leave from ?",
+ "Sure , I can help you find a taxi . First I need a specific location the taxi will pick you up at .",
+ "Where will you be departing from ?",
+ "Okay , I will need your departure site first",
+ "You need a cab to get you to the restaurant before the booked time and where do you need cab to pick you up at ?",
+ "Where will you leave from ?",
+ "When would you like to be picked up ?",
+ "Will you be departing from your hotel ?",
+ "I can , would you like to take a taxi and from where ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "I can help you with that , where are you departing from ?",
+ "I ' m sorry . I meant to ask where are you departing from ?",
+ "Where will you be departing from ?",
+ "I ' m having trouble setting up the taxi . Are you leaving from Nusha ?",
+ "Sure ! what is your departure site ?",
+ "I would be happy to help with your request , where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Sure ! when would you like to arrive ?",
+ "Where will you be coming from ?",
+ "Ok , what is your departure site ?",
+ "All right , when would you like to depart ?",
+ "Where will you be departing from ?",
+ "I can look that up , where would you like to leave from ?",
+ "We will have to know which hotel you are staying at first before booking a taxi .",
+ "Okay ! From where are you departing ?",
+ "Sure . What is your departure site ?",
+ "I would be happy to help with your request , where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Okay , what is your departure site ?",
+ "Sure ! What is your departure site ?",
+ "Where will you be departing from ?",
+ "Where would you like to depart from ?",
+ "Certainly . What time would you like the taxi to fetch you from the restaurant ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Where are you departing from ?",
+ "You never actually mentioned a restaurant . Are you needing help finding one ?",
+ "Where will you be departing from to get to the restaurant ?",
+ "Great , where should I send the car ?",
+ "Yes , a taxi can take you to Addenbrookes Hospital . Where are you now ?",
+ "I 'd be happy to help with your request , will you be leaving at 16:30 and what is your departure site ?",
+ "Where would you like to depart from",
+ "Thank you , but before I can create your booking I need to know where you 'll be departing from .",
+ "Where will you leave from ?",
+ "Okay . Where do you want to leave from ?",
+ "Where would you be getting picked up ?",
+ "Where would you be departing from ?",
+ "Ok , where are you leaving from ?",
+ "Sure . What is your departure site ?",
+ "Sure ! Where are you coming from ?",
+ "And where should they pick you up from ?",
+ "Where will you leave from ?",
+ "One more question . Where do you need to be picked up from ?",
+ "Ok , what time do you want to leave ?",
+ "Alright . What is your departure site ?",
+ "To book you a taxi , i will need to know where will you be departing from .",
+ "Where do you want to be picked up ?",
+ "Where would you like to be picked up from ?",
+ "I 'd be happy to help , where will you be leaving from ?",
+ "Ok . I can help you with that . Where will you be leaving from ?",
+ "What is your departure site ?",
+ "I can definitely help ! Where are you departing from ?",
+ "And where will you be leaving from ?",
+ "What is your departure site ?",
+ "I would be happy to book a taxi for you . Will your pick - up point be the County Folk Museum ?",
+ "where is your departure site ?",
+ "I need a little more information . Where are you leaving from ?",
+ "Sure , I can do that . Where will you be departing ?",
+ "I ' m sorry , but I will need to know the departure site to be able to book this . From where will you be departing ?",
+ "Certainly . What side of town will you be leaving from ?",
+ "Would you like to leave from your hotel ?",
+ "Can you please give me the name of your hotel ?",
+ "Okay , where is your departure site ?",
+ "Sure ! When do you want to leave ?",
+ "Where will you be departing from ?",
+ "Sure ! What is your departure site ?",
+ "Sure , first I 'll need to know where you need picked up from .",
+ "Ok . I will be happy to help you with that . Where will the taxi pick you up ?",
+ "Where will you be leaving from ?",
+ "Okay , what is your departure site ?",
+ "Where will you leave from ?",
+ "Is that the huntingdon marriott hotel ?",
+ "Ok . And where will the taxi be picking you up from ?",
+ "Where would you like the taxi to pick you up from ?",
+ "Sure ! Where do you want to depart from ?",
+ "I would be happy to help with your request , where will you need picked up ?",
+ "Would the taxi be picking you up at the carolina bed and breakfast ?",
+ "Where will you depart from ?",
+ "Where would you like to depart from ?",
+ "Would you like to leave from the restaurant ?",
+ "I certainly can . When and where would you like to be picked up ?",
+ "Great are you arriving from a hotel , an attraction or perhaps the police station or hospital ?",
+ "Sure , i can book a taxi for you . Where would you be leaving from ?",
+ "Ok , what is your departure site ?",
+ "I can help you with that . Where would you like the taxi to pick you up ?",
+ "And where would you like to be picked up ?",
+ "Ok , what time do you want to leave ?",
+ "Where will you be departing from ?",
+ "From where will you be departing ?",
+ "Where would you like to travel from ?",
+ "Do you need the taxi to meet you at your hotel or the park , please ?",
+ "And where are you departing from ?",
+ "Where will you be departing from ?",
+ "Of course , from where will you be departing ?",
+ "Where would you like to be picked up ?",
+ "Just to confirm - you wanted picked up at alexander bed and breakfast correct ?",
+ "I would be happy to help with your request , first I 'll need to know where you 'll need picked up from .",
+ "And where shall the taxi pick you up from ?",
+ "What is the other place ?",
+ "I ' m sorry , what restaurant do you need to be picked up from ?",
+ "Which hotel are you staying in ?",
+ "Where will you be leaving from ?",
+ "I ' m sorry , but I do n't think we determined which park you wanted to visit . Where will you be departing from ?",
+ "Where would you be coming from ?",
+ "Ok , what is your departure site ?",
+ "Where are you leaving from , please ?",
+ "Can you please tell me where you will be leaving from so I can book your taxi ?",
+ "Which place do you want to be picked up from ?",
+ "Where will you leave from ?",
+ "Sure ! Where are you coming from ?",
+ "Please confirm . Are you departing from broxbourne train station or bankok city ?",
+ "Ok . Where do you need the taxi to pick you up at ?",
+ "Ok , what is your departure site ?",
+ "Sure , where would you liked to be picked up ?",
+ "Okay , where would you like to depart from ?",
+ "I would be happy to help you with your request , could you be more specific on where you 're departing from and on what day ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Where will the taxi be picking you up from ?",
+ "I can help book that for you , first I will need to know where you need picked up from .",
+ "Where will you leave from ?",
+ "Will you be leaving from Ballare ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Certainly , were would you like the taxi from ?",
+ "I can definitely help ! Where are you departing from ?",
+ "Yes i can ! What is your departure site ?",
+ "Where will you be traveling from ?",
+ "Sure , I can help you with that . Do you want the taxi to pick you up from the hotel ?",
+ "What is your departure site ?",
+ "Where would be your departure site ?",
+ "Got it . Now I will just need to know where the taxi should pick you up from",
+ "Sure ! Where are you coming from ?",
+ "Ok where is your departure site ?",
+ "I can definitely help ! Where are you departing from ?",
+ "What is your departure site ?",
+ "Okay , and where do you wish to travel to from the restaurant ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Before I can book the taxi I need to know what hotel you are staying at so the driver knows where to pick you up .",
+ "Alright . And where would you like to be picked up from ?",
+ "Okay . Where do you need to be picked up ?",
+ "And where will you be picked up from ?",
+ "I 'd be happy to book that for you , where do you need picked up from ?",
+ "Alright . I will just need to know what the departure site will be please",
+ "Where would you like to depart from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Okay ! From where will you be departing ?",
+ "I 'd be happy to book that for you , where will you need picked up ?",
+ "And where would you like the taxi to pick you up ?",
+ "Where would you like the taxi to pick you up ?",
+ "Where would you like the taxi to pick you up ?",
+ "I can book you a taxi to club salsa at 1:30 . Where do you need to be picked up ?",
+ "Where will you be departing from ?",
+ "In order to book the taxi , I will need the location of your hotel .",
+ "Which site will you be departing from ?",
+ "I would be happy to help with your request , where will you be departing from ?",
+ "I can help you with that . Which location would you like to have as your pickup point ?",
+ "Where would you like to be picked up from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Okay , could you tell me where you would like to depart from ?",
+ "Yes . Where will you be leaving from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Where will the taxi be picking you up ?",
+ "I just need to confirm , will you be leaving from the hotel ?",
+ "Where will you be departing from ?",
+ "Awesome . Where are you departing from ?",
+ "Yes , of course . What is your departure site ?",
+ "I would be happy to book you a taxi . Could you please tell me where you would like to depart from ?",
+ "Where would you like the taxi to pick you up from ?",
+ "Yes , where would you like to leave from ?",
+ "I can help you with that , but can you please let me know where you will be leaving from ?",
+ "Where will you be departing from today ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Where would you like to depart from ?",
+ "I would be happy to help with your request , where does the taxi need to pick you up from ?",
+ "And where are you departing from ?",
+ "I ' m sorry . I ' m having trouble processing that . Where are you leaving from again ?",
+ "Certainly ! Is there any particular place you would like the Taxi to pick you up ?",
+ "Okay , I will just need your departure site first please",
+ "Would you like to leave from bedouin ?",
+ "I 'd be happy to help with your booking , first I 'll need to know where you would like picked up from .",
+ "Sure ! What is your departure site ?",
+ "What is the departure site ?",
+ "Ok . What is your departure site ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "No problem , but first can you tell me where you need to leave from ?",
+ "Certainly . Where will you be departing from ?",
+ "Will you be leaving from the guesthouse and need a taxi for 4 ?",
+ "Which one will be leaving from ?",
+ "And where should we have them pick you up ?",
+ "Where are you departing from ?",
+ "Okay , where are you departing from ?",
+ "Which museum was that ?",
+ "Absolutely , where will the taxi be picking you up from today ?",
+ "I just need to know where you will be departing from at first to the restaurant .",
+ "What is the address of your house so I can book the taxi ?",
+ "I 'll need your pickup location to book the taxi .",
+ "Sure , where would you like to depart from ? Will you be needing the taxi on Saturday ?",
+ "I would be happy to assist with that . What is your pick - up point ?",
+ "Ok , where are you departing from ?",
+ "Okay , what is your departure site ?",
+ "I 'd be happy to book that for you , where are you departing from ?",
+ "sure , where will you be departing from to get to the restaurant ?",
+ "Yes of course , from where will you be leaving ?",
+ "Where will you need the taxi to pick you up ?",
+ "Okay , what is your departure site ?",
+ "Where will you be leaving from ?",
+ "I can definitely help ! Where are you departing from ?",
+ "Where will you be coming from ?",
+ "Where will you be departing from ?",
+ "I would be happy to help with your request , where will you be departing from ?",
+ "Where will your departure site be ?",
+ "No problem ! Where are you departing from ?",
+ "And where would you like to be picked up ?",
+ "Okay . Will you be leaving from Cambridge ?",
+ "What is your departure site ?",
+ "Where will you be leaving from ?",
+ "Not a problem - where should I have the car pick you up ?",
+ "Can you tell me where you will be leaving from ?",
+ "Where are you departing from ?",
+ "I can check that . What is your departure location ?",
+ "Where from the town centre do you need the taxi to pick you up ?",
+ "Where will you leave from ?",
+ "Where would the taxi pick you up from ?",
+ "Where will you be departing from ?",
+ "And where would you like to be picked up from ?",
+ "What time would you like to be picked up ?",
+ "I 'd be happy to book a taxi for you . Where would you like to depart from ?",
+ "Where would you like to be picked up ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Where do you need to be picked up ?",
+ "Ok , where are you leaving from ?",
+ "Where are you departing from ?",
+ "Where will we pick you up ?",
+ "Where will you leave from ?",
+ "What place will you be leaving from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "And where will you be leaving from ?",
+ "Where are you leaving from ?",
+ "Where would you like the taxi to meet you for departure ?",
+ "And where are you leaving from ?",
+ "I can book that for you , where will you be departing from ?",
+ "Great . And can you tell me where you 'd like to be picked up from ?",
+ "Okay and where do you need the taxi to pick you up ?",
+ "Certainly I can help with that , will you destination be from allenbell ?",
+ "I would be happy to help you with that . Where will you need to be picked up at ?",
+ "Which place will you be departing from ?",
+ "Yes , but which place will you be departing from ? The restaurant or the hotel ?",
+ "Okay , I will need some more information from you . What time would you like to leave ?",
+ "I can help you book that , first I 'll need to know where you 'd like picked up at .",
+ "Which place will you be leaving from ?",
+ "I will need a pickup location first",
+ "Sure I can do that ! Where is the departure site ?",
+ "Where would you like to be picked up ?",
+ "You would like to be picked up at the Autumn House ?",
+ "Will be be getting picked up from rosa 's bed and breakfast ?",
+ "Great . And where will you be leaving from ?",
+ "Sure ! Where is your departure site ?",
+ "Where will you be departing from ?",
+ "Could you tell me where you would like to leave from ?",
+ "Ok , I need a little bit more information , where will your taxi be departing from ?",
+ "And what is your departure location ?",
+ "Ok , what is your departure site ?",
+ "I will need to know where you need to be picked up ?",
+ "Sure , where are you departing from ?",
+ "Where are you departing from ?",
+ "what will be your depature site ?",
+ "Ok , where will you be leaving from ?",
+ "Where would you like to leave from ?",
+ "Sure ! What is your departure site ?",
+ "Where will you be departing from ?",
+ "I can not book without a departure site . Which hotel are you departing from ? You currently do not have one book and have not mention one .",
+ "Where are you departing from ?",
+ "Certainly we can arrange that - where should they pick you up ?",
+ "And where are you departing from please .",
+ "I can definitely help ! Where are you departing from ?",
+ "Where will you be leaving from ?",
+ "Sure , where are you coming from ?",
+ "Where would you like to be picked up ?",
+ "Where would the taxi need to pick you up ?",
+ "Where would you like to be picked up from ?",
+ "Tell me where you are leaving from , please .",
+ "Did you want it to pick you up from Saint Johns chop house ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "Sure ! Where are you coming from ?",
+ "Where will you be departing from ?",
+ "No problem - where should the car pick you up ?",
+ "can you confirm the pick up location please ?",
+ "What is your departure site ?",
+ "I can book you leaving after 2:45 to Junction . Where are you departing from ?",
+ "Yes what is your departure site ?",
+ "Where would you like the taxi to pick you up ?",
+ "Where will you leave from ?",
+ "Sure ! Where are you coming from ?",
+ "What is your departure site ?",
+ "What time do you need the taxi ?",
+ "No problem - where should I have them pick you up ?",
+ "Where would you like to taxi to pick you up from ?",
+ "What is your departure site ?",
+ "Okay ! What is your departure site ?",
+ "Where are you departing from ?",
+ "Where would you like the taxi to pick you up ?",
+ "Great . And where will you be leaving from ?",
+ "I can help with that . Where would you be departing from ?",
+ "I 'd be happy to help ! Where are you coming from ?",
+ "What is the name of the hotel you are coming from ?"
+ ],
+ "Dest;": [
+ "Do you mean that you want to book a taxi ? If so , what will your destination be ?",
+ "Where will the taxi be taking you ? And do you still need a hotel ?",
+ "I need to know where you are traveling to",
+ "Sure , just need one more piece of info to complete your taxi booking . Which restaurant will the taxi be taking you to ?",
+ "alright , then what is your destination please",
+ "I ' m sorry , are you going to the Cambridge chop house , or did you mean the cambridge shop ?",
+ "What is the destination ?",
+ "I 'd love to help ! Where are you going ?",
+ "And where will you be going ?",
+ "Where will you be going to ?",
+ "And where are you going ?",
+ "I would be happy to help with your request , what is your destination ?",
+ "What will your destination be ?",
+ "Okay , what is your destination ?",
+ "Where are you wanting the taxi to take you ?",
+ "Ok , and what is your destination please ?",
+ "I ' m sorry I need clarification . Do you need a taxi to the restaurant or to the hotel ?",
+ "I am the floor manager , I apologize , we are training a new crew . I have your taxi booked , look for a black honda , they can be reached at 07639528951 .",
+ "Great . And where will you be traveling to ?",
+ "I 'll need a destination to give them before I can book that for you .",
+ "What is your destination ?",
+ "Alright , and what is your destination ?",
+ "Where would you like the taxi to take you ?",
+ "and what is your destination ?",
+ "I can help with that , what is your destination ?",
+ "Ok , what is your destination ?",
+ "Where will you be going to ?",
+ "Ok , and what is your destination ?",
+ "And where are you headed ?",
+ "I can help you with that . First I just need your destination .",
+ "Sure , where would you like to go ?",
+ "Okay , and what is your destination ?",
+ "Sure ! where are you going ?",
+ "Where would you like the 2nd taxi to take you ?",
+ "What is your destination ?",
+ "You got it . Can you tell me your destination please ?",
+ "Okay , do you need the taxi to go to the restaurant or the attraction ?",
+ "Alright where would you like to go ?",
+ "And where will you be headed to ?",
+ "And what is your destination ?",
+ "I need the destination from Hughes Hall College .",
+ "What is your destination ?",
+ "I can help you with that . where are you going ?",
+ "Sure ! What is the destination for the taxi ?",
+ "I can help you with that . where are you going ?",
+ "Certainly . And where would you like the taxi to take you ?",
+ "Where is you destination ?",
+ "Where will you be taking the taxi to ?",
+ "what is your destination ?",
+ "Where are you looking to travel ?",
+ "Great . And what is your destination ?",
+ "Okay and what is your destination ?",
+ "I 'll need to know your destination please",
+ "There are several taxi 's , what will your destination be ?",
+ "I would need to know which two places you need to get to with the taxi . You only made restaurant reservations . You mentioned an attraction but never completed .",
+ "Okay . Where is the destination ?",
+ "Sure , can you tell me your destination just so I can be sure to send it to the right place ?",
+ "I 'd be happy to book that for you , what is your destination ?",
+ "Where is your destination ?",
+ "Where will the taxi be taking you tonight ?",
+ "Okay , what is your destination ?",
+ "I am sorry I need to know where you are going ?",
+ "What is your destination ?",
+ "I can help you with that . where are you going ?",
+ "Ok . Where are you going ?",
+ "Where is the destination ?",
+ "And where do you need the taxi to take you ?",
+ "Of course . I just need to know your destination .",
+ "Hello ! Where is the destination ?",
+ "What is your destination ?",
+ "Where would you like to go ?",
+ "What is the destination you are trying to get to ?",
+ "Sorry , I ' m a little confused . There was no mention of hotel . Where would you like to go ?",
+ "To what destination ?",
+ "Yes I can book that for you , first I 'll need to know your destination .",
+ "In order to book the taxi could you please tell me your destination ?",
+ "Where would like the taxi to take you ?",
+ "Sure thing , where are you going ?",
+ "Great ! And what is your destination ?",
+ "What destination would you like your taxi to take you to ?",
+ "Of course , where would you like the taxi to take you to ?",
+ "Where will you be heading to ?",
+ "And where will the taxi be taking you ?",
+ "Okay , where are you headed ?",
+ "Before I can request the taxi I need to know where you are going .",
+ "What will your destination be ?",
+ "Certainly . What is your destination ?",
+ "May I ask your destination ?",
+ "Could you tell me where your destination will be ?",
+ "Okay . I will need your destination first .",
+ "Can I get a destination for the taxi please ?",
+ "What is your destination ?",
+ "Where would you like to go ?",
+ "Will you be heading to the hotel ?",
+ "Can you specify your destination ?",
+ "I can help you book that , what hotel are you staying at ?",
+ "I would be happy to book that , first I will need to know your destination .",
+ "Where will you be heading to .",
+ "And where will the cab need to take you ?",
+ "I will be happy to book that for you . Where is your destination ?",
+ "I need to know where you are going ?",
+ "Where would you like to go with the taxi ?",
+ "I ' m happy to help you with that . I just need to know your destination and I can book that for you .",
+ "Where will you be taking the taxi to ?",
+ "I ' m sorry , which park would you like to go to ?",
+ "I can help you with that . where are you going ?",
+ "I can certainly do that for you . What is your destination ?",
+ "What is your destination please ?",
+ "Where are you going ?",
+ "Where will you be going ?",
+ "Ok . I can help you book a taxi from Scudamores Punting . Where do you want to go from there ?",
+ "and what is the destination ?",
+ "What is your destination ?",
+ "What would be your destination please ?",
+ "I can book a taxi for you but will need to know your destination in order to book it for you .",
+ "Where are you going ?",
+ "And what will your destination be ?",
+ "That can be arranged . What is your destination ?",
+ "Okay and what will your destination be ?",
+ "what is your destination ?",
+ "Okay , What is your destination ?",
+ "I 'd be happy to book that for you , but I just wanted to confirm your destination . Will that be your hotel ?",
+ "Would Cambridge Artworks be okay ?",
+ "Ok , what is your destination ?",
+ "Sure ! where are you going ?",
+ "And where will you be going ?",
+ "Alright , where will the taxi be taking you tonight ?",
+ "And can you tell me your destination please ?",
+ "Where will you be going ?",
+ "Sure , what will your destination be ?",
+ "I can help you with that . where are you going ?",
+ "You want to arrive by 10:45 at which destination , please ?",
+ "May I ask your destination ?",
+ "I need to know the name of destination please .",
+ "Where would you like to go ?",
+ "Could you tell me your destination , please ?",
+ "Ok . What is your destination ?",
+ "I can help you with that . where are you going ?",
+ "That 's okay . Where is your destination ?",
+ "What is your destination ?",
+ "I ' m sorry , but I can not provide you information on the taxi without knowing your destination .",
+ "What is your destination after leaving peking restaurant ?",
+ "Okay , what is your destination ?",
+ "Ok , where do you need to go ?",
+ "Ok , what is your destination ?",
+ "What is your destination ?",
+ "I can help you with that . where are you going ?",
+ "I 'd love to help ! Where are you going ?",
+ "Where are you going ? I can help you book a taxi once you give me your destination",
+ "Ok , I will also need your destination for booking purposes .",
+ "What is your destination ?",
+ "I 'd be happy to help with your request , first I 'll need to know what your destination is .",
+ "In order to reserve your taxi , may I please have your destination ?",
+ "Where would you like the taxi to take you ?",
+ "Sure , where will you be headed ?",
+ "Ok great and what will be your destination ?",
+ "Can you tell me where your destination is going to be for the taxi ?",
+ "I can set that up for you . where are you going ?",
+ "I can help you with that . where are you going ?",
+ "I will need your destination in order to book your taxi . Where will you be going to ?",
+ "What is the destination ?",
+ "Happy to help ! Where will you be traveling to ?",
+ "Where is the destination ?",
+ "I 'd be happy to book that for you . Where will you be heading ?",
+ "Of course , I just need to know your destination so I can book that for you .",
+ "to which direction will you be going ?",
+ "Ok , what is your destination ?",
+ "What is your destination ?",
+ "Sure ! What is your destination ?",
+ "what is your destination ?",
+ "Where will you be headed ?",
+ "Ok great , and where will you need to go ?",
+ "Where is the destination ?",
+ "Are you wanting taxi service to the theater . I'n not sure I understand your request .",
+ "Not a problem . Where would you like to go ?",
+ "Before I can complete the booking , I need to know what your destination will be ?",
+ "And where will your destination be ?",
+ "Where will you be going ?",
+ "Got it . And what is your destination please ?",
+ "Where will you be going ?",
+ "Okay , and what is your destination ?",
+ "Okay and what is the destination please ?",
+ "I 'd love to help ! Where are you going ?",
+ "Alright , and what is your destination ?",
+ "Where will you be going ?",
+ "What will your destination be ?",
+ "Where will your destination be ?",
+ "okay all I need is your destination .",
+ "What is your destination ?",
+ "What is your final destination ?",
+ "I can help you with that . where are you going ?",
+ "Could you tell me your destination please ?",
+ "I would be happy to help with your request , but first could you tell me what your destination is ?",
+ "Thank you . Where is your destination , please ?",
+ "I would love to help where are going to ?",
+ "Where will you go ?",
+ "You got it . What is your destination ?",
+ "I need a little more information to schedule your taxi . What is your destination ?",
+ "I 'd be happy to book that for you , first I 'll need to know your destination .",
+ "Will you be going back to the hotel or somewhere else ?",
+ "Ok . And what is your destination ?",
+ "Certainly . What is your destination ?",
+ "I can help you with that . where are you going ?",
+ "I 'd be happy to help you book a taxi , what hotel is your destination ?",
+ "Where is your desired destination ?",
+ "what s your destination ?",
+ "Sure . Where would you like to go to ?",
+ "Where are you going ?",
+ "I can help book that , what is your destination ?",
+ "Where would you like to go from the Broughton House Gallery ?",
+ "I just need a little more information . What will your destination be ?",
+ "I 'd be happy to help with your request , but first I will need to know what your destination is from the restaurant .",
+ "And where will you be going to , please .",
+ "What will be your destination ?",
+ "I will need to know where you are going as well .",
+ "Where will you be going ?",
+ "Absolutely . Where will be you going ?",
+ "Sure , can I have the destination for your taxi please ?",
+ "What is your destination ?",
+ "What movie theater would you like to go to ?",
+ "Great . And your destination please ?",
+ "I need more information to book that taxi . First , which cinema did you decide to visit ?",
+ "What is your destination ?",
+ "Okay , could you please tell me where you would like to travel to ?",
+ "What is your final destination ?",
+ "Where would you like to go to ?",
+ "Great . I can help with that . What will your destination be ?",
+ "Could you tell me where you would like to go after the ugly duckling ?",
+ "I can do that for you . Where would you like to be taken ?",
+ "And what is your destination please ?",
+ "What will your destination be in the taxi ?",
+ "Where would you like to go ?",
+ "I 'd love to help ! Where is the destination ?",
+ "I would be happy to help with finding a taxi . Can I ask where you will be traveling too ? That way we can find the best taxi company for you !",
+ "I can reserve that for you . Where is your destination ?",
+ "Where will you be headed to ?",
+ "Where will you be going to ?",
+ "Where would you like the taxi to take you ?",
+ "I 'd be happy to help - what is your destination ?",
+ "Okay , and where will you be arriving to ?",
+ "Can you let me know where you are going to ?",
+ "Where is it that you would like to go ?",
+ "Okay , where are you wishing to go for the second taxi ?",
+ "Could you tell me where you would like to go ?",
+ "In order to book the taxi I will need a destination . Can you please provide one ?",
+ "Where will you be heading to ?",
+ "What is your destination ?",
+ "Ok , what is your destination ?",
+ "Sure ! where are you going ?",
+ "I can look it up , could you tell me where you would like to go please ?",
+ "what will be your destination ?"
+ ],
+ "Leave;": [
+ "What time would you like the taxi to pick you up from Dojo Noodle Bar ?",
+ "What time would you like to leave The Junction ?",
+ "What time would you like to be picked up ?",
+ "Okay , what time do you want to leave by ?",
+ "What time would you like to be picked up ?",
+ "What time do you need to book a taxi for ?",
+ "When would you like to leave ?",
+ "Okay what time will you be leaving .",
+ "Can you tell me what time you would like the taxi to pick you up from the restaurant ?",
+ "I need to know what time you need to leave also .",
+ "What time would you like the taxi to pick you up at the college ?",
+ "Absolutely ! When would you like the taxi to pick you up ?",
+ "What time would you like to leave the restaurant ?",
+ "Sure , what time would you like the car for ?",
+ "When would you like your taxi to pick you up ?",
+ "I can book that for you . Can you give me a departure time ?",
+ "Absolutely , when did you want to leave ?",
+ "I would be happy to book a taxi for you , what time would you like to leave the college by ?",
+ "Yes , what time would you like to leave from Yu Garden ?",
+ "Do you want a taxi now ?",
+ "What time would you like to leave ?",
+ "I can book you a taxi from Pizza Hut to Huntingdon Marriot , what time would you like the taxi to pick you up ?",
+ "Is there a time you would like to be picked up ?",
+ "When do you want to leave by ?",
+ "Sure , when do you want to be picked up ?",
+ "What time would you like to leave by ?",
+ "What time would you like to leave ?",
+ "Sure . What time would you like to leave the restaurant ?",
+ "Sure . What time would you like to leave ?",
+ "What time would you like to leave addenbrookes hospital ?",
+ "What time will you be traveling ?",
+ "Ok , what time do you want to leave by ?",
+ "Okay , when would you like to leave ?",
+ "What time would you like to leave ?",
+ "What time would you like taxi to pick you up from the church ?",
+ "When would you like to leave ?",
+ "Ok , what time would you like to leave ?",
+ "What time do you need to leave the restaurant by ?",
+ "I would be happy to help you get a taxi , what time would you like to leave funky fun house ?",
+ "What time do you need to leave by ?",
+ "I 'll be happy to get one for you , what time would you like to leave ?",
+ "When would you like to leave by ?",
+ "What time would you like to travel ?",
+ "Sure . When do you want to leave ?",
+ "Sure what time would you like to be picked up ?",
+ "I will need to know your departure time to book the taxi ..",
+ "When do you want to leave ?",
+ "And what time would you like the taxi ?",
+ "What time would you like to be picked up ?",
+ "Sure , what time should I set it up for the taxi to pick you up ?",
+ "What time would you like to travel ?",
+ "what time would you want to be picked ?",
+ "Sure ! when would you like to arrive ?",
+ "Ok , what time do you want to leave ?",
+ "I can help you with that . When do you need to leave ?",
+ "What time would you like to leave ?",
+ "Sure ! When would you like to leave / arrive ?",
+ "What time will you be traveling ?",
+ "For how many people , and when would you like to leave by ?",
+ "Okay , first let me know which day you want to leave and time .",
+ "Do you know what time you want to leave by ?",
+ "Yes I can what time would you like to travel ?",
+ "MAy i have a leave time ?",
+ "What time would you like to leave ?",
+ "what time would you like to leave ?",
+ "OK , and what time would you like that taxi ?",
+ "At what time would you like to leave the restaurant ?",
+ "I need to know what time you need the taxi at ?",
+ "Ok . What time would you like the taxi to pick you up ?",
+ "What time would you like that taxi ?",
+ "Ok , what time do you want to leave by ?",
+ "Ok , what time do you want to leave .",
+ "And when would you like to leave ?",
+ "What time would you like to leave your hotel ?",
+ "what time would you want to leave ?",
+ "Yes , what time would you like the taxi to pick you up ?",
+ "What time do you want that trip to be ?",
+ "What is your departure time ?",
+ "Certainly . When do you want to leave by ? Thanks .",
+ "What time do you need that taxi ?",
+ "What time would you like that taxi ?",
+ "What time do you want to leave the hotel ?",
+ "I can help you with that . When would you like to leave the hotel ?",
+ "Sure , what time you would like to leave by ?",
+ "And when would you like to leave ?",
+ "Sure . What time would you like to be picked up from Cambridge Arts Theatre ?",
+ "I can book one way only . When would you like to leave Cityroomz ?",
+ "And what time would you like that taxi ?",
+ "I can help you with that . When do you need to leave ?",
+ "What time would you like to leave the club by taxi ?",
+ "What day and time would you like to book a taxi for ?",
+ "Sure thing , when you like to leave by ?",
+ "At what time do you want to be picked up ?",
+ "I am sorry I need a time to schedule the cab please",
+ "What time would you like to leave ?",
+ "What day and time do you need the taxi ?",
+ "Great . Now I 'll just need a time from you please .",
+ "When would you like to be picked up ?",
+ "What time do you want to go ?",
+ "I can help you with that . When do you need to leave ?",
+ "Sure ! when do you want to leave ?",
+ "and for what time please ?",
+ "What time would you like to travel ?",
+ "Sure , I can book that for you . What time would you like to leave at ?",
+ "I 'd be happy to help with your request , what time would you like picked up ?",
+ "What time would you like to leave ?",
+ "Yes , what time are you wanting to leave ?",
+ "Absolutely , what time do you prefer ?",
+ "What time would you like to leave ?",
+ "I can take care of that for you . Do you have a time you plan on leaving the pool ?",
+ "Ok , what time do you want to be picked up ?",
+ "I can do that , when would you like the taxi to pick you up ?",
+ "What time did you want to leave warkworth house ?",
+ "I need to know when you would like to leave",
+ "What time do you want to leave at ?",
+ "What time would you like that taxi to pick you up ?",
+ "Whoops , my mistake , I meant to ask when you 'd be heading to the restaurant , not where . Do you know when you 'd like the taxi ?",
+ "I 'd be happy to find you a taxi , but first I will need to know what time you 'd like to leave corpus christi .",
+ "Ok , what time do you want to leave ?",
+ "What time would you like to leave ?",
+ "Sure thing , when you like to leave by ?",
+ "I can book that for you . What time would you like to leave the theatre ?",
+ "When would you like to leave by ?",
+ "Ok great , and what time do you prefer ?",
+ "What time would you like to leave the college ? I can book you a taxi to take you to the restaurant if you 'd like .",
+ "Sure , I can help you with that . When would you like to leave the park ?",
+ "What time would you like to leave ?",
+ "What time would you like the taxi ?",
+ "What time do you want to be picked up at the lensfield hotel ?",
+ "And what time would you like the taxi ?",
+ "I sure can . What time would you like the taxi be there ?",
+ "Ok , when do you want to travel ?",
+ "Certainly . What time would you like to leave ?",
+ "Okay , do you have a specific time in mind ?",
+ "What time will you be wanting to be picked up ?",
+ "What time will you need a taxi ?",
+ "Sure ! What time would you like to leave the museum ?",
+ "Okay what time do you need the taxi ?",
+ "Ok , what time do you want to leave ?",
+ "Certainly , and do you know what time you would like to leave ?",
+ "Sure . What time would you like to leave ?",
+ "What time would you like the taxi for ?",
+ "Okay , what time are you leaving ?",
+ "Ok , what time do you want to leave by ?",
+ "What time would you like to leave ?",
+ "At what time would you like to leave the museum ?",
+ "Sure thing is there a specific time you need to leave ?",
+ "Yes , I could ! What time would you like to depart from Emmanuel College ?",
+ "What time would you like to go ?",
+ "What would be an acceptable time for the driver to pick you up ?",
+ "I was able to find the chop house , what time would you like to go ?",
+ "Sure thing , when you like to leave by ?",
+ "What time do you wan to leave by ?",
+ "Okay , at what time will you be leaving Broughton House Gallery ?",
+ "What time should the car pick you up ?",
+ "Sure . When would you like to leave the burger kitchen ?",
+ "Sure thing ! What time do you want to leave ?",
+ "What time would you like to leave ?",
+ "What time would you like to travel ?",
+ "What time would you like to leave the restaurant ?",
+ "When would you like to leave ?",
+ "What time would you like to go between the two locations ?",
+ "Okay , what time do you want to leave ?",
+ "what time do you want to leave",
+ "I can help you with that . When do you need to leave ?",
+ "Okay , what time do you want to leave ?",
+ "Ok , what time do you want to leave ?",
+ "What time would you like to leave the church ?",
+ "what time do you want to leave ?",
+ "Do you have a time you would like to leave by ?",
+ "what time do you want to depart from finches ?",
+ "Alright . What time do you want to leave by ?",
+ "When do you need to leave ?",
+ "What time would you like to depart at ?",
+ "When will you be leaving ?",
+ "Sure thing , when you like to leave by ?",
+ "Absolutely , what is the date and time you would like the taxi for ?",
+ "What time will you be needing the taxi service for ?",
+ "When do you need to leave from Clare College ?",
+ "Certainly . When would you like your taxi to depart ?",
+ "When do you want to leave ?",
+ "I can help with that . Do you have a time in mind ?",
+ "What time would you like to leave ?",
+ "I can certainly book that for you . What time would you like to be picked up ?",
+ "Sure . What time would you like to leave ?",
+ "Before I can book you a taxi , what time are you planning on leaving parkside pools to go to home from home ?",
+ "Sure ! And what time do you prefer ?",
+ "What time would you like to leave ?",
+ "Sure thing , when you like to leave by ?",
+ "I sure can . At what time would you like to leave Gonville Hotel ?",
+ "What time will you need the taxi to be there by ?",
+ "Okay , what time do you need the taxi for ?",
+ "I can go ahead and do that for you . What time will you be leaving the restaurant ?",
+ "Okay , what time do you want to leave ?",
+ "Can you tell me what time you would like to leave ?",
+ "And at what time would you like that taxi ?",
+ "I can help you with that . When do you need to leave ?",
+ "What time would you like the taxi ?",
+ "Sure ! When do you need to leave by ?",
+ "Ok , What time do you want to be picked up ?",
+ "I can help you with that . When do you need to leave ?",
+ "Okay , what time do you need to leave ?",
+ "What time would you like to leave ?",
+ "what time would you like to leave the finches bed and breakfast ?",
+ "Could you tell me what time you would like to leave ?",
+ "What time would you like the taxi ?",
+ "What time do you want to be picked up at the gallery ?",
+ "What time would you need to be picked up at the hotel ?",
+ "Can yo let me know what time you want to leave ?",
+ "Sure thing , when you like to leave by ?",
+ "What time would you like to travel ?",
+ "Sure no worries , what time do you want to leave ?",
+ "What time would you like to travel ?",
+ "Is there a certain time you want to leave ?",
+ "What time would you like to depart at ?",
+ "Absolutely , what time would you like to depart from the college ?",
+ "Okay , what time would you like to leave ?",
+ "When would you like to leave the restaurant ?",
+ "I 'll be glad to help . What time would you like the taxi for ?",
+ "I also need to know when you want to leave .",
+ "What time would you like to leave by ?",
+ "What time will you be departing for the guesthouse ?",
+ "All I need to know is what time you would like your ride for and I can get that booked for you right away .",
+ "What time would you like to travel between the two places ?",
+ "What time would you prefer ?",
+ "What time do you want to leave ?",
+ "What time would you like to leave by ?",
+ "What time do you need the taxi ?",
+ "What time do you need to leave ?",
+ "At what time would you like the taxi to meet you at golden wok ?",
+ "What time do you need to leave ?",
+ "What time would you like the taxi ?",
+ "Do you have a departure time ?",
+ "When would you like to leave by ?",
+ "what time would you want to leave ?",
+ "Just to double check ... you want a taxi at 6:30 ? In the morning ?",
+ "Sure thing , when you like to leave by ?",
+ "What specific time do you want to leave ?",
+ "When would you like the taxi to pick you up ?",
+ "Can you tell me at what time you will be needing taxi service , please ?",
+ "Yes , I can do that . What time would you like to leave ?",
+ "I can do that , what time would you like that done .",
+ "What time would you like the leave the first place ?",
+ "Okay , when do you want to leave ?",
+ "What time do you want to leave by ?",
+ "Sure ! What is the time frame you were considering ?",
+ "When would you like to the leave for the Holy Trinity Church ?",
+ "Okay ! What time do you need it for ?",
+ "Ok great and what time do you prefer ?",
+ "I can help you with that . What time would you like to leave the restaurant ?",
+ "What time would you like to be picked up at the museum ?",
+ "When do you want to leave ?",
+ "When would you like to leave ?",
+ "at what time should it leave ?",
+ "What time would you like the Taxi ?",
+ "What time would you like to depart ?",
+ "Sure , what time will you be needing the taxi ?",
+ "What time would you like to travel ?",
+ "I can help you with that I just need to know what time you 'd like to be picked up from the guesthouse ?",
+ "OK , what time do you need a taxi ?",
+ "I can book you a taxi from the Acorn to the Cherry Hinton centre , but I do need to know what time you 'd like to go !",
+ "I am sorry but I ca n't book it without the time . When did you want to go ?",
+ "What time would you like to depart at ?",
+ "What time would you like to leave ?",
+ "What time do you want to leave ?",
+ "Okay , what time do you want to leave ?",
+ "What time of day would you like this booking for ?",
+ "What time would you like to depart ?",
+ "Okay ! When would you like to depart ?"
+ ],
+ "Arrive;Dest;": [
+ "Where is your destination and what time would you like to arrive by ?",
+ "I need a cab to take me to the cambridge punter with an arrival time of 02:00",
+ "What is your destination , and when do you want to arrive by ?",
+ "Which restaurant will you be going to and what time would you like to arrive ?",
+ "I would be happy to book your taxi but I will need your destination and preferred arrival time as well .",
+ "What is your destination ? And what time would you like to arrive by ?"
+ ],
+ "Arrive;Depart;Leave;": [
+ "Which will be your departure site ? What time do you want to leave or to arrive ?",
+ "Where do you want to leave from ? The park or the restaurant ? What time do you want to leave and arrive by ?",
+ "Sure I can if you tell me where you 'll be leaving from and either what time you want to leave or arrive by",
+ "I 'd be happy to book a taxi for you ! Which site are you departing from , and what time would you like to leave and/or arrive ?",
+ "Not a problem . Can you please let me know where you will be picked up and what time you would like to leave or arrive ?",
+ "Where would you like to depart from and what time would you like to leave and arrive by ?",
+ "Alright . I will need more information first . Where can the taxi pick you up , when would you like to leave , and when do you need to arrive ?",
+ "I am sorry , I can not book a taxi for you without this information .",
+ "At what time ? From where are you going ?",
+ "I certainly can help you with that . What time would you like to leave or arrive by ?",
+ "I can help with that ! What time do you need that taxi ? And will you need to be picked up at the riverboat or the hotel ?"
+ ],
+ "Depart;Dest;": [
+ "I would love to help you with that . Where would you like to be picked up , and where are you going ?",
+ "Would you be going to the restaurant from the hotel ?",
+ "Where are you departing from and going to ?",
+ "Okay , and where do you want to be picked up from and what is your destination ?",
+ "Ok , for the taxi . Do you need one going from the Acorn to the Midsummer House or from the Midsummer House to the Acorn Guest House ?",
+ "Yes , what two places do you need to travel between ?",
+ "Yes , where would you like to go to and from ?",
+ "Which site will you be departing from , and which will you be arriving at ?",
+ "I would need more info to book your taxi like destination and departure .",
+ "From Nusha to Taj Tandoori ?",
+ "What is your departure site and what is your destination ?",
+ "Do you mean from the guesthouse to the restaurant ?",
+ "Okay , where is the departure and destination please ?",
+ "I 'd be happy to assist you today , but first I 'll need to know your departure and destination locations ?",
+ "When would you like to leave ashley hotel or arrive at tenpin ?",
+ "Where will you be departing from and what is your destination ?",
+ "Okay , great . And where will you be traveling to and from ?",
+ "I ' m sorry are you going to the hotel or leaving from the hotel ?",
+ "Where would you like your taxi to pick you up and drop you off ?",
+ "I need more information about your location . What is your exact departure site and what is your destination ?",
+ "from were does it pick you andto where are you going ?",
+ "Certainly . Can you tell me your departure and destination locations ?",
+ "I ' m confused you said your arriving and leaving from the same location ?",
+ "Can you please repeat your destination and departure again ?",
+ "Will you be commuting between Whale of a Time and Hobsons House ?",
+ "Where will you be leaving from and what is the destination ?",
+ "Where did you wan to leave from and go to ?",
+ "Sure ! What will be you departing and arriving destinations ?",
+ "Sure ! Where are you going to first and from where please ?",
+ "I ' m sorry , what is your destination and departure site ?",
+ "Where are you wanting to depart from and go to ?",
+ "More specifically , will you be leaving from the museum to the restaurant ?",
+ "Where are you traveling to and from ?",
+ "I 'd be happy to book you a taxi , but to do that I will need a destination or starting point , in addition to Worth House .",
+ "Alright , where would you like the taxi to pick you up at and your destination ?",
+ "Where are you travelling from / to ?",
+ "Would you like for me to book you a taxi that will pick you up from the hotel and take you to the restaurant",
+ "What is your departure and arrival sites ?",
+ "I would be happy to help . What are your departure and destination sites , and what time ?",
+ "Please to book a taxi I need departure location , arival location and travel time . Please provide that information .",
+ "Your taxi has been booked . It will be a white Volvo and their contact number is 07236170295 .",
+ "Okay , I can help with that . I 'll just need to know where you are traveling to and from",
+ "Can you tell me where you would be departing from and where you are going so I can find a taxi service to serve you .",
+ "from where and going to where",
+ "Where is your departure and destination locations ?",
+ "Where will the taxi be leaving from and going to ?",
+ "What is the departure site for the taxi and what is your destination ?",
+ "Will the taxi be picking you up at the hotel or at the museum ?",
+ "It seems like you are asking for a taxi . Where are you departing from and where is your destination , please ?",
+ "Certain , do you want that to or from the restaurant ?",
+ "I 'd be happy to help . Would you like to depart from the restaurant or the hotel ?",
+ "Okay ! From where to where ?",
+ "Just to confirm . You need a cab to take you to the Worth House ? Where will you be departing from ?",
+ "Where do you wanna be picked up and dropped at ?",
+ "Where would you like to travel from and to ?",
+ "Sure thing . What is your destination and when do you want to leave ?",
+ "I certainly can . Would you like to depart from Emmanuel College to go to kohinoor ?",
+ "Okay , no problem at all . What are your pickup and dropoff locations ?",
+ "I can do that for you . Where would you like to be picked up and what is your final destination ?",
+ "I ' m confused . Are you leaving from Ruskin Gallery or going to Ruskin Gallery ?",
+ "I would be happy to assist you with booking a taxi . What are your departure and destination points ?",
+ "Will you be going to the cafe or leaving from the cafe ?",
+ "Before booking , please confirm either your arrival or departure time . There are 2 different times stated , so I want to be sure before reserving .",
+ "I ' m sorry , can you confirm if you 're leaving from or going to Gallery at Twelve a High Street ?",
+ "For the reservation of the taxi , can you tell me your pickup and drop off locations ?",
+ "Where would you like to go to and from ?",
+ "I would be happy to help with your request , fist I 'll need to know your departure site / destination .",
+ "Okay , no problem , I 'd just need to get where you 're going , and where you 'd like to be picked up .",
+ "Will you be heading to the restaurant directly from Cafe Jello Gallery ?",
+ "Where would you like to be picked up from , and what is your destination ?",
+ "Absolutely ! From where to where ?",
+ "Certainly , from what location to what location ?",
+ "Please state your departure site and destination site so I can book that taxi .",
+ "I ' m sorry . It seems like your destination and departure site are the same . Could you clarify where you 'd like to go and where you 'd like to be picked up from ?",
+ "Sure , I can help you with that . Do you want to get picked up at Bangkok City or from The Man on the Moon ?",
+ "Where are you going & where should it pick you up ?",
+ "Are you wanting to leave from the park or the restaurant ?",
+ "sure , where do you want to depart and arrive ?",
+ "Where are you departing from and arriving at ?",
+ "Could you tell me where you would like to go and be picked up from ?",
+ "sure , just to clarify : do you need a taxi to take you from the hotel to the restaurant ? or vice versa ?",
+ "Ok I need the name of departure and name of destination .",
+ "Which place is the departure site and which is the destination ?",
+ "Where are you departing from ? What is your destination ?",
+ "I ' m sorry for the confusion , please clarify if you are arriving or departing at bishops stortford train station .",
+ "We can make that happen , but first I 'll need to know your departure and destination locations .",
+ "Absolutely . Where would you want to depart from and go to ?",
+ "Will you need it from the hotel or to the hotel ?",
+ "Where is your departure site and destination ?",
+ "I would love to help ! Where would you be coming from or going ?",
+ "Nice where from , and what is your destination request ?",
+ "Okay - just to confirm , your departure site is the place ? And where would you like the taxi to take you ?",
+ "what is your departure and destination ?",
+ "Am I correct that you will be leaving Parkside Pools to go to El Shaddai ?",
+ "Tell me where your departure and destination sites will be .",
+ "Can you please give me the name of your departure and name of your desination ?",
+ "Just to be clear , do you want to be picked up at the gourmet burger kitchen , or is that your destination ?",
+ "Great . Can you tell me where you will be traveling to and from ?",
+ "Before I book your taxi , which museum you will be visiting ? Can you confirm that the taxi will pick you up at the museum and drop you at the restaurant ?",
+ "Sorry , can you clarify which is the destination and which is the departure site ? I know you want to arrive by 22:00 but at which place ?",
+ "Okay , where do you want the taxi to pick you up and where will you be going ?",
+ "I would need more info , where would you need a taxi to and from ?",
+ "Yes , will you need it to or from the museum ?",
+ "So , you need a taxi between Vue Cinema , and La Raza ?",
+ "Please tell about your departure and destination sites .",
+ "Ok to be clear what is your destination and your departure locations ?",
+ "Ok perfect , will you be departing from the museum or the hotel ?",
+ "Okay , and where are your departure and destination locations ?",
+ "Could you clarify , which place do you intend to depart from and which do you want to arrive at ?",
+ "I ' m happy to book you a taxi I need the following information to do so time of travel , name departure site , and name of arrival site .",
+ "I can help with that . When would you like to either leave or arrive ? And do you want the taxi from the college to the hotel or the other way around ?",
+ "Where would you like to go to and from ?",
+ "Where will you be leaving from and what is your destination ?",
+ "Where are you departing from and where are you headed ?",
+ "I do need the departure place and destination in order to book the taxi .",
+ "Where would you like to be picked up and drop off ?"
+ ],
+ "Arrive;": [
+ "Of course , at what time would you like to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive ?",
+ "Do you have a arrival time in mind ?",
+ "When is your arrival time ?",
+ "Sure ! when would you like to arrive ?",
+ "Okay , when would you like to arrive by ?",
+ "For me to book your Taxi what time you will like to arrive ?",
+ "What time would you like to arrive there by ?",
+ "What time would you like to arrive at your destination ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive at Castle Galleries ?",
+ "What about an arrival time to your destination ?",
+ "where are you leaving from ?",
+ "Do you know when you want to get there by ?",
+ "When would you like the taxi to arrive at your destination ?",
+ "Sure ! when would you like to arrive ?",
+ "When do you need to arrive ?",
+ "Is there a specific time you would like the taxi to arrive at the restaurant or museum ?",
+ "what time do you want to arrive ?",
+ "Do you need to arrive by a certain time ?",
+ "When are you wanting to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "When would you like to arrive by ?",
+ "What time will you be arriving to your destination please .",
+ "I 'd be happy to help you , when would you like to arrive at tenpin ?",
+ "Totally understand that . When would you like to arrive ?",
+ "sure , when would you like arrive by ?",
+ "Ok , I am getting the info up now , what time would you like to be there by ?",
+ "What time would you like to arrive at the Cinema ?",
+ "What time do you want to arrive by ?",
+ "For how many , and when would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive by ?",
+ "Could you tell me when you would like to arrive at Rice House ?",
+ "Sure thing , what time would you like to arrive at your destination ?",
+ "Absolutely ! When would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive at Eraina ?",
+ "Absolutely ! When would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "I can definitely help you with that ! I assume you would like to make it in time for that reservation , right ?",
+ "I would love to do that for you ! I just want to confirm you want to arrive at the restaurant at 12:15 , correct ?",
+ "At what time would you like the taxi to arrive ?",
+ "Do you know what time you would like to arrive since our system is down for booking the restaurant ?",
+ "Ok , when do you want to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive by ?",
+ "I 'd love to help . When would you like to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "Ok , what time would you like to leave by ?",
+ "Of course , when do you want to arrive ?",
+ "No problem . What time do you need to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "What time would you like to arrive by ?",
+ "What time would like to get there ?",
+ "I would be happy to book that for you , what time would you like to arrive ?",
+ "What time would you like to get there ?",
+ "Would you like to arrive at the restaurant or at the college by 12:00 ? I ' m afraid there has been a misunderstanding .",
+ "When would you like to arrive by ?",
+ "Okay what time is that ?",
+ "What time do you need it to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "When would you like to get there by ?",
+ "When would you like to arrive ?",
+ "When do you need to arrive ?",
+ "What time do you need to be at the cineworld Cinema ?",
+ "What time would you like the taxi to arrive ?",
+ "Sure ! when would you like to arrive ?",
+ "What time do you want to arrive by ?",
+ "When would you like to arrive ?",
+ "Okay , what time would you like to arrive in Nusha ?",
+ "When would you like to get there ?",
+ "Sure ! when would you like to arrive ?",
+ "Ok , what time do you want to arrive by ?",
+ "Sure ! What time do you want to arrive by ?",
+ "What time will you need the taxi to arrive ?",
+ "Okay , what time do you want to arrive at the restaurant by ?",
+ "Sure ! when would you like to arrive ?",
+ "Do you know what time you would like to arrive ?",
+ "When would you like to arrive by ?",
+ "When would you like to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "When would you like to arrive by .",
+ "I can book a car for you if you 'd like . Would you like to arrive at the restaurant the same time as your reservation ?",
+ "I 'll need a little more information to find you a taxi . What time would you like to arrive at the ghandi ?",
+ "Sure ! when would you like to arrive ?",
+ "Is there a time you would like to arrive by ?",
+ "What time do you need to arrive by ?",
+ "And what time do you wish to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "When would you like to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "Absolutely ! When would you like to arrive ?",
+ "Sure thing , when would you like to get there by ?",
+ "What time would you like to arrive at the restaurant ?",
+ "When would you like to arrive by ?",
+ "Sure ! when would you like to arrive ?",
+ "Are you sure that you do n't want to get to the restaurant for your booked time ?",
+ "Certainly . What time would you like the taxi to arrive and for how many people ?"
+ ],
+ "Arrive;Depart;Dest;Leave;": [
+ "Will you be departing from El Shaddai Hotel to Christ 's College ? Also , when would you like the taxi to leave the hotel and arrive at the destination ?",
+ "Yes I can , what is the departure and destionation site , and when would you like to leave and arrive by ?",
+ "I can help with that ? What are your departure and destination sites , and what time do you need it ?",
+ "Will you be going from the Lodge to the restaurant ? And what time do you want to leave or arrive ?",
+ "Ok , so you 'd like a taxi from the restaurant to the park ? Could you please let me know your desired departure and arrival times ?",
+ "I ' m going to need a departure site , a destination , and either a time you want to leave or arrive by , please .",
+ "What is your departure and arrival sites and times ?",
+ "For the taxi , please specify a place of departure , a destination , and a time by which to leave or arrive",
+ "I need a few more specifics before I can book that taxi for you .",
+ "Of course ! To book a taxi , I 'll need to know your destination , departure site , and what time you would like to leave or arrive by .",
+ "I will need to know where you are leaving from and going to and what time you wish to arrive or leave .",
+ "When you would like to leave or arrive by ? What 's your departure / destination ?",
+ "Do you want the taxi taking you from the hotel or to the hotel ? What time do you wish to arrive or depart ?",
+ "Okay . I will need your departure site , destination , and a time please .",
+ "I will need your time of travel , departure location and arrival location .",
+ "What are your departure and arrival sites and times ?",
+ "I 'd be happy to help you with a taxi , where will you be departing from / arriving at ? And for what time ?",
+ "To clarify , you 'd like a taxi from Whale of a Time to A and B Guest House , correct ? What time would you like the taxi ?",
+ "Which place will be you departing from and and do you have to leave or arrive by a certain time ?",
+ "Of course . I need the time of travel , departure location and the destination .",
+ "No problem , where to where , and when to when ?",
+ "I can help you book a taxi , can you tell me a little more detail about your taxi request ?",
+ "Where are you leaving from and going to ? When do you want to leave by or arrive by ?",
+ "For your taxi , I need to know your departure location and a time you want to leave after or arrive by",
+ "I need to know your departure and arrival sites as well times to book your taxi .",
+ "I can help you with a taxi . Please tell me your departure and destination sites along with your time frame .",
+ "Sure , where will you be traveling to and from ? Is there a particular time you 'd like to leave or arrive by ?",
+ "Okay , please tell me where you will depart from , your destination , and a time that you either wish to leave or arrive by",
+ "Please specify for the taxi which location you 'll depart from and which is the destination . Also I need a time to leave at or arrive by",
+ "Okay , I can help with that . What is your departure site and destination . Do you have a certain time you 'd like to leave or arrive by ?",
+ "Okay , I 'll just need a departure location and a destination as well as a pick up or drop off time",
+ "Okay , I will need to know your departure location and a time to leave at or arrive by before I can book a taxi",
+ "Will you be going to the hotel from the restaurant or vice versa ? And I need to know when you want to leave or arrive by .",
+ "So , you need something from the restaurant to the museum then ? What time are you wanting to leave or be there by ?",
+ "I can do that ! I just need your departure and arrival sites and the time you need the taxi .",
+ "I 'd be happy to help you with a taxi , what is your destination / departure and what time would you like to arrive / leave ?",
+ "I can book that taxi . I need the departure site , the arrival location and travel time .",
+ "What are your departure and destination sites ? when would you like to leave or arrive ?",
+ "Sure . I 'll just need to know where you want to be picked up and where you want to be dropped off , plus either when you want to leave or arrive by",
+ "I 'd be happy to book a taxi for you . What are your departure and arrival sites , and what time do you need transportation ?",
+ "Okay , I can help with that . What is your departure site and destination ? Also , when would you like to leave or arrive by ?"
+ ],
+ "Arrive;Depart;Dest;": [
+ "Ok , so that was a cab leaving from clare college and going to christ 's college arriving there at 18:00 ?",
+ "You will be going to Cote by 19:00 , will you be departing from your hotel ?",
+ "Sure , where would you like to be picked up from ? Also where will you need to be dropped off and what time ?",
+ "Just want to confirm before booking you are departing from saffron brasserie and want to arrive at leicester by 3:30 , is that correct ?",
+ "I want to confirm you are departing byard art to arrive at Gandhi restaurant by 20:00 . Is this correct ?"
+ ],
+ "Dest;Leave;": [
+ "Do you have a destination and time preference ?",
+ "Where would you like the taxi to take you , and when would you like to be picked up ?",
+ "Certainly . What is your intended destination and travel time ?",
+ "Where are you going , and when do you need to leave by ?",
+ "What time do you need the taxi , and which is the destination site ?",
+ "Sure where are you going to and when ?",
+ "I will need a little more information first . What is your destination and what time would you like to leave the restaurant ?",
+ "Where would you like to travel and what time would you like to go ?",
+ "Where will you be headed and when would you like to depart by ?",
+ "OK , and where are you headed and at what time ?",
+ "Where would you like to go and what time would you like to travel ?",
+ "Sure , will you be going back to Lovell Lodge , and at what time ?",
+ "where will you be going and at what time ?",
+ "Ok , which direction and what time ?",
+ "to what destination , what time do you need it ?",
+ "Okay , when and where are you going ?",
+ "What is your destination and what time would you like to leave ?",
+ "What is your destination and when would you like to depart ?",
+ "What is your destination and what time do you want to leave ?"
+ ],
+ "Depart;Dest;Leave;": [
+ "I can arrange a car for you if you 'll tell me whether you 'll be travelling from the park to the restaurant or vice - versa , and tell me the date and time .",
+ "Sure , I need to know destination and where you need picked up . I also need the time and number of people .",
+ "I need to tell it where you 're going from and to , and what time , before it can assign a specific car for you . Could you help me with that info ?",
+ "Ok , are you looking for a taxi from the restaurant to the hotel ? What day do you need it ?",
+ "In order to book a taxi I need time of travel , arrival location and the departure location .",
+ "I 'd be happy to help with your request , first I 'll need to know your departure site and destination and what time you 're looking for .",
+ "Please give me the travel time , departure location and arrival location .",
+ "Ok , to confirm , you 'd like a taxi from Lang Hong House to Holiday Inn Cambridge ? And what time would you like this for ?",
+ "Of course ! To book a taxi , I 'll need to know your travel destination , departure site , and time please .",
+ "To book a taxi I need time of travel , departure location and arrival location .",
+ "I would be happy to do get a taxi for you . I need the departure location , destination location and the time of travel .",
+ "I can help , where to and from , and what time ?",
+ "Sure , just let me know your departure location , destination and when you are going to travel .",
+ "I need to know where will the taxi be picking you up and dropping you off ? And is there anytime specific time you prefer ?",
+ "So you want to go from the restaurant to the guesthouse at 5:45 ?",
+ "No problem . What between which locations would need the taxi and for what time ?",
+ "Ok in order to book a taxi I need the travel time , departure location and arrival destination .",
+ "So , to clarify , you want a taxi from the University Arms to Bangkok City at 16:00 , correct ?",
+ "To clarify , you want a taxi from the scudamores punting co to the bedouin , leaving the scudamores by 24:00 ?",
+ "I would be happy to book a taxi for you . Can you tell me when you will need it and your departure and destination address .",
+ "I can certainly help you with that ! Where would you like to be picked up and dropped off , and at what time ?",
+ "Ok , just to confirm , you 'd like a taxi from saint johns chop house to riverside brasserie at 11:15 ?",
+ "In order to book a taxi I need the travel time , departure location and the arrival location .",
+ "If you need to book a taxi , please let me know your departure and arrival sites and the time you need the taxi .",
+ "Ok I need departure location , arrival location and travel time to book your taxi .",
+ "Okay , please tell me your departure time and location as well as your destination",
+ "Sure ! Can you confirm your departure and arrival locations and a time frame , please ?",
+ "Will that be to or from the club and what time ?",
+ "I can help with that . What is your departure site , destination , and the time you need it ?",
+ "I need a taxi to take me from fitzbillies restaurant to Jesus green outdoor pool at 18:30.Thanks",
+ "Can you tell me your departure and destination site and time you want to leave ?",
+ "I need to know depart place and destination , as well as what time ?",
+ "I can help you book a taxi but first I need some information - where are you leaving from and what 's the destination . Also what time do you want to leave ?",
+ "Just to confirm , you want a taxi from Rosa 's to Christ 's College with a departure time of 04:45 , correct ?",
+ "Where do you want to depart and arrive and what time ?",
+ "I need to know which two locations you are going between and your time of travel please .",
+ "I need the time of travel , name of departure , name of arrival destination please .",
+ "I should be able to help you with that . Are you traveling to the Botanic Gardens or from ? And what time do you want the taxi for ?",
+ "Sure , I can help you with that . Where is your departure site or destination ? Perhaps you have a certain time in mind ?",
+ "OK , where to and from and what time ?",
+ "I can book a taxi but I need to know where you need to be picked up and dropped off . Is there a certain time ?",
+ "We can certainly help with that . Are you heading to the boat or to the hotel , and what time do you need the taxi ?",
+ "I can book your taxi I need to know the time you would like to travel , the departure and destination .",
+ "I certainly can when and where will you be leaving from , and where would you like to go ?",
+ "Can you tell me which two places you are going between and the time you want the car ?",
+ "To book a taxi I need the following information travel time , departure site and destination site .",
+ "I would be happy to book your taxi . I need the travel time , departure location and arrival destination please .",
+ "To clarify , you 'd like a taxi from Hobsons House to Tenpin , correct ? And for what time of day would you like the taxi ?",
+ "Where are you leaving from and going to and what time are you wanting to go ?",
+ "I can book a taxi I just need the following information the travel time , departure site and the arrival destination .",
+ "Okay , so you 'll be going to the restaurant from the hotel ? Or to the hotel from the restaurant ? and at what time , please ?",
+ "Where to and from , and what time will you need the taxi ?",
+ "Unfortunately , I do n't understand your message . To book your taxi , I need to know where you are starting and going to . I also need to know what time .",
+ "Just to clarify . You need to be picked up at the Whipple Museum of History at 05:30 . Your drop off point is the alexander bed and breakfast . Correct ?",
+ "I can certainly help with that . Are you looking for a ride from the restaurant back to the hotel ? What time would you like to leave by ?"
+ ],
+ "Depart;Leave;": [
+ "Sure , which direction will you need to travel and when ?",
+ "I sure can ! Which is your departure site ( the restaurant or the gallery ) , and what time would you like the car ?",
+ "Sure . What time would you like to leave and from which destination ?",
+ "I would be happy to help with that . Which is your departure site , and what time would you like the car ?",
+ "What location and time would you like to get the taxi for ?",
+ "Wow just wow ! Where will the taxi be from and what time ?",
+ "I 'd be happy to help with that , but first I will need to know which place you 're departing from and when you 'd like to leave .",
+ "Ok , will you be leaving from the restaurant or the college ? And what time of day would you like this booking to be ?",
+ "Could you tell me when you would like to leave by and where from ?",
+ "What is your departure site , and what time would you like the taxi ?",
+ "I can book a taxi for you , no problem . I will just need to know when and where you would like to be picked up ?",
+ "I ' m sorry . Where will you be departing from , and at what time ?",
+ "Sure , what time would you like to leave and where from ?",
+ "Sure , what time and where would you like to be picked up ?",
+ "Okay , I will need to know where you are leaving from and what time you would like to leave .",
+ "Where and when do you want to be picked up ?",
+ "I sure can , where will you need picked up and what time ?",
+ "Where do you want to be picked up and by what time ?",
+ "What is your departure site , and what time do you need the taxi ?",
+ "Where would you like to depart from , and at what time ?",
+ "Sure , where and when would you like to be picked up ?",
+ "Could you tell me when and where from you would like to be picked up ?",
+ "I sure can , what time would you like to be picked up and where are you leaving from ?",
+ "Where you wanting the taxi to pick you up at Cherry Hinton Hall or the Royal Standard and at what time ?",
+ "Okay , not a problem . Which place will you like to be picked up from , and at what time ?",
+ "Can you tell me where you would like the taxi to pick you up and at what time ?",
+ "Do you need it from the restaurant ? What time would you like to leave ?",
+ "Okay , where would you be leaving from and at what time ?",
+ "Ywa which spot will you be leaving from and do you have an estimated time ?",
+ "Please tell me which place will be your departure site and what time you need to leave .",
+ "That should be easy , I just need a time and which place you will be leaving from .",
+ "Where would you like to leave from and what time ?",
+ "Okay , which location would you like to be picked up at , and at what time ?",
+ "Can you tell what time you want to be picked up and at which location ?",
+ "What time do you need to be picked up and from where ?",
+ "I would be happy to book your taxi . I will need your departure location and pick up time to complete the reservation .",
+ "I would be happy to help you with that . I will need to know where you are departing from and what time you 'd like picked up .",
+ "What time would you like that taxi , and which site is your departure ?",
+ "Where will you be leaving from ? What time would you like to leave ?",
+ "What time do you need the taxi , and do you need it from the restaurant or the hotel ?",
+ "I 'd be happy to assist you , but I will need some more information . Where are you departing from and when would you like to leave ?",
+ "I can book a taxi for you , no problem , I will just need to know when and where you will need the ride ?",
+ "What time would you like to leave and from where ?",
+ "Yes , I can help . Can you tell me where your departure location is and a time frame you were considering ?",
+ "Alright . I 'll first need to know a time for the booking as well as a pickup location please",
+ "Would you be departing from the restaurant or the hotel ? And when would you like to leave ?",
+ "When and where would you like to be picked up ?",
+ "Ok , can you confirm where you want to be picked up and when ?",
+ "Sure , can you please give me a few details on departure site , time , etc ?",
+ "I can book that for you . What time would you like to leave and what restaurant ?",
+ "I 'd be happy to help you . Which place will you be departing from ? I will also need to know the time you 'd like to leave .",
+ "Where would you like to be picked up and at what time ?",
+ "Where and when do you want to the taxi to pick you up ?",
+ "Sure , which place do you want to be picked up at and at what time ?",
+ "I 'd be happy to . Could you tell me when and where the taxi should pick you up ?",
+ "I can help with that ! When and were would you need your taxi ?"
+ ],
+ "Arrive;Dest;Leave;": [
+ "Just to clarify , would you like to arrive at milton country park by 10:15 or leave the park by 10:15 ?",
+ "What time do you want to leave or arrive by and what is your destination",
+ "Sure , I can do that . Do you know the name of the restaurant ? Also , when would you like to be picked up and arrive by ?",
+ "Ok . I will need to know either the time you want to leave the college or the time you want to arrive back at the hotel .",
+ "I would love to help you with this ! Where are you wanting to go and what time are you wanting to leave or arrive by ?",
+ "I ' m sorry , did you mean Whale of a Time ? I will also need you to tell me when you 'd like to leave or arrive by as well .",
+ "What destination and times do you need that taxi at ?",
+ "Can you confirm for me whether 10:45 is your required arrival time or is it when you 'd like to depart ? And what is your destination ?",
+ "I will need a little more information before I can book it . What is your destination and what time do you want to depart / arrive ?",
+ "What will be your destination and arrival or departure times ?",
+ "No problem . We can get that booked for you . Can you let me know where you will be going and what time you would like to leave or arrive ?",
+ "I need to know your destination and the time you want to live or arrive",
+ "Sure ! Where do you need it to go and when will you need it ?",
+ "Okay , great , and do you know your destination and when you want to leave or arrive by ?",
+ "Absolutely ! Just let me know where you 'd like to depart from , and either what time you want to leave or arrive by .",
+ "Yes I can get you a taxi where are you going and what time did you want to leave or arrive ?",
+ "Great . Where would you like to go and what time do you want to leave or arrive by ?"
+ ],
+ "Arrive;Depart;": [
+ "Sure , you need a taxi to Alexander Bed and Breakfast from where , and do you have an arrival time request ?",
+ "Where are you leaving from ? What is the destination ? What time do you want your taxi to arrive ?",
+ "Where will the taxi be picking you up at and what time do you wish to arrive at the Ghandi ?",
+ "Can you tell me where the taxi will pick you up and when you want to arrive by ?",
+ "Sure , are you wanting to depart from Club Salsa ? When do you want to arrive by ?",
+ "I have that you are going to Ely Thursday by 8 pm . Where are you departing from and when would like to arrive ?",
+ "Sure . Which restaurant would you like to arrive at and when ?",
+ "No , problem , I just need to know what time you wish to get there and where you 'll be arriving from .",
+ "I 'd be happy to get you a taxi , will you be departing from the hotel or the restaurant ? What time do you want to arrive ?"
+ ]
+ },
+ "Train-Inform": {
+ "Arrive;Day;Depart;Leave;": [
+ "I show a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Will this work for you ?",
+ "I have a train that leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Will this work for you ?"
+ ],
+ "Arrive;Arrive;Arrive;Ticket;Time;": [
+ "There are trains arriving at #TRAIN-INFORM-ARRIVE# , #TRAIN-INFORM-ARRIVE# and #TRAIN-INFORM-ARRIVE# . They are #TRAIN-INFORM-TICKET# and #TRAIN-INFORM-TIME# each ."
+ ],
+ "Ticket;": [
+ "The fare is #TRAIN-INFORM-TICKET# per ticket .",
+ "Sure . The price of those tickets are #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The trip will cost #TRAIN-INFORM-TICKET# .",
+ "It would cost #TRAIN-INFORM-TICKET# .",
+ "The cost of the one way journey is #TRAIN-INFORM-TICKET# .",
+ "Sure . The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "It will be #TRAIN-INFORM-TICKET# a ticket .",
+ "Yes , it 's #TRAIN-INFORM-TICKET# per ticket .",
+ "Each ticket is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "Each ticket costs #TRAIN-INFORM-TICKET# .",
+ "It will be #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The cost is #TRAIN-INFORM-TICKET# .",
+ "It will be #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# pounds per ticket",
+ "The train ticket will cost you #TRAIN-INFORM-TICKET# .",
+ "The tickets are #TRAIN-INFORM-TICKET# each .",
+ "Certainly . Any ticket on that route is going to cost #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per ticket",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "They are #TRAIN-INFORM-TICKET# each",
+ "The price of a ticket is #TRAIN-INFORM-TICKET# . Is there anything else I can do for you ?",
+ "The ticket is #TRAIN-INFORM-TICKET# .",
+ "A ticket costs #TRAIN-INFORM-TICKET# .",
+ "It 's #TRAIN-INFORM-TICKET# , payable at the station . May I help with anything else ?",
+ "The ticket is #TRAIN-INFORM-TICKET# .",
+ "They are #TRAIN-INFORM-TICKET# each , thanks !",
+ "The price of that is #TRAIN-INFORM-TICKET# .",
+ "You already have the Train ID from previous conversations , but the price is #TRAIN-INFORM-TICKET# .",
+ "it costs #TRAIN-INFORM-TICKET# ..",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per person .",
+ "The ticket is priced at #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "I did - it 's #TRAIN-INFORM-TICKET# .",
+ "The cost for one ticket is #TRAIN-INFORM-TICKET# .",
+ "The price of the train is #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "It will cost #TRAIN-INFORM-TICKET# per ticket .",
+ "The price for a ticket is #TRAIN-INFORM-TICKET# .",
+ "The price of the train is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "Tickets cost #TRAIN-INFORM-TICKET# per ticket .",
+ "They are #TRAIN-INFORM-TICKET# each",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "Yes the price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The cost is #TRAIN-INFORM-TICKET# .",
+ "A ticket is #TRAIN-INFORM-TICKET# .",
+ "That train costs #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The ticket price is #TRAIN-INFORM-TICKET# . Can I be of further assistance ?",
+ "Take your time . Just for your information , the total cost would be #TRAIN-INFORM-TICKET# payable at the station . There are also other options available .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "It 's #TRAIN-INFORM-TICKET# per ticket .",
+ "The price is #TRAIN-INFORM-TICKET# , would you like me to book you ?",
+ "Certainly , the price is #TRAIN-INFORM-TICKET# per ticket .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# pounds .",
+ "That ticket will be #TRAIN-INFORM-TICKET# .",
+ "They are #TRAIN-INFORM-TICKET# each",
+ "A ticket for that train is #TRAIN-INFORM-TICKET# .",
+ "The price of the train is #TRAIN-INFORM-TICKET# .",
+ "Okay ! The price for each ticket would be #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# per ticket",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "Sure ! The ticket is #TRAIN-INFORM-TICKET# .",
+ "It 'll be #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The tickets are each #TRAIN-INFORM-TICKET# so 75.52 in total",
+ "The price of the ticket is #TRAIN-INFORM-TICKET# .",
+ "Each ticket is #TRAIN-INFORM-TICKET# .",
+ "Sure the ticket is #TRAIN-INFORM-TICKET# a ticket .",
+ "Tickets on this train are #TRAIN-INFORM-TICKET# each .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "It costs #TRAIN-INFORM-TICKET# per ticket .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "That trip would be #TRAIN-INFORM-TICKET# per ticket .",
+ "The cost is #TRAIN-INFORM-TICKET# .",
+ "It would cost #TRAIN-INFORM-TICKET# .",
+ "The cost is #TRAIN-INFORM-TICKET# .",
+ "The price for one ticket would be #TRAIN-INFORM-TICKET# .",
+ "Of course , the cost for one ticket will be #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "It 's #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# per ticket .",
+ "The ticket is #TRAIN-INFORM-TICKET# .",
+ "the price is #TRAIN-INFORM-TICKET# .",
+ "The train is #TRAIN-INFORM-TICKET# .",
+ "The cost for one ticket is #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# per person .",
+ "Tickets are #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "I #TRAIN-INFORM-TICKET# .",
+ "They are #TRAIN-INFORM-TICKET# each",
+ "The price of the train is #TRAIN-INFORM-TICKET# .",
+ "The cost is #TRAIN-INFORM-TICKET# .",
+ "that will cost you #TRAIN-INFORM-TICKET# .",
+ "The price for that train is #TRAIN-INFORM-TICKET# .",
+ "The price for either train is #TRAIN-INFORM-TICKET# .",
+ "Yes , it 's #TRAIN-INFORM-TICKET# .",
+ "The price of the train is #TRAIN-INFORM-TICKET# .",
+ "That will cost you #TRAIN-INFORM-TICKET# per ticket",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The price per ticket is #TRAIN-INFORM-TICKET# .",
+ "The total price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Day;Depart;Leave;Ticket;": [
+ "There is a train leaving out of #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# for #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Dest;Id;": [
+ "I have #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# will have you in #TRAIN-INFORM-DEST# about #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# puts you into #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that train work for you ?",
+ "We have the #TRAIN-INFORM-ID# arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Does that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that will get you into #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The #TRAIN-INFORM-ID# will get you into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "train #TRAIN-INFORM-ID# will get you to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Sure , how about the #TRAIN-INFORM-ID# which gets into #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ?",
+ "The #TRAIN-INFORM-ID# will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Does that give you enough time ?",
+ "If you take the #TRAIN-INFORM-ID# , you 'll get to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# gets you to #TRAIN-INFORM-DEST# about #TRAIN-INFORM-ARRIVE# . Would you like that one ?",
+ "The #TRAIN-INFORM-ID# will have you in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "the #TRAIN-INFORM-ID# train arrives at #TRAIN-INFORM-ARRIVE# at #TRAIN-INFORM-DEST# .",
+ "In that case , the #TRAIN-INFORM-ID# may be the train you want . It pulls into #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# will have you in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# will arrive at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "How about #TRAIN-INFORM-ID# ? It arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Day;Depart;Id;": [
+ "TrainID #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and arrives in cambridge at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Id;Leave;Time;": [
+ "How about train #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# & arrives at #TRAIN-INFORM-ARRIVE# . Travel time is #TRAIN-INFORM-TIME# .",
+ "Yes #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , it is a #TRAIN-INFORM-TIME# .",
+ "Sure , the #TRAIN-INFORM-ID# \t train leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# with a travel time of #TRAIN-INFORM-TIME# .",
+ "The train ID is #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# for a total travel time of #TRAIN-INFORM-TIME# .",
+ "The earliest is #TRAIN-INFORM-ID# which leaves at #TRAIN-INFORM-LEAVE# . It arrives by #TRAIN-INFORM-ARRIVE# and takes #TRAIN-INFORM-TIME# .",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . It 's #TRAIN-INFORM-TIME# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . The travel time is #TRAIN-INFORM-TIME# .",
+ "The train ride is #TRAIN-INFORM-TIME# , I can book you on the #TRAIN-INFORM-ID# which leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Ticket;Time;": [
+ "The price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "It is a short trip , just #TRAIN-INFORM-TIME# and the cost is #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "Yes the travel time is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "Of course , it 's a #TRAIN-INFORM-TIME# trip and it will cost #TRAIN-INFORM-TICKET# per ticket .",
+ "The trip lasts #TRAIN-INFORM-TIME# and is #TRAIN-INFORM-TICKET# .",
+ "Yes the travel time is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "The cost is #TRAIN-INFORM-TICKET# and the trip will take #TRAIN-INFORM-TIME# .",
+ "Their travel time is #TRAIN-INFORM-TIME# , and it costs #TRAIN-INFORM-TICKET# .",
+ "Yes , travel time is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The cost would be #TRAIN-INFORM-TICKET# , and the trip takes #TRAIN-INFORM-TIME# .",
+ "You are looking at #TRAIN-INFORM-TICKET# per ticket and it is a #TRAIN-INFORM-TIME# trip .",
+ "It is #TRAIN-INFORM-TICKET# and takes #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "travel time is #TRAIN-INFORM-TIME# and the cost is #TRAIN-INFORM-TICKET# .",
+ "Sure ! The travel time is #TRAIN-INFORM-TIME# and it costs #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# and the duration of the trip would be #TRAIN-INFORM-TIME# .",
+ "Travel time is #TRAIN-INFORM-TIME# , and the price is #TRAIN-INFORM-TICKET# .",
+ "The price for one ticket is #TRAIN-INFORM-TICKET# which is payable at the station and it 's a #TRAIN-INFORM-TIME# ride .",
+ "The travel time will be #TRAIN-INFORM-TIME# and the price will be #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET# and last a total of #TRAIN-INFORM-TIME# .",
+ "Certainly . The price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# \t .",
+ "the tickets are #TRAIN-INFORM-TICKET# and it 's #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# .",
+ "The duration is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# and the duration is #TRAIN-INFORM-TIME# .",
+ "It costs #TRAIN-INFORM-TICKET# per ticket , and the travel time is #TRAIN-INFORM-TIME# .",
+ "Okay the price for a train ticket will be #TRAIN-INFORM-TICKET# for #TRAIN-INFORM-TIME# ride .",
+ "Sure - the travel time is #TRAIN-INFORM-TIME# , and the fee is #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# . The cost per ticket is #TRAIN-INFORM-TICKET# .",
+ "Each ticket is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "only #TRAIN-INFORM-TIME# and #TRAIN-INFORM-TICKET# payable at the station",
+ "Yes , the travel time is #TRAIN-INFORM-TIME# , and the price is #TRAIN-INFORM-TICKET# .",
+ "Yes travel time will be #TRAIN-INFORM-TIME# and the cost of ths journey is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# . The travel time is #TRAIN-INFORM-TIME# . May I help you with anything else ?",
+ "Price is #TRAIN-INFORM-TICKET# and travel time is #TRAIN-INFORM-TIME# .",
+ "Yes they both have a travel time of #TRAIN-INFORM-TIME# and cost #TRAIN-INFORM-TICKET# per ticket .",
+ "The price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "Price is #TRAIN-INFORM-TICKET# . Duration is #TRAIN-INFORM-TIME# .",
+ "The price is #TRAIN-INFORM-TICKET# and it takes #TRAIN-INFORM-TIME# .",
+ "The train ride is #TRAIN-INFORM-TIME# and it will cost #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the cost of the ticket is #TRAIN-INFORM-TICKET# .",
+ "Yes travel time is #TRAIN-INFORM-TIME# and the cost of the ticket is #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and it costs #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# , and the travel time is #TRAIN-INFORM-TIME# .",
+ "It is #TRAIN-INFORM-TICKET# and it is a #TRAIN-INFORM-TIME# ride . Would you like me to book a train for you ?",
+ "The price is #TRAIN-INFORM-TICKET# and the duration of the train ride is #TRAIN-INFORM-TIME# .",
+ "The trip is #TRAIN-INFORM-TIME# long and it is #TRAIN-INFORM-TICKET# for a ticket .",
+ "It is a #TRAIN-INFORM-TIME# drive and the cost is #TRAIN-INFORM-TICKET# per person .",
+ "Well then the most I can tell you is the journey last #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# .",
+ "The cost is #TRAIN-INFORM-TICKET# per ticket , and the travel time is #TRAIN-INFORM-TIME# .",
+ "Sure ! The fare is #TRAIN-INFORM-TICKET# per person , and it 's a short , #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# and it will cost you #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and it is #TRAIN-INFORM-TICKET# .",
+ "It 's a #TRAIN-INFORM-TIME# ride and it will cost #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the cost is #TRAIN-INFORM-TICKET# .",
+ "It will take #TRAIN-INFORM-TIME# and cost #TRAIN-INFORM-TICKET# .",
+ "It is a #TRAIN-INFORM-TIME# drive and the cost is #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the per ticket price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Id;": [
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "Their ID is #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "Here you go #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "How about #TRAIN-INFORM-ID# ?",
+ "Of course , it 's #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "The ID is #TRAIN-INFORM-ID# .",
+ "The ID is #TRAIN-INFORM-ID# .",
+ "Alright how about the #TRAIN-INFORM-ID# ?",
+ "That is train #TRAIN-INFORM-ID# . Is there anything else I can help with ?",
+ "Looks like it 's #TRAIN-INFORM-ID# .",
+ "The earliest train is the train #TRAIN-INFORM-ID# .",
+ "Yes , the Train ID is #TRAIN-INFORM-ID# .",
+ "Train #TRAIN-INFORM-ID# is what you 're looking for !",
+ "How about train #TRAIN-INFORM-ID# ?",
+ "How about #TRAIN-INFORM-ID# ?",
+ "The Train ID is #TRAIN-INFORM-ID# .",
+ "The number is #TRAIN-INFORM-ID# .",
+ "That 's the #TRAIN-INFORM-ID# .",
+ "train #TRAIN-INFORM-ID# should fit you .",
+ "The train is #TRAIN-INFORM-ID# . Will that be all today ?",
+ "Sure thing #TRAIN-INFORM-ID# . Thank you",
+ "the #TRAIN-INFORM-ID# will get you where you need to go",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "How about #TRAIN-INFORM-ID# ?",
+ "The trainID is #TRAIN-INFORM-ID# .",
+ "Certainly . That train ID is #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "Thank you for reminding me , your train ID Number will be : #TRAIN-INFORM-ID# .",
+ "The train i d is #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "I have train #TRAIN-INFORM-ID# that would suit you .",
+ "Of course , the Train ID is #TRAIN-INFORM-ID# .",
+ "That would be the #TRAIN-INFORM-ID# .",
+ "That trainID is #TRAIN-INFORM-ID# .",
+ "That train ID is #TRAIN-INFORM-ID# .",
+ "The train i d is #TRAIN-INFORM-ID# ."
+ ],
+ "Leave;Ticket;Time;": [
+ "Ok , the first train leaves at #TRAIN-INFORM-LEAVE# from there , the irde takes #TRAIN-INFORM-TIME# and the cost is #TRAIN-INFORM-TICKET# pounds .",
+ "The price for this train is #TRAIN-INFORM-TICKET# . The departure time is at #TRAIN-INFORM-LEAVE# and the trip is a total of #TRAIN-INFORM-TIME# .",
+ "That train departs at #TRAIN-INFORM-LEAVE# . The total travel time is #TRAIN-INFORM-TIME# . The cost of the ticket is #TRAIN-INFORM-TICKET# .",
+ "There are trains departing hourly at 1 minute past the hour #TRAIN-INFORM-LEAVE# . All are #TRAIN-INFORM-TICKET# , and take #TRAIN-INFORM-TIME# .",
+ "The train departs at #TRAIN-INFORM-LEAVE# duration #TRAIN-INFORM-TIME# price #TRAIN-INFORM-TICKET# .",
+ "The departure time will be at #TRAIN-INFORM-LEAVE# with a travel time of #TRAIN-INFORM-TIME# . The price is in the #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Ticket;Time;": [
+ "The #TRAIN-INFORM-ID# departs form #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The travel time is #TRAIN-INFORM-TIME# , and the cost is #TRAIN-INFORM-TICKET# pounds . How does that sound ?",
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The duration of the trip is #TRAIN-INFORM-TIME# . The price is #TRAIN-INFORM-TICKET# .",
+ "There is a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The trainID is #TRAIN-INFORM-ID# and the trip duration is #TRAIN-INFORM-TIME# . A ticket is #TRAIN-INFORM-TICKET# .",
+ "I have train #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and gets to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# , resulting in a #TRAIN-INFORM-TIME# . It costs #TRAIN-INFORM-TICKET# .",
+ "Sure - #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , arriving #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The total travel time is #TRAIN-INFORM-TIME# , and the price is #TRAIN-INFORM-TICKET# per ticket .",
+ "Train # #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The travel time is #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# .",
+ "I have train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# and runs for #TRAIN-INFORM-TIME# . Can I interest you in that one ?"
+ ],
+ "Ref;": [
+ "The reference number is #TRAIN-INFORM-REF# .",
+ "The reference number of your trip is #TRAIN-INFORM-REF# . Thank you",
+ "reference number is #TRAIN-INFORM-REF# .",
+ "The reference number is #TRAIN-INFORM-REF# .",
+ "Sure your reference number is : #TRAIN-INFORM-REF# ."
+ ],
+ "Arrive;Id;Time;": [
+ "The arrival time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-ARRIVE# and the travel time is #TRAIN-INFORM-TIME# .",
+ "The duration for all rides are the same at #TRAIN-INFORM-TIME# . #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# . Does that work for you ?",
+ "Read the previous lines please ! number #TRAIN-INFORM-ID# , arrival #TRAIN-INFORM-ARRIVE# , travel time #TRAIN-INFORM-TIME# .",
+ "trin ID #TRAIN-INFORM-ID# arrives #TRAIN-INFORM-ARRIVE# and will take #TRAIN-INFORM-TIME# . do you like that ?"
+ ],
+ "Arrive;Dest;Leave;": [
+ "I have a train that departs at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that do ?",
+ "I have train TR6386 that will leave at #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Shall we try the Train that leaves at #TRAIN-INFORM-LEAVE# ? This train will get you into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I can get you on the #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "There is a #TRAIN-INFORM-LEAVE# train to #TRAIN-INFORM-DEST# on Thursday . I would arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Sure , the #TRAIN-INFORM-LEAVE# train will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The most reasonable train leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "It would depart at #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "There s a train that departs at #TRAIN-INFORM-LEAVE# arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . How does that sound ?",
+ "I have a #TRAIN-INFORM-LEAVE# departure to #TRAIN-INFORM-DEST# that arrives at #TRAIN-INFORM-ARRIVE# . Would that do ?",
+ "I have a #TRAIN-INFORM-LEAVE# train that will get you into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Day;Leave;Time;": [
+ "I ' m terribly sorry -- you are correct . There are #TRAIN-INFORM-CHOICE# , at one minute past . There is a #TRAIN-INFORM-LEAVE# train on #TRAIN-INFORM-DAY# , for example . Travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Id;Ticket;": [
+ "The price of #TRAIN-INFORM-ID# is #TRAIN-INFORM-TICKET# .",
+ "Okay , the trainID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# .",
+ "The train ID is #TRAIN-INFORM-ID# and the cost is #TRAIN-INFORM-TICKET# .",
+ "The train ID is #TRAIN-INFORM-ID# . Adult tickets are #TRAIN-INFORM-TICKET# each way .",
+ "the train Number is #TRAIN-INFORM-ID# , it will cost you #TRAIN-INFORM-TICKET# .",
+ "The train ID is #TRAIN-INFORM-ID# and the cost is #TRAIN-INFORM-TICKET# .",
+ "Your Train ID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# per person .",
+ "The train ID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# per ticket",
+ "the train Number is #TRAIN-INFORM-ID# , it will cost you #TRAIN-INFORM-TICKET# .",
+ "I think you 'd like #TRAIN-INFORM-ID# train , it costs #TRAIN-INFORM-TICKET# .",
+ "Train #TRAIN-INFORM-ID# cost #TRAIN-INFORM-TICKET# per ticket .",
+ "The train ID is #TRAIN-INFORM-ID# and the ticket price is #TRAIN-INFORM-TICKET# .",
+ "Sure . The price is #TRAIN-INFORM-TICKET# and the ID is #TRAIN-INFORM-ID# .",
+ "The cost for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TICKET# .",
+ "With pleasure ! It will be train number #TRAIN-INFORM-ID# . #TRAIN-INFORM-TICKET# per person .",
+ "The price would be #TRAIN-INFORM-TICKET# and the train ID is #TRAIN-INFORM-ID# .",
+ "The train ID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# . Is there anything else you need today ?",
+ "The #TRAIN-INFORM-ID# costs #TRAIN-INFORM-TICKET# .",
+ "The train ID is #TRAIN-INFORM-ID# and the price is \t #TRAIN-INFORM-TICKET# .",
+ "Sure the train ID is #TRAIN-INFORM-ID# and the cost of the journey is #TRAIN-INFORM-TICKET# .",
+ "Sure , the train ID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# .",
+ "Yes . The train ID is #TRAIN-INFORM-ID# and the price per seat is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Depart;Dest;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that depart #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# after 20:15 . The first one leaves at #TRAIN-INFORM-LEAVE# , and they run #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;": [
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train ? It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Certainly ! #TRAIN-INFORM-ID# will depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . That one sounds like it 's better for your time frame .",
+ "the #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Train ID #TRAIN-INFORM-ID# will have you arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "I have train #TRAIN-INFORM-ID# departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "I would recommend #TRAIN-INFORM-ID# . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The next best option will be #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "We have #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "I would recommend #TRAIN-INFORM-ID# which departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . It 's price is 10.10 pounds . There are earlier trains if you wish .",
+ "How about the #TRAIN-INFORM-ID# train . It would leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and get you to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Okay , it looks like the #TRAIN-INFORM-ID# would depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Train #TRAIN-INFORM-ID# will leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Okay , how about #TRAIN-INFORM-ID# ? It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "My apologies . How about this : #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would this be better ?",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train ? It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Sorry , there was an error earlier . The train you want is #TRAIN-INFORM-ID# , leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would suggest train ID #TRAIN-INFORM-ID# which departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# Saturday at #TRAIN-INFORM-LEAVE# with an arrival time in #TRAIN-INFORM-DEST# of #TRAIN-INFORM-ARRIVE# .",
+ "I ' m sorry #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train ? It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Yes I have the #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I have train ID #TRAIN-INFORM-ID# . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Ok , #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will this work for you ?",
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that be a good option for you , or would you prefer something earlier ?",
+ "We do have #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Yes . I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I think the #TRAIN-INFORM-ID# train will work better . It leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on thursday . Would that one work ?",
+ "I have train #TRAIN-INFORM-ID# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# departing at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that will depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Would this schedule interest you ?",
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I think the best option is #TRAIN-INFORM-ID# . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and gets into #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "The earliest to get you there before 14:45 is the #TRAIN-INFORM-ID# , leaving #TRAIN-INFORM-DEPART# #TRAIN-INFORM-LEAVE# , arriving #TRAIN-INFORM-DEST# #TRAIN-INFORM-ARRIVE# . Will that do , or do you prefer something a little later in the day ?",
+ "I have #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and will arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The first train after 11:15 is the #TRAIN-INFORM-ID# , leaving #TRAIN-INFORM-DEPART# #TRAIN-INFORM-LEAVE# , arriving #TRAIN-INFORM-DEST# #TRAIN-INFORM-ARRIVE# . Would this be to your liking ?",
+ "Train #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The first train leaving after 16:15 is #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Will this work for you ?",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train ? It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Might I suggest train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Id;": [
+ "How about #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# ?",
+ "The #TRAIN-INFORM-ID# will get you in at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "the #TRAIN-INFORM-ID# train arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# is that good for you ?",
+ "It sounds like #TRAIN-INFORM-ID# would be a great choice . It arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "How about the #TRAIN-INFORM-ID# train ? It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# could get you there by #TRAIN-INFORM-ARRIVE# , does that work for you ?",
+ "okay the #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The train arrives by #TRAIN-INFORM-ARRIVE# and #TRAIN-INFORM-ID# is the train i d .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# and the trainID is #TRAIN-INFORM-ID# .",
+ "Sure , that would be train #TRAIN-INFORM-ID# and it arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The earliest train available is #TRAIN-INFORM-ID# . The arrival time would be #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# would that work ?",
+ "Alright , #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# , does that suit your needs ?",
+ "Okay the #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# .",
+ "We have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# . How is that ?",
+ "Ok , the #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have #TRAIN-INFORM-ID# that arrives by #TRAIN-INFORM-ARRIVE# . Does that work for you ?",
+ "How about #TRAIN-INFORM-ID# ? It arrives #TRAIN-INFORM-ARRIVE# .",
+ "Ok , the #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-ARRIVE# is that okay ?",
+ "how about #TRAIN-INFORM-ID# ? it arrives by #TRAIN-INFORM-ARRIVE# .",
+ "We have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "I would recommend the #TRAIN-INFORM-ID# train that arrives at #TRAIN-INFORM-ARRIVE# . Would that work ?",
+ "How about #TRAIN-INFORM-ID# ? It arrives at #TRAIN-INFORM-ARRIVE# ?",
+ "I have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "The arrival time of the #TRAIN-INFORM-ID# is #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time of the #TRAIN-INFORM-ID# is #TRAIN-INFORM-ARRIVE# .",
+ "the #TRAIN-INFORM-ID# is your best match , it gets you there at #TRAIN-INFORM-ARRIVE# , interested ?",
+ "The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "That would be train #TRAIN-INFORM-ID# . It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "Well , the #TRAIN-INFORM-ID# will get you there at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "Train #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The train that arrives closest to 09:15 is #TRAIN-INFORM-ID# . It arrives by #TRAIN-INFORM-ARRIVE# will that work for you ?",
+ "Train #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# , will that work for you ?",
+ "I have train #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-ARRIVE# . That is the one closest to your time .",
+ "The #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# . Would that work ?",
+ "The closest to 19:30 without being after is #TRAIN-INFORM-ID# , they arrive at #TRAIN-INFORM-ARRIVE# , does that work for you ?",
+ "Train #TRAIN-INFORM-ID# arrives the earliest at #TRAIN-INFORM-ARRIVE# .",
+ "Okay how about the #TRAIN-INFORM-ID# it arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I can get you a ticket on the #TRAIN-INFORM-ID# it will get you there by #TRAIN-INFORM-ARRIVE# , or is that too early ?",
+ "i ' m sorry , someone entered the incorrect info . i can actually get you there by #TRAIN-INFORM-ARRIVE# on the #TRAIN-INFORM-ID# train .",
+ "ok the #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "the #TRAIN-INFORM-ID# will get you to your destination at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-ARRIVE# will that work for you ?",
+ "Train #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# which is the closest one .",
+ "the #TRAIN-INFORM-ID# will get you to your destination at #TRAIN-INFORM-ARRIVE# .",
+ "How about #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# ?",
+ "First let 's verify which train you want . The #TRAIN-INFORM-ID# will have you at your destination around #TRAIN-INFORM-ARRIVE# .",
+ "I would recommend train #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The train ID is #TRAIN-INFORM-ID# . The arrival time will be #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# ? It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have the #TRAIN-INFORM-ID# leaving at 17:50 and it will be arriving at #TRAIN-INFORM-ARRIVE# is that a little better for you ?",
+ "I have train #TRAIN-INFORM-ID# ariving at #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-ARRIVE# that is the closest I have to 12:00 .",
+ "Sure . #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# . How is that ?",
+ "Okay the #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I can suggest the #TRAIN-INFORM-ID# arriving by #TRAIN-INFORM-ARRIVE# .",
+ "We have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "Yes you are correct train #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# ? It will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Sure the train i d is #TRAIN-INFORM-ID# and the arrival time is #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Depart;Dest;Leave;": [
+ "The #TRAIN-INFORM-LEAVE# train leaves #TRAIN-INFORM-DEPART# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Yes I have a #TRAIN-INFORM-LEAVE# that arrives in #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-ARRIVE# . Would you like me to book that for you ?",
+ "I have a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# to go to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# , TR6925 . Does this sound acceptable ?",
+ "I ' m sorry I had that completely mixed up . There is a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "There is a train that departs from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have a train that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that do ?",
+ "If you leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , you should arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "There is a train leaving from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . How does that sound ?",
+ "The first train after 17:45 from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would that be to your liking ?",
+ "There is a train that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# a.m on Wednesday and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# a.m.",
+ "I have a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , and arriving on #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Dest;Id;Time;": [
+ "It takes the #TRAIN-INFORM-ID# #TRAIN-INFORM-TIME# to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ."
+ ],
+ "Time;": [
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# . Would you like to know any more info ?",
+ "That would be #TRAIN-INFORM-TIME# .",
+ "That will be #TRAIN-INFORM-TIME# .",
+ "The trip is #TRAIN-INFORM-TIME# .",
+ "The travel time for the trip is #TRAIN-INFORM-TIME# one way .",
+ "the travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The exact travel time is #TRAIN-INFORM-TIME# .",
+ "It 's a #TRAIN-INFORM-TIME# trip .",
+ "The total travel time will be #TRAIN-INFORM-TIME# .",
+ "It is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "I ' m sorry . That comes out to a #TRAIN-INFORM-TIME# train ride . Does that sound agreeable to you ?",
+ "That will be #TRAIN-INFORM-TIME# .",
+ "travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "Travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "Travel time is #TRAIN-INFORM-TIME# .",
+ "The trip is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time of the journey is going to be #TRAIN-INFORM-TIME# .",
+ "Travel time is #TRAIN-INFORM-TIME# .",
+ "The train will take #TRAIN-INFORM-TIME# to arrive at the station .",
+ "It is #TRAIN-INFORM-TIME# on that train .",
+ "It will be a #TRAIN-INFORM-TIME# train ride",
+ "The duration of the trip is #TRAIN-INFORM-TIME# . Would you like more information ?",
+ "The total travel time is #TRAIN-INFORM-TIME# .",
+ "Each train on that route makes the run in #TRAIN-INFORM-TIME# .",
+ "That train ride will take approximately #TRAIN-INFORM-TIME# .",
+ "The trip lasts #TRAIN-INFORM-TIME# .",
+ "They are both #TRAIN-INFORM-TIME# trips",
+ "The travel time is #TRAIN-INFORM-TIME# . Is that sufficient ?",
+ "About #TRAIN-INFORM-TIME# .",
+ "The train ride is #TRAIN-INFORM-TIME# long .",
+ "That ride takes exactly #TRAIN-INFORM-TIME# .",
+ "The duration for your train ride is #TRAIN-INFORM-TIME# .",
+ "It will be #TRAIN-INFORM-TIME# .",
+ "The duration of the trip is #TRAIN-INFORM-TIME# .",
+ "It is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "It is #TRAIN-INFORM-TIME# . May I help you with anything else today ?",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "Travel time is approximately #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "Yes , it is #TRAIN-INFORM-TIME# .",
+ "the travel time is about #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The total travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "Yes the total travel time would be #TRAIN-INFORM-TIME# .",
+ "The travel time for that train will be #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "That will be #TRAIN-INFORM-TIME# .",
+ "It 's a #TRAIN-INFORM-TIME# .",
+ "The ride lasts #TRAIN-INFORM-TIME# .",
+ "Duration for this particular trip is #TRAIN-INFORM-TIME# .",
+ "It takes #TRAIN-INFORM-TIME# .",
+ "Travel time will be #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The train will take #TRAIN-INFORM-TIME# between the two places .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time for that train is #TRAIN-INFORM-TIME# .",
+ "The travel time for the train is #TRAIN-INFORM-TIME# .",
+ "The total travel time is #TRAIN-INFORM-TIME# .",
+ "The total travel time on that train is #TRAIN-INFORM-TIME# .",
+ "the trip is #TRAIN-INFORM-TIME# long",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# for that",
+ "The duration of the train ride is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "It is going to be #TRAIN-INFORM-TIME# total .",
+ "The travel time is #TRAIN-INFORM-TIME# . Would you like the departure times ?",
+ "The total travel time is #TRAIN-INFORM-TIME# for that route .",
+ "The trip will be #TRAIN-INFORM-TIME# long .",
+ "Travel time will be #TRAIN-INFORM-TIME# .",
+ "Yes travel is exactly #TRAIN-INFORM-TIME# .",
+ "It will be #TRAIN-INFORM-TIME# .",
+ "You would be on the train for #TRAIN-INFORM-TIME# , is this OK ?",
+ "It is a #TRAIN-INFORM-TIME# trip",
+ "The duration of that trip is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The trip is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "It will be a #TRAIN-INFORM-TIME# trip",
+ "The train ride is #TRAIN-INFORM-TIME# long .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "the travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "It is #TRAIN-INFORM-TIME# .",
+ "It 's #TRAIN-INFORM-TIME# . It 's very fast .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "it is #TRAIN-INFORM-TIME# travel times",
+ "The travel time of that train is #TRAIN-INFORM-TIME# .",
+ "It is a #TRAIN-INFORM-TIME# trip .",
+ "Absolutely , it is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "They are both #TRAIN-INFORM-TIME# .",
+ "The train ride is #TRAIN-INFORM-TIME# .",
+ "The trip takes a total of #TRAIN-INFORM-TIME# . Is there anything else you need ?",
+ "Of course , the travel time is roughly #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Leave;": [
+ "Okay , I ' ve got a training leaving at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# , will that be good ?",
+ "There is a train departing at #TRAIN-INFORM-LEAVE# that arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have a train leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# wil that work for you ?",
+ "There is a #TRAIN-INFORM-LEAVE# that will arrive by #TRAIN-INFORM-ARRIVE# . How does that sound ?",
+ "There 's a train that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Is that good ?",
+ "There is a #TRAIN-INFORM-LEAVE# that will arrive at #TRAIN-INFORM-ARRIVE# that morning .",
+ "How about the #TRAIN-INFORM-LEAVE# train ? It gets in at #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "Yes it leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have another train that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# if that would be better ?",
+ "I am sorry the departure time on that train is #TRAIN-INFORM-LEAVE# and you will be arriving at #TRAIN-INFORM-ARRIVE# . Sorry got the two confused .",
+ "There is a train that fits that criteria leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# , would that work ?",
+ "You will be leaving at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-LEAVE# that would arrive at #TRAIN-INFORM-ARRIVE# ?",
+ "I have one leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# will this work for you ?",
+ "It departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . That gives you about 15 minutes to spare . Is that alright ?",
+ "There is a train depart at #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Yes I have a train that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I apologize , I gave you wrong information regarding the train . The first train to leave after 16:00 is at #TRAIN-INFORM-LEAVE# , and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "Okay I have a #TRAIN-INFORM-LEAVE# that arrives at #TRAIN-INFORM-ARRIVE# .",
+ "There 's a train that leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Does that sound okay ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would like that one ?",
+ "I have a train arriving at #TRAIN-INFORM-ARRIVE# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "I have a train that leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Does this work for you ?",
+ "The train that arrives at #TRAIN-INFORM-ARRIVE# would depart at #TRAIN-INFORM-LEAVE# .",
+ "Okay ! How about the #TRAIN-INFORM-LEAVE# train ? That 's the latest one , and it arrives at #TRAIN-INFORM-ARRIVE# .",
+ "it leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , my mistake",
+ "How about a #TRAIN-INFORM-LEAVE# that will arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "Okay , the #TRAIN-INFORM-LEAVE# train arriving at #TRAIN-INFORM-ARRIVE# will get you to the airport a little early .",
+ "The train leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "It would leave at #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "My earliest train is leaving at #TRAIN-INFORM-LEAVE# am and arriving at #TRAIN-INFORM-ARRIVE# am . Is that acceptable ?",
+ "It will be leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# that will get you in by #TRAIN-INFORM-ARRIVE# .",
+ "I have a train leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Is that ok ?",
+ "you leave at #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "There is a #TRAIN-INFORM-LEAVE# that would arrive at #TRAIN-INFORM-ARRIVE# . How does that sound ?",
+ "I have a train that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Sorry it leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "It leaves at #TRAIN-INFORM-LEAVE# and gets there at #TRAIN-INFORM-ARRIVE# , sorry for any confusion ."
+ ],
+ "Arrive;Depart;Id;": [
+ "You could grab the #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# it will get you there by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Dest;Id;Leave;Ticket;Time;": [
+ "I understand . The #TRAIN-INFORM-ID# would depart at #TRAIN-INFORM-LEAVE# , and have you in #TRAIN-INFORM-DEST# around #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# per ticket , and takes #TRAIN-INFORM-TIME# travel time ."
+ ],
+ "Arrive;Id;Leave;": [
+ "okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "Okay , how about #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# ? Would that work for you ?",
+ "Okay how about the #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , would that work ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# . Would that work for you ? If not , I have both earlier and later trains .",
+ "No , it does not . I apologize for the error . I do have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and will get you there by #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Sure , the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The latest train that will arrive before 20:30 would be train #TRAIN-INFORM-ID# . It departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Do you think that would work for you ?",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Do you think you would be interested in that schedule ?",
+ "I have train #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The first train leaving after 16:00 is #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# and will arrive at #TRAIN-INFORM-ARRIVE# . Will that fit your needs ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and will arrive at #TRAIN-INFORM-ARRIVE# . Is that alright ?",
+ "The #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would you like to book it ?",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "The last train that will arrive by 16:30 is train #TRAIN-INFORM-ID# . It departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would you like me to book a ticket for you ?",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , will that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that will be departing at #TRAIN-INFORM-LEAVE# and will get you there by #TRAIN-INFORM-ARRIVE# . Would that be something that interests you ?",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "How about #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# ? They arrive at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Sure , #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Is that okay ?",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and would get you there by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving #TRAIN-INFORM-ARRIVE# .",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that will be departing at #TRAIN-INFORM-LEAVE# and will arrive by #TRAIN-INFORM-ARRIVE# . Do you think that would work for you ?",
+ "How about Train #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The departure time for the #TRAIN-INFORM-ID# train is #TRAIN-INFORM-LEAVE# , it then arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and will get you there by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "If you leave at #TRAIN-INFORM-LEAVE# on train #TRAIN-INFORM-ID# you will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "I have #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-ARRIVE# . Is that OK ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would this fit your schedule ?",
+ "Okay . How about #TRAIN-INFORM-ID# , which would depart at #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and will arrive by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you or would you like something earlier ?",
+ "I have train #TRAIN-INFORM-ID# that is departing at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Would that train be better for you ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-ID# train ? It leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Would that suffice ?",
+ "Train ID is #TRAIN-INFORM-ID# , it departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "How about train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Is that alright ?",
+ "I did find a train for Sunday . #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The #TRAIN-INFORM-ID# train leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Does that work for you ?",
+ "There is #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Is that good for you ?",
+ "I have train #TRAIN-INFORM-ID# . It is departing at #TRAIN-INFORM-LEAVE# and will arrive by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I do have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that be something that would work for you ?"
+ ],
+ "Arrive;Depart;Dest;Leave;Ticket;Time;": [
+ "The cost is #TRAIN-INFORM-TICKET# . The duration of the trip is #TRAIN-INFORM-TIME# , leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# ."
+ ],
+ "Id;Leave;": [
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# is that okay for you ?",
+ "Okay , no problem . The #TRAIN-INFORM-ID# train leaves at #TRAIN-INFORM-LEAVE# . Will that work for you ?",
+ "how about the #TRAIN-INFORM-ID# , it leaves at #TRAIN-INFORM-LEAVE# .",
+ "Ok , I have #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# . Will that work for you ?",
+ "I found #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# would that work ?",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . Is that ok for you ?",
+ "How does the #TRAIN-INFORM-LEAVE# departure on the #TRAIN-INFORM-ID# sound ?",
+ "Sure thing , train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . Will that work ?",
+ "I have a #TRAIN-INFORM-LEAVE# departure and the train ID is #TRAIN-INFORM-ID# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# is that okay with you ?",
+ "I have an #TRAIN-INFORM-LEAVE# with train #TRAIN-INFORM-ID# does that work for you ?",
+ "I have the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# . Will that work ?",
+ "Yes , a train leaves at #TRAIN-INFORM-LEAVE# with the ID #TRAIN-INFORM-ID# .",
+ "Sure the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . would that be okay ?",
+ "Sure , #TRAIN-INFORM-ID# is the train leaving at #TRAIN-INFORM-LEAVE# .",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "The closest match I have is the #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# is that okay ?",
+ "Okay , how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "The closest train I have is the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# . There 's nothing earlier on that day .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# that day .",
+ "train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . would that be good ?",
+ "The train ID for the #TRAIN-INFORM-LEAVE# is #TRAIN-INFORM-ID# .",
+ "great ! the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# !",
+ "ok I have one leaving by #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-ID# , would that be fine ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . Would that work ?",
+ "The #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# , would that suit you ?",
+ "How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , with the rest following in one hour increments .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , would that suit you ?",
+ "Yes , the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "We have the #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# . Does that work ?",
+ "I found #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# would that work for you ?",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "The #TRAIN-INFORM-ID# leaves just 15 minutes later , at #TRAIN-INFORM-LEAVE# .",
+ "I would recommend the #TRAIN-INFORM-ID# train that leaves at #TRAIN-INFORM-LEAVE# . Would that work/",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train after 08:45 is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , is that okay ?",
+ "How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "How about the #TRAIN-INFORM-ID# train that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Okay , how about the #TRAIN-INFORM-ID# ? It departs at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "I found one #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# would that work for you ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# . Would that work for you ?",
+ "The trainId is #TRAIN-INFORM-ID# and it leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# if that works for you .",
+ "Train #TRAIN-INFORM-ID# would probably fit your needs . It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Okay . The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . Will that suit ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train I d #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# . Do you want it .",
+ "The first train out after 09:30 is #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train running that route after 18:30 is the #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "how about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "how about train #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "The closest I found was #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# , would that work for you ?",
+ "How about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Very well . The earliest train is #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# . Is that alright ?",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Yes the train ID for the #TRAIN-INFORM-LEAVE# is #TRAIN-INFORM-ID# .",
+ "How about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# would that work for you ?",
+ "How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Okay , the train you want is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# . Would that work ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "It appears that #TRAIN-INFORM-ID# will be your best bet . It leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train after 08:15 is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# .",
+ "I have the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# available . Would you like me to book seats on that ?",
+ "Okay , the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# .",
+ "what about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , will that suit you ?",
+ "The train i d is #TRAIN-INFORM-ID# and it leaves at #TRAIN-INFORM-LEAVE# .",
+ "Okay the #TRAIN-INFORM-ID# matches your needs . It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# .",
+ "How does train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# sound ?",
+ "The closest thing I have to your departure time is the #TRAIN-INFORM-ID# which leaves at #TRAIN-INFORM-LEAVE# .",
+ "how about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "I am sorry that os not leaving at the correct time but I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# .",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# is this okay ?",
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Choice;Leave;Leave;": [
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# and they run #TRAIN-INFORM-LEAVE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains that would work . One leaves at #TRAIN-INFORM-LEAVE# and the other at #TRAIN-INFORM-LEAVE# .",
+ "I have one that leaves at #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-CHOICE# more that depart #TRAIN-INFORM-LEAVE# after .",
+ "There are #TRAIN-INFORM-CHOICE# of trains you can choose , the earliest one being at #TRAIN-INFORM-LEAVE# and the latest at #TRAIN-INFORM-LEAVE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains leaving that day after #TRAIN-INFORM-LEAVE# . #TRAIN-INFORM-LEAVE# .",
+ "I have a total of #TRAIN-INFORM-CHOICE# entries . Would you like to narrow it down ? Or I have a train at #TRAIN-INFORM-LEAVE# , or #TRAIN-INFORM-LEAVE# as well ?",
+ "There are #TRAIN-INFORM-CHOICE# . One leaving at #TRAIN-INFORM-LEAVE# and the other leaving at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Time;": [
+ "The trip takes #TRAIN-INFORM-TIME# . I have one arriving at #TRAIN-INFORM-ARRIVE# .",
+ "It arrives at #TRAIN-INFORM-ARRIVE# after a total travel time of #TRAIN-INFORM-TIME# .",
+ "the trip is #TRAIN-INFORM-TIME# long and it will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Travel time is #TRAIN-INFORM-TIME# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# and the duration would be #TRAIN-INFORM-TIME# .",
+ "You would arrive at #TRAIN-INFORM-ARRIVE# . The ride is only #TRAIN-INFORM-TIME# .",
+ "it arrives at #TRAIN-INFORM-ARRIVE# and only a #TRAIN-INFORM-TIME# ride",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# and the travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;": [
+ "It arrives at \t #TRAIN-INFORM-ARRIVE# .",
+ "No , it arrives at #TRAIN-INFORM-ARRIVE# .",
+ "It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "The closest time I can get you will be at #TRAIN-INFORM-ARRIVE# , better early than late , I always say !",
+ "4 tickets to arrive by #TRAIN-INFORM-ARRIVE# !",
+ "That train arrives at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "The earliest arrival is #TRAIN-INFORM-ARRIVE# is that okay ?",
+ "Yes , the arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "I ' m afraid #TRAIN-INFORM-ARRIVE# I could find .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "I have a train that arrives at #TRAIN-INFORM-ARRIVE# , if that 's acceptable ?",
+ "It arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "I have a train that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "Arrival time is #TRAIN-INFORM-ARRIVE# does that work for you ?",
+ "I have one arriving at #TRAIN-INFORM-ARRIVE# will this work for you ?",
+ "Would the train that arrives at #TRAIN-INFORM-ARRIVE# work better for you ?",
+ "Yeah , that train will get you there by #TRAIN-INFORM-ARRIVE# .",
+ "Absolutely . You will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "The first arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "Sure , I can help with that . How close to #TRAIN-INFORM-ARRIVE# would you like to arrive ?",
+ "That train arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The train will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "That train will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "The train arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The latest arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "The soonest arrival time I have is #TRAIN-INFORM-ARRIVE# .",
+ "I ' m sorry , that is the closest arrival to #TRAIN-INFORM-ARRIVE# . Would you like me to look at something arriving after that time ?",
+ "There is another train that arrives at #TRAIN-INFORM-ARRIVE# . Would that work better for you ?",
+ "Yes , it arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have a train arriving at #TRAIN-INFORM-ARRIVE# . How does that sound ?",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "it will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "It arrives by #TRAIN-INFORM-ARRIVE# .",
+ "It will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "You will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "That train will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "There is a train that arrives at #TRAIN-INFORM-ARRIVE# . Would that do ?",
+ "The train arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Leave;": [
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "The earliest train on that route leaves #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# is that okay ?",
+ "You can depart on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# , how does that sound ?",
+ "There is a train on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# am .",
+ "There is a train #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Does that work for you ?",
+ "I can help you with that . One leaves #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# , is that time okay for you ?",
+ "There is a train on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# .",
+ "I ' m sorry the earliest train I have on #TRAIN-INFORM-DAY# leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Depart;Dest;Time;": [
+ "The travel time between #TRAIN-INFORM-DEPART# and #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Sure - the trip from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# .",
+ "The total travel time from #TRAIN-INFORM-DEST# to #TRAIN-INFORM-DEPART# is #TRAIN-INFORM-TIME# .",
+ "The travel time on that train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# .",
+ "The travel time from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# ."
+ ],
+ "Leave;Leave;Leave;": [
+ "I have one train departing at #TRAIN-INFORM-LEAVE# , one at #TRAIN-INFORM-LEAVE# , and the last one at #TRAIN-INFORM-LEAVE# . Will any of those work ?",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# and they leave #TRAIN-INFORM-LEAVE# after that #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Day;Depart;Dest;Leave;": [
+ "The next train leaving from #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# departs #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# , and will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "That is correct . It departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrices in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "there is a train that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "The closest time I have is a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . It will arrive to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The best fit for you from the search list is the #TRAIN-INFORM-LEAVE# train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to arrive #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "There 's a train scheduled on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Will this work for you ?",
+ "The next train to be leaving from #TRAIN-INFORM-DEPART# is at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# . It will get to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The best fit for you from the search list is the #TRAIN-INFORM-LEAVE# train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to arrive #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I have a train departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . I do n't have a later arrival time on #TRAIN-INFORM-DAY# , unfortunately .",
+ "Okay looks like the best bet for you is the #TRAIN-INFORM-LEAVE# train from #TRAIN-INFORM-DEPART# that arrives in #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "The train leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "There is a train leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and will arrive there at #TRAIN-INFORM-ARRIVE# .",
+ "There is a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# every hour on the : 40 on #TRAIN-INFORM-DAY# . The closest arrival to 20:15 is the #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# .",
+ "There is a train departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# #TRAIN-INFORM-DAY# , and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I have a #TRAIN-INFORM-LEAVE# train departing #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Would that work for you ?",
+ "I have a train leaving #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and you 'll arrive by #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "There is a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Dest;Id;Leave;": [
+ "The first train out of #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# after 16:30 is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is an error in that train booking could I book the #TRAIN-INFORM-ID# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , on Friday , departing at #TRAIN-INFORM-LEAVE# ?"
+ ],
+ "Depart;": [
+ "Yes , that train is departing from #TRAIN-INFORM-DEPART# .",
+ "Yes , it departs from #TRAIN-INFORM-DEPART# .",
+ "Yes the train will be departing from #TRAIN-INFORM-DEPART# .",
+ "Okay . I just need to confirm that you are traveling from #TRAIN-INFORM-DEPART# ?",
+ "Yes it departs from #TRAIN-INFORM-DEPART# .",
+ "It departs at #TRAIN-INFORM-DEPART# ."
+ ],
+ "Dest;Leave;": [
+ "I have a train going to #TRAIN-INFORM-DEST# that will leave at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Leave;": [
+ "I have a train leaving at #TRAIN-INFORM-LEAVE# would that be okay ?",
+ "The earliest train will leave at #TRAIN-INFORM-LEAVE# . Is that okay ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-LEAVE# will that work for you ?",
+ "There is a train meeting your criteria and is leaving at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The train departs at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves #TRAIN-INFORM-LEAVE# .",
+ "Yes I have a train that leaves at #TRAIN-INFORM-LEAVE# . Will that do ?",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "That train would leave at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The train departs at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves #TRAIN-INFORM-LEAVE# .",
+ "How about a train that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The earliest train leaving after 14:30 is at #TRAIN-INFORM-LEAVE# will that work for you ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# will that work ?",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# . Does that work ?",
+ "There is one leaving at #TRAIN-INFORM-LEAVE# if you would like to take that .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about leaving at #TRAIN-INFORM-LEAVE# ?",
+ "The train will depart at #TRAIN-INFORM-LEAVE# .",
+ "I have one leaving at #TRAIN-INFORM-LEAVE# will that work for you ?",
+ "The departure time is still the same , #TRAIN-INFORM-LEAVE# .",
+ "It departs at #TRAIN-INFORM-LEAVE# .",
+ "Departure time is #TRAIN-INFORM-LEAVE# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# .",
+ "There is a #TRAIN-INFORM-LEAVE# is that is not too soon for you to leave .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "I see a departing train leaving at #TRAIN-INFORM-LEAVE# .",
+ "It departs at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first leaves at #TRAIN-INFORM-LEAVE# in the morning though there are others almost every hour .",
+ "Yes , it leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# . Would that work ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "Okay ! How about the #TRAIN-INFORM-LEAVE# train ?",
+ "The earliest I have is #TRAIN-INFORM-LEAVE# . Does this work ?",
+ "How about the one immediately after , at #TRAIN-INFORM-LEAVE# ?",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# .",
+ "Your departure time is #TRAIN-INFORM-LEAVE# .",
+ "It departs at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# would that work for you ?",
+ "This train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# .",
+ "The train leaves at #TRAIN-INFORM-LEAVE# .",
+ "Yes , there are trains that leave after #TRAIN-INFORM-LEAVE# .",
+ "unfortunately the earliest train that day leaves at #TRAIN-INFORM-LEAVE# . would that be ok ?",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The first train leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "I do have a train living at #TRAIN-INFORM-LEAVE# of that would work for you .",
+ "The train leaves at #TRAIN-INFORM-LEAVE# .",
+ "there is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "There is a train available on #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "That train departs at #TRAIN-INFORM-LEAVE# .",
+ "I have a train which leaves at #TRAIN-INFORM-LEAVE# . Would that work for you ?",
+ "Okay ! How about the #TRAIN-INFORM-LEAVE# train ? It 's the earliest one after 12:30 .",
+ "it will leave at #TRAIN-INFORM-LEAVE# .",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# .",
+ "That 'll be at #TRAIN-INFORM-LEAVE# .",
+ "Alright the first train leave by #TRAIN-INFORM-LEAVE# .",
+ "I see a departing train leaving at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "There are trains leaving every 2 hours starting at #TRAIN-INFORM-LEAVE# .",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "People;Ref;Ticket;": [
+ "The total for #TRAIN-INFORM-PEOPLE# tickets is #TRAIN-INFORM-TICKET# , which you can pay at the station . Your Reference number is : #TRAIN-INFORM-REF# ."
+ ],
+ "Arrive;Depart;Id;Leave;": [
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I would suggest #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at your destination at #TRAIN-INFORM-ARRIVE# .",
+ "Yes , you 'll want to take #TRAIN-INFORM-ID# . It will leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Id;Leave;Ticket;Time;": [
+ "Sure train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . That is a total time of #TRAIN-INFORM-TIME# . The cost is #TRAIN-INFORM-TICKET# .",
+ "Sure , #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , arrives at #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# travel time #TRAIN-INFORM-TIME# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# arriving at #TRAIN-INFORM-ARRIVE# travel time #TRAIN-INFORM-TIME# with a price of #TRAIN-INFORM-TICKET# .",
+ "Each train costs #TRAIN-INFORM-TICKET# with a duration of #TRAIN-INFORM-TIME# for that trip . If you take the #TRAIN-INFORM-ID# at #TRAIN-INFORM-LEAVE# , you 'll arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Sure , I have #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# , with a duration of #TRAIN-INFORM-TIME# . The cost is #TRAIN-INFORM-TICKET# . Would that work for you ?",
+ "The train ID is #TRAIN-INFORM-ID# it leaves at #TRAIN-INFORM-LEAVE# and arrives #TRAIN-INFORM-ARRIVE# the travel time is #TRAIN-INFORM-TIME# with a price of #TRAIN-INFORM-TICKET# .",
+ "I have train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# travel time #TRAIN-INFORM-TIME# . The cost is #TRAIN-INFORM-TICKET# .",
+ "Of course . The #TRAIN-INFORM-ID# would leave at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# . It would of course cost #TRAIN-INFORM-TICKET# per ticket , and it would be a #TRAIN-INFORM-TIME# ride .",
+ "Okay , I 'd recommended #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# , total duration #TRAIN-INFORM-TIME# . The price is #TRAIN-INFORM-TICKET# . Would that work for you ?",
+ "Okay , how about the #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# with a duration of #TRAIN-INFORM-TIME# ? The cost is #TRAIN-INFORM-TICKET# . Would that work for you ?",
+ "The travel time of the #TRAIN-INFORM-LEAVE# is #TRAIN-INFORM-TIME# , arriving at #TRAIN-INFORM-ARRIVE# . Train ID is #TRAIN-INFORM-ID# and the price is #TRAIN-INFORM-TICKET# . How many tickets ?",
+ "I have #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . That has a travel time of #TRAIN-INFORM-TIME# and a price of #TRAIN-INFORM-TICKET# ."
+ ],
+ "Depart;Id;Leave;Ticket;Time;": [
+ "Certainly . The #TRAIN-INFORM-ID# leaves out of #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . Your ride will take #TRAIN-INFORM-TIME# , and costs #TRAIN-INFORM-TICKET# .",
+ "I would suggest Train ID #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . The price is #TRAIN-INFORM-TICKET# and the duration is #TRAIN-INFORM-TIME# ."
+ ],
+ "Depart;Id;Leave;": [
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "The first train out of #TRAIN-INFORM-DEPART# after your specified time is #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "The first train after 12:30 is the #TRAIN-INFORM-ID# , which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "Well the train i d for the #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# is #TRAIN-INFORM-ID# .",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# departs from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , would that suit you ?"
+ ],
+ "Id;Id;Leave;Leave;": [
+ "You could take the #TRAIN-INFORM-ID# at #TRAIN-INFORM-LEAVE# , or the #TRAIN-INFORM-ID# #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-ID# ? It leaves at #TRAIN-INFORM-LEAVE# . Your next choice is #TRAIN-INFORM-ID# which leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Choice;": [
+ "We have #TRAIN-INFORM-CHOICE# trains going that way . What time would you like to leave ?",
+ "I have #TRAIN-INFORM-CHOICE# trains that meet your criteria .",
+ "There are #TRAIN-INFORM-CHOICE# . From where are you departing ?",
+ "I can help ! There are #TRAIN-INFORM-CHOICE# options",
+ "There are #TRAIN-INFORM-CHOICE# trains departing from that location , would you like to narrow it down some ?",
+ "There are #TRAIN-INFORM-CHOICE# trains available . Tell me more about your trip .",
+ "There are #TRAIN-INFORM-CHOICE# trains available . What day will you be leaving ?",
+ "Yes their are a total of #TRAIN-INFORM-CHOICE# trains arriving by the time you specified",
+ "We have #TRAIN-INFORM-CHOICE# options . Would you like the first option after ?",
+ "There are #TRAIN-INFORM-CHOICE# total trips available to you",
+ "There are #TRAIN-INFORM-CHOICE# entries , can you please be more specific ?",
+ "Thank you , I see there are #TRAIN-INFORM-CHOICE# to choose from .",
+ "There are #TRAIN-INFORM-CHOICE# trains , do you have a day preference ?",
+ "There are #TRAIN-INFORM-CHOICE# , do you have a destination in mind ?",
+ "Yes I am sorry this is #TRAIN-INFORM-CHOICE# I have .",
+ "We have #TRAIN-INFORM-CHOICE# such entries . Do you have a preference further ?",
+ "Yes , there are #TRAIN-INFORM-CHOICE# trains . Would you like to tell me more to narrow your search ?",
+ "There are #TRAIN-INFORM-CHOICE# trains available . Can you give me a little more detail about your trip ?",
+ "There are #TRAIN-INFORM-CHOICE# trains available that are exactly the same aside from arrival time , any preference ?",
+ "I have #TRAIN-INFORM-CHOICE# trains that meet your criteria .",
+ "There are #TRAIN-INFORM-CHOICE# available trains , do you have a more specific time in mind to help narrow them down ?",
+ "I have #TRAIN-INFORM-CHOICE# trains departing from that location , do you have any more information to narrow it down some ?",
+ "I show #TRAIN-INFORM-CHOICE# possible trains . What day were you looking for ?",
+ "Yes I have #TRAIN-INFORM-CHOICE# entries with that destination arriving at various times Monday thru Sunday"
+ ],
+ "Day;Depart;Leave;": [
+ "I have a train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# leaving at #TRAIN-INFORM-LEAVE# . How does that sound ?",
+ "There is a depature at #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# which departs at #TRAIN-INFORM-LEAVE# .",
+ "Their is a departure at #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# .",
+ "There is a train departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# . Would this be ok ?",
+ "I have a train leaving at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# from \t #TRAIN-INFORM-DEPART# .",
+ "There is a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Would that work for you ?",
+ "Yes I have a train leaving on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# .",
+ "the #TRAIN-INFORM-DEPART# train leaves at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "There is a train departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "The first train leaves from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Would you like me to book it for you ?"
+ ],
+ "none;": [
+ "these are the possible options trainID \t departure \t destination \t day \t leaveAt \t arriveBy \t price \t duration \t book \n ( optional ) \n TR1612 \t kings lynn \t cambridge \t friday \t 09:11 \t 09:58 \t 9.80 pounds \t 47 minutes \t\n TR1958 \t kings lynn \t cambridge \t friday \t 10:11 \t 10:58 \t 9.80 pounds \t 47 minutes \t\n TR3147 \t kings lynn \t cambridge \t friday \t 11:11 \t 11:58 \t 9.80 pounds \t 47 minutes \t\n TR6454 \t kings lynn \t cambridge \t friday \t 12:11 \t 12:58 \t 9.80 pounds \t 47 minutes \t\n TR0674 \t kings lynn \t cambridge \t friday \t 13:11 \t 13:58 \t 9.80 pounds \t 47 minutes",
+ "Yes it is .",
+ "Yes , it does .",
+ "Yes it does .",
+ "OK , let me see what I can find ."
+ ],
+ "Arrive;Choice;Day;Depart;Dest;Leave;": [
+ "If you would like to take a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# there is #TRAIN-INFORM-CHOICE# leaving #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# arriving by #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "I have #TRAIN-INFORM-CHOICE# trains departing #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# . The earliest is leaving at #TRAIN-INFORM-LEAVE# arriving by #TRAIN-INFORM-ARRIVE# , will this suit you ?"
+ ],
+ "Arrive;Choice;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that arrive by #TRAIN-INFORM-ARRIVE# . Where will you be departing from ?",
+ "There are #TRAIN-INFORM-CHOICE# the latest train arrives at #TRAIN-INFORM-ARRIVE# will that be ok ?",
+ "I have #TRAIN-INFORM-CHOICE# options for you . The latest to arrive would get you there at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "There are #TRAIN-INFORM-CHOICE# . One arrives at #TRAIN-INFORM-ARRIVE# will this work ?",
+ "Sure ! There 's #TRAIN-INFORM-CHOICE# that arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have #TRAIN-INFORM-CHOICE# that arrives at #TRAIN-INFORM-ARRIVE# . Will this do for you ?",
+ "I have #TRAIN-INFORM-CHOICE# trains that would suit your needs . May I suggest the one that arrives by #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Id;Leave;Ticket;Time;": [
+ "The next train is #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# with a duration of #TRAIN-INFORM-TIME# and it costs #TRAIN-INFORM-TICKET# .",
+ "OK , #TRAIN-INFORM-ID# costs #TRAIN-INFORM-TICKET# and leaves at #TRAIN-INFORM-LEAVE# . The travel time is #TRAIN-INFORM-TIME# . Would you like me to book it ?",
+ "There is #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# today . It is #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# .",
+ "Yes the train that departs at #TRAIN-INFORM-LEAVE# has an ID of #TRAIN-INFORM-ID# , and a travel time of #TRAIN-INFORM-TIME# and a price of #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Id;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# entires . #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . Does that work for you ?",
+ "I see that there are #TRAIN-INFORM-CHOICE# trains available . What about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Sure , I have #TRAIN-INFORM-CHOICE# trains that would work . The closest to your requested time is the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and that 's the #TRAIN-INFORM-CHOICE# one I can get for you .",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . That 's the #TRAIN-INFORM-CHOICE# .",
+ "You have #TRAIN-INFORM-CHOICE# trains , starting with #TRAIN-INFORM-ID# at #TRAIN-INFORM-LEAVE# . Would you like to book that one ?",
+ "There are #TRAIN-INFORM-CHOICE# trains , #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# would that work for you ?",
+ "I found #TRAIN-INFORM-CHOICE# trains that match . How about #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "Alright , I have #TRAIN-INFORM-CHOICE# options for you . The earliest train that meets your criteria is #TRAIN-INFORM-ID# and leaves at #TRAIN-INFORM-LEAVE# . Will that work ?",
+ "There are #TRAIN-INFORM-CHOICE# trains , #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# if you 'd like that ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Leave;": [
+ "I would recommend train ID #TRAIN-INFORM-ID# which departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . There are #TRAIN-INFORM-LEAVE# as well ."
+ ],
+ "Choice;Depart;": [
+ "There are #TRAIN-INFORM-CHOICE# trains leaving #TRAIN-INFORM-DEPART# . Can you be more specific ?",
+ "Yes , there are #TRAIN-INFORM-CHOICE# trains leaving that same day from #TRAIN-INFORM-DEPART# ."
+ ],
+ "Id;Time;": [
+ "The I d is #TRAIN-INFORM-ID# and has a travel time of #TRAIN-INFORM-TIME# .",
+ "Train ID : #TRAIN-INFORM-ID# it an #TRAIN-INFORM-TIME# ride .",
+ "Sure . #TRAIN-INFORM-ID# will be the train you want , and it has a travel time of #TRAIN-INFORM-TIME# .",
+ "The travel time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "The price is #TRAIN-INFORM-ID# and the travel time is #TRAIN-INFORM-TIME# .",
+ "You can book #TRAIN-INFORM-ID# since it is only a #TRAIN-INFORM-TIME# . Thank you",
+ "Sure . The train ID is #TRAIN-INFORM-ID# and the duration is #TRAIN-INFORM-TIME# .",
+ "No worries . It is the #TRAIN-INFORM-ID# and lasts for #TRAIN-INFORM-TIME# .",
+ "The travel time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "Your train is #TRAIN-INFORM-ID# and will be an #TRAIN-INFORM-TIME# ride",
+ "No problem . It 's #TRAIN-INFORM-TIME# long and the train ID is #TRAIN-INFORM-ID# .",
+ "The TrainID is #TRAIN-INFORM-ID# and the total travel time is #TRAIN-INFORM-TIME# .",
+ "The train ID is #TRAIN-INFORM-ID# , and the travel time is #TRAIN-INFORM-TIME# .",
+ "That 's #TRAIN-INFORM-ID# . The travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time on #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "Yes , train #TRAIN-INFORM-ID# has a duration of #TRAIN-INFORM-TIME# .",
+ "The travel time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "The trainID is #TRAIN-INFORM-ID# and the travel duration is #TRAIN-INFORM-TIME# .",
+ "The travel time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "The travel time for train #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# .",
+ "The travel time is #TRAIN-INFORM-TIME# and the I.D. is #TRAIN-INFORM-ID# .",
+ "The ID is #TRAIN-INFORM-ID# and the total travel time is #TRAIN-INFORM-TIME# . Anything else ?"
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Time;": [
+ "The #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# , for a trip duration of #TRAIN-INFORM-TIME# .",
+ "Train #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . The travel time is #TRAIN-INFORM-TIME# . It will get you to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "The TrainID is #TRAIN-INFORM-ID# . It departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The trip duration is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Arrive;Choice;Choice;Choice;Day;Leave;Leave;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# trains leaving after #TRAIN-INFORM-LEAVE# , the #TRAIN-INFORM-CHOICE# at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# , and then leaving at 2 hour intervals with the #TRAIN-INFORM-CHOICE# at #TRAIN-INFORM-LEAVE# arriving #TRAIN-INFORM-ARRIVE# #TRAIN-INFORM-DAY# ."
+ ],
+ "Choice;Leave;Leave;Leave;Leave;Leave;Time;": [
+ "I have #TRAIN-INFORM-CHOICE# trains . They depart #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# . They are all #TRAIN-INFORM-TIME# travel duration ."
+ ],
+ "Arrive;Ticket;": [
+ "Yes , the price is still #TRAIN-INFORM-TICKET# . It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "The price is #TRAIN-INFORM-TICKET# and you will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "The ticket will coat #TRAIN-INFORM-TICKET# and it will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Sure , it will arrive at #TRAIN-INFORM-ARRIVE# and it costs #TRAIN-INFORM-TICKET# .",
+ "That will cost you #TRAIN-INFORM-TICKET# and you will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "It arrives at #TRAIN-INFORM-ARRIVE# and is #TRAIN-INFORM-TICKET# .",
+ "The train arrives at #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# . You will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Yes the train arrives at #TRAIN-INFORM-ARRIVE# and the price of the fare is #TRAIN-INFORM-TICKET# .",
+ "The train is TR1493 with the price #TRAIN-INFORM-TICKET# . The arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "It will cost you #TRAIN-INFORM-TICKET# and it arrives by #TRAIN-INFORM-ARRIVE# .",
+ "It will arrive by #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# .",
+ "It will arrive at #TRAIN-INFORM-ARRIVE# and the cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Depart;Id;Ticket;": [
+ "There is #TRAIN-INFORM-ID# that will depart from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-ARRIVE# . The cost of the ticket is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Id;Ticket;Time;": [
+ "The train ID is #TRAIN-INFORM-ID# . Travel time is #TRAIN-INFORM-TIME# and price is #TRAIN-INFORM-TICKET# per ticket . Anything else ?",
+ "The ID is #TRAIN-INFORM-ID# , the price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "The travel time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-TIME# . The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "That 's train #TRAIN-INFORM-ID# . The travel time is #TRAIN-INFORM-TIME# , and the cost is #TRAIN-INFORM-TICKET# pounds per ticket .",
+ "Sure . Train ID #TRAIN-INFORM-ID# , #TRAIN-INFORM-TIME# travel time will cost #TRAIN-INFORM-TICKET# per ticket . What else can I help you with today ?",
+ "The #TRAIN-INFORM-ID# takes #TRAIN-INFORM-TIME# and is only #TRAIN-INFORM-TICKET# .",
+ "The total fee is #TRAIN-INFORM-TICKET# , the train i d is #TRAIN-INFORM-ID# , and the travel time is #TRAIN-INFORM-TIME# .",
+ "The train ID is #TRAIN-INFORM-ID# , the price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Choice;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains available , but the earliest train leaves at #TRAIN-INFORM-LEAVE# . I ' m sorry .",
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# .",
+ "Yes sorry there are #TRAIN-INFORM-CHOICE# here but the earliest time I have leaving is at #TRAIN-INFORM-LEAVE# .",
+ "Ok , I have #TRAIN-INFORM-CHOICE# options for you . The earliest leaves at #TRAIN-INFORM-LEAVE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains that leave after #TRAIN-INFORM-LEAVE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains leaving before #TRAIN-INFORM-LEAVE# . What is the earliest you 'd like to leave ?",
+ "There are #TRAIN-INFORM-CHOICE# trains . Would you like to leave at #TRAIN-INFORM-LEAVE# ?",
+ "There is #TRAIN-INFORM-CHOICE# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "Ok , I have #TRAIN-INFORM-CHOICE# options for you . The earliest leaves at #TRAIN-INFORM-LEAVE# .",
+ "I have #TRAIN-INFORM-CHOICE# lines . #TRAIN-INFORM-LEAVE# is the closest to your departure . Does that work for you ?",
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# .",
+ "You have #TRAIN-INFORM-CHOICE# . Would you rather leave early in the morning because trains run #TRAIN-INFORM-LEAVE# ?",
+ "I have #TRAIN-INFORM-CHOICE# leaving at #TRAIN-INFORM-LEAVE# will this work ?",
+ "The #TRAIN-INFORM-CHOICE# is the one leaving at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# .",
+ "The #TRAIN-INFORM-CHOICE# train leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Dest;Id;Leave;": [
+ "The earliest train after that time is #TRAIN-INFORM-ID# . It departs at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work or do you prefer a later train ?",
+ "I would suggest train ID #TRAIN-INFORM-ID# which leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and will have you in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "The earliest train after that time is #TRAIN-INFORM-ID# . It leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you or would you like a later train ?",
+ "The next flight after your desired time is at #TRAIN-INFORM-LEAVE# on the #TRAIN-INFORM-ID# train . You would arrive by #TRAIN-INFORM-ARRIVE# at #TRAIN-INFORM-DEST# .",
+ "train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and will get you into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that will leave at #TRAIN-INFORM-LEAVE# and will arrive at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "The last train into #TRAIN-INFORM-DEST# before 20:45 is the #TRAIN-INFORM-ID# , arriving at #TRAIN-INFORM-ARRIVE# . You would leave peterborough at #TRAIN-INFORM-LEAVE# .",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "I have train #TRAIN-INFORM-ID# which departs at #TRAIN-INFORM-LEAVE# and will get you into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Does that sound like it would work for you ?",
+ "Train #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I have train #TRAIN-INFORM-ID# that departs at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and will have you in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would this work for you ?",
+ "Train #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and would arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that would leave at #TRAIN-INFORM-LEAVE# and get you to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "I have train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Would this work for you ?"
+ ],
+ "Leave;Leave;Leave;Leave;Leave;": [
+ "The earliest train leaves at #TRAIN-INFORM-LEAVE# . The latest train leaving by #TRAIN-INFORM-LEAVE# would depart at #TRAIN-INFORM-LEAVE# . There is also one that leaves at #TRAIN-INFORM-LEAVE# . The trains run #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Day;Depart;Id;": [
+ "The train i d is #TRAIN-INFORM-ID# and it leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Arrive;Arrive;": [
+ "The closest arrival time to #TRAIN-INFORM-ARRIVE# is #TRAIN-INFORM-ARRIVE# , is that suitable ?",
+ "There 's a train that arrives at #TRAIN-INFORM-ARRIVE# . If you do n't want to cut it that close , there 's an earlier train that arrives at #TRAIN-INFORM-ARRIVE# .",
+ "the train will arrive by #TRAIN-INFORM-ARRIVE# or #TRAIN-INFORM-ARRIVE# if you need .",
+ "I only have a train that arrives at #TRAIN-INFORM-ARRIVE# or #TRAIN-INFORM-ARRIVE# .",
+ "I have a train that arrives earlier at #TRAIN-INFORM-ARRIVE# and one that arrives just before your specified time at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Id;Id;": [
+ "It seems there are #TRAIN-INFORM-CHOICE# trains that fit your request . The #TRAIN-INFORM-ID# and the #TRAIN-INFORM-ID# ."
+ ],
+ "Arrive;Choice;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that day depending on when you 'd like to depart . How 's #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# ?",
+ "There is a #TRAIN-INFORM-LEAVE# that will arrive at #TRAIN-INFORM-ARRIVE# . There are also #TRAIN-INFORM-CHOICE# trains if you would like to arrive much earlier .",
+ "Oh yes #TRAIN-INFORM-CHOICE# . How about the #TRAIN-INFORM-LEAVE# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , there is #TRAIN-INFORM-CHOICE# that departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# will that work ?",
+ "There are #TRAIN-INFORM-CHOICE# trains leaving after 11:15 , the closet one leaving to that time will be at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "There are #TRAIN-INFORM-CHOICE# results , depending on when you want to leave . There is a train that leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# , will that be ok ?",
+ "I have #TRAIN-INFORM-CHOICE# trains going that route . The last train for that route arrives at #TRAIN-INFORM-ARRIVE# . It leaves at #TRAIN-INFORM-LEAVE# . Would this arrival time work for you ?",
+ "There is #TRAIN-INFORM-CHOICE# train leaving at #TRAIN-INFORM-LEAVE# arriving at #TRAIN-INFORM-ARRIVE# would that work for you ?",
+ "I have #TRAIN-INFORM-CHOICE# trains leaving that day , the earliest is #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "Okay , there is an #TRAIN-INFORM-LEAVE# that will get you there by #TRAIN-INFORM-ARRIVE# . Or there are #TRAIN-INFORM-CHOICE# trains if you want to get there sooner ."
+ ],
+ "Leave;Leave;Leave;Ticket;": [
+ "On Friday there are a train leaving at #TRAIN-INFORM-LEAVE# and the cost is #TRAIN-INFORM-TICKET# pounds . The trains depart #TRAIN-INFORM-LEAVE# , so you can chose your time . The last train depart at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Choice;Day;Depart;Dest;Leave;Leave;Leave;": [
+ "We have #TRAIN-INFORM-CHOICE# trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# leaving at #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Id;Leave;Time;": [
+ "Train ID : #TRAIN-INFORM-ID# . It leaves #TRAIN-INFORM-LEAVE# and the duration is #TRAIN-INFORM-TIME# .",
+ "The #TRAIN-INFORM-ID# train leaves at #TRAIN-INFORM-LEAVE# and takes #TRAIN-INFORM-TIME# to travel . Does that help ?",
+ "departure time is #TRAIN-INFORM-LEAVE# , train i d #TRAIN-INFORM-ID# , and the travel time is #TRAIN-INFORM-TIME# .",
+ "The train departing closest to 12:15 is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# . The duration of the trip is #TRAIN-INFORM-TIME# .",
+ "The #TRAIN-INFORM-ID# meets your criteria . The departure time is #TRAIN-INFORM-LEAVE# . The duration of the trip is #TRAIN-INFORM-TIME# .",
+ "Well the travel time for the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# is #TRAIN-INFORM-TIME# .",
+ "Departure time for #TRAIN-INFORM-ID# is #TRAIN-INFORM-LEAVE# and duration is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Id;Leave;Ticket;": [
+ "There is a train that departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . The train number is #TRAIN-INFORM-ID# and the cost is #TRAIN-INFORM-TICKET# per person .",
+ "There is a train every hour , #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# . Will that work for you ?",
+ "I actually fount the #TRAIN-INFORM-ID# to be a better choice . It leaves at #TRAIN-INFORM-LEAVE# to and arrives at #TRAIN-INFORM-ARRIVE# at a cost of #TRAIN-INFORM-TICKET# .",
+ "Great ! Train #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# , with a price of #TRAIN-INFORM-TICKET# . Would that work for you ?",
+ "Okay , the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# and is #TRAIN-INFORM-TICKET# per ticket .",
+ "Train #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Would that work for you ? The price of the ticket is #TRAIN-INFORM-TICKET# .",
+ "The trainID #TRAIN-INFORM-ID# and will leave at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# . The cost is #TRAIN-INFORM-TICKET# .",
+ "Of course . It was actually the #TRAIN-INFORM-ID# , my apologies about that .. It leaves at #TRAIN-INFORM-LEAVE# and gets you there at about #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# .",
+ "Sorry , this is the manager , its training day , I have #TRAIN-INFORM-ID# for you . It leaves at #TRAIN-INFORM-LEAVE# , arrives at #TRAIN-INFORM-ARRIVE# , #TRAIN-INFORM-TICKET# per person , does that work ?",
+ "The #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . The cost is #TRAIN-INFORM-TICKET# . Does this work for you ?",
+ "Sure #TRAIN-INFORM-ID# would work best with your request . That leaves at #TRAIN-INFORM-LEAVE# and arrives #TRAIN-INFORM-ARRIVE# . It does cost #TRAIN-INFORM-TICKET# per ticket though .",
+ "Correction I apologize #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . It 's price is #TRAIN-INFORM-TICKET# by the way . Let 's find one leaving after 21:45 ."
+ ],
+ "Arrive;Dest;Ticket;": [
+ "Yes the train arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# and the total cost of the journey is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Arrive;Id;Id;Leave;Leave;": [
+ "Great ! I have the #TRAIN-INFORM-ID# departing at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# or if you would like a later time the #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Leave;Leave;": [
+ "The first train of the day leaves at #TRAIN-INFORM-LEAVE# and then another departs #TRAIN-INFORM-LEAVE# .",
+ "There are trains that meet those requirements leaving #TRAIN-INFORM-LEAVE# starting at #TRAIN-INFORM-LEAVE# .",
+ "There is a train at #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-LEAVE# .",
+ "There is a #TRAIN-INFORM-LEAVE# or if that 's too close to 14:00 there is a #TRAIN-INFORM-LEAVE# as well .",
+ "I have a #TRAIN-INFORM-LEAVE# or a #TRAIN-INFORM-LEAVE# ? would those departure times work for you ?",
+ "There is . There is actually an #TRAIN-INFORM-LEAVE# but that might be too close . How about a #TRAIN-INFORM-LEAVE# ?",
+ "If you are interested in leaving the in the morning , we have trains #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-LEAVE# that fit your arrival time ."
+ ],
+ "Arrive;Depart;Leave;Time;": [
+ "I have a train leaving from #TRAIN-INFORM-DEPART# on Friday leaving on #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . The ride is #TRAIN-INFORM-TIME# .",
+ "Sure , the train arriving at #TRAIN-INFORM-ARRIVE# will #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . Total travel time is #TRAIN-INFORM-TIME# .",
+ "The #TRAIN-INFORM-LEAVE# train from #TRAIN-INFORM-DEPART# arrives in cambridge at #TRAIN-INFORM-ARRIVE# . It 's a quick , #TRAIN-INFORM-TIME# trip !"
+ ],
+ "Depart;Dest;Ticket;": [
+ "The rate for a trip from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# #TRAIN-INFORM-TICKET# depending on the day of travel .",
+ "The rate for a trip from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ranges from #TRAIN-INFORM-TICKET# depending on the day of travel .",
+ "A ticket from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TICKET# .",
+ "All tickets from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on that day cost #TRAIN-INFORM-TICKET# .",
+ "Sure - tickets from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# are #TRAIN-INFORM-TICKET# each ."
+ ],
+ "Arrive;Ticket;Time;": [
+ "Your arrival time for #TRAIN-INFORM-ARRIVE# is 21:07 , with a travel time of #TRAIN-INFORM-TIME# . Price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The price is #TRAIN-INFORM-TICKET# and you would arrive by #TRAIN-INFORM-ARRIVE# . The total travel time is #TRAIN-INFORM-TIME# .",
+ "Yes the price of the ticket will be #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# and the arrival time is #TRAIN-INFORM-ARRIVE# .",
+ "Sure ! The arrival time is #TRAIN-INFORM-ARRIVE# , the travel time is #TRAIN-INFORM-TIME# , and it will cost #TRAIN-INFORM-TICKET# per ticket .",
+ "The option arriving at #TRAIN-INFORM-ARRIVE# would cost #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# . Price is #TRAIN-INFORM-TICKET# . Duration is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Day;Leave;": [
+ "The first train of #TRAIN-INFORM-DAY# leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Does that meet your requirements ?",
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# and arriving at #TRAIN-INFORM-ARRIVE# .",
+ "How about a #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# that will arrive by #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Choice;Depart;Leave;Leave;": [
+ "We have a total of #TRAIN-INFORM-CHOICE# trains departing from #TRAIN-INFORM-DEPART# #TRAIN-INFORM-LEAVE# beginning at #TRAIN-INFORM-LEAVE# am ."
+ ],
+ "Depart;Leave;": [
+ "You need to be at the #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "There is a depature at #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "There are trains leaving #TRAIN-INFORM-DEPART# #TRAIN-INFORM-LEAVE# .",
+ "It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "That one departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "You would like to leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# ?",
+ "The departure time is #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# .",
+ "The train departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "That train leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "The closest I can get you to that time frame is a train that leaves from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "there is a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Arrive;Day;Depart;Leave;Leave;": [
+ "Certainly , leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# would you rather leave at #TRAIN-INFORM-LEAVE# to arrive by #TRAIN-INFORM-ARRIVE# , or leave at #TRAIN-INFORM-LEAVE# to arrive by #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Arrive;Day;Id;Leave;Ticket;": [
+ "There are hourly trains #TRAIN-INFORM-DAY# morning , you could take the #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# . Does that work ?"
+ ],
+ "Arrive;Id;Ticket;Time;": [
+ "My apologies , the train ID is actually #TRAIN-INFORM-ID# , it costs #TRAIN-INFORM-TICKET# per ticket and is a #TRAIN-INFORM-TIME# . The train arrives at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# the ticket price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# .",
+ "I do apologize for the confusion , sir . Yes , the #TRAIN-INFORM-ID# will indeed have you there #TRAIN-INFORM-ARRIVE# . With a cost of #TRAIN-INFORM-TICKET# and a travel time of #TRAIN-INFORM-TIME# .",
+ "Sorry , that was the #TRAIN-INFORM-ID# , not TR7195 , arrives by #TRAIN-INFORM-ARRIVE# , duration of the trip is #TRAIN-INFORM-TIME# and the price is #TRAIN-INFORM-TICKET# .",
+ "Train #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# the ticket price is #TRAIN-INFORM-TICKET# and the travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Choice;Dest;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# leaving at #TRAIN-INFORM-LEAVE# , arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Does that work ?",
+ "Oh wait I have found you #TRAIN-INFORM-CHOICE# that departs at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . would that do ? Everything else is later ."
+ ],
+ "Arrive;Dest;": [
+ "It will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "I have a train that gets into #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I have a train to #TRAIN-INFORM-DEST# that arrives at #TRAIN-INFORM-ARRIVE# .",
+ "I have a train that arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "Yes , the train arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "There is a train arriving in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "It arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;": [
+ "The train is for #TRAIN-INFORM-DAY# you are all set",
+ "Yes , that train leaves on #TRAIN-INFORM-DAY# ."
+ ],
+ "Arrive;Arrive;Choice;Depart;Dest;Leave;": [
+ "The #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-LEAVE# is scheduled to arrive at #TRAIN-INFORM-ARRIVE# . The #TRAIN-INFORM-CHOICE# is #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Day;Id;": [
+ "How about #TRAIN-INFORM-ID# on #TRAIN-INFORM-DAY# ? It arrives by #TRAIN-INFORM-ARRIVE# .",
+ "We have the #TRAIN-INFORM-ID# that arrives at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Does that work ?",
+ "how about #TRAIN-INFORM-ID# ? it arrives at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "The #TRAIN-INFORM-ID# runs on #TRAIN-INFORM-DAY# and will get you in by #TRAIN-INFORM-ARRIVE# . Will that work for you ?"
+ ],
+ "Depart;Dest;Leave;": [
+ "The first train to leave #TRAIN-INFORM-DEPART# departs at #TRAIN-INFORM-LEAVE# , and goes to #TRAIN-INFORM-DEST# .",
+ "The earliest train departing #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# is at #TRAIN-INFORM-LEAVE# . Is this acceptable or would you like a later train ?",
+ "I have several trains to bring you to #TRAIN-INFORM-DEST# , the first one leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . Would that work for you ?",
+ "I have a train to #TRAIN-INFORM-DEST# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . Will this work for you ?",
+ "Just to verify , you would like to leave #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-LEAVE# and head to #TRAIN-INFORM-DEST# ? Is that correct ?",
+ "There is a train leaving #TRAIN-INFORM-DEPART# heading to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-LEAVE# .",
+ "The earliest departure I have for Thursday from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# leaves at #TRAIN-INFORM-LEAVE# . Will this suit you ?"
+ ],
+ "Arrive;Arrive;Id;Leave;": [
+ "The first train departs at #TRAIN-INFORM-LEAVE# , but if you want to arrive at #TRAIN-INFORM-ARRIVE# , the best train to take would be the #TRAIN-INFORM-ID# which will get there at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Choice;Dest;Id;Id;Id;": [
+ "The latest train arriving in #TRAIN-INFORM-DEST# is for #TRAIN-INFORM-ARRIVE# and #TRAIN-INFORM-CHOICE# : #TRAIN-INFORM-ID# , #TRAIN-INFORM-ID# , #TRAIN-INFORM-ID# ."
+ ],
+ "Dest;Dest;": [
+ "No it is going to #TRAIN-INFORM-DEST# , do you need to go to #TRAIN-INFORM-DEST# ?"
+ ],
+ "Arrive;Choice;Id;Leave;Leave;Time;": [
+ "Okay , I have #TRAIN-INFORM-CHOICE# trains on that route leaving #TRAIN-INFORM-LEAVE# . #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# , arrives at #TRAIN-INFORM-ARRIVE# , with a total duration of #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Ticket;": [
+ "I have found you a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The train ticket costs #TRAIN-INFORM-TICKET# and the Train ID is #TRAIN-INFORM-ID# .",
+ "Train ID #TRAIN-INFORM-ID# will be best for you . It will leave #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-LEAVE# to arrive #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# and it will you cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Arrive;Choice;Day;Id;": [
+ "I apologize , we had a glitch . We do have #TRAIN-INFORM-CHOICE# trains on #TRAIN-INFORM-DAY# . The one that arrives closest to #TRAIN-INFORM-ARRIVE# is the #TRAIN-INFORM-ID# , pulling in at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Depart;Id;Leave;Ticket;Time;": [
+ "Yes , that 's train #TRAIN-INFORM-ID# , it 'll be leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrived by #TRAIN-INFORM-ARRIVE# . It costs #TRAIN-INFORM-TICKET# and takes #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;": [
+ "TrainID #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Does that work for you ?",
+ "Your best bet would be the #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and gets to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Thank you . #TRAIN-INFORM-ID# will depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "TrainID #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . It 's the last #TRAIN-INFORM-DAY# train .",
+ "May I suggest #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I would recommend #TRAIN-INFORM-ID# which leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# and arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Is that the train you need ?",
+ "Train #TRAIN-INFORM-ID# \t is departing #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . Is this one okay ?",
+ "The last train with ID #TRAIN-INFORM-ID# departing #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# will be the best option for you . It will depart by #TRAIN-INFORM-LEAVE# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Any more details you would like to provide ? The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# , heads to #TRAIN-INFORM-DEST# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Leave;Leave;Ticket;Time;": [
+ "There is a train which leaves every two hours between #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-LEAVE# that costs #TRAIN-INFORM-TICKET# . The duration of the trip is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Leave;Time;": [
+ "The duration of the #TRAIN-INFORM-LEAVE# train is #TRAIN-INFORM-TIME# , arriving at #TRAIN-INFORM-ARRIVE# .",
+ "The travel time for that train is #TRAIN-INFORM-TIME# . The one that leaves at #TRAIN-INFORM-LEAVE# will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train ride will last #TRAIN-INFORM-TIME# from #TRAIN-INFORM-LEAVE# to #TRAIN-INFORM-ARRIVE# .",
+ "How about the #TRAIN-INFORM-LEAVE# train ? It 's a #TRAIN-INFORM-TIME# , so you 'll arrive at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Day;Leave;Leave;Leave;": [
+ "There is one leaving at #TRAIN-INFORM-LEAVE# , and they run #TRAIN-INFORM-LEAVE# . That last one on #TRAIN-INFORM-DAY# leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Choice;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that arrive by #TRAIN-INFORM-ARRIVE# . One leaves at #TRAIN-INFORM-LEAVE# and one leaves at #TRAIN-INFORM-LEAVE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains that meet those criteria . The earliest leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Trains are #TRAIN-INFORM-LEAVE# after that ."
+ ],
+ "Choice;Dest;": [
+ "There are #TRAIN-INFORM-CHOICE# trains to #TRAIN-INFORM-DEST# that day .",
+ "There are #TRAIN-INFORM-CHOICE# trains heading to #TRAIN-INFORM-DEST# do you have some more information to narrow it down ?"
+ ],
+ "Arrive;Arrive;Leave;Leave;": [
+ "If you want to leave very early , there is a #TRAIN-INFORM-LEAVE# train arriving at #TRAIN-INFORM-ARRIVE# . Your other option is the #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# .",
+ "The first will leave at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# . The second leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Arrive;Choice;Leave;Leave;": [
+ "Yes . There are #TRAIN-INFORM-CHOICE# available trains . One leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# and the other leaves by #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# . Which would you prefer ?",
+ "There are #TRAIN-INFORM-CHOICE# trains you can take , one leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , or there is one that leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Choice;Day;": [
+ "There are #TRAIN-INFORM-CHOICE# days that arrive before #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Did you have any other preferences ?"
+ ],
+ "Arrive;Choice;Dest;Id;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# that could work . How about the #TRAIN-INFORM-ID# , it leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Choice;Depart;Dest;Id;Leave;": [
+ "The #TRAIN-INFORM-CHOICE# train out of #TRAIN-INFORM-DEPART# after 13:45 , going to #TRAIN-INFORM-DEST# , is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Choice;Depart;Leave;Leave;Time;": [
+ "We have #TRAIN-INFORM-CHOICE# trains departing from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# . The earliest departing at #TRAIN-INFORM-LEAVE# and arriving by #TRAIN-INFORM-ARRIVE# . It 'll be a #TRAIN-INFORM-TIME# trip ."
+ ],
+ "Arrive;Arrive;Day;Depart;Dest;Leave;": [
+ "Yes , the train goes from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . It departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . There is also a train that arrives at #TRAIN-INFORM-ARRIVE# on the same route ."
+ ],
+ "Arrive;Depart;Depart;Id;Leave;": [
+ "I ' m sorry that one leaves from #TRAIN-INFORM-DEPART# . #TRAIN-INFORM-ID# leaves from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Dest;Id;Leave;Time;": [
+ "Train ID #TRAIN-INFORM-ID# sounds like your best bet . It leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Depart;Leave;Ticket;": [
+ "If you take the train departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# you will arrive by #TRAIN-INFORM-ARRIVE# , and the cost is #TRAIN-INFORM-TICKET# .",
+ "I have a train that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# at a price of #TRAIN-INFORM-TICKET# . Is that OK ?"
+ ],
+ "Arrive;Day;Depart;Dest;Id;": [
+ "The arrival time of the train #TRAIN-INFORM-ID# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# will be same #TRAIN-INFORM-DAY# by #TRAIN-INFORM-ARRIVE# . Is that okay with you ?",
+ "I ' m sorry . Train #TRAIN-INFORM-ID# runs from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# and arrives at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "the #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "The arrival time of the train #TRAIN-INFORM-ID# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# will be same #TRAIN-INFORM-DAY# by #TRAIN-INFORM-ARRIVE# . Is that okay with you ?",
+ "The trainID is #TRAIN-INFORM-ID# for the train departing #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . It will arrive at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Day;Leave;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# trains on a #TRAIN-INFORM-DAY# matching those demands . One leaves at #TRAIN-INFORM-LEAVE# and one leaves at #TRAIN-INFORM-LEAVE# . Any preference ?"
+ ],
+ "Arrive;Day;Leave;Time;": [
+ "The total travel time #TRAIN-INFORM-TIME# . You depart at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Is this acceptable ?"
+ ],
+ "Arrive;Arrive;Choice;": [
+ "There are #TRAIN-INFORM-CHOICE# one arrives at #TRAIN-INFORM-ARRIVE# and the other is #TRAIN-INFORM-ARRIVE# .",
+ "I have #TRAIN-INFORM-CHOICE# trains that would suit you . One arrives at #TRAIN-INFORM-ARRIVE# and the other at #TRAIN-INFORM-ARRIVE# . Do you have a preference ?",
+ "I have #TRAIN-INFORM-CHOICE# trains that will work for you . You can arrive as early as #TRAIN-INFORM-ARRIVE# or as late as #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Id;Ticket;": [
+ "I have a train leaving cambridge at #TRAIN-INFORM-DEPART# . The ID is #TRAIN-INFORM-ID# and it 's #TRAIN-INFORM-TICKET# per ticket ."
+ ],
+ "Arrive;Day;Dest;Id;Leave;": [
+ "the #TRAIN-INFORM-ID# train departs #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "train ID #TRAIN-INFORM-ID# leaves for #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# , will that be fine ?"
+ ],
+ "Leave;Ticket;": [
+ "This departs at #TRAIN-INFORM-LEAVE# and the price of the ticket is #TRAIN-INFORM-TICKET# .",
+ "It departs at #TRAIN-INFORM-LEAVE# and the cost is #TRAIN-INFORM-TICKET# .",
+ "It leaves at #TRAIN-INFORM-LEAVE# and the cost of the ticket is #TRAIN-INFORM-TICKET# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# and the cost will be #TRAIN-INFORM-TICKET# .",
+ "The #TRAIN-INFORM-LEAVE# train is #TRAIN-INFORM-TICKET# .",
+ "The train will cost #TRAIN-INFORM-TICKET# a ticket and leaves at #TRAIN-INFORM-LEAVE# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# and the price is #TRAIN-INFORM-TICKET# payable at the station .",
+ "The price is #TRAIN-INFORM-TICKET# . The departure time is #TRAIN-INFORM-LEAVE# . Would you like to book it ?",
+ "The departure time is #TRAIN-INFORM-LEAVE# and the cost is #TRAIN-INFORM-TICKET# .",
+ "It will cost #TRAIN-INFORM-TICKET# per ticket and leaves at #TRAIN-INFORM-LEAVE# .",
+ "Departure time is #TRAIN-INFORM-LEAVE# and cost is #TRAIN-INFORM-TICKET# .",
+ "It leaves at #TRAIN-INFORM-LEAVE# and it will cost #TRAIN-INFORM-TICKET# .",
+ "Yes the departure time is #TRAIN-INFORM-LEAVE# and the cost of the journey will be #TRAIN-INFORM-TICKET# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# , and price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Day;Depart;Dest;Ticket;": [
+ "A train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# will cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;Ticket;Time;": [
+ "How about #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# , making it an #TRAIN-INFORM-TIME# ? It costs #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Leave;Ticket;Time;": [
+ "There are #TRAIN-INFORM-CHOICE# trains meeting those requirements , leaving #TRAIN-INFORM-LEAVE# . They all have a duration of #TRAIN-INFORM-TIME# and cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Day;Id;Leave;": [
+ "Train #TRAIN-INFORM-ID# is leaving on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# to arrive by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Depart;Dest;Leave;Time;": [
+ "Sure , it leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and gets to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . #TRAIN-INFORM-TIME# total .",
+ "TR9839 departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . It 's a #TRAIN-INFORM-TIME# trip , so load a movie on your tablet !"
+ ],
+ "Choice;Depart;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains leaving #TRAIN-INFORM-DEPART# that fit your criteria . How does #TRAIN-INFORM-LEAVE# sound ?"
+ ],
+ "Leave;Time;": [
+ "That train leaves at #TRAIN-INFORM-LEAVE# and last a total of #TRAIN-INFORM-TIME# of travel .",
+ "Of course . The departure time is #TRAIN-INFORM-LEAVE# . The duration of the trip is #TRAIN-INFORM-TIME# . Can I help with anything else today ?",
+ "Yes the train leaves at #TRAIN-INFORM-LEAVE# and the ride lasts #TRAIN-INFORM-TIME# .",
+ "That train leaves at #TRAIN-INFORM-LEAVE# . Travel time is #TRAIN-INFORM-TIME# .",
+ "The departure time is #TRAIN-INFORM-LEAVE# and the duration is #TRAIN-INFORM-TIME# .",
+ "It arrives at #TRAIN-INFORM-LEAVE# and it is a #TRAIN-INFORM-TIME# .",
+ "I have found a train and a room that meets your specifications . It leaves at #TRAIN-INFORM-LEAVE# and travel time is #TRAIN-INFORM-TIME# .",
+ "It departs at #TRAIN-INFORM-LEAVE# and the duration of the trip is #TRAIN-INFORM-TIME# .",
+ "That departs at #TRAIN-INFORM-LEAVE# and the total travel time is #TRAIN-INFORM-TIME# .",
+ "It leaves at #TRAIN-INFORM-LEAVE# and the ride lasts #TRAIN-INFORM-TIME# .",
+ "It departs at #TRAIN-INFORM-LEAVE# , and is a #TRAIN-INFORM-TIME# ride . Can I help you with anything else ?",
+ "The train departs at #TRAIN-INFORM-LEAVE# and the price is #TRAIN-INFORM-TIME# ."
+ ],
+ "Choice;Depart;Ticket;": [
+ "Yes that leaves from #TRAIN-INFORM-DEPART# and there are #TRAIN-INFORM-CHOICE# if you 'd like . The price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Day;Leave;Ticket;": [
+ "The latest train arrives at #TRAIN-INFORM-ARRIVE# on a #TRAIN-INFORM-DAY# , departs at #TRAIN-INFORM-LEAVE# and the cost of the ticket is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "The departure time from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# will be at #TRAIN-INFORM-LEAVE# .",
+ "Let me confirm this information : Are you leaving from #TRAIN-INFORM-DEPART# at around #TRAIN-INFORM-LEAVE# and going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "There are trains departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-LEAVE# #TRAIN-INFORM-DAY# .",
+ "There is a train departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# .",
+ "I see there is a train on #TRAIN-INFORM-DAY# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# to #TRAIN-INFORM-DEST# , could you book me a ticket for this train ?",
+ "I have a train leaving #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Choice;Leave;Leave;Leave;Leave;Leave;Ticket;Time;": [
+ "There are #TRAIN-INFORM-CHOICE# trains available leaving at #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , and #TRAIN-INFORM-LEAVE# . They all take #TRAIN-INFORM-TIME# and cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Depart;Dest;People;Ticket;": [
+ "The cost of the trip from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# will cost #TRAIN-INFORM-PEOPLE#0.10 pounds for 1 person ."
+ ],
+ "Arrive;Day;Dest;Id;": [
+ "Sorry , there was a miscommunication earlier . #TRAIN-INFORM-ID# is your best bet . It will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Arrive;Day;Depart;Leave;Time;": [
+ "There are trains #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . The one closest to your arrival time leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . It 's a #TRAIN-INFORM-TIME# journey ."
+ ],
+ "Choice;Day;Leave;Leave;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains on #TRAIN-INFORM-DAY# that would meet your needs , leaving at #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , and #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Day;Dest;Id;Ticket;": [
+ "There is a train arriving in #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# . It departs at 09:11 and costs #TRAIN-INFORM-TICKET# . The train ID is #TRAIN-INFORM-ID# ."
+ ],
+ "Arrive;Id;Ticket;": [
+ "Train #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# and cost is #TRAIN-INFORM-TICKET# .",
+ "A ticket on #TRAIN-INFORM-ID# costs #TRAIN-INFORM-TICKET# and will arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Train #TRAIN-INFORM-ID# , arrives at #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# .",
+ "The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# . How does that sound ?",
+ "The closest arrival time is #TRAIN-INFORM-ARRIVE# , the trainID is #TRAIN-INFORM-ID# and the cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Choice;Choice;Leave;Leave;": [
+ "Okay , there are #TRAIN-INFORM-CHOICE# different trains . The #TRAIN-INFORM-CHOICE# leaves at #TRAIN-INFORM-LEAVE# and the #TRAIN-INFORM-CHOICE# leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Choice;Id;Leave;": [
+ "There is #TRAIN-INFORM-CHOICE# options available #TRAIN-INFORM-ID# , leaves at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# .",
+ "There #TRAIN-INFORM-CHOICE# trains that will get you there . #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . Does that work for you ?"
+ ],
+ "Arrive;Day;Depart;Id;Leave;": [
+ "Sure thing . I have #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Should arrive by #TRAIN-INFORM-ARRIVE# . Would that work for you ? Otherwise , I have later options .",
+ "I have train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I have train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Day;Depart;Dest;Id;Leave;Time;": [
+ "The #TRAIN-INFORM-ID# Leaves #TRAIN-INFORM-DEPART# #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# #TRAIN-INFORM-TIME# later . Does that work ?"
+ ],
+ "Day;Depart;Dest;Leave;Ticket;Time;": [
+ "There is a train leaving #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# for #TRAIN-INFORM-TICKET# . The trip will take #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Choice;Choice;Choice;Depart;Dest;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that will get to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . The #TRAIN-INFORM-CHOICE# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . The #TRAIN-INFORM-CHOICE# one leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Dest;Time;": [
+ "Yes , the trip to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# ."
+ ],
+ "Depart;Id;": [
+ "Okay the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-DEPART# .",
+ "Train #TRAIN-INFORM-ID# departs from #TRAIN-INFORM-DEPART# .",
+ "Train i d is #TRAIN-INFORM-ID# . It will be in the #TRAIN-INFORM-DEPART# , yes . Anything else ?"
+ ],
+ "Arrive;Depart;Dest;Leave;Ticket;": [
+ "The earliest train departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The cost is #TRAIN-INFORM-TICKET# per ticket .",
+ "I apologize , I think there was some confusion . Your train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# departs at #TRAIN-INFORM-LEAVE# and arrives at #TRAIN-INFORM-ARRIVE# . The cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Day;Dest;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , by what time would you like to arrive in #TRAIN-INFORM-DEST# ?"
+ ],
+ "Depart;Id;Leave;Ticket;": [
+ "Absolutely . There 's train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . It costs #TRAIN-INFORM-TICKET# .",
+ "Yes , train #TRAIN-INFORM-ID# , departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# will cost #TRAIN-INFORM-TICKET# per ticket ."
+ ],
+ "Choice;Ticket;": [
+ "They #TRAIN-INFORM-CHOICE# look to be #TRAIN-INFORM-TICKET# .",
+ "There are #TRAIN-INFORM-CHOICE# and the price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Day;Id;Leave;": [
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , is that suitable for you ?",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# .",
+ "How about train #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ?",
+ "I have the #TRAIN-INFORM-ID# train leaving at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , would that work ?",
+ "That would be #TRAIN-INFORM-ID# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "The #TRAIN-INFORM-ID# train leaves at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , would that work ?"
+ ],
+ "Choice;Day;Depart;": [
+ "There are #TRAIN-INFORM-CHOICE# trains that leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Arrive;Arrive;Arrive;Arrive;Choice;Leave;Ticket;": [
+ "I have #TRAIN-INFORM-CHOICE# that arrive before #TRAIN-INFORM-ARRIVE# . I have one that arrives at #TRAIN-INFORM-ARRIVE# , #TRAIN-INFORM-ARRIVE# , and #TRAIN-INFORM-ARRIVE# . They all leave #TRAIN-INFORM-LEAVE# and are #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Choice;Leave;Leave;Ticket;": [
+ "There is a #TRAIN-INFORM-LEAVE# that would arrive by #TRAIN-INFORM-ARRIVE# for #TRAIN-INFORM-TICKET# . Does that sound good ? There are #TRAIN-INFORM-CHOICE# if you 'd like to leave #TRAIN-INFORM-LEAVE# .",
+ "I have #TRAIN-INFORM-CHOICE# trains that leave after #TRAIN-INFORM-LEAVE# that day . Did you want to leave at about #TRAIN-INFORM-LEAVE# ? That train arrives at #TRAIN-INFORM-ARRIVE# and costs #TRAIN-INFORM-TICKET# a ticket ."
+ ],
+ "Arrive;Day;Depart;Dest;": [
+ "Of course . So just to confirm before booking , you are looking to travel from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# before #TRAIN-INFORM-ARRIVE# ?",
+ "There is a train leaving #TRAIN-INFORM-DEPART# arriving at #TRAIN-INFORM-DEST# #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# . If this does not work I have other options ."
+ ],
+ "Arrive;Arrive;Leave;Leave;Time;": [
+ "You can depart at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# , or at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-ARRIVE# . Travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Dest;Leave;Time;": [
+ "At #TRAIN-INFORM-LEAVE# a train leaves for #TRAIN-INFORM-DEST# duration of which is #TRAIN-INFORM-TIME# .",
+ "At #TRAIN-INFORM-LEAVE# a train leaves for #TRAIN-INFORM-DEST# duration of which is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Arrive;Arrive;Choice;": [
+ "I have #TRAIN-INFORM-CHOICE# different train choices . Depending on how early you want to arrive . I have one arriving at #TRAIN-INFORM-ARRIVE# , one at #TRAIN-INFORM-ARRIVE# and one at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Depart;Dest;Id;": [
+ "I ' ve got the #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Would that work ?",
+ "I have train #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# and arriving #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . Will that work for you ?",
+ "I have #TRAIN-INFORM-ID# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# arriving at #TRAIN-INFORM-ARRIVE# . Will that work ?",
+ "How about the #TRAIN-INFORM-ID# train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# ? It arrives by #TRAIN-INFORM-ARRIVE# .",
+ "There is a train traveling to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# that will arrive by #TRAIN-INFORM-ARRIVE# . Do you want that instead ? Train ID is #TRAIN-INFORM-ID# .",
+ "Train ID #TRAIN-INFORM-ID# will be perfect for you . It will be arriving #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-ARRIVE# except if you do not want to depart from london liverpool street .",
+ ": Train #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# , will that one work for you ?"
+ ],
+ "Day;Depart;Id;Leave;": [
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# . Will that work for you ?",
+ "I have the #TRAIN-INFORM-ID# train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Depart;Leave;Ticket;Time;": [
+ "I have a train leaving #TRAIN-INFORM-DEPART# every 2 hours , starting at #TRAIN-INFORM-LEAVE# . The trip is #TRAIN-INFORM-TIME# long and costs #TRAIN-INFORM-TICKET# pounds .",
+ "The train departs from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and travels for #TRAIN-INFORM-TIME# . The total would be #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Day;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains leaving on #TRAIN-INFORM-DAY# after your dinner . I would think 2 hours should be long enough ? So there is one at #TRAIN-INFORM-LEAVE# I can recommend ."
+ ],
+ "Arrive;Choice;Id;": [
+ "There are #TRAIN-INFORM-CHOICE# trains , #TRAIN-INFORM-ID# will get you there at #TRAIN-INFORM-ARRIVE# would that work ?",
+ "I have train #TRAIN-INFORM-ID# arriving at #TRAIN-INFORM-ARRIVE# that is the #TRAIN-INFORM-CHOICE# .",
+ "There are #TRAIN-INFORM-CHOICE# trains that would work for you . The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# . Would you be interested in that one ?",
+ "Sure ! #TRAIN-INFORM-ID# seems to fit your needs . It arrives at #TRAIN-INFORM-ARRIVE# , but there are #TRAIN-INFORM-CHOICE# options that are earlier , too .",
+ "We have #TRAIN-INFORM-CHOICE# trains that fit your needs . The latest one you could take would be the #TRAIN-INFORM-ID# which would have you arriving at #TRAIN-INFORM-ARRIVE# .",
+ "There are only #TRAIN-INFORM-CHOICE# that fit your time frame . The #TRAIN-INFORM-ID# arrives at #TRAIN-INFORM-ARRIVE# . That would be the closest to your requested arrival time . Is that okay ?",
+ "There are #TRAIN-INFORM-CHOICE# that arrive by 17:30 , the closest being #TRAIN-INFORM-ID# , which arrives at #TRAIN-INFORM-ARRIVE# . Is that to your liking ?",
+ "There is #TRAIN-INFORM-CHOICE# that arrives by #TRAIN-INFORM-ARRIVE# #TRAIN-INFORM-ID# if that works for you ."
+ ],
+ "Id;Leave;Ticket;": [
+ "It departs at #TRAIN-INFORM-LEAVE# , price is #TRAIN-INFORM-TICKET# , the train ID is #TRAIN-INFORM-ID# .",
+ "Departure Time is #TRAIN-INFORM-LEAVE# and the cost is #TRAIN-INFORM-TICKET# for #TRAIN-INFORM-ID# .",
+ "the #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# . the price is #TRAIN-INFORM-TICKET# .",
+ "Please review the conversation history and see if the #TRAIN-INFORM-ID# with its departure time of #TRAIN-INFORM-LEAVE# and cost of #TRAIN-INFORM-TICKET# meets your needs before we proceed .",
+ "Trian #TRAIN-INFORM-ID# leaves the station at #TRAIN-INFORM-LEAVE# . Price for 1 ticket is #TRAIN-INFORM-TICKET# .",
+ "Train #TRAIN-INFORM-ID# leaving at #TRAIN-INFORM-LEAVE# has a price of #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Choice;Depart;Dest;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# train that would be close to those traveling times . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Trains leave #TRAIN-INFORM-DEPART# #TRAIN-INFORM-CHOICE# . The latest leaves at #TRAIN-INFORM-LEAVE# and arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Id;Leave;Ticket;Time;": [
+ "You could take #TRAIN-INFORM-ID# early #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . It 's a short trip of #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# . Will this work for you ?"
+ ],
+ "Arrive;Arrive;Choice;Choice;": [
+ "There are #TRAIN-INFORM-CHOICE# that arrive by #TRAIN-INFORM-ARRIVE# . The #TRAIN-INFORM-CHOICE# to that arrival time is arriving at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Id;Leave;Time;": [
+ "Train #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . The duration of the trip is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Depart;Dest;": [
+ "I have a train leaving #TRAIN-INFORM-DEPART# and arriving at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# will that train work ?"
+ ],
+ "Choice;Depart;Id;Id;Leave;Leave;Leave;": [
+ "I ' m sorry I misunderstood you . There are #TRAIN-INFORM-CHOICE# trains leaving after #TRAIN-INFORM-LEAVE# . #TRAIN-INFORM-ID# leaves at #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-ID# at #TRAIN-INFORM-LEAVE# both depart from #TRAIN-INFORM-DEPART# ."
+ ],
+ "Arrive;Choice;Leave;Leave;Ticket;Time;": [
+ "There are #TRAIN-INFORM-CHOICE# leaving after #TRAIN-INFORM-LEAVE# . The first one is leaving at #TRAIN-INFORM-LEAVE# and takes #TRAIN-INFORM-TIME# . You 'd arrive by #TRAIN-INFORM-ARRIVE# and the cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Day;Dest;Leave;Ticket;Time;": [
+ "That one departs at #TRAIN-INFORM-LEAVE# , and arrives at #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# . It 's duration is #TRAIN-INFORM-TIME# . The price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Depart;Dest;Leave;Time;": [
+ "That train leaves from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , it takes #TRAIN-INFORM-TIME# to get to #TRAIN-INFORM-DEST# ."
+ ],
+ "Id;Id;": [
+ "Your looking at the trainID of #TRAIN-INFORM-ID# or #TRAIN-INFORM-ID# depending on your time"
+ ],
+ "Day;Leave;Leave;": [
+ "Sure trains leave today , #TRAIN-INFORM-DAY# starting at #TRAIN-INFORM-LEAVE# and the last train leaves at #TRAIN-INFORM-LEAVE# and every 2 hours in between"
+ ],
+ "Arrive;Choice;Depart;Dest;Id;Leave;Ticket;": [
+ "Okay , we ' ve got #TRAIN-INFORM-CHOICE# options . The best looks like train #TRAIN-INFORM-ID# that leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrived in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Depart;Leave;Ticket;": [
+ "The train will depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and the price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Day;Dest;Ticket;": [
+ "I have a train arriving in in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . The price is #TRAIN-INFORM-TICKET# . Will this work for you ?"
+ ],
+ "Arrive;Dest;Id;Time;": [
+ "Travel times for all trains on that route are #TRAIN-INFORM-TIME# . The #TRAIN-INFORM-ID# would get you to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I recommend #TRAIN-INFORM-ID# . It will arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# , which is much closer to your preferred time . The total ride duration is #TRAIN-INFORM-TIME# ."
+ ],
+ "Choice;Day;Dest;": [
+ "There are #TRAIN-INFORM-CHOICE# trains going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . Where will you be departing from ?",
+ "I have #TRAIN-INFORM-CHOICE# trains headed to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . Where will you be departing from ?"
+ ],
+ "Choice;Leave;Leave;Leave;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# trains matching your criteria . They leave #TRAIN-INFORM-LEAVE# starting at #TRAIN-INFORM-LEAVE# to #TRAIN-INFORM-LEAVE# , and then one more at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Arrive;Dest;Id;": [
+ "The #TRAIN-INFORM-ID# arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . That 's the last train before #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Depart;Dest;": [
+ "First of all , there is a train leaving #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# every hour on #TRAIN-INFORM-DAY# .",
+ "There is a train that departs #TRAIN-INFORM-DEPART# and arrives at #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Day;Depart;Dest;Leave;Leave;": [
+ "The train leaving #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# has a consistent #TRAIN-INFORM-DAY# schedule . Beginning at #TRAIN-INFORM-LEAVE# a.m. , a train leaves exactly two hours later all day . Next train #TRAIN-INFORM-LEAVE# , etc .",
+ "The train leaving #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# has a consistent #TRAIN-INFORM-DAY# schedule . #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# . Next train 7:29 , etc ."
+ ],
+ "Id;Ref;Ticket;": [
+ "You are all set . The train ID is #TRAIN-INFORM-ID# and it is #TRAIN-INFORM-TICKET# . The reference number is #TRAIN-INFORM-REF# ."
+ ],
+ "Arrive;Dest;Id;Leave;Ticket;": [
+ "Your best bet would be #TRAIN-INFORM-ID# which arrives in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The price is #TRAIN-INFORM-TICKET# per ticket and the departure time is #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Leave;Ticket;": [
+ "There is a train leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# for #TRAIN-INFORM-TICKET# .",
+ "That train will leave at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# . the cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Id;Leave;Leave;": [
+ "The first train after #TRAIN-INFORM-LEAVE# is the #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Leave;Leave;Time;": [
+ "The first train leaves at #TRAIN-INFORM-LEAVE# and has a duration of #TRAIN-INFORM-TIME# . Trains leave #TRAIN-INFORM-LEAVE# .",
+ "The first train leaving after #TRAIN-INFORM-LEAVE# is #TRAIN-INFORM-LEAVE# and the travel time is #TRAIN-INFORM-TIME# .",
+ "The earliest train leaves #TRAIN-INFORM-LEAVE# and the last one leaves at #TRAIN-INFORM-LEAVE# . They all have a travel time of #TRAIN-INFORM-TIME# ."
+ ],
+ "Choice;Id;Leave;Ticket;": [
+ "All #TRAIN-INFORM-CHOICE# trains that fit your request cost #TRAIN-INFORM-TICKET# per ticket . The earliest is the #TRAIN-INFORM-ID# that leaves at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Leave;Leave;Leave;Leave;": [
+ "The earliest train leaves at #TRAIN-INFORM-LEAVE# . The latest train leaving by 13:00 would depart at #TRAIN-INFORM-LEAVE# . There is also one that leaves at #TRAIN-INFORM-LEAVE# . The trains run #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Day;Depart;Dest;Leave;Ticket;": [
+ "My apologies . I found a train leaving #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , leaving at #TRAIN-INFORM-LEAVE# , for #TRAIN-INFORM-TICKET# . Will that work for you ?"
+ ],
+ "Depart;Dest;Leave;Leave;Ticket;Time;": [
+ "There is a train #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# starting at #TRAIN-INFORM-LEAVE# . It costs #TRAIN-INFORM-TICKET# and is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Depart;Id;Leave;Ticket;": [
+ "We have #TRAIN-INFORM-ID# . It will depart #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-ARRIVE# . The price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Depart;Leave;": [
+ "I have a #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# that arrives at #TRAIN-INFORM-ARRIVE# . Would that work for you ?",
+ "There is a train leaving from #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Day;Depart;Id;Leave;": [
+ "I apologize for the earlier confusion . We have #TRAIN-INFORM-CHOICE# trains that will meet your needs . #TRAIN-INFORM-ID# departs #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Will that work for you ?"
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Ref;Time;": [
+ "I apologize , #TRAIN-INFORM-ID# is available . It is a #TRAIN-INFORM-TIME# train ride , leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# , arriving at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Your reference number is #TRAIN-INFORM-REF# ."
+ ],
+ "Day;Dest;Id;Leave;": [
+ "The #TRAIN-INFORM-ID# to #TRAIN-INFORM-DEST# departs #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Depart;Ticket;": [
+ "The train arrives by #TRAIN-INFORM-ARRIVE# and departs from #TRAIN-INFORM-DEPART# , the price is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Depart;Dest;Id;Ticket;": [
+ "Train #TRAIN-INFORM-ID# departing from #TRAIN-INFORM-DEPART# and arrivign at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Arrive;Arrive;Id;": [
+ "There is one arriving at #TRAIN-INFORM-ARRIVE# the #TRAIN-INFORM-ID# otherwise the closest one arriving prior to #TRAIN-INFORM-ARRIVE# is the one I mentioned arriving at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Day;Depart;Id;Id;Leave;Leave;": [
+ "I only have #TRAIN-INFORM-CHOICE# trains that leave from #TRAIN-INFORM-DEPART# #TRAIN-INFORM-DAY# . The #TRAIN-INFORM-ID# departs at #TRAIN-INFORM-LEAVE# and the #TRAIN-INFORM-ID# departs #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Arrive;Choice;Id;": [
+ "The #TRAIN-INFORM-ID# arrives closest to that time , at #TRAIN-INFORM-ARRIVE# . Your #TRAIN-INFORM-CHOICE# arrives #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Ticket;": [
+ "Your only departure site is #TRAIN-INFORM-DEPART# . And the cost is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Dest;Id;": [
+ "Yes , #TRAIN-INFORM-ID# does indeed go to #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Dest;Leave;Leave;": [
+ "Those trains leave #TRAIN-INFORM-LEAVE# . There are trains that meet your specifications . The earliest would leave at #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Depart;Dest;Time;": [
+ "The travel time from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# is #TRAIN-INFORM-TIME# , for all #TRAIN-INFORM-CHOICE# trips ."
+ ],
+ "Choice;Dest;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains headed to #TRAIN-INFORM-DEST# on that date after that time . How does #TRAIN-INFORM-LEAVE# sound ?"
+ ],
+ "Arrive;Day;": [
+ "Of course , the arrival time of the train is #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Arrive;Depart;Dest;Id;Leave;": [
+ "I want to confirm you are leaving from #TRAIN-INFORM-DEPART# . If you want to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# , I recommend #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Choice;Day;Depart;Dest;": [
+ "There are #TRAIN-INFORM-CHOICE# trains traveling to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# and are all departing from #TRAIN-INFORM-DEPART# . Is there a particular time you are wanting to leave ?"
+ ],
+ "Ref;Ticket;": [
+ "Your Reference number is : #TRAIN-INFORM-REF# . It will cost #TRAIN-INFORM-TICKET# .",
+ "Reference number is : #TRAIN-INFORM-REF# . the total fee is #TRAIN-INFORM-TICKET# payable at the station"
+ ],
+ "Choice;Time;": [
+ "There are #TRAIN-INFORM-CHOICE# options . The travel time for each trip is #TRAIN-INFORM-TIME# ."
+ ],
+ "Arrive;Arrive;Arrive;Choice;Day;Depart;Dest;": [
+ "I have #TRAIN-INFORM-CHOICE# trains leaving #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# #TRAIN-INFORM-DAY# arriving before #TRAIN-INFORM-ARRIVE# . Which would you prefer , one arrives at #TRAIN-INFORM-ARRIVE# the other #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Arrive;Day;Depart;Id;Leave;Ticket;Time;": [
+ "I can put you on #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEPART# #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-ARRIVE# . It will take #TRAIN-INFORM-TIME# and costs #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Leave;Leave;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# trains that will leave after #TRAIN-INFORM-LEAVE# . One leaves at #TRAIN-INFORM-LEAVE# and one leaves at #TRAIN-INFORM-LEAVE# . Which would you prefer ?",
+ "There are #TRAIN-INFORM-CHOICE# trains that would fit , leaving at #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , or #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Day;Id;Ticket;": [
+ "The #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# , and is #TRAIN-INFORM-TICKET# ."
+ ],
+ "Choice;Day;": [
+ "There are #TRAIN-INFORM-CHOICE# trains running that route on #TRAIN-INFORM-DAY# . Do you have a particular departure time in mind ?"
+ ],
+ "Depart;Dest;Leave;Leave;": [
+ "Ok , the first train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# leave at #TRAIN-INFORM-LEAVE# , there is a train every two hours until #TRAIN-INFORM-LEAVE# , any time preference ?"
+ ],
+ "Arrive;Choice;Depart;Dest;Id;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# that will arrive by that time , but the closest to that actual time is #TRAIN-INFORM-ID# , departing #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Depart;Dest;Id;Leave;": [
+ "Train #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Will this suit your needs ?",
+ "The #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# for #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . Would that be good for you ?",
+ "No , sorry . The train i d is #TRAIN-INFORM-ID# . That is the #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Id;Leave;Leave;Time;": [
+ "I ' m sorry , I think I misunderstood you . You want to leave before #TRAIN-INFORM-LEAVE# . You should book #TRAIN-INFORM-ID# , leaving at #TRAIN-INFORM-LEAVE# . Travel time is #TRAIN-INFORM-TIME# ."
+ ],
+ "Leave;Leave;Leave;Leave;Leave;Ticket;Time;": [
+ "There are trains meeting those requirements leaving at #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# . They all take #TRAIN-INFORM-TIME# and cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Dest;Id;Leave;": [
+ "Please book trainid #TRAIN-INFORM-ID# leaving #TRAIN-INFORM-DEST# at #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Choice;Day;Leave;Leave;Leave;Leave;Leave;Time;": [
+ "There are #TRAIN-INFORM-CHOICE# trains on #TRAIN-INFORM-DAY# with that route that leave after #TRAIN-INFORM-LEAVE# . Your options are #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# , #TRAIN-INFORM-LEAVE# and #TRAIN-INFORM-LEAVE# . The duration of the ride is #TRAIN-INFORM-TIME# ."
+ ],
+ "Dest;": [
+ "Just to confirm , the booking is for arriving in #TRAIN-INFORM-DEST# , is that correct ?",
+ "the train stop is #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Leave;Ticket;Time;": [
+ "The train leaves at #TRAIN-INFORM-LEAVE# , arrives by #TRAIN-INFORM-ARRIVE# , a total time of #TRAIN-INFORM-TIME# , and costs #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Choice;Depart;Depart;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains leaving #TRAIN-INFORM-DEPART# that can have you there by #TRAIN-INFORM-ARRIVE# . They leave #TRAIN-INFORM-DEPART# starting at #TRAIN-INFORM-LEAVE# and leave #TRAIN-INFORM-LEAVE# after that ."
+ ],
+ "Choice;Day;Depart;Dest;Leave;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains departing #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . The #TRAIN-INFORM-LEAVE# . They run #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;Leave;": [
+ "Your best best is #TRAIN-INFORM-ID# , leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# and arriving #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# . The trains only run #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ."
+ ],
+ "Depart;Dest;Leave;Ticket;Time;": [
+ "There is a train #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . It costs #TRAIN-INFORM-TICKET# and is #TRAIN-INFORM-TIME# travel time ."
+ ],
+ "Arrive;Day;Leave;Leave;Ticket;": [
+ "The first train that leaves after #TRAIN-INFORM-LEAVE# leaves at #TRAIN-INFORM-LEAVE# and should arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . This would cost #TRAIN-INFORM-TICKET# ."
+ ],
+ "Arrive;Arrive;Choice;Dest;Id;Leave;": [
+ "There are #TRAIN-INFORM-CHOICE# trains within that time frame . The train that will get you to #TRAIN-INFORM-DEST# closest to #TRAIN-INFORM-ARRIVE# is the #TRAIN-INFORM-ID# , which leaves at #TRAIN-INFORM-LEAVE# and arrives by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;Ticket;": [
+ "The #TRAIN-INFORM-ID# train leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# . It arrives at #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# and the price is #TRAIN-INFORM-TICKET# .",
+ "As mentioned , it is #TRAIN-INFORM-ID# . It leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . It arrives at #TRAIN-INFORM-DEST# at at #TRAIN-INFORM-ARRIVE# . The cost is #TRAIN-INFORM-TICKET# per ticket ."
+ ],
+ "Arrive;Arrive;Id;Id;": [
+ "How about #TRAIN-INFORM-ID# , it arrives by #TRAIN-INFORM-ARRIVE# ? Alternatively , the #TRAIN-INFORM-ID# arrives by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;Dest;": [
+ "Tell the customer what time the train departs from #TRAIN-INFORM-DEPART# train , and possible arrival time to #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;Time;": [
+ "Of course . #TRAIN-INFORM-ID# leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-LEAVE# . The duration of the trip will be #TRAIN-INFORM-TIME# with arrival in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Arrive;Choice;Depart;Leave;": [
+ "I have #TRAIN-INFORM-CHOICE# arriving at #TRAIN-INFORM-ARRIVE# . It leaves #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# . Does that work ?"
+ ]
+ },
+ "Train-NoOffer": {
+ "Depart;": [
+ "There is no train leaving #TRAIN-NOOFFER-DEPART# .",
+ "There are no trains leaving from #TRAIN-NOOFFER-DEPART# ."
+ ],
+ "Depart;Leave;": [
+ "I ' m sorry , I ' m not able to find a train leaving #TRAIN-NOOFFER-DEPART# after #TRAIN-NOOFFER-LEAVE# . Is there another time I can search for you ?",
+ "Ah , sorry , unfortunately there are no trains leaving to #TRAIN-NOOFFER-DEPART# after #TRAIN-NOOFFER-LEAVE# ."
+ ],
+ "none;": [
+ "I ' m sorry , unfortunately there are no trains available at that time .",
+ "no train are available for the destination",
+ "I do not have any trains that match your request .",
+ "There is no train leaving at that time .",
+ "No , I am sorry there is not .",
+ "I am having a problem booking your reservation . There phone number is 01223362456 . If you call back in awhile , we can try booking the reservation again .",
+ "I ' m sorry there is no phone number for that train .",
+ "I ' m sorry , there are no trains that meet your criteria . Do you have any alternative options ?",
+ "You might need to look into a taxi it looks like the trains are booked that day .",
+ "I ' m afraid that 's all we ' ve got .",
+ "Unfortunately , no trains leave at that time",
+ "Unfortunately there are no trains that leave at this time .",
+ "No , there is not .",
+ "There is no train matching that descrioption",
+ "There are no trains running at this time . Can I narrow your search in any way ?",
+ "I ' m sorry , but I ca n't help you with travel outside of Cambridge and the surrounding areas .",
+ "They system is down please try again later .",
+ "Sorry , I do n't see any days for your search ."
+ ],
+ "Leave;": [
+ "There is not one that leaves at #TRAIN-NOOFFER-LEAVE# .",
+ "There is no train leaving at #TRAIN-NOOFFER-LEAVE# , do you want to change to a different time .",
+ "There are no trains that leave after #TRAIN-NOOFFER-LEAVE# .",
+ "There are no trains leaving at #TRAIN-NOOFFER-LEAVE# .",
+ "Unfortunately , there are no trains that leave after #TRAIN-NOOFFER-LEAVE# .",
+ "There are no trains that leave after #TRAIN-NOOFFER-LEAVE# ."
+ ],
+ "Depart;Dest;": [
+ "I ' m sorry , but there are no trains that travel between #TRAIN-NOOFFER-DEPART# and #TRAIN-NOOFFER-DEST# .",
+ "There do n't seem to be any trains going to #TRAIN-NOOFFER-DEPART# from #TRAIN-NOOFFER-DEST# ."
+ ],
+ "Day;Depart;Dest;": [
+ "sorry , there are no trains from #TRAIN-NOOFFER-DEPART# to #TRAIN-NOOFFER-DEST# on #TRAIN-NOOFFER-DAY# .",
+ "There are no trains available on #TRAIN-NOOFFER-DAY# leaving #TRAIN-NOOFFER-DEPART# and arriving in #TRAIN-NOOFFER-DEST# . Can you travel on a different day ?"
+ ],
+ "Day;": [
+ "No I ' m sorry there are not on a #TRAIN-NOOFFER-DAY# .",
+ "There are no trains on #TRAIN-NOOFFER-DAY# .",
+ "Unfortunately , there is not a train on #TRAIN-NOOFFER-DAY# matching your criteria .",
+ "There are no trains on #TRAIN-NOOFFER-DAY# ."
+ ],
+ "Choice;": [
+ "Yes , very serious . I ' m not sure why but it appears #TRAIN-NOOFFER-CHOICE# of those trains have been cancelled ."
+ ],
+ "Arrive;Day;": [
+ "I am sorry we do not have a train fitting your needs for #TRAIN-NOOFFER-DAY# at #TRAIN-NOOFFER-ARRIVE# ."
+ ]
+ },
+ "Train-OfferBook": {
+ "none;": [
+ "Ok I will book that for you and get you a confirmation number",
+ "Ok great . Would you like for me to go ahead and book the train for you ?",
+ "Before we start on the hotel , did you need tickets for the train ?",
+ "Would you like me to reserve your train tickets ?",
+ "I will book that for you now .",
+ "Great , I have a train that meets your criteria . Would you like me to book it for you ?",
+ "Would you like me to book this train for you ?",
+ "Well , I can book it for YOU if you would like . Would you like me to ?",
+ "Did you want reservations ?",
+ "I see the train was not booked . Would you like me to book it now ?",
+ "You need a train in addition to the one we have already booked for you ?",
+ "Would you like me to book it then ?",
+ "Alright , would you like me to make a booking for you ?",
+ "Would you like me to book it for you ?",
+ "Would you like us to book a ticket for you ?",
+ "I will gladly book that for you now .",
+ "I will work on getting that booked and be back with you shortly .",
+ "I will book it for you now .",
+ "Yes I will book it for you and get a reference number ?",
+ "Would you like me to book that for you ?",
+ "Would you like me to book a ticket ?",
+ "I will work on getting this booked and be right back with you .",
+ "Thank you I will get that for you",
+ "How many tickets would you like ?",
+ "I can make the reservation for you .",
+ "Would you like me to book it for you ?",
+ "I can help book a train to get you here .",
+ "Do you want to book the train at this time ?",
+ "Would you like me to book it ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to book it for you ?",
+ "Would you like me to book this train for you ?",
+ "Did you want me to make the train reservations for you ?",
+ "Would you like me to book that for you ?",
+ "can i book for you ?",
+ "Would you like me to book that for you ?",
+ "Would you like me to book the tickets for you today ?",
+ "Did you want me to reserve the train for you ?",
+ "CAN YOU PLEASE BOOK THIS",
+ "But of course , how many tickets ?",
+ "Does this mean you would like me to book the train for you ?",
+ "Would you like me to book tickets for you ?",
+ "Let me find one for you .",
+ "I will work on booking this and be right back with you .",
+ "Would you like me to book tickets for you ?",
+ "Woudl you like me to book a train to leverton house for you ?",
+ "Can you book it for me and get a reference number ?",
+ "I will book that for you now .",
+ "can i book for you ?",
+ "Yes , this train meets all the criteria you specified . Can I book that for you ?",
+ "Would you like me to book it now ?",
+ "I will work on getting that booked and be right back with you .",
+ "I can also assist you with finding a guest house . Does the train fit your needs and would you like to book tickets for that ?",
+ "I will work on booking this for you .",
+ "Should I make reservations ?",
+ "Give me one moment to complete the booking .",
+ "Do you need me to book that for you ?",
+ "I can go ahead and book that for you .",
+ "Do you need me to book that for you ?",
+ "Yes , I will provide a reference number .",
+ "Ok I will book it for you",
+ "I can go ahead and book that for you .",
+ "I have options available would you like me to book something for you .",
+ "How many tickets would you like ?",
+ "OKay would you like me to book this for you ?",
+ "how many tickets should i book you for ?",
+ "Yes , the train runs every two hours from morning until late night . Would you like me to book a seat ?",
+ "Before I book , I just want to confirm you only need one ticket ?",
+ "Would you like me to reserve that for you ?",
+ "Ok I will book it for you",
+ "I do n't believe we were able to complete a reservation . Would you like to try again ?",
+ "Would you still like me to book a ticket for you or are you satisfied at this point ?",
+ "I will work on getting that booked and be right back with you .",
+ "Yes I will book it for you and get a reference number ?",
+ "I will work on getting that booked and be back with you shortly .",
+ "I ' m sorry , did you want me to book the train for you ?",
+ "Would you like me to book that for you ?",
+ "Would you like me to book it for you ?",
+ "I will complete that booking for you now .",
+ "Great ! Would you like to book a train to take you there ?",
+ "Would you like me to book that for you ?",
+ "I will book it for you now .",
+ "Would you like me to book that train for you ?",
+ "I will take care of that booking for you now .",
+ "Would you like me to book it for you ?",
+ "I will book the reservation now .",
+ "Ok I will book it for you",
+ "Ok I will book that for you and get you a confirmation number",
+ "How many seats would you like ?",
+ "OKay I will work on booking this for you and be back with you shortly .",
+ "Would you like me to book that train for you ?",
+ "I will work on this and be right back with you .",
+ "I am sorry , but did you need me to book that train for you ?",
+ "Would you like me to reserve you a ticket ?",
+ "I will get that for you",
+ "Okay great . would you like me to book that train ticket for you ?",
+ "Would you like me to book that train for you ?",
+ "I will book that for you now .",
+ "Sure , would you like me to book that for you ?",
+ "I will work on booking this and be right back with you .",
+ "If you 'd like us to reserve tickets for you , please keep us in mind . We would be happy to help with that .",
+ "I 'll be happy to assist you with finding a hotel . Would you like to get the train tickets first ?",
+ "I will work on booking this for you and be back with you shortly .",
+ "Okay , let me work on booking that and I will be back with you shortly .",
+ "Ok I changed it , Would you like me to book it for you ?",
+ "Would you like me to go ahead and book a ticket for you ?",
+ "Sure thing , would you like me to book this for you ?",
+ "I ' m sorry , I may have misunderstood . The train has n't been booked yet , should I book it for you now ?",
+ "You 're very welcome . Would you like me to book a ticket for you on that train ?",
+ "Ok there is one leaving earlier i will book it for and send you the infomation",
+ "I can go ahead and book those for you .",
+ "Ok I will book that for you and get you a confirmation number",
+ "Okay . would you like me to book you a seat ?",
+ "Would you like me to reserve it for you .",
+ "I can book it for you .",
+ "I will go ahead and book that for you .",
+ "Let me check into that for you .",
+ "Did you need tickets for that train ?",
+ "Unfortunately , we do not have that capability . If we do a booking for you , we can provide you with a reference number though .",
+ "Would you like me to book this for you ?",
+ "Sure thing would you like me to book that for you ?",
+ "I can work on booking that for you . I will be back with you shortly .",
+ "Would you like me to make reservations for that ?",
+ "Would you like me to book your tickets ?",
+ "Would you like me to book it for you ?",
+ "For how many people ?",
+ "Okay ! Would you like for me to book you a ticket ?",
+ "Would you like for me to book a ticket for you ?",
+ "Would you like me to book this train for you ?",
+ "Yes there is . Would you like reservations ?",
+ "Would you like me to book you a ticket ?",
+ "should i book it for you ?",
+ "Yes it does , would you like tickets ?",
+ "I will go ahead and book that for you .",
+ "should i book for you ?",
+ "Would you like me to book tickets for you ?",
+ "Yes I can book that for you if you would like .",
+ "Yes , it does , would you like me to book you ?",
+ "Sure thing . I will work on that for you and be right back with you .",
+ "Sure , I will book that for you .",
+ "Would you like me to book it for you ?",
+ "Would you like me to book this then ?",
+ "I will work on getting this booked for you .",
+ "Sure thing , I will work on that now and be back with you in a moment .",
+ "Would you like reservations for the train ?",
+ "I will book it for you now .",
+ "Would you like me to book it for you ?",
+ "I ' m sorry , I do not have information about plane travel , could I book you a train instead ?",
+ "Would you like me to book that for you ?",
+ "I have trains available would you like me to book that for you ?",
+ "Would you like me to book that for you ?",
+ "Do you want tickets ?",
+ "I have trains available would you like me to book that for you ?",
+ "Would you like me to book that train for you ?",
+ "Would you like me to book you a ticket on that train ?",
+ "Yes I will book it for you and provide a reference number"
+ ],
+ "Arrive;Id;Leave;": [
+ "I have train #TRAIN-OFFERBOOK-ID# that leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives at #TRAIN-OFFERBOOK-ARRIVE# . Would you like to book that ?",
+ "Okay how about the #TRAIN-OFFERBOOK-ID# that leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives by #TRAIN-OFFERBOOK-ARRIVE# .",
+ "I have train #TRAIN-OFFERBOOK-ID# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# . Would you like to book that ?",
+ "I can get you on the #TRAIN-OFFERBOOK-ID# , leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# .",
+ "Would you be interested in #TRAIN-OFFERBOOK-ID# ? It arrives at #TRAIN-OFFERBOOK-ARRIVE# and departs at #TRAIN-OFFERBOOK-LEAVE# .",
+ "I could get you on the #TRAIN-OFFERBOOK-ID# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# . Would you like tickets ?",
+ "Certainly ! But first , did you want to secure passage on the #TRAIN-OFFERBOOK-ID# , departing at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# ?",
+ "Ok , I have Train #TRAIN-OFFERBOOK-ID# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving by #TRAIN-OFFERBOOK-ARRIVE# , would you like me to book a ticket ?",
+ "I would suggest train #TRAIN-OFFERBOOK-ID# , it leaves at #TRAIN-OFFERBOOK-LEAVE# and will get you to your destination by #TRAIN-OFFERBOOK-ARRIVE# . Would you like me to book that for you ?",
+ "I found you the #TRAIN-OFFERBOOK-ID# that leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives by #TRAIN-OFFERBOOK-ARRIVE# . Would you like to book some tickets ?",
+ "I can book you on the #TRAIN-OFFERBOOK-ID# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# .",
+ "I can book you on the #TRAIN-OFFERBOOK-ID# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving by #TRAIN-OFFERBOOK-ARRIVE# . Would that be good ?"
+ ],
+ "Day;Depart;Dest;Id;Leave;": [
+ "I can book you on train #TRAIN-OFFERBOOK-ID# leaving #TRAIN-OFFERBOOK-DEPART# going to #TRAIN-OFFERBOOK-DEST# #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# , will that work ?"
+ ],
+ "Depart;": [
+ "Okay ! From #TRAIN-OFFERBOOK-DEPART# ?"
+ ],
+ "Arrive;Choice;": [
+ "Okay , I have #TRAIN-OFFERBOOK-CHOICE# arriving at #TRAIN-OFFERBOOK-ARRIVE# , would you like me to book it ?"
+ ],
+ "Depart;Leave;": [
+ "I can book tickets that leave #TRAIN-OFFERBOOK-DEPART# that leaves at #TRAIN-OFFERBOOK-LEAVE# ?",
+ "I can get you on a train leaving #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# ."
+ ],
+ "Id;": [
+ "Train #TRAIN-OFFERBOOK-ID# would work for you , would you like me to book you passage ?",
+ "Okay the trainID is #TRAIN-OFFERBOOK-ID# , would you like me to book that for you ?",
+ "The #TRAIN-OFFERBOOK-ID# meets your criteria . Would you like to book some tickets ?",
+ "Shall I go ahead and book you for train #TRAIN-OFFERBOOK-ID# ?",
+ "Okay , would you like me to book #TRAIN-OFFERBOOK-ID# ?",
+ "Sure the train i d is #TRAIN-OFFERBOOK-ID# , can I book this for you ,",
+ "Train #TRAIN-OFFERBOOK-ID# meets your criteria , would you like me to book it for you ?",
+ "ok thank you . I would like to book a ticket on #TRAIN-OFFERBOOK-ID# since that is the closest time you guys have .",
+ "You are welcome . Would you like for me to go ahead and book train #TRAIN-OFFERBOOK-ID# for you ?",
+ "Can I book you for train #TRAIN-OFFERBOOK-ID# ?",
+ "Train #TRAIN-OFFERBOOK-ID# would meet your criteria . Can I book something for you ?",
+ "Train #TRAIN-OFFERBOOK-ID# would be perfect for you shall i book it ?",
+ "I recommend #TRAIN-OFFERBOOK-ID# for the quickest travel after 1130 . Can I book this trip for you ?",
+ "The train ID is #TRAIN-OFFERBOOK-ID# , would you like to book a seat ?",
+ "Train #TRAIN-OFFERBOOK-ID# would fit the bill , would you like me to book you passage ?",
+ "Train #TRAIN-OFFERBOOK-ID# will work for you . Would you like me to book you passage ?"
+ ],
+ "Arrive;": [
+ "Will you train arriving at #TRAIN-OFFERBOOK-ARRIVE# work ok for you ?",
+ "I have a train arriving at #TRAIN-OFFERBOOK-ARRIVE# . Would that do ?",
+ "It arrives by #TRAIN-OFFERBOOK-ARRIVE# would that be okay to book for you ?",
+ "Will an arrival time of #TRAIN-OFFERBOOK-ARRIVE# work for you ?",
+ "Would you like me to book the #TRAIN-OFFERBOOK-ARRIVE# train ?"
+ ],
+ "Arrive;Dest;Id;": [
+ "The #TRAIN-OFFERBOOK-ID# train will get you to #TRAIN-OFFERBOOK-DEST# by #TRAIN-OFFERBOOK-ARRIVE# , would you like to make a booking ?",
+ "I think you 'll be most happy with #TRAIN-OFFERBOOK-ID# . It arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . Would you like me to book this for you ?",
+ "Would the #TRAIN-OFFERBOOK-ID# that arrives in #TRAIN-OFFERBOOK-DEST# by #TRAIN-OFFERBOOK-ARRIVE# be okay for booking ?",
+ "Train #TRAIN-OFFERBOOK-ID# arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# , will that work for you ?"
+ ],
+ "Day;Leave;": [
+ "I can get you tickets for #TRAIN-OFFERBOOK-DAY# . The train departs the station at #TRAIN-OFFERBOOK-LEAVE# , is that time suitable for you ?",
+ "I can book your tickets for #TRAIN-OFFERBOOK-DAY# . The train leaves at #TRAIN-OFFERBOOK-LEAVE# . Would that be alright ?",
+ "I can book you a train for #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# , is that alright ?"
+ ],
+ "Leave;Ticket;": [
+ "How about #TRAIN-OFFERBOOK-TICKET# that leaves at #TRAIN-OFFERBOOK-LEAVE# ?"
+ ],
+ "Id;Ticket;": [
+ "Ok , #TRAIN-OFFERBOOK-ID# costs #TRAIN-OFFERBOOK-TICKET# . Shall I book it for you ?"
+ ],
+ "Arrive;Day;Dest;Id;Leave;": [
+ "No , that one leaves on Friday . #TRAIN-OFFERBOOK-ID# leaves #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# and arrives in #TRAIN-OFFERBOOK-DEST# by #TRAIN-OFFERBOOK-ARRIVE# . Would you like to book a seat ?"
+ ],
+ "Day;Id;Leave;": [
+ "Train #TRAIN-OFFERBOOK-ID# leaves at #TRAIN-OFFERBOOK-LEAVE# on #TRAIN-OFFERBOOK-DAY# . Will that work ?",
+ "The #TRAIN-OFFERBOOK-ID# will leave #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# , will this do ?"
+ ],
+ "Ticket;Time;": [
+ "Yes , it is #TRAIN-OFFERBOOK-TIME# of travel and costs #TRAIN-OFFERBOOK-TICKET# ; would you like to book a ticket ?",
+ "It will cost #TRAIN-OFFERBOOK-TICKET# and the travel time will be #TRAIN-OFFERBOOK-TIME# , would you like to book it ?",
+ "Yes , it will cost #TRAIN-OFFERBOOK-TICKET# and take #TRAIN-OFFERBOOK-TIME# . Would you like me to book it for you ?"
+ ],
+ "Arrive;Id;": [
+ "The #TRAIN-OFFERBOOK-ID# arriving at #TRAIN-OFFERBOOK-ARRIVE# sound okay to you ?",
+ "The #TRAIN-OFFERBOOK-ID# arrives at #TRAIN-OFFERBOOK-ARRIVE# , would you like to book that train ?",
+ "Now that we ' ve specified , we have one that arrives at #TRAIN-OFFERBOOK-ARRIVE# , the #TRAIN-OFFERBOOK-ID# . Does this still work ?",
+ "I have train #TRAIN-OFFERBOOK-ID# arriving at #TRAIN-OFFERBOOK-ARRIVE# would you like that one ?",
+ "Train #TRAIN-OFFERBOOK-ID# arrives at #TRAIN-OFFERBOOK-ARRIVE# , would you like to book this train ?",
+ "The best train to get you there close to the time you want is #TRAIN-OFFERBOOK-ID# arriving at #TRAIN-OFFERBOOK-ARRIVE# . Shall I book seats for you ?",
+ "Of course ! I 'd recommend the #TRAIN-OFFERBOOK-ID# train , which arrives by #TRAIN-OFFERBOOK-ARRIVE# . Would that work for you ?",
+ "Would train #TRAIN-OFFERBOOK-ID# arrving at #TRAIN-OFFERBOOK-ARRIVE# work ?"
+ ],
+ "Arrive;Leave;": [
+ "Unfortunately , the only train I have matching your criteria is one leaving #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# in the morning . Did you want to book that ?",
+ "I can book you for an arrival by #TRAIN-OFFERBOOK-ARRIVE# and leaves at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book that for you ?",
+ "Would you like me to book a train for you leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving by #TRAIN-OFFERBOOK-ARRIVE# ?",
+ "There is a train which departs at #TRAIN-OFFERBOOK-LEAVE# and arrives at #TRAIN-OFFERBOOK-ARRIVE# would you like me to book that one ?"
+ ],
+ "Arrive;Dest;Leave;": [
+ "How about the TR8331 Train ? It departs at #TRAIN-OFFERBOOK-LEAVE# and arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# ."
+ ],
+ "People;": [
+ "Ok I will book it for you for #TRAIN-OFFERBOOK-PEOPLE# people",
+ "I will go ahead and book #TRAIN-OFFERBOOK-PEOPLE# tickets .",
+ "i just want to confirm if i am booking #TRAIN-OFFERBOOK-PEOPLE# ticket",
+ "Yes , I will book #TRAIN-OFFERBOOK-PEOPLE# tickets for you .",
+ "Yes I will book it for #TRAIN-OFFERBOOK-PEOPLE# people , and give you the reference number .",
+ "do i book only #TRAIN-OFFERBOOK-PEOPLE# ticket",
+ "Yes , please confirm how many tickets you would like me to book , just the #TRAIN-OFFERBOOK-PEOPLE# ?"
+ ],
+ "Id;Leave;": [
+ "The closest train to that time would be the #TRAIN-OFFERBOOK-ID# and departs at #TRAIN-OFFERBOOK-LEAVE# , would you like to book ?",
+ "Ok , I could book the #TRAIN-OFFERBOOK-ID# which leaves at #TRAIN-OFFERBOOK-LEAVE# .",
+ "The #TRAIN-OFFERBOOK-ID# meets your criteria . The departure time is #TRAIN-OFFERBOOK-LEAVE# . Would you like to book tickets ?",
+ "Ok the #TRAIN-OFFERBOOK-ID# leaves at #TRAIN-OFFERBOOK-LEAVE# , do you want a booking ?",
+ "Train #TRAIN-OFFERBOOK-ID# leaves at #TRAIN-OFFERBOOK-LEAVE# , would you like me to book that ?",
+ "How about train #TRAIN-OFFERBOOK-ID# , leaving at #TRAIN-OFFERBOOK-LEAVE# ?",
+ "I can get you on a #TRAIN-OFFERBOOK-LEAVE# to Norwich aboard #TRAIN-OFFERBOOK-ID# .",
+ "The earliest train is #TRAIN-OFFERBOOK-ID# and leaves at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book a ticket ?",
+ "How about #TRAIN-OFFERBOOK-ID# that leaves at #TRAIN-OFFERBOOK-LEAVE# ?",
+ "The #TRAIN-OFFERBOOK-ID# train leaves at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book that for you ?",
+ "How about the #TRAIN-OFFERBOOK-ID# ? It meets your specifications and leaves at #TRAIN-OFFERBOOK-LEAVE# ."
+ ],
+ "Ticket;": [
+ "The price is #TRAIN-OFFERBOOK-TICKET# per ticket , would you like to book a seat ?",
+ "Will you needing more than one ticket ? The cost per seat is #TRAIN-OFFERBOOK-TICKET# .",
+ "The price of the ticket is #TRAIN-OFFERBOOK-TICKET# , shall I book it for you now ?"
+ ],
+ "Arrive;Id;Leave;Ticket;Time;": [
+ "Would you like to book a seat on #TRAIN-OFFERBOOK-ID# ? It will leave at #TRAIN-OFFERBOOK-LEAVE# and arrive at #TRAIN-OFFERBOOK-ARRIVE# , #TRAIN-OFFERBOOK-TIME# later . It will cost #TRAIN-OFFERBOOK-TICKET# ."
+ ],
+ "Id;People;": [
+ "Just to confirm , would you like me to book Train #TRAIN-OFFERBOOK-ID# for #TRAIN-OFFERBOOK-PEOPLE# seat ?",
+ "Yes , I 'd be more than happy to book #TRAIN-OFFERBOOK-ID# for #TRAIN-OFFERBOOK-PEOPLE# people . Would you like a reference number ?",
+ "Would you like me to book #TRAIN-OFFERBOOK-PEOPLE# tickets for you on #TRAIN-OFFERBOOK-ID# ?"
+ ],
+ "Leave;": [
+ "No , there is n't . Would you like me to book you on the #TRAIN-OFFERBOOK-LEAVE# train ?",
+ "There is a train that leaves at #TRAIN-OFFERBOOK-LEAVE# would you like me to book that train for you ?",
+ "Okay ! How about the train that leaves at #TRAIN-OFFERBOOK-LEAVE# ?",
+ "I would recommend the train that leaves at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book that ?",
+ "There is a train arriving at #TRAIN-OFFERBOOK-LEAVE# would you like me to book tickets for that one ?",
+ "The earliest train is at #TRAIN-OFFERBOOK-LEAVE# , do you want me to book it ?",
+ "There is a train leaving at #TRAIN-OFFERBOOK-LEAVE# would you like me to book this ?",
+ "Great , I have a train leaving there at #TRAIN-OFFERBOOK-LEAVE# . Would you like to book that ?",
+ "I can book a #TRAIN-OFFERBOOK-LEAVE# for you .",
+ "We can book you for the train leaving at #TRAIN-OFFERBOOK-LEAVE# .",
+ "There is a train that leaves at #TRAIN-OFFERBOOK-LEAVE# would you like me to book it for you ?",
+ "Would you like me to book the #TRAIN-OFFERBOOK-LEAVE# ?",
+ "I can book you one that leaves at #TRAIN-OFFERBOOK-LEAVE# . How many tickets would you like ?",
+ "I will book that for you and the train leaves at #TRAIN-OFFERBOOK-LEAVE# .",
+ "I can get you on an #TRAIN-OFFERBOOK-LEAVE# departure . Will that work for you ?",
+ "I can get you on one at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book it ?",
+ "I have a train leaving at #TRAIN-OFFERBOOK-LEAVE# . Will that do ?"
+ ],
+ "Arrive;Depart;Dest;Id;Leave;": [
+ "I can book you on #TRAIN-OFFERBOOK-ID# from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# . It leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives by #TRAIN-OFFERBOOK-ARRIVE# . Would you like that ?",
+ "How about #TRAIN-OFFERBOOK-ID# , it will depart #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and will arrive in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# ? Does this work for your schedule ?",
+ "How about train #TRAIN-OFFERBOOK-ID# ? It leaves #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# .",
+ "Ok , the #TRAIN-OFFERBOOK-ID# will get you to #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . It leaves #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# . Can I book it for you ?",
+ "Train #TRAIN-OFFERBOOK-ID# leaves #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . Does that sound good ?",
+ "The soonest after 15:45 is #TRAIN-OFFERBOOK-ID# , departing #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arriving in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . Will that meet your needs ?",
+ "The #TRAIN-OFFERBOOK-ID# leaves at #TRAIN-OFFERBOOK-LEAVE# from #TRAIN-OFFERBOOK-DEPART# and arrives in #TRAIN-OFFERBOOK-DEST# by #TRAIN-OFFERBOOK-ARRIVE# . Is that okay ?",
+ "I have #TRAIN-OFFERBOOK-ID# that I can book for you that departs #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arrives at #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . Does that work for you ?",
+ "I would recommend train ID #TRAIN-OFFERBOOK-ID# which leaves #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arrives at #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# ."
+ ],
+ "Choice;": [
+ "I have #TRAIN-OFFERBOOK-CHOICE# trains available that meet all of your requirements , would you like me to book a ticket for you ?",
+ "There are #TRAIN-OFFERBOOK-CHOICE# trains available . Should I book a train for you ?"
+ ],
+ "Depart;Dest;Leave;Ref;": [
+ "You 're all booked ! 7 tickets from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-LEAVE# . Your reference number is #TRAIN-OFFERBOOK-REF# ."
+ ],
+ "Depart;Dest;Id;Leave;": [
+ "How about #TRAIN-OFFERBOOK-ID# departing #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# and arriving in #TRAIN-OFFERBOOK-DEST# at 15:52 ? Would you like me to book a seat for you ?"
+ ],
+ "Arrive;Day;Leave;": [
+ "I can book you a train for #TRAIN-OFFERBOOK-DAY# leaving at #TRAIN-OFFERBOOK-LEAVE# and arriving at #TRAIN-OFFERBOOK-ARRIVE# . Would you like to book it ?"
+ ],
+ "Arrive;Dest;Id;Leave;": [
+ "I have #TRAIN-OFFERBOOK-ID# that leaves at #TRAIN-OFFERBOOK-LEAVE# and will arrive in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# . Would that suit your needs ?",
+ "I can book you on train number #TRAIN-OFFERBOOK-ID# . It departs at #TRAIN-OFFERBOOK-LEAVE# and arrives in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# .",
+ "How about #TRAIN-OFFERBOOK-ID# departing at #TRAIN-OFFERBOOK-LEAVE# and arriving in #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-ARRIVE# ?"
+ ],
+ "Dest;": [
+ "Are you traveling to #TRAIN-OFFERBOOK-DEST# and do you want me to book a ticket ?",
+ "Woudl you like me to book a train to #TRAIN-OFFERBOOK-DEST# for you ?"
+ ],
+ "Arrive;Id;Leave;Ticket;": [
+ "The train i d is #TRAIN-OFFERBOOK-ID# , the price is #TRAIN-OFFERBOOK-TICKET# , it leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives by #TRAIN-OFFERBOOK-ARRIVE# , would you like me to book this for you ?",
+ "I 'd suggest #TRAIN-OFFERBOOK-ID# , it departs at #TRAIN-OFFERBOOK-LEAVE# arrives by #TRAIN-OFFERBOOK-ARRIVE# . It costs #TRAIN-OFFERBOOK-TICKET# per ticket ."
+ ],
+ "Depart;Dest;Leave;": [
+ "Yes please book a seat on the train from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# leaving after #TRAIN-OFFERBOOK-LEAVE# . Thank you ."
+ ],
+ "Depart;Id;Leave;People;": [
+ "Just to be clear , you want me to book #TRAIN-OFFERBOOK-PEOPLE# seat on train #TRAIN-OFFERBOOK-ID# , departing #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# . Is that correct ?"
+ ],
+ "Arrive;Day;Depart;Dest;Leave;Ticket;": [
+ "Okay , there is a train leaving #TRAIN-OFFERBOOK-DEPART# for #TRAIN-OFFERBOOK-DEST# #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# arriving at #TRAIN-OFFERBOOK-ARRIVE# for #TRAIN-OFFERBOOK-TICKET# . Would you like me to book this for you ?"
+ ],
+ "Choice;Leave;Ticket;Time;": [
+ "There are #TRAIN-OFFERBOOK-CHOICE# trains leaving #TRAIN-OFFERBOOK-LEAVE# . The travel time is #TRAIN-OFFERBOOK-TIME# and costs #TRAIN-OFFERBOOK-TICKET# . Would you like me to book one ?"
+ ],
+ "Arrive;Choice;Id;Leave;": [
+ "i have #TRAIN-OFFERBOOK-CHOICE# trains available . #TRAIN-OFFERBOOK-ID# leaves at #TRAIN-OFFERBOOK-LEAVE# and arrives at #TRAIN-OFFERBOOK-ARRIVE# . Shall I book you a seat ?"
+ ],
+ "Arrive;Day;Depart;Dest;Leave;": [
+ "I have a train from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# on #TRAIN-OFFERBOOK-DAY# that will leave at #TRAIN-OFFERBOOK-LEAVE# and arrive by #TRAIN-OFFERBOOK-ARRIVE# . Will this work for you ?"
+ ],
+ "Time;": [
+ "The travel time is #TRAIN-OFFERBOOK-TIME# , would you like me to book it for you ?"
+ ],
+ "Day;Depart;Dest;Leave;People;": [
+ "Just to be certain , book #TRAIN-OFFERBOOK-PEOPLE# train tickets to #TRAIN-OFFERBOOK-DEST# from #TRAIN-OFFERBOOK-DEPART# on #TRAIN-OFFERBOOK-DAY# at #TRAIN-OFFERBOOK-LEAVE# , correct ?"
+ ],
+ "Arrive;Day;": [
+ "I can book you for an arrival time by #TRAIN-OFFERBOOK-ARRIVE# on #TRAIN-OFFERBOOK-DAY# , is that a good time ?"
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "How many tickets shall I book for you on the #TRAIN-OFFERBOOK-LEAVE# train on #TRAIN-OFFERBOOK-DAY# from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# ?",
+ "I found a train from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# at #TRAIN-OFFERBOOK-LEAVE# on #TRAIN-OFFERBOOK-DAY# , will that work ?"
+ ],
+ "Choice;Depart;Leave;": [
+ "The #TRAIN-OFFERBOOK-CHOICE# train after 17:30 is TR4702 , departing #TRAIN-OFFERBOOK-DEPART# at #TRAIN-OFFERBOOK-LEAVE# . Would you like a ticket ?"
+ ],
+ "Arrive;Day;Id;": [
+ "I recommend train #TRAIN-OFFERBOOK-ID# it will get you there by #TRAIN-OFFERBOOK-ARRIVE# on #TRAIN-OFFERBOOK-DAY# . Want me to book it ?",
+ "Would you like to take the #TRAIN-OFFERBOOK-ID# on #TRAIN-OFFERBOOK-DAY# , it arrives at #TRAIN-OFFERBOOK-ARRIVE# ?"
+ ],
+ "Ref;": [
+ "All set ! Your reference number is #TRAIN-OFFERBOOK-REF# ."
+ ],
+ "Depart;Dest;": [
+ "I can book that for you , but I need to first confirm that you are going from #TRAIN-OFFERBOOK-DEPART# to #TRAIN-OFFERBOOK-DEST# ?"
+ ]
+ },
+ "Train-OfferBooked": {
+ "Ref;Ticket;": [
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . You reference number is #TRAIN-OFFERBOOKED-REF# . Can I help you with anything else ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "OK , the total fee for your group will be #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have a booking for 1 , total fee of #TRAIN-OFFERBOOKED-TICKET# need paid at the station , #TRAIN-OFFERBOOKED-REF# is your reference number .",
+ "Okay , you 're all set . The fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked that ticket for you . The reference number is #TRAIN-OFFERBOOKED-REF# , and the total fee is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Here is the booking information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "great , I was able to get your tickets . Reference number is #TRAIN-OFFERBOOKED-REF# and the tickets , #TRAIN-OFFERBOOKED-TICKET# are payable at the station , anything else ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "It is done , your reference number is #TRAIN-OFFERBOOKED-REF# and you will need to pay #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "The Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked a ticket for one and here is the information - Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have your tickets booked , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked your train . It will cost #TRAIN-OFFERBOOKED-TICKET# . You can pay at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Great I got you three seats on that train for a total cost of #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have , ade the booking and here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked the seat and here is the information - Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , the booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful ! The reference number is #TRAIN-OFFERBOOKED-REF# . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "Booked ! Reference number : #TRAIN-OFFERBOOKED-REF# . You will need to pay #TRAIN-OFFERBOOKED-TICKET# at the station",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Reference number : #TRAIN-OFFERBOOKED-REF# . \n At the station you are to pay #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful and your total fee is #TRAIN-OFFERBOOKED-TICKET# . You pay that at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "No problem , the fee is #TRAIN-OFFERBOOKED-TICKET# and reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "All set ! \n Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "It 's booked and will cost #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure , this is the new information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked your seats , here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "okay , reference # #TRAIN-OFFERBOOKED-REF# , #TRAIN-OFFERBOOKED-TICKET# is payable at the station",
+ "Thank you , the booking was successful , total cost of #TRAIN-OFFERBOOKED-TICKET# payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Perfect . Your total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it for you the reference number is #TRAIN-OFFERBOOKED-REF# . The cost is #TRAIN-OFFERBOOKED-TICKET# that you can pay at the station .",
+ "I have booked your seats here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to get 2 tickets . Your total is #TRAIN-OFFERBOOKED-TICKET# and will be payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You are all set . Your reference number is #TRAIN-OFFERBOOKED-REF# , the total is #TRAIN-OFFERBOOKED-TICKET# and is payable at the station .",
+ "Booking was successful . The total price is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful . The total fee of #TRAIN-OFFERBOOKED-TICKET# can be paid at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Al set , your reference number is #TRAIN-OFFERBOOKED-REF# , the cost is #TRAIN-OFFERBOOKED-TICKET# per person payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure thing booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , reference number #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# . You can pay this at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , great . Your booking was successful ! Your reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# that you can pay at the station .",
+ "Your booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , your reference number is #TRAIN-OFFERBOOKED-REF# . You pay at the station #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You 're all set . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Sure the cost of the journey is #TRAIN-OFFERBOOKED-TICKET# and you confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked you a train , the fee is #TRAIN-OFFERBOOKED-REF# and the reference number is #TRAIN-OFFERBOOKED-TICKET# .",
+ "You train has been booked , and the reference number is #TRAIN-OFFERBOOKED-REF# . You will owe #TRAIN-OFFERBOOKED-TICKET# when you arrive .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is : #TRAIN-OFFERBOOKED-REF# . Is there anything else I can help with ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Here is the booking information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay . Your booking was successful ! Your reference number is #TRAIN-OFFERBOOKED-REF# . Your total fee is #TRAIN-OFFERBOOKED-TICKET# which you can pay at the station .",
+ "Not a problem . The reference number is #TRAIN-OFFERBOOKED-REF# , and the price is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Is there anything else I can assist you with ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book that for you for a total of #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking has been complete , the ref # is #TRAIN-OFFERBOOKED-REF# and the total cost of the trip is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I apologize for that . The booking number is #TRAIN-OFFERBOOKED-REF# and the cost will be #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# . Anything else ?",
+ "Your booking was successful and the total fee is #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked it here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Great ! \n Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve reserved your ticket . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I managed to book you for four on that train . Your confirmation number is #TRAIN-OFFERBOOKED-REF# . The total fee #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! The fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "OK , the booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# , Any further questions ?",
+ "Okay . The booking was successful ! The total fee is #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Reference number : #TRAIN-OFFERBOOKED-REF# . The fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "I ' ve booked 6 tickets , the fee is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Unfortunately , I do not have that information . However , I was able to successfully book your train . The total is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Here is your reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was a success . Your reference number is : #TRAIN-OFFERBOOKED-REF# and the total is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "The booking was successful . Your total fee is #TRAIN-OFFERBOOKED-TICKET# and you can pay it at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , the booking was successful . The total cost is #TRAIN-OFFERBOOKED-TICKET# and it can be paid at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , the booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# at the station , and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked your train . The reference number is #TRAIN-OFFERBOOKED-REF# . The fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Your total is #TRAIN-OFFERBOOKED-TICKET# , which you can pay at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# . Anything else I can help you with today ?",
+ "Great , I was able to book you . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and the reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , I ' ve booked a train for your group , the reference number is #TRAIN-OFFERBOOKED-REF# , and there will be an #TRAIN-OFFERBOOKED-TICKET# fee at the station .",
+ "Your tickets are booked . The confirmation number is #TRAIN-OFFERBOOKED-REF# and the total cost is #TRAIN-OFFERBOOKED-TICKET# which you can pay at the station .",
+ "I have booked your seats here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You will need to pay a fee of #TRAIN-OFFERBOOKED-TICKET# at the station and your reference number number #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# and it will cost #TRAIN-OFFERBOOKED-TICKET# .",
+ "The booking was successful . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking successful . The fee will be #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Here is the booking information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number for the booking is #TRAIN-OFFERBOOKED-REF# and it will cost #TRAIN-OFFERBOOKED-TICKET# .",
+ "I was able to book that for you . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations . Your reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! You will pay #TRAIN-OFFERBOOKED-TICKET# at the station . Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , the total fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Your reference number is #TRAIN-OFFERBOOKED-REF# . The fee is #TRAIN-OFFERBOOKED-TICKET# and paid at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Reference number is #TRAIN-OFFERBOOKED-REF# . You will pay #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "Alright , your reference number is : #TRAIN-OFFERBOOKED-REF# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Anything else I can do for you today ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have it booked the reference number is #TRAIN-OFFERBOOKED-REF# and the price is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . Your total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Here is the booking information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The train booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# and you pay that at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have those seats booked for you . Your reference number is #TRAIN-OFFERBOOKED-REF# . You will pay #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Here is the booking information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# . #TRAIN-OFFERBOOKED-TICKET# is your total and it 's payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your total is #TRAIN-OFFERBOOKED-TICKET# , which you can pay at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I sure can . That total charge is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , your reference number is #TRAIN-OFFERBOOKED-REF# . Will that be all ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . You Reference number is : #TRAIN-OFFERBOOKED-REF# . Can I help with anything else ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Alright the book was successful , the total fee is going to be #TRAIN-OFFERBOOKED-TICKET# payable at the station and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! You pay #TRAIN-OFFERBOOKED-TICKET# at the station . Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Your total is #TRAIN-OFFERBOOKED-TICKET# You can pay that at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve made those reservations the reference number is #TRAIN-OFFERBOOKED-REF# and the price is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# , payable at the station , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# and the total due at the station is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# . Your total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station .",
+ "Great , your reference number is #TRAIN-OFFERBOOKED-REF# , and the total fee payable at the station is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked your seats here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , your booking is complete for 6 people . The cost is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "My apologies , busy weekend and the system is lagging , you are set , reference number is #TRAIN-OFFERBOOKED-REF# total cost is #TRAIN-OFFERBOOKED-TICKET# , thank you for your patience .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked the seat and here is the information - Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , the booking was successful and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! You 'll play #TRAIN-OFFERBOOKED-TICKET# at the station . Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# and is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# . Thank you .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked Train TR3279 departing at 9:01 . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# and you 'll owe #TRAIN-OFFERBOOKED-TICKET# when you arrive at the station . I 'll search for a college for you to visit .",
+ "Your booking is successful . It is going to cost #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . The Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# . Can I help you with anything else ?",
+ "Sure thing ! You are booked with reference number #TRAIN-OFFERBOOKED-REF# . The total is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Sure , it is all set . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Yes your booking was successful at a total cost of #TRAIN-OFFERBOOKED-TICKET# . Your reservation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful the total is #TRAIN-OFFERBOOKED-TICKET# and can be paid at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , I was able to make your reservation . Your total fee is #TRAIN-OFFERBOOKED-TICKET# . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# . Anything else ?",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful . The fee is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book the train for you . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . The Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You 're all set ! Your reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked it here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Fine . Your fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok your reference number is : #TRAIN-OFFERBOOKED-REF# . Total is #TRAIN-OFFERBOOKED-TICKET# and are payable when you get to the station .",
+ "Your booking is successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# and your booking reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked the train . Your reference is #TRAIN-OFFERBOOKED-REF# and it was #TRAIN-OFFERBOOKED-TICKET# total .",
+ "okay your total is #TRAIN-OFFERBOOKED-TICKET# payable at the station and your confirmation is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked your train ride . Your reference number is #TRAIN-OFFERBOOKED-REF# and it will cost #TRAIN-OFFERBOOKED-TICKET# when you go to the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You will need to pay #TRAIN-OFFERBOOKED-TICKET# at the station but the booking was successful , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# and the booking number is #TRAIN-OFFERBOOKED-REF# . Thank you again .",
+ "Booked ! The price is #TRAIN-OFFERBOOKED-TICKET# to be paid at the station . Reference number : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You 're all set . Your reference number is #TRAIN-OFFERBOOKED-REF# and there will be a #TRAIN-OFFERBOOKED-TICKET# fee due at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was confirmed . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your total is #TRAIN-OFFERBOOKED-TICKET# , which you can pay at the station when you pick up the tickets . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "OK , the booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , the Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . The reference number is : #TRAIN-OFFERBOOKED-REF# . Anything else I can get you ?",
+ "I have made a reservation for you . Your reservation number is #TRAIN-OFFERBOOKED-REF# . The ticket will be #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You are all ready with three tickets . The total fee is #TRAIN-OFFERBOOKED-TICKET# and you will pay that at the station . Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "You train has been booked . Total fee is #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have completed the booking . The total fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your total is #TRAIN-OFFERBOOKED-TICKET# , which you will pay at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Of course . The reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . The total fee will be #TRAIN-OFFERBOOKED-TICKET# with reference # #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have reserved 7 tickets for Sunday departing at 19:11 . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference # is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful ! The total fee will be #TRAIN-OFFERBOOKED-TICKET# and it is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Sure thing ! Booking was successful with a total fee of #TRAIN-OFFERBOOKED-TICKET# , your reference number is #TRAIN-OFFERBOOKED-REF# . Can I help you with anything else ?",
+ "Done and done ! Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to make that reservation for you . Your total is #TRAIN-OFFERBOOKED-TICKET# , which you can pay when you arrive at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book that . The reference number is #TRAIN-OFFERBOOKED-REF# . #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "Done - your reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# which you can pay at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to successfully book your tickets . The reference number is #TRAIN-OFFERBOOKED-REF# and the total is #TRAIN-OFFERBOOKED-TICKET# which is payable at the station .",
+ "Okay . Your train booking was successful . You 'll owe #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful and you will pay #TRAIN-OFFERBOOKED-TICKET# at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Id;Ref;": [
+ "I booked #TRAIN-OFFERBOOKED-ID# , the last train before 10:45 ( arrives #TRAIN-OFFERBOOKED-ARRIVE# ) . Your reference number will be #TRAIN-OFFERBOOKED-REF# . However , If you would have preferred something earlier , I can easily cancel and rebook ."
+ ],
+ "Id;People;Ticket;": [
+ "I was able to book you for #TRAIN-OFFERBOOKED-PEOPLE# tickets on train #TRAIN-OFFERBOOKED-ID# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "You have #TRAIN-OFFERBOOKED-PEOPLE# seats reserved on #TRAIN-OFFERBOOKED-ID# , ref # AZVRQ5NW . The total fee is #TRAIN-OFFERBOOKED-TICKET# , which you can pay at the station .",
+ "Your #TRAIN-OFFERBOOKED-PEOPLE# tickets are booked , the reference number is #TRAIN-OFFERBOOKED-ID# and the total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station ."
+ ],
+ "Id;Ref;": [
+ "I booked #TRAIN-OFFERBOOKED-ID# for you . Your reference is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made that reservation for you on train #TRAIN-OFFERBOOKED-ID# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked #TRAIN-OFFERBOOKED-ID# , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve made reservations on #TRAIN-OFFERBOOKED-ID# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You are booked on #TRAIN-OFFERBOOKED-ID# . The confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book #TRAIN-OFFERBOOKED-ID# , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You have tickets on #TRAIN-OFFERBOOKED-ID# , reference number #TRAIN-OFFERBOOKED-REF# .",
+ "You are booked for Train #TRAIN-OFFERBOOKED-ID# , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked #TRAIN-OFFERBOOKED-ID# . Your reference is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference for trainID #TRAIN-OFFERBOOKED-ID# is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book #TRAIN-OFFERBOOKED-ID# , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked the train for you , it is train number #TRAIN-OFFERBOOKED-ID# , reference number #TRAIN-OFFERBOOKED-REF# . Is there anything else I can help you with ?",
+ "I was able to book the train #TRAIN-OFFERBOOKED-ID# . The Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok . #TRAIN-OFFERBOOKED-ID# is booked for 4 people . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok I have 5 tickets booked on #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book #TRAIN-OFFERBOOKED-ID# , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked you with #TRAIN-OFFERBOOKED-ID# your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was sucessful . Your train is #TRAIN-OFFERBOOKED-ID# and the reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Ref;": [
+ "Yes yur booking is successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "i have booked those for you . your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok . I was able to book one ticket . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great I have booked three people on that train . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made the train reservations your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your ticket has been booked and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes of course , the reference number for the train is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked you a seat and the reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Certainly . I have you booked and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Perfect . I have booked your trip . Reference # #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets have been booked . Your new reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked your tickets . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your train has been booked and its reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I have booked you and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful ! Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "That has been booked . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Great it 's all booked your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets are reserved . That reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "All set . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I was able to book that for you and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Hello , the reference number for your booking is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I have booked those for you and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservations are complete . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Very good , sir , I ' ve booked your trip successfully . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Of course , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I have booked that for you and the Reference number is #TRAIN-OFFERBOOKED-REF# . Is there anything else I can do for you ?",
+ "The train is booked and here is the reference number #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You got it , your reference number is #TRAIN-OFFERBOOKED-REF# . Thanks .",
+ "Reference number is : #TRAIN-OFFERBOOKED-REF# . if u interested",
+ "Alright , your reference number for the train is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You 're all set ! Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked the ticket for you , your Reference Number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful . Reference number is #TRAIN-OFFERBOOKED-REF# . Do you need help with anything else ?",
+ "Your train is successfully booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay your booking was successful and your reservation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , I ' ve done that for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great . Your booking was successful . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made that reservation and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking is complete . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made that reservation and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked , with reference number #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked you a seat and the reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Certainly . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# . We hope you have a great trip .",
+ "YEs its #TRAIN-OFFERBOOKED-REF# . THanks",
+ "Congratulations ! Your booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking has been completed , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book the train for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay . I have a booking and reference number for you . It is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets have been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "It has been booked . You reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , I have made the booking for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "All booked and ready to go ! The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure , I have booked your tickets for 8 people , your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I booked it reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ah , yes . Your reference number is #TRAIN-OFFERBOOKED-REF# . Is there anything else I can do for you ?",
+ "I have reserved your ticket . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked you and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Certainly , I have booked the train , your reference number is #TRAIN-OFFERBOOKED-REF# . May I help you with anything else ?",
+ "The booking number is #TRAIN-OFFERBOOKED-REF# . Did you need to know anything else on the train ?",
+ "Your booking was successful and your reservation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes your reference number is #TRAIN-OFFERBOOKED-REF# . and your reservation is set .",
+ "I made those reservations for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful ! Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book it , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great your booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked it for you , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I got that booked for you and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked that . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have 8 seats reserved for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked those seats on the train and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I made reservations for you your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "It has been booked for you and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , I was able to book the train for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You are set , reference number is #TRAIN-OFFERBOOKED-REF# , any other questions",
+ "i booked that for you . your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "i have booked that for you . your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets have been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have your tickets booked , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked that for you , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked the ticket for you , reference #TRAIN-OFFERBOOKED-REF# .",
+ "All booked ! The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have you booked on that train . Your confirmation numbers is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay great , your booking was successful and your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , booked as requested . The reference is #TRAIN-OFFERBOOKED-REF# .",
+ "Great your booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok . You are booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booked ! You 'll pay at the station . Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve made that reservation and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets have been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "It has been booked . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay your train reference number is #TRAIN-OFFERBOOKED-REF# . Is there anything else you need ?",
+ "You 're all set ! The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes your booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked one ticket for you , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked it for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I ' ve done that for you . Your reference number #TRAIN-OFFERBOOKED-REF# .",
+ "Great the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked that and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "There we go , all set . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You 're all booked . Reference number #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets have been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked the train for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked it Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great ! That was successful and your booking reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great . I was able to book you into that seat and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "All set . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your train is all booked , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure thing . The reference number is #TRAIN-OFFERBOOKED-REF# . Can I assist with anything else ?",
+ "Alright . Booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book the train for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "All set , your tickets are reserved , your confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have your tickets booked . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made that reservation and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Success . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "That booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , you booking was successful , your confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure thing . Your booking was successful . Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your train has been booked , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked it and the reference is #TRAIN-OFFERBOOKED-REF# .",
+ "The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great , I have booked your ticket . Your reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I successfully booked it . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Great . Your reference number is #TRAIN-OFFERBOOKED-REF# and you are fully booked .",
+ "Yes your booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "It has been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked that for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book the seats , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure . I have done so and your confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes certainly . I have you booked and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes the booking was successful and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets are ready . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your tickets are ready . Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "People;Ref;Ticket;": [
+ "Your booking for #TRAIN-OFFERBOOKED-PEOPLE# ticket is complete . Your reference number is #TRAIN-OFFERBOOKED-REF# and #TRAIN-OFFERBOOKED-TICKET# will be due at the station .",
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# seats for you with the confirmation #TRAIN-OFFERBOOKED-REF# . The total cost will be #TRAIN-OFFERBOOKED-TICKET# .",
+ "Yes , all the information you stated was correct . I was able to book you #TRAIN-OFFERBOOKED-PEOPLE# tickets . Your reference number is #TRAIN-OFFERBOOKED-REF# . The total free is #TRAIN-OFFERBOOKED-TICKET# due at the station .",
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets . The total for that is #TRAIN-OFFERBOOKED-TICKET# and is payable at the station . Your confirmation code is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , I was able to book #TRAIN-OFFERBOOKED-PEOPLE# tickets on that train for you . The total fee due , payable at the station , is #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright I ' ve booked you #TRAIN-OFFERBOOKED-PEOPLE# ticket , the total will be #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# . How else can I help you ?",
+ "I have booked your #TRAIN-OFFERBOOKED-PEOPLE# seats here is the information : Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I successfully booked your #TRAIN-OFFERBOOKED-PEOPLE# tickets for Sunday , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and the \n reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book #TRAIN-OFFERBOOKED-PEOPLE# Train tickets for you at the cost of #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Definitely . Your are booked for #TRAIN-OFFERBOOKED-PEOPLE# with a total of #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , I made a reservation for #TRAIN-OFFERBOOKED-PEOPLE# people . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Okay . I have booked your train for #TRAIN-OFFERBOOKED-PEOPLE# people with a total fee of #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to get you #TRAIN-OFFERBOOKED-PEOPLE# tickets . Your reference number is #TRAIN-OFFERBOOKED-REF# . Total is #TRAIN-OFFERBOOKED-TICKET# payable at the station when you get there .",
+ "Yes , I was able to book the train for you for #TRAIN-OFFERBOOKED-PEOPLE# people . The total fee is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great . I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you . The total free is #TRAIN-OFFERBOOKED-TICKET# and payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book #TRAIN-OFFERBOOKED-PEOPLE# seats for you . The total fee is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your total for #TRAIN-OFFERBOOKED-PEOPLE# tickets is #TRAIN-OFFERBOOKED-TICKET# , payable at the station , for reference number #TRAIN-OFFERBOOKED-REF# .",
+ "You are all set the reference number is #TRAIN-OFFERBOOKED-REF# , the #TRAIN-OFFERBOOKED-PEOPLE# tickets will come to #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booked #TRAIN-OFFERBOOKED-PEOPLE# ticket ! Reference number : #TRAIN-OFFERBOOKED-REF# . Fee is #TRAIN-OFFERBOOKED-TICKET# to be paid at the station .",
+ "We have it booked for #TRAIN-OFFERBOOKED-PEOPLE# tickets . Your reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# .",
+ "I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you , and the fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "People;Ref;": [
+ "I ' ve reserved #TRAIN-OFFERBOOKED-PEOPLE# tickets for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have purchased #TRAIN-OFFERBOOKED-PEOPLE# tickets for you . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve successfully book you #TRAIN-OFFERBOOKED-PEOPLE# seat and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "You are booked for #TRAIN-OFFERBOOKED-PEOPLE# tickets , Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "All right sir . I ' ve booked it for #TRAIN-OFFERBOOKED-PEOPLE# people . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have you booked for #TRAIN-OFFERBOOKED-PEOPLE# on that train , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , I booked that for #TRAIN-OFFERBOOKED-PEOPLE# people . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes , I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you , your reference number is #TRAIN-OFFERBOOKED-REF# . Is there anything else I can do for you today ?",
+ "So I have #TRAIN-OFFERBOOKED-PEOPLE# tickets booked . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure , I have booked it for #TRAIN-OFFERBOOKED-PEOPLE# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes sure . I booked that for you for #TRAIN-OFFERBOOKED-PEOPLE# people and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure your new reservation number for #TRAIN-OFFERBOOKED-PEOPLE# people is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , I have #TRAIN-OFFERBOOKED-PEOPLE# tickets booked . your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay I have booked for #TRAIN-OFFERBOOKED-PEOPLE# people . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great I booked you #TRAIN-OFFERBOOKED-PEOPLE# seats on that train and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Great I booked you #TRAIN-OFFERBOOKED-PEOPLE# seats on that train and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I got #TRAIN-OFFERBOOKED-PEOPLE# tickets for you your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Yes sure . I booked that for you for #TRAIN-OFFERBOOKED-PEOPLE# people and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Of course . I reserved #TRAIN-OFFERBOOKED-PEOPLE# seat . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have #TRAIN-OFFERBOOKED-PEOPLE# tickets booked for you , the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have reserved #TRAIN-OFFERBOOKED-PEOPLE# seats for you . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Leave;People;Ref;": [
+ "Okay , i have booked a train for #TRAIN-OFFERBOOKED-PEOPLE# people leaving at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Dest;Leave;People;Ref;": [
+ "Okay I have booked you a train ticket from #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# for #TRAIN-OFFERBOOKED-PEOPLE# person leaving at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "People;People;Ref;": [
+ "Okay ! I ' ve changed your reservation for #TRAIN-OFFERBOOKED-PEOPLE# tickets rather than #TRAIN-OFFERBOOKED-PEOPLE# . The reference number is now #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Dest;Id;Ticket;": [
+ "I have booked you for trainID #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-TICKET# . It will arrive to #TRAIN-OFFERBOOKED-DEST# at approximately #TRAIN-OFFERBOOKED-ARRIVE# ."
+ ],
+ "Arrive;Id;Ref;Ticket;": [
+ "I booked you on #TRAIN-OFFERBOOKED-ID# arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I booked you on #TRAIN-OFFERBOOKED-ID# arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# , the total is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Okay I ' ve booked you on the #TRAIN-OFFERBOOKED-ID# which will arrive at #TRAIN-OFFERBOOKED-ARRIVE# . the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# that arrives by #TRAIN-OFFERBOOKED-ARRIVE# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;Ref;Ticket;": [
+ "I have booked for you Train #TRAIN-OFFERBOOKED-ID# the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# . The train ID is #TRAIN-OFFERBOOKED-ID# .",
+ "Booking for #TRAIN-OFFERBOOKED-ID# was successful for one person . Your total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked for you train #TRAIN-OFFERBOOKED-ID# . he total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , I have successfully booked a seat on #TRAIN-OFFERBOOKED-ID# . The cost will be #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your eference number is : #TRAIN-OFFERBOOKED-REF# . Can I help with anything else ?",
+ "Okay , you 're all set . I ' ve booked your trip on train #TRAIN-OFFERBOOKED-ID# . The total cost is #TRAIN-OFFERBOOKED-TICKET# , payable at the station , and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , I have your tickets for train #TRAIN-OFFERBOOKED-ID# booked for you . The total fee is #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I was able to book you 1 ticket on train #TRAIN-OFFERBOOKED-ID# . Your total cost is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful . The price is #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# and the train ID is #TRAIN-OFFERBOOKED-ID# .",
+ "Yes , I was able to book you for the train , the train number is #TRAIN-OFFERBOOKED-ID# , the reference number is #TRAIN-OFFERBOOKED-REF# , the ticket is #TRAIN-OFFERBOOKED-TICKET# payable at the station",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked your ticket for #TRAIN-OFFERBOOKED-ID# . The fee is #TRAIN-OFFERBOOKED-TICKET# and you can pay at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# . Anything else I can help with ?",
+ "I have booked you on Train #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked the #TRAIN-OFFERBOOKED-ID# . The total fee will be #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked train ID #TRAIN-OFFERBOOKED-ID# at a cost of #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I #TRAIN-OFFERBOOKED-ID# the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and the reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Booking for #TRAIN-OFFERBOOKED-ID# is confirmed . Reference number is : #TRAIN-OFFERBOOKED-REF# . Total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Your booking on #TRAIN-OFFERBOOKED-ID# was successful . The reference number is #TRAIN-OFFERBOOKED-REF# . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "Train ID \t #TRAIN-OFFERBOOKED-ID# \n Price \t #TRAIN-OFFERBOOKED-TICKET# Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay . I ' ve booked you three tickets on the #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# . You 'll owe #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "Train ID \t #TRAIN-OFFERBOOKED-ID# \n Price \t #TRAIN-OFFERBOOKED-TICKET# Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "the train i d is #TRAIN-OFFERBOOKED-ID# . Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "The Booking for #TRAIN-OFFERBOOKED-ID# was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your 1 ticket booking on the #TRAIN-OFFERBOOKED-ID# train was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your booking on the #TRAIN-OFFERBOOKED-ID# was successful . The reference number is #TRAIN-OFFERBOOKED-REF# . The total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "Booking was successful for #TRAIN-OFFERBOOKED-ID# , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , I went ahead and reserved your ticket for Train ID #TRAIN-OFFERBOOKED-ID# . The cost will be #TRAIN-OFFERBOOKED-TICKET# payable at the station , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Train #TRAIN-OFFERBOOKED-ID# is booked for 6 people . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;People;Ref;Ticket;": [
+ "I have booked you #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# total fee is #TRAIN-OFFERBOOKED-TICKET# referenece #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# , leaving from #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Total fee is #TRAIN-OFFERBOOKED-TICKET# .",
+ "OK , I ' ve booked you #TRAIN-OFFERBOOKED-PEOPLE# ticket on #TRAIN-OFFERBOOKED-ID# , departing #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . The reference number is #TRAIN-OFFERBOOKED-REF# . Total fee is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Ok , I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number #TRAIN-OFFERBOOKED-REF# . It will be #TRAIN-OFFERBOOKED-TICKET# at the station .",
+ "Okay , I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# . Leaves from #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# , arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Total fee is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "none;": [
+ "Wonderful , your train has been booked !",
+ "Okay , the booking has been revised to reflect three guests . My apologies for that .",
+ "your reservation is booked",
+ "ok , i got that fixed for you .",
+ "I ' m sorry there are no trains that fit that criteria . Would you be able to arrive any later ?",
+ "Booking was successful I will get you the reference number",
+ "ok am booking for you one and send you the requirements",
+ "Great your booking is all set !",
+ "Okay , for sure . I booked it .",
+ "You have been booked !",
+ "Your ticket has been booked . The reference number will be provided shortly .",
+ "Absolutely ! Your booking was successful . Would you like the reference number ?",
+ "I will get that reference number for you .",
+ "I have completed your request . Would you like your reference number ?",
+ "Okay , your ticket has been booked ! Would you like the reference number ?"
+ ],
+ "Depart;Id;Leave;People;Ref;": [
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# ticket for #TRAIN-OFFERBOOKED-ID# . The reference number is #TRAIN-OFFERBOOKED-REF# . It leaves #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# .",
+ "Alright , I have booked you #TRAIN-OFFERBOOKED-PEOPLE# tickets for the #TRAIN-OFFERBOOKED-ID# train , leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , I have booked travel for #TRAIN-OFFERBOOKED-PEOPLE# people on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . Reference number #TRAIN-OFFERBOOKED-REF# for your records ."
+ ],
+ "Day;Id;Ref;Ticket;": [
+ "You are booked on #TRAIN-OFFERBOOKED-DAY# on #TRAIN-OFFERBOOKED-ID# , reference number is #TRAIN-OFFERBOOKED-REF# and the total cost is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "I ' m going with #TRAIN-OFFERBOOKED-ID# since you are travelling on #TRAIN-OFFERBOOKED-DAY# arriving at the same time . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Leave;Ticket;": [
+ "You are all booked for #TRAIN-OFFERBOOKED-DAY# . The train departs at #TRAIN-OFFERBOOKED-LEAVE# and arrives at #TRAIN-OFFERBOOKED-ARRIVE# . The price is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Arrive;Id;Leave;Ticket;": [
+ "I have booked you a train ride on #TRAIN-OFFERBOOKED-ID# which will depart at #TRAIN-OFFERBOOKED-LEAVE# and will arrive at #TRAIN-OFFERBOOKED-ARRIVE# . The total fee will be #TRAIN-OFFERBOOKED-TICKET# . Would you like the reference number ?"
+ ],
+ "Id;Ticket;": [
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-ID# .",
+ "I booked it . It 'll cost #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-ID# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-ID# .",
+ "I have booked 3 tickets for you at on #TRAIN-OFFERBOOKED-ID# . The total fee will be #TRAIN-OFFERBOOKED-TICKET# .",
+ "OK , your ticket is booked . Your ticket cost is #TRAIN-OFFERBOOKED-TICKET# , and your train ID is #TRAIN-OFFERBOOKED-ID# .",
+ "The train ID is #TRAIN-OFFERBOOKED-ID# and the cost of the journey will be #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Ref;Ticket;Time;": [
+ "I have your ticket , cost is #TRAIN-OFFERBOOKED-TICKET# , it is a #TRAIN-OFFERBOOKED-TIME# trip , reference number is #TRAIN-OFFERBOOKED-REF# , any other questions ?"
+ ],
+ "Arrive;Dest;Id;Leave;People;Ref;": [
+ "Great . I booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# departing at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your confirmation number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Dest;Leave;People;Ref;": [
+ "I booked you for #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-LEAVE# train that arrives in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . your reference number for the journey is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Dest;Leave;People;Ref;Ticket;": [
+ "Sure ! I have placed a booking for #TRAIN-OFFERBOOKED-PEOPLE# people on the train departing #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-LEAVE# . The total cost of travel is #TRAIN-OFFERBOOKED-TICKET# . Your confirmation number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-LEAVE# train leaving #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# . Your total fare is #TRAIN-OFFERBOOKED-TICKET# , payable at the station , your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;People;Ref;Ticket;": [
+ "I successfully booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# at a cost of #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation is confirmed for #TRAIN-OFFERBOOKED-PEOPLE# people on Train ID #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "OK , you have #TRAIN-OFFERBOOKED-PEOPLE# seats reserved on #TRAIN-OFFERBOOKED-ID# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked you #TRAIN-OFFERBOOKED-PEOPLE# seats on the #TRAIN-OFFERBOOKED-ID# with a total fee of #TRAIN-OFFERBOOKED-TICKET# which is payable at the station . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for train #TRAIN-OFFERBOOKED-ID# , the price is #TRAIN-OFFERBOOKED-TICKET# , and your reference number is #TRAIN-OFFERBOOKED-REF# . Can I offer any further assistance ?",
+ "Of course . Your booking of #TRAIN-OFFERBOOKED-PEOPLE# tickets for the train #TRAIN-OFFERBOOKED-ID# was successful . The cost will be #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "OK , you have #TRAIN-OFFERBOOKED-PEOPLE# tickets reserved on #TRAIN-OFFERBOOKED-ID# . Total due at the station will be #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Train #TRAIN-OFFERBOOKED-ID# is booked for #TRAIN-OFFERBOOKED-PEOPLE# . Your reference number is #TRAIN-OFFERBOOKED-REF# and the total cost payable at the station is #TRAIN-OFFERBOOKED-TICKET# .",
+ "OK , you have #TRAIN-OFFERBOOKED-PEOPLE# seats reserved on #TRAIN-OFFERBOOKED-ID# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation for #TRAIN-OFFERBOOKED-PEOPLE# on the #TRAIN-OFFERBOOKED-ID# train was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Okay . I booked you #TRAIN-OFFERBOOKED-PEOPLE# seat on #TRAIN-OFFERBOOKED-ID# . The reference number is #TRAIN-OFFERBOOKED-REF# and it will cost #TRAIN-OFFERBOOKED-TICKET# .",
+ "Okay . We have you booked for #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# . The total fee is #TRAIN-OFFERBOOKED-TICKET# which can be paid at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , you have #TRAIN-OFFERBOOKED-PEOPLE# tickets reserved on #TRAIN-OFFERBOOKED-ID# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Okay , I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for #TRAIN-OFFERBOOKED-ID# . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee will be #TRAIN-OFFERBOOKED-TICKET# .",
+ "Your reservation for #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# train was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I successfully booked you on Train #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-PEOPLE# people , total fee of #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for TRAIN ID : #TRAIN-OFFERBOOKED-ID# . Reference #TRAIN-OFFERBOOKED-REF# . The fee is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Id;": [
+ "Yes the train ID is #TRAIN-OFFERBOOKED-ID# .",
+ "Ok . You should be set . The booking was successful . The train number is #TRAIN-OFFERBOOKED-ID# . Would you like the reference number too ?",
+ "Yes , the number is #TRAIN-OFFERBOOKED-ID# . Anything else ?"
+ ],
+ "Day;Id;Leave;People;Ref;Ticket;": [
+ "Okay #TRAIN-OFFERBOOKED-ID# is booked for #TRAIN-OFFERBOOKED-PEOPLE# people at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# . It will cost #TRAIN-OFFERBOOKED-TICKET# in total , and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;People;Ref;": [
+ "I apologize - that is #TRAIN-OFFERBOOKED-ID# . I have booked it for #TRAIN-OFFERBOOKED-PEOPLE# people . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , #TRAIN-OFFERBOOKED-PEOPLE# ticket booked for train #TRAIN-OFFERBOOKED-ID# , your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation for #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# train is confirmed . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation of #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# train was successful . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "I booked you #TRAIN-OFFERBOOKED-PEOPLE# ticket on #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Can I help you with anything else ?",
+ "Ok . I booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok I have train #TRAIN-OFFERBOOKED-ID# booked for you for #TRAIN-OFFERBOOKED-PEOPLE# people . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation on the #TRAIN-OFFERBOOKED-ID# train for #TRAIN-OFFERBOOKED-PEOPLE# was successful . Your Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Your train has been booked for #TRAIN-OFFERBOOKED-PEOPLE# people . The train ID is #TRAIN-OFFERBOOKED-ID# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Your reservation on train ID #TRAIN-OFFERBOOKED-ID# for a party of #TRAIN-OFFERBOOKED-PEOPLE# was successful . Your Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Leave;People;Ref;": [
+ "I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets for you on the train leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Id;Leave;People;Ticket;": [
+ "A booking for #TRAIN-OFFERBOOKED-PEOPLE# on #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# has been made . You can pay the #TRAIN-OFFERBOOKED-TICKET# at the station ."
+ ],
+ "Day;Id;Leave;Ref;Ticket;": [
+ "Train #TRAIN-OFFERBOOKED-ID# will leave at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# . It will cost #TRAIN-OFFERBOOKED-TICKET# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Have your luggage ready , thank you !"
+ ],
+ "Day;Leave;Ref;Ticket;": [
+ "Okay , I ' ve booked you a seat on the #TRAIN-OFFERBOOKED-LEAVE# train on #TRAIN-OFFERBOOKED-DAY# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Leave;Ref;Ticket;": [
+ "Your booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . The train departs at #TRAIN-OFFERBOOKED-LEAVE# . Your reference # is #TRAIN-OFFERBOOKED-REF# . Is there anything else ?",
+ "Booked , reference number is #TRAIN-OFFERBOOKED-REF# . You pay #TRAIN-OFFERBOOKED-TICKET# at the station . Your train leaves at #TRAIN-OFFERBOOKED-LEAVE# .",
+ "Your booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Your reference number is : #TRAIN-OFFERBOOKED-REF# . Your train will leave at #TRAIN-OFFERBOOKED-LEAVE# .",
+ "Booked ! You leave at #TRAIN-OFFERBOOKED-LEAVE# , your reference number is #TRAIN-OFFERBOOKED-REF# , you will pay #TRAIN-OFFERBOOKED-TICKET# at the station ."
+ ],
+ "Ticket;": [
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station",
+ "Your booking was successful . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "It is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# and it is payable at the station",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Day;Depart;": [
+ "I ' m sorry , there are no trains leaving #TRAIN-OFFERBOOKED-DEPART# on #TRAIN-OFFERBOOKED-DAY# ."
+ ],
+ "Arrive;Ref;Ticket;": [
+ "I have booked you a train arriving at #TRAIN-OFFERBOOKED-ARRIVE# , the reference number is #TRAIN-OFFERBOOKED-REF# and the total fee of #TRAIN-OFFERBOOKED-TICKET# will be payable at the station ."
+ ],
+ "Depart;Dest;Id;Leave;People;Ref;Ticket;": [
+ "I ' ve booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on train #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEPART# for #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-LEAVE# . Your total fare is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Day;Depart;Id;Leave;People;Ref;Ticket;": [
+ "OK , you have #TRAIN-OFFERBOOKED-PEOPLE# tickets reserved on #TRAIN-OFFERBOOKED-ID# , leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# . The total fee at the station will be #TRAIN-OFFERBOOKED-TICKET# , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked you #TRAIN-OFFERBOOKED-PEOPLE# seats on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# , the total fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Sure . I booked #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# , #TRAIN-OFFERBOOKED-PEOPLE# tickets . Reference number is #TRAIN-OFFERBOOKED-REF# and #TRAIN-OFFERBOOKED-TICKET# will be due , payable at the station .",
+ "I booked your seats for #TRAIN-OFFERBOOKED-PEOPLE# people on #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEPART# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# . The total comes to #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Id;Leave;Ref;": [
+ "Okay , I have booked you on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# and arriving #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;Leave;Ref;Ticket;": [
+ "You 're booked on #TRAIN-OFFERBOOKED-ID# , leaving at #TRAIN-OFFERBOOKED-LEAVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is : #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , you are booked on the #TRAIN-OFFERBOOKED-ID# departing at #TRAIN-OFFERBOOKED-LEAVE# . the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . \n Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Day;Dest;Id;Leave;People;Ticket;": [
+ "Booking for #TRAIN-OFFERBOOKED-PEOPLE# people on #TRAIN-OFFERBOOKED-ID# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# going to #TRAIN-OFFERBOOKED-DEST# was successful . I do not have reservation numbers at the moment . Cost is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Arrive;Day;Depart;Dest;Leave;Ref;": [
+ "I have booked the train from #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# for #TRAIN-OFFERBOOKED-DAY# leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving by #TRAIN-OFFERBOOKED-ARRIVE# . Reference # #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Leave;Ref;": [
+ "I booked a train leaving at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked a train that leaves at #TRAIN-OFFERBOOKED-LEAVE# . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "OK , I have booked the train and you have a reference number of #TRAIN-OFFERBOOKED-REF# . Please be ready to board at #TRAIN-OFFERBOOKED-LEAVE# .",
+ "Booking was successful for a train departing at #TRAIN-OFFERBOOKED-LEAVE# . The reference number is #TRAIN-OFFERBOOKED-REF# . Will there be anything else today ?"
+ ],
+ "Depart;Id;Leave;People;Ref;Ticket;": [
+ "You have been successfully booked for #TRAIN-OFFERBOOKED-PEOPLE# people on Train #TRAIN-OFFERBOOKED-ID# , Reference number #TRAIN-OFFERBOOKED-REF# . It departs #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . Your total cost is #TRAIN-OFFERBOOKED-TICKET# and is payable at the station .",
+ "Thank you , I have booked you #TRAIN-OFFERBOOKED-PEOPLE# on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# cost of #TRAIN-OFFERBOOKED-TICKET# . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve book #TRAIN-OFFERBOOKED-PEOPLE# tickets on Train #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . Your total fare is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . The reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Day;Ref;Ticket;": [
+ "I have your ticket booked for #TRAIN-OFFERBOOKED-DAY# . The reference number is #TRAIN-OFFERBOOKED-REF# and the fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Choice;Ref;Ticket;": [
+ "Okay . I have booked #TRAIN-OFFERBOOKED-CHOICE# ticket for you . The reference number is #TRAIN-OFFERBOOKED-REF# and it will cost #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Arrive;Id;Leave;Ref;": [
+ "I have three seats booked on #TRAIN-OFFERBOOKED-ID# , departing at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Your confirmation number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Id;Leave;Ref;Ticket;": [
+ "I was able to book on train #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-DAY# leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# and the reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have you booked on #TRAIN-OFFERBOOKED-ID# #TRAIN-OFFERBOOKED-DAY# leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . The reference number is #TRAIN-OFFERBOOKED-REF# and it will be #TRAIN-OFFERBOOKED-TICKET# at the station ."
+ ],
+ "Arrive;Day;Depart;Leave;People;Ref;Ticket;": [
+ "Great ! Your train will leave #TRAIN-OFFERBOOKED-DEPART# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# and arrive at #TRAIN-OFFERBOOKED-ARRIVE# . It has been booked for all #TRAIN-OFFERBOOKED-PEOPLE# for a total fee of #TRAIN-OFFERBOOKED-TICKET# , which is payable at the station . Your reference number , if needed , is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;Leave;Ref;": [
+ "I have booked #TRAIN-OFFERBOOKED-ID# that leaves at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have successfully booked you for the #TRAIN-OFFERBOOKED-ID# train leaving at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked train #TRAIN-OFFERBOOKED-ID# and it leaves at #TRAIN-OFFERBOOKED-LEAVE# . The reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Alright , you have booked two tickets on #TRAIN-OFFERBOOKED-ID# , leaving at #TRAIN-OFFERBOOKED-LEAVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Day;Dest;Id;Leave;People;Ref;Ticket;": [
+ "Booking for #TRAIN-OFFERBOOKED-PEOPLE# people on #TRAIN-OFFERBOOKED-ID# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# going to #TRAIN-OFFERBOOKED-DEST# was successful . I #TRAIN-OFFERBOOKED-REF# at the moment . Cost is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Arrive;Id;Leave;People;Ref;Ticket;": [
+ "Thank you , I booked you #TRAIN-OFFERBOOKED-PEOPLE# seats on #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-LEAVE# and arriving #TRAIN-OFFERBOOKED-ARRIVE# . The cost is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "Ok . #TRAIN-OFFERBOOKED-ID# leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# is booked for #TRAIN-OFFERBOOKED-PEOPLE# people . Reference #TRAIN-OFFERBOOKED-REF# . #TRAIN-OFFERBOOKED-TICKET# payable at the station",
+ "Great ! I have you booked for #TRAIN-OFFERBOOKED-PEOPLE# people on #TRAIN-OFFERBOOKED-ID# , leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# . Your fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Arrive;Depart;Dest;Leave;Ref;": [
+ "Alright . I booked your train leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . The reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Leave;People;Ref;Ticket;": [
+ "I was successfully able to book the #TRAIN-OFFERBOOKED-LEAVE# train for #TRAIN-OFFERBOOKED-PEOPLE# people . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Day;Dest;Id;Leave;Ref;": [
+ "OK , I actually booked you on #TRAIN-OFFERBOOKED-ID# . That 's the #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# to #TRAIN-OFFERBOOKED-DEST# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Dest;Id;Ref;Ticket;": [
+ "I have booked #TRAIN-OFFERBOOKED-ID# which arrives at #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . The reference number is #TRAIN-OFFERBOOKED-REF# and #TRAIN-OFFERBOOKED-TICKET# is payable at the station .",
+ "I ' m sorry , I had to re - book your train , as I had the stations backwards . #TRAIN-OFFERBOOKED-ID# will get you to #TRAIN-OFFERBOOKED-DEST# by #TRAIN-OFFERBOOKED-ARRIVE# . Fee is #TRAIN-OFFERBOOKED-TICKET# , REF . # #TRAIN-OFFERBOOKED-REF# .",
+ "I have you booked on #TRAIN-OFFERBOOKED-ID# arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . It will cost #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference #TRAIN-OFFERBOOKED-REF# .",
+ "Ok , I ' ve successfully booked your trip , on train #TRAIN-OFFERBOOKED-ID# , arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# , the fee is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I actually booked you on #TRAIN-OFFERBOOKED-ID# , arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number is : #TRAIN-OFFERBOOKED-REF# . #TRAIN-OFFERBOOKED-TICKET# payable at the station"
+ ],
+ "Arrive;Id;Leave;": [
+ "The train i d is #TRAIN-OFFERBOOKED-ID# and it leave at #TRAIN-OFFERBOOKED-LEAVE# and arrives by #TRAIN-OFFERBOOKED-ARRIVE# .",
+ "The booked for 1 person #TRAIN-OFFERBOOKED-ID# leaves at #TRAIN-OFFERBOOKED-LEAVE# and arrives by #TRAIN-OFFERBOOKED-ARRIVE# .",
+ "Okay , how about #TRAIN-OFFERBOOKED-ID# , leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving by #TRAIN-OFFERBOOKED-ARRIVE# ?"
+ ],
+ "People;": [
+ "I have successfully make a booking for #TRAIN-OFFERBOOKED-PEOPLE# on that train .",
+ "I have booked you #TRAIN-OFFERBOOKED-PEOPLE# tickets ."
+ ],
+ "Arrive;Day;Id;Leave;": [
+ "It looks as though your train has already been booked . The train arrives at #TRAIN-OFFERBOOKED-ARRIVE# and departs at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# . The train ID number is #TRAIN-OFFERBOOKED-ID# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Time;": [
+ "Certainly , so I have booked you on TrainID #TRAIN-OFFERBOOKED-ID# , Leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . With a total travel time of #TRAIN-OFFERBOOKED-TIME# ."
+ ],
+ "Day;Depart;Id;Leave;Ref;Ticket;": [
+ "You are booked for 8 seats on #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# . Reference # is #TRAIN-OFFERBOOKED-REF# and you can pay at the station . #TRAIN-OFFERBOOKED-TICKET# each ."
+ ],
+ "Day;Depart;Id;Leave;Ref;": [
+ "Alright , let me change your reservations around . I have booked the #TRAIN-OFFERBOOKED-ID# train leaving at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# from #TRAIN-OFFERBOOKED-DEPART# for you , with a reference number of #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Leave;Ref;": [
+ "Booking was successful ! You leave at #TRAIN-OFFERBOOKED-LEAVE# and arrive at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number #TRAIN-OFFERBOOKED-REF# .",
+ "Certainly . I have booked you on the #TRAIN-OFFERBOOKED-LEAVE# arriving at #TRAIN-OFFERBOOKED-ARRIVE# for 2 people . your reference number is #TRAIN-OFFERBOOKED-REF# . Will that be all ?"
+ ],
+ "Arrive;Id;Leave;Ref;Ticket;": [
+ "Booked , Your reference number is #TRAIN-OFFERBOOKED-REF# . You pay #TRAIN-OFFERBOOKED-TICKET# at the station . You will leave at #TRAIN-OFFERBOOKED-LEAVE# and arrive at #TRAIN-OFFERBOOKED-ARRIVE# . Trainid : #TRAIN-OFFERBOOKED-ID# .",
+ "The closest match for you would be the #TRAIN-OFFERBOOKED-ID# . You 'll depart at #TRAIN-OFFERBOOKED-LEAVE# and arrive at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number #TRAIN-OFFERBOOKED-REF# . #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "I will be booking your tickets for train #TRAIN-OFFERBOOKED-ID# . It will leave at #TRAIN-OFFERBOOKED-LEAVE# and arrive at #TRAIN-OFFERBOOKED-ARRIVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference # #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;Ref;Ticket;": [
+ "I ' ve booked you on train #TRAIN-OFFERBOOKED-ID# #TRAIN-OFFERBOOKED-DAY# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# arriving at #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your total is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Depart;Dest;Id;Leave;People;Ref;Ticket;": [
+ "Your train , #TRAIN-OFFERBOOKED-ID# , traveling from #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# on #TRAIN-OFFERBOOKED-DAY# from #TRAIN-OFFERBOOKED-LEAVE# through #TRAIN-OFFERBOOKED-ARRIVE# has been booked . The total for #TRAIN-OFFERBOOKED-PEOPLE# people is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Depart;Dest;Leave;Ref;Ticket;": [
+ "Alrighty , I booked a train from #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# on #TRAIN-OFFERBOOKED-DAY# leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving at #TRAIN-OFFERBOOKED-ARRIVE# . Your total is #TRAIN-OFFERBOOKED-TICKET# and reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Ticket;Time;": [
+ "The fee is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . The duration of the ride is #TRAIN-OFFERBOOKED-TIME# ."
+ ],
+ "Day;Depart;Leave;Time;": [
+ "You 'll be leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# , for a travel time of #TRAIN-OFFERBOOKED-TIME# ."
+ ],
+ "Id;Leave;People;Ref;": [
+ "Okay , your booking was successful . I booked #TRAIN-OFFERBOOKED-PEOPLE# tickets on train #TRAIN-OFFERBOOKED-ID# , leaving at #TRAIN-OFFERBOOKED-LEAVE# . The reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Id;People;Ref;": [
+ "Alright , I have #TRAIN-OFFERBOOKED-PEOPLE# tickets booked on #TRAIN-OFFERBOOKED-ID# , arriving at #TRAIN-OFFERBOOKED-ARRIVE# . The reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "People;Ticket;Time;": [
+ "Booking for your train is successful . The total will be #TRAIN-OFFERBOOKED-TICKET# for #TRAIN-OFFERBOOKED-PEOPLE# people and the travel time is #TRAIN-OFFERBOOKED-TIME# ."
+ ],
+ "Day;People;Ref;": [
+ "The train is booked for #TRAIN-OFFERBOOKED-PEOPLE# on #TRAIN-OFFERBOOKED-DAY# . The reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Id;Leave;Ref;Ticket;": [
+ "I have you booked on #TRAIN-OFFERBOOKED-ID# , leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Day;Depart;Dest;People;Ref;": [
+ "Ok . I ' ve reserved #TRAIN-OFFERBOOKED-PEOPLE# tickets for #TRAIN-OFFERBOOKED-DAY# leaving #TRAIN-OFFERBOOKED-DEPART# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference # is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Depart;Dest;Leave;People;Ref;": [
+ "TR9236 leaves #TRAIN-OFFERBOOKED-DEPART# on wednesday on #TRAIN-OFFERBOOKED-LEAVE# and arrives at #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets . Your Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Day;Id;People;Ref;Ticket;": [
+ "You are booked on train #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-PEOPLE# on #TRAIN-OFFERBOOKED-DAY# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Dest;Ref;": [
+ "Okay , I have booked your train ticket from #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Ref;Ticket;": [
+ "I found you a seat on #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# , arriving #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station , and your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I ' ve got you on the #TRAIN-OFFERBOOKED-ID# , leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station .",
+ "I was able to book #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# arriving #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . The total fee is #TRAIN-OFFERBOOKED-TICKET# and your reference is #TRAIN-OFFERBOOKED-REF# .",
+ "I have booked you on the #TRAIN-OFFERBOOKED-ID# departing #TRAIN-OFFERBOOKED-DEST# from #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving by #TRAIN-OFFERBOOKED-ARRIVE# , the total is #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Dest;Id;": [
+ "We will get you setup on train ID #TRAIN-OFFERBOOKED-ID# , arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;": [
+ "I ' ve booked you on #TRAIN-OFFERBOOKED-ID# , for 7 people . It departs #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arrives in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# ."
+ ],
+ "Arrive;Depart;Id;Leave;Ref;Ticket;": [
+ "I booked you on the #TRAIN-OFFERBOOKED-ID# that leaves #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arrives at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference is #TRAIN-OFFERBOOKED-REF# and the total fee of #TRAIN-OFFERBOOKED-TICKET# is payable at the station"
+ ],
+ "Arrive;Choice;Dest;Id;Leave;People;Ref;": [
+ "Alright , I booked you #TRAIN-OFFERBOOKED-PEOPLE# tickets on #TRAIN-OFFERBOOKED-ID# , leaving #TRAIN-OFFERBOOKED-CHOICE# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# on Friday . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Dest;Leave;Ref;Ticket;": [
+ "I have booked you a seat on the train leaving at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# by #TRAIN-OFFERBOOKED-ARRIVE# . Total cost is #TRAIN-OFFERBOOKED-TICKET# . The reference # is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Depart;Dest;Id;Leave;Ref;": [
+ "I have booked #TRAIN-OFFERBOOKED-ID# leaving #TRAIN-OFFERBOOKED-DEPART# at 13:00 and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-LEAVE# for you . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Dest;Id;People;Ref;Ticket;": [
+ "Great . I have booked #TRAIN-OFFERBOOKED-PEOPLE# ticket on #TRAIN-OFFERBOOKED-ID# to #TRAIN-OFFERBOOKED-DEST# . The cost will be #TRAIN-OFFERBOOKED-TICKET# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;People;Ref;": [
+ "I have booked the #TRAIN-OFFERBOOKED-ID# for #TRAIN-OFFERBOOKED-PEOPLE# , departing from #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Reference number : #TRAIN-OFFERBOOKED-REF# . Anything else I can help you with ?"
+ ],
+ "Leave;People;": [
+ "The train was booked for #TRAIN-OFFERBOOKED-PEOPLE# tickets departing at the #TRAIN-OFFERBOOKED-LEAVE# and providing the reference number . Also , more info is needed about a hotel ."
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "I have booked your train . #TRAIN-OFFERBOOKED-DEPART# to #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-LEAVE# on #TRAIN-OFFERBOOKED-DAY# ."
+ ],
+ "Arrive;Day;Depart;Dest;Leave;People;Ref;Ticket;": [
+ "You are booked for #TRAIN-OFFERBOOKED-PEOPLE# tickets leaving #TRAIN-OFFERBOOKED-DEPART# on #TRAIN-OFFERBOOKED-DAY# at #TRAIN-OFFERBOOKED-LEAVE# and arriving in #TRAIN-OFFERBOOKED-DEST# at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# and the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Arrive;Depart;Dest;Id;Leave;Ticket;": [
+ "You are booked for 8 . Your total fee is #TRAIN-OFFERBOOKED-TICKET# . #TRAIN-OFFERBOOKED-ID# departs from #TRAIN-OFFERBOOKED-DEPART# at #TRAIN-OFFERBOOKED-LEAVE# and arrives in #TRAIN-OFFERBOOKED-DEST# by #TRAIN-OFFERBOOKED-ARRIVE# ."
+ ],
+ "Depart;Dest;Ref;Ticket;": [
+ "Your train leaving at 13:40 from #TRAIN-OFFERBOOKED-DEPART# going to #TRAIN-OFFERBOOKED-DEST# has been booked . Your reference number is #TRAIN-OFFERBOOKED-REF# . The total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Arrive;Ref;": [
+ "Okay all booked ! The arrival time is actually #TRAIN-OFFERBOOKED-ARRIVE# and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;People;Ref;": [
+ "OK , I have booked #TRAIN-OFFERBOOKED-PEOPLE# tickets . You will arrive at #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Arrive;Leave;Ref;Ticket;": [
+ "Okay , I have booked the #TRAIN-OFFERBOOKED-LEAVE# train for you . The arrival time is #TRAIN-OFFERBOOKED-ARRIVE# . Your reference number is #TRAIN-OFFERBOOKED-REF# and the price is #TRAIN-OFFERBOOKED-TICKET# ."
+ ],
+ "Depart;Dest;People;Ref;Ticket;": [
+ "I was able to book #TRAIN-OFFERBOOKED-PEOPLE# tickets to #TRAIN-OFFERBOOKED-DEST# from #TRAIN-OFFERBOOKED-DEPART# . Your total is #TRAIN-OFFERBOOKED-TICKET# , payable at the station . Reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;Leave;People;Ref;Ticket;": [
+ "Your reservation for #TRAIN-OFFERBOOKED-PEOPLE# tickets on the #TRAIN-OFFERBOOKED-ID# train at #TRAIN-OFFERBOOKED-LEAVE# person was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station . Your Reference number is : #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "Id;Leave;": [
+ "Your trainID #TRAIN-OFFERBOOKED-ID# has been booked to leave at #TRAIN-OFFERBOOKED-LEAVE# . Than you ."
+ ],
+ "Ref;Time;": [
+ "Sure , I was able to book your seat and your reference number is #TRAIN-OFFERBOOKED-REF# which is payable at the station . The travel time is #TRAIN-OFFERBOOKED-TIME# ."
+ ],
+ "Leave;": [
+ "i have booked you one leaving at #TRAIN-OFFERBOOKED-LEAVE# ."
+ ]
+ },
+ "Train-Request": {
+ "Day;": [
+ "Can you confirm your desired travel day ?",
+ "I can find one for you . Can you tell me what day you would like to travel , please ?",
+ "Certainly . Can you tell me what day you would like to travel ?",
+ "I 'd be happy to , but can you tell me which day you 'd like to travel on ?",
+ "That 's not a problem . What day would you like ?",
+ "What day will you travel on ?",
+ "On what day will you be traveling ?",
+ "What day will you be traveling ?",
+ "Okay , what day did you have in mind ?",
+ "I can help you with that , what day would you like to travel ?",
+ "On what day are you looking to travel ?",
+ "I can help with that . Can you tell me what day you will be traveling ?",
+ "What day did you want to travel on ?",
+ "Which day would you like to travel ?",
+ "What day would you like to travel ?",
+ "I sure can . What day were you hoping to travel ?",
+ "What day would you like to leave Cambridge ?",
+ "i will be glad to help . when do you want to travel ?",
+ "What day would you like to travel ?",
+ "and what day are you traveling ?",
+ "What day will you be traveling ?",
+ "When would you be traveling ?",
+ "Awesome . And for what day will that be for ?",
+ "Okay , what day would you like to travel ?",
+ "What day are you leaving ?",
+ "Yes , what is the day you will travel ?",
+ "Not a problem . What day would you like to travel ?",
+ "What day were you looking to travel ?",
+ "Pardon me , did you say you are traveling on Saturday or Sunday ?",
+ "Almost there , I ve got the time and route in , but never got a date , what day will you need this ?",
+ "And on which day ?",
+ "of course , what day are you traveling ?",
+ "I am looking that up now , what day ?",
+ "Sure what day are you traveling ?",
+ "What day were you wanting to travel on ?",
+ "indeed , do you know what day you 're traveling ?",
+ "When would you like to travel ?",
+ "What day are you wanting to travel on ?",
+ "Certainly what day will you need that ?",
+ "And what day would you like to travel on ?",
+ "On what day will you be travelling ?",
+ "What day will you be traveling ?",
+ "What day would you like to travel ?",
+ "What day do you want to travel ?",
+ "What day were you planning to travel ?",
+ "What day do you want to travel ?",
+ "Yes , what day are you traveling ?",
+ "What day will you be traveling on ?",
+ "Great I also need to know where you will be leaving from .",
+ "What day will you be travelling ?",
+ "What day would you like the train ?",
+ "I have many . Which day would you be traveling on ?",
+ "Ok , what day would you like to leave ?",
+ "On what day will you be travelling ?",
+ "I can help with that . What day will you be travelling ?",
+ "What day would you like to travel ?",
+ "Sure , what day do you want to travel ?",
+ "what day will you be travavelling",
+ "Let 's find one for you . Can you tell me what day you would like to travel ?",
+ "I can certainly help you with that . Which day did you have in mind to travel ?",
+ "What day would you and your companion be traveling ?",
+ "Which day would you be traveling ?",
+ "Is this for a specific day ?",
+ "What day will you be traveling ?",
+ "Thanks . And what day will you be traveling , please ?",
+ "On what day would you like to leave ?",
+ "sure , what day will you be travelling ?",
+ "What day would you like to travel ?",
+ "What day would you like to travel ?",
+ "What day do you want to travel ?",
+ "Okay , what day of the week are you looking for the train ?",
+ "On what day are you planning to travel ?",
+ "What day will you be travelling ?",
+ "And when will you be travelling ?",
+ "You can depart from Cambridge , what day would you like to travel ?",
+ "Where are you coming from for your visit ?",
+ "I can help what day would you like to depart ?",
+ "When would you like to travel ?",
+ "When are you planning to travel ?",
+ "Sure ! What day are you traveling ?",
+ "What day would you like to travel ?",
+ "Okay , and what day do you want to make the trip ?",
+ "On what day did you need the train ?",
+ "What day will you travel ?",
+ "I 'd love to help you with that ! What day are you headed out ?",
+ "great , and on what day will you be traveling ?",
+ "I can help you with that what day are you wanting to leave ?",
+ "Which day are you looking to travel ?",
+ "When will you be traveling ?",
+ "We can definitely help you with that , I just need to know the day you will be traveling .",
+ "I ' m sorry , I need to know the day you will be traveling .",
+ "What day would you like to travel on ?",
+ "I can help you with that . What day would you like to travel ?",
+ "What day will you take the train ?",
+ "Sure , what day are you traveling ?",
+ "Could you please mention your day of travel ?",
+ "Ok , and what day do you want to travel ?",
+ "What day would you like to travel ?",
+ "What day would you be traveling on ?",
+ "On what day would you like to travel ?",
+ "What day will you be traveling on ?",
+ "Which day would you be traveling ?",
+ "sure , what day will you be traveling ?",
+ "Ok , what day will you be traveling ?",
+ "What day will you be traveling , please ?",
+ "Sure , I will be happy to assist you . What day would you want to travel ?",
+ "I am sorry , what day ?",
+ "Great ! That narrows it down a lot . What day will you be leaving ?",
+ "is there a day of the week you want to travel ?",
+ "What day do you want to travel on ?",
+ "On what day will you travel ?",
+ "what day will you be traveling ?",
+ "What day will you need the train ? I have to narrow it down so I can better serve you .",
+ "When will you be travelling ?",
+ "On what day do you wish to depart ?",
+ "On what day will you be traveling on ?",
+ "Sure . Which day would like to travel ?",
+ "Ok , what day are you traveling ?",
+ "What day would you like to depart ?",
+ "Do you have a day in mind to travel ?",
+ "When will you be traveling ?",
+ "What day would you like to leave ?",
+ "What day are you taking this trip ?",
+ "Sure I will be able to book you a train , on what particular day will you want to travel ?",
+ "Which day do you require the train ?",
+ "What day will you be traveling ?",
+ "What day will you be traveling ?",
+ "What day will you be travelling ?",
+ "What day would you like to leave ?",
+ "Yes , when would you like to travel ?",
+ "Sure , I can help you with that . What day were you wanting to travel ?",
+ "What day will you be traveling ?",
+ "Ok , and what day would you want to leave ?",
+ "Will you be traveling on Saturday ?",
+ "What day are you looking to depart ?",
+ "Sure . Do you still want to leave on Friday ?",
+ "is there a day of the week you would like ?",
+ "Okay what day would you like to travel ?",
+ "What day will you be traveling ?",
+ "Do you have a day you would like to travel ?",
+ "what day are you looking to leave ?",
+ "OK , and what day are you traveling ?",
+ "What day will you be traveling ?",
+ "I can help with that ! What day will you be travelling ?",
+ "What day do you need to book the train for ?",
+ "What day will you be travelling ?",
+ "What day would you like to leave ?",
+ "Okay . Can you also tell me what day you want to travel ?",
+ "Sure ! which day would you like ?",
+ "What day will you be travelling ?",
+ "I sure can ! What day are you looking to travel ?",
+ "what day would you like to leave ?",
+ "do you have a day that you want to travel on ?",
+ "I am happy to help , I just need the day you will be taking that train .",
+ "What day would you like to travel ?",
+ "May I ask what day you are needing to book the train for ?",
+ "Did you say you were leaving on Friday ?",
+ "Okay and what day would you like to travel ?",
+ "What day would you like to travel ?",
+ "What day are you traveling ?",
+ "What day are you leaving ?",
+ "What day are you looking to travel ?",
+ "What day are you planning to travel ?",
+ "What day will you travel ?",
+ "OK , what day are you looking at traveling on ?",
+ "Okay what day will you be traveling ?",
+ "On what day ?",
+ "Ok , and what day would you be traveling ?",
+ "Thank you for confirming that . Also , on what day did you plan to travel ?",
+ "What day will you travel ?",
+ "ok what day",
+ "On what day will you be leaving ?",
+ "What day would you like to travel ?",
+ "What day would you be leaving ?",
+ "What day of the week are you traveling ?",
+ "What day would you be needing the train ?",
+ "Great . On which day will you be traveling ?",
+ "sure what day are you traveling ?",
+ "Great , I can book that for you . What day will you be traveling ?",
+ "What day will you be traveling on ?",
+ "What day are you traveling ?",
+ "On what day are you wanting to travel ?",
+ "What day did you have in mind ?",
+ "Okay and what day would you like to travel ?",
+ "Sure what day will you be travelling ?",
+ "What day would you like me to book your train for ?",
+ "What day would you like to travel ?",
+ "I need to narrow the search down . What day will you be traveling ?",
+ "GReat I just need day of week that you are planning on leaving ?",
+ "I would be happy to help you with that . What day are you traveling ?",
+ "What day will you be traveling ?",
+ "Which day do you want to travel ?",
+ "Ok , what day will you be traveling ?",
+ "Sure , when do you want to leave ?",
+ "On which day will you be travelling ?",
+ "Okay , do you know the day you want to travel ?",
+ "What day would you like to travel ?",
+ "Yes I can . When will you be traveling ?",
+ "I would be happy to help . What day are you wanting to take the train ?",
+ "What day will you be traveling ?",
+ "What day would you like to leave ?",
+ "What day will you be travelling on ?",
+ "That should be no problem ! What day are you traveling ?",
+ "On what day are you planning to travel ?",
+ "i can help you with that ! what day are you traveling ?",
+ "I would be happy to help with your request , but first I will need to know what day you will be travelling ?",
+ "I would be happy to assist you . I will need to know what day you 'd like to depart before booking .",
+ "When would you like to travel ?",
+ "What day were you planning to travel ?",
+ "What day will you travel ?",
+ "And what day are you traveling ?",
+ "and what day will you be traveling on ?",
+ "What day is this for ?",
+ "I have a number of trains to choose from . What day would you like to book your travel on ?",
+ "i sure can ! what day are you traveling ?",
+ "What day will you travel ?",
+ "What day would you like the train for ?",
+ "What day would you be traveling ?",
+ "What day do you need the train ?",
+ "Do you have a day in mind ?",
+ "Not a problem . Any day in particular ?",
+ "What day will you be travelling ?",
+ "Okay what day would you like to leave ?",
+ "Okay . What day will you be traveling ?",
+ "What day will you travel ?",
+ "When would you like to travel ?",
+ "Do you have a day you would like to travel ?",
+ "Of course what day would you like travel ?",
+ "Gladly . On what day are you traveling ?",
+ "On what day do you need to go to Ely ?",
+ "And what day do you want to travel ?",
+ "What day would you like to leave ?",
+ "What day would you like to travel ?",
+ "On what day are you planning to travel ?",
+ "Ok . What day will you be traveling ?",
+ "Sure , when would you like to travel ?",
+ "I would be happy to help with your request , what day will you be leaving ?",
+ "What day would you like to travel ?",
+ "on which day do you want to travel ?",
+ "Okay , what day do you want to leave ?",
+ "Is this for today ?",
+ "i can help you with that . what day are you traveling ?",
+ "What day of the week are you looking at traveling ?",
+ "One more question : What day will you be travelling ?",
+ "On what day are you traveling ?",
+ "Yes , I can . When would you like to travel ?",
+ "What day will you travel ?",
+ "great , what day and time will you be traveling ?",
+ "When will you be leaving ?",
+ "Sure , and what day would you like to travel ?",
+ "Ok , on what day will that be ?",
+ "Okay , what day would you like to leave ?",
+ "What day were you looking to travel ?",
+ "What day would you like to travel ?",
+ "What day would you like to travel ?",
+ "And what day are you traveling ?",
+ "which day will you want to travel ?",
+ "Okay ! What day would you like to travel ?",
+ "What day would you like to travel ?",
+ "When would you like to travel ?",
+ "On what day will you be traveling on ?",
+ "Would day do you want to travel on ?",
+ "To better help you find the right train , what day are you wanting to travel on ?",
+ "Can you give me the day you are traveling ?",
+ "What day are you travelling on ?",
+ "What day would you like to travel on ?",
+ "Is there a specific date of travel ?",
+ "What day would you like to travel ?",
+ "Which day were you planning to travel to Broxbourne ?",
+ "What day would you be wanting to travel ?",
+ "What day would you like to travel ?",
+ "What day will you be traveling ?",
+ "What day would you be needing the train ?",
+ "What day would you like to leave ?",
+ "On which day would you like to travel ?",
+ "What day will you be travelling ?",
+ "What day will you be traveling ?",
+ "And which day would you like to leave on ?",
+ "When will you be traveling ?",
+ "Sure , I can help you with that . Can I get more information about when you would like to travel ?",
+ "What day would you be needing the train ?",
+ "sure , what day are you traveling ?",
+ "On what day could you like to travel ?",
+ "What day are you leaving ?",
+ "What day would you like to travel ?",
+ "On what day do you need to travel from cambridge to stansted airport ?",
+ "Okay . What day would you like to travel ?",
+ "Which day would you be traveling ?",
+ "Sure , I can help you with that . Was that for the same day ?",
+ "On what day will you be leaving ?",
+ "What day would you like to travel ?",
+ "I can help with that . What day is your dinner ?",
+ "What day would you like to travel on ?",
+ "Sure , I can help you with that . What day will you be leaving on ?",
+ "I 'll be glad to look up that information , what day will you be traveling ?",
+ "What day will you travel ?",
+ "Certainly ! Did you have a travel day in mind ?",
+ "What day will you be traveling ?",
+ "What day will you be traveling ?",
+ "What day will you be leaving ?",
+ "What day would you like to travel ?",
+ "OK , and what day do you need to travel ?",
+ "What day will you travel ?",
+ "What day will you be traveling ?",
+ "Could you tell me what day you wish to travel ?",
+ "Do you have a day you will be traveling ?",
+ "And what day do you want to travel ?",
+ "What day will you travel on ?",
+ "On what day will you be travelling ?",
+ "What day would you like to travel ?",
+ "Sure , when are you hoping to travel ?",
+ "Certainly . On what day do you want me to look ?",
+ "I will be happy to find one for you . What day will you be traveling ?",
+ "Ok great . What day will you be traveling ?",
+ "Okay , I just need the day you 'll be traveling and I 'll find the right train for you .",
+ "What day would you like to travel ?",
+ "What day do you plan to travel ?",
+ "Yes , what day will you be traveling and I would be happy to help with that .",
+ "What day do you perfre to leave ?",
+ "What day are you looking to book train on ?",
+ "What day will you be traveling on ?",
+ "What day are you taking the train ?",
+ "Sure I can help you with that . What day were you wanting to travel ?",
+ "What day do you want to travel ?",
+ "I can help with that ! What day will you be traveling ?",
+ "What day would you like to depart ?",
+ "On what day do you wish to travel ?",
+ "What day would you like to travel to Broxbourne ?",
+ "What day will you be traveling ?",
+ "What day do you need to leave ?",
+ "And what day are you traveling ?",
+ "What day will you be traveling on ?",
+ "Not a problem . What day will that be for ?",
+ "There are many , would you be departing on Sunday ?",
+ "What day will you be traveling ?",
+ "Sure , do you know what day you 're traveling ?",
+ "On what day will you be travelling ?",
+ "We need to narrow the search . What day do you need the train ?",
+ "What day will you be taking the train ?",
+ "What day are you wanting to travel ?",
+ "Which day would you like to travel by train ?",
+ "What day would you like the train for ?",
+ "What day were you looking to travel ?",
+ "What day will you be traveling on ?",
+ "which day do you want to travel to narrow down my options",
+ "Absolutely ! What day will you be traveling ?",
+ "on which day do you want to travel ?",
+ "What day do you want to travel ?",
+ "When would you like to travel ?",
+ "sure , do you know what day you 're traveling ?",
+ "What day will you be traveling ?",
+ "Ok , what day are you traveling ?",
+ "What day would you like to travel ?",
+ "I have updated the search , what day will you need that ?",
+ "I can ! What day are you coming to visit ?",
+ "What day would you like to travel by train ?",
+ "On what day will you be travelling ?",
+ "Which day would you be traveling ?",
+ "What day would you like to travel ?",
+ "Will this be for Monday also ?",
+ "I can certainly help with that . When did you want to travel ?",
+ "I can help with that . What day would you like to travel ?",
+ "Can you tell me what day you will be traveling ?",
+ "On what day will you be travelling ?",
+ "Of course . What day will you be travelling ?",
+ "Okay , what day would you like to travel ?",
+ "What day did you want to travel on ?",
+ "What day do you want to travel ?",
+ "I 'd be happy to help . Which day would you like to travel ?",
+ "which day do you want to travel ?",
+ "When are you looking to travel ?",
+ "Sure thing , what day will you be leaving ?",
+ "WIll you be travelling Thursday , as well ?",
+ "What day will you travel ?",
+ "Okay what day would you like to travel ?",
+ "What day would you like to travel ?",
+ "I am getting the information up now , what day this week will you need that ?",
+ "Of course ! What day will you be traveling ?",
+ "What day would you be needing the train ?",
+ "sure , what day are you traveling ?",
+ "Absolutely , what day would you like to leave ?",
+ "Also , what day will you be travelling ?",
+ "What day will you be traveling , please ?",
+ "What day will you be travelling ?",
+ "What day will you be traveling ?",
+ "What is the day of travel ?",
+ "I 'd be happy to help with your request , but first I 'll need to know what day you want to travel .",
+ "I ' m happy to help . Can you tell me what day you are traveling ?",
+ "What is the day of travel ?",
+ "Alright , what day are you looking to travel ?",
+ "Oh what day would you like to travel ?",
+ "What day will you be leaving ?",
+ "Of course . What day will you be traveling ?",
+ "What day do you need the train on ?",
+ "I can assist you with that . What day would you like to leave ?",
+ "Before going further I would just like to confirm you 'd be leaving on Tuesday , is that correct ?",
+ "I sure can . What day do you plan to travel ?",
+ "When would you like to travel ?",
+ "When will you be traveling ?",
+ "On what day will you be travelling ?",
+ "What day did you want to travel ?",
+ "Yes , what day will you be traveling ?",
+ "Of course , what day would you like to travel ?",
+ "On what day will you be travelling ?",
+ "What day are you looking to depart ?",
+ "Did you want that train for Friday ?",
+ "sure , what day are you traveling ?",
+ "What day would you be traveling ?",
+ "Okay , what day would you like to leave ?",
+ "What day will you be traveling on ?",
+ "What day will you be traveling ?",
+ "I 'd be happy to help . What day will you be traveling ?",
+ "Okay , and which day would you like to travel ?",
+ "What day will you be traveling ?",
+ "Okay , great . What day are you wanting to travel ?",
+ "sure , what day are you traveling ?",
+ "What day are you looking for the train ?",
+ "Okay ! What day would you like to leave ?",
+ "What day do you want to depart ?",
+ "I can certainly book that for you ! However , could you let me know what day of the week you 'll be travelling ?",
+ "What day would you like to leave ?",
+ "What day will you be travelling ?",
+ "What day do you want to travel ?",
+ "Sure what day will you be travelling ?",
+ "Which day would you like to leave on ?",
+ "Ok , do you have a day of the week you want to travel ?",
+ "I can help with that , what day would you like to travel ?",
+ "I can definitely help you with finding a train . It would help to start with which day you would like to travel on .",
+ "What day of the week are you looking to travel ?",
+ "No problem . For what day ?",
+ "Certainly ! What day are you traveling ?",
+ "What day will you be traveling ?",
+ "What day will you be traveling ?",
+ "What day would you like to travel on ?",
+ "What day will you be traveling ?",
+ "What day would you like to leave ?",
+ "What day would you like to leave ?",
+ "OK , and what day are you traveling ?",
+ "i can help you with that ! what day are you traveling ?",
+ "What day do you need to travel ?",
+ "What day will you be departing ?",
+ "What day and time would you like to travel ?",
+ "Certainly . On which day will you be traveling ?",
+ "What day will you be traveling ?",
+ "Ok , what day are you traveling ?",
+ "there is quite a number . which day do you want to travel ?",
+ "What day do you need the train ?",
+ "There are multiple trains that match the criteria you listed . Can you please provide the day you will be traveling on ?",
+ "What day are you looking to travel ?",
+ "On what day will you be travelling ?",
+ "I 'd be happy to help you with that . What day do you want to travel ?",
+ "I can help with that ! What day would you like to depart ?",
+ "On what day will you be traveling ?",
+ "What day will you be traveling ?",
+ "What day do you need to leave ?",
+ "Sure what day will you be traveling ?",
+ "What day would you be traveling on ?",
+ "What day will you be traveling .",
+ "And what day are you leaving ?",
+ "Okay , that helps give us a good start , what day are you wanting to travel ?",
+ "What day would you like to travel ?",
+ "What day would you like to travel on ?",
+ "Do you know which day you 'd like to travel ?",
+ "What day will you be traveling ?",
+ "What day will you travel ?",
+ "What day will you travel on ?",
+ "What day are you travelling ?",
+ "What day were you wanting to travel ?",
+ "Sure , when are you planning to travel ?",
+ "which day do you want to travel ?",
+ "Do you have a day you want to travel on ?",
+ "Which day are you planning to travel ?",
+ "Which day would you like to leave ?",
+ "What day will you be traveling ?",
+ "Okay , can you please tell me the day ?",
+ "Can you tell me what day you want to go , please ?",
+ "OK , and what day would you like to leave ?",
+ "Alright , what day will you be travelling ?",
+ "What is the day of travel ?",
+ "No problem , what day will you be leaving ?",
+ "What day would you like to travel ?",
+ "I ' m sure we can find something that will work for you . What day will you be traveling on ?",
+ "What day will you be traveling ?",
+ "And what day will you be traveling on ?",
+ "Ok perfect , what day do you want to depart ?",
+ "What day were you thinking of traveling on ?",
+ "What day are you hoping to travel ?",
+ "Sure , when will you be traveling ?",
+ "What day would you be traveling ?",
+ "On what day do you need to travel ?",
+ "What day will you be travelling ?",
+ "Which day will you be traveling ?",
+ "I would be happy to help ! What day would you like to travel ?",
+ "Sure , which day would you like to travel ?",
+ "Is there a specific day you 'd like to leave ?",
+ "We ' ve got several trains going to Ely , do you have a specific day you want to leave ?",
+ "What day would you like to travel ?",
+ "I can help ! What day are you looking to travel ?",
+ "When would you like to travel ?",
+ "I 'll be more than happy to help you book the train . What day do you want to leave ?",
+ "Sure , do you know what day you 're traveling ?",
+ "Do you have a day in mind ?",
+ "Sure ! What day are you planning on leaving ?",
+ "On which day will you be traveling ?",
+ "No problem . What day will that be for ?",
+ "what day of the week do you want to travel",
+ "On which day will you be traveling ?",
+ "What day do you need the train for ?",
+ "Okay . What day would you like to travel ?",
+ "What day will this be on ?",
+ "sure , what day are you traveling ?",
+ "You will be traveling on Thursday or Sunday ? You ' ve said both ."
+ ],
+ "Arrive;Day;Dest;Leave;": [
+ "What is your destination ? And do you have any preference for day , departure or arrival time ?",
+ "Sure , I can help you with that . I will need to know what day and time and also where you will be traveling to by train .",
+ "Can you please advise what day you need the train , and what time for arrival and departure , as well as destination , you need the train for ?",
+ "To help you find a train could you please provide me with your destination site , day of travel and departure and arrival time ? Thank you",
+ "I would be happy to assist you . Let 's get some details of what you need . What is your destination and when will you be travelling ?"
+ ],
+ "Dest;": [
+ "Where would you like to go to ?",
+ "I have several options for you . Where is your destination ?",
+ "I 'll be glad to help . You would like to from london liverpool street to what destination , please ?",
+ "And where would you like your train to take you ?",
+ "Absolutely . Where are you heading to ?",
+ "Great . Where are you headed ?",
+ "Where will you be arriving at ?",
+ "What is your destination ?",
+ "What station would you like to arrive at ?",
+ "what is your destination ?",
+ "Where would you like to go to ?",
+ "Ok , and where are you heading to ?",
+ "Where are you traveling to ?",
+ "What 's your destination ?",
+ "What is your destination ?",
+ "Where are you traveling to please ?",
+ "Where will you be headed ?",
+ "What is your destination ?",
+ "I 'll be happy to help you with that . Where would you like to travel to ?",
+ "Sure ! What is your destination ?",
+ "I can help you with that . Where are you headed ?",
+ "What is your destination ?",
+ "Where would you like to go to ?",
+ "Okay ! Where are you going ?",
+ "What is your destination ?",
+ "Sure , I can help you with that . Where will you be travelling to ?",
+ "Alright . Where are you headed ?",
+ "I 'd be glad to help , where are you traveling to ?",
+ "I 'd love to help ! where 's your destination ?",
+ "Okay , where are you heading ?",
+ "I absolutely can . Where are you looking to go ?",
+ "What is your destination ?",
+ "Where will you be going ?",
+ "And where will the destination be ?",
+ "And what is your destination ?",
+ "What is your destination ?",
+ "Any idea where you want to go ?",
+ "Where is your destination for that day ?",
+ "And where are you bound ?",
+ "What is your travel destination so I can narrow it down to a useful schedule ?",
+ "Can I get your destination please ?",
+ "I can help with that . What is the destination ?",
+ "Can you please tell me your destination ?",
+ "What is your destination station ?",
+ "What is your destination ?",
+ "Where will you be going , Cambridge ?",
+ "Okay , is there somewhere specific you would like to travel to ?",
+ "There are several , where are you traveling to ?",
+ "sure , where are you headed ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "Where will you be heading ?",
+ "Where is your destination , please ?",
+ "Yes , there are many . What is your destination ?",
+ "I can help you with that . Where are you headed ?",
+ "Could you provide your destination in order that I might better help you ?",
+ "Okay , and what is your destination ?",
+ "Where will you be traveling too ?",
+ "Sure ! Where would you like to go ?",
+ "Where will you be traveling to ?",
+ "Sure , what is your destination ?",
+ "What is your destination ?",
+ "Sure , what destination would you like ?",
+ "Where shall the train go ?",
+ "Where will you be headed ?",
+ "I can help you with that . What is your destination ?",
+ "Okay , what is your destination ?",
+ "Where should it be going ?",
+ "Where would you like the train to take you ?",
+ "Sure . Where are you going ?",
+ "Would that be London Liverpool or London Kings Cross ?",
+ "Are you sure you do n't have a preference ?",
+ "Where will you be travelling to ?",
+ "And where were you wanting to travel to ?",
+ "What is your destination ?",
+ "Where will you be traveling to ?",
+ "Okay . Where are you looking to go to ?",
+ "Ok . And where is your destination ?",
+ "What is your destination ?",
+ "Sure , let 's narrow down your search . What is your destination ?",
+ "Alright , where would you like to go ?",
+ "In order to better assist you , may I please have your destination ?",
+ "Where will you be traveling to ?",
+ "Yes , I can . Just to confirm , is your destination Cambridge or another city ?",
+ "Can I get a destination for this trip please ?",
+ "Where will your destination be ?",
+ "Where would you like to go ?",
+ "Where do you need to go ?",
+ "Where would you like to go to ?",
+ "Okay , where is your destination ?",
+ "Where will you be traveling to ?",
+ "Where would you like to go",
+ "And can you tell me your destination please ?",
+ "What is your destination ?",
+ "sure , what 's your destination ?",
+ "What will be your destination ?",
+ "Where will you be going ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "There are several trains , where do you want to go ?",
+ "And where will the destination be ?",
+ "What is your destination ?",
+ "Where would you like the train to go ?",
+ "And where would your destination be please ?",
+ "Of course ! Do you know your destination ?",
+ "What is your destination ?",
+ "Certainly . Where would you like to go ?",
+ "Where would you like to go to ?",
+ "Where will you be going ?",
+ "The cost of the train will depend on where you are traveling to . Can you please let me know your destination ?",
+ "Okay , and where are we headed ?",
+ "Where will you be going ?",
+ "What is your destination ?",
+ "We only have trains going to Cambridge then , is that your destination ?",
+ "Okay and where will you be traveling to ?",
+ "okay ! where is the destination ?",
+ "Where is the destination ?",
+ "great , and what is your destination ?",
+ "Where are you traveling to ?",
+ "Where are you heading to from Peterborough ?",
+ "Where are you heading to ?",
+ "Ok , where will you be going ?",
+ "Where will you be going ?",
+ "Thank you . Where is your destination ?",
+ "I would be happy to help you find a train . Can you please confirm the destination for your travels ?",
+ "I 'd love to help ! where is your destination ?",
+ "There are many trains that meet that requirement . Where are you headed ?",
+ "Where will you be going ?",
+ "What is your destination station ?",
+ "OKay , where is your destination ?",
+ "Sure , where would you like to go ?",
+ "Can you tell me where you are looking to go to ?",
+ "Of course . Where would you like to travel ?",
+ "Where is the destination , please ?",
+ "where are you going may I ask ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "Where would you like to go to ?",
+ "What is your destination ?",
+ "Are you going to cambridge or ely ? You ' ve said both .",
+ "I will be happy to help with that ! Where are you travelling to ?",
+ "Can I get your destination please ?",
+ "What would your destination be ?",
+ "Absolutely ! To help narrow your search , where would you like to arrive at ?",
+ "Can you tell me your destination please ?",
+ "I sure can help with that ! Can you please tell me where you will be traveling to ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "I would be happy to assist you in finding a train ! Can you please advise where you will be traveling to ?",
+ "Sure , what is your destination ?",
+ "Where would you be going to ?",
+ "Ok and what is your destination ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "I can definitely take care of that for you . Where are you heading to ?",
+ "I can certainly look that up for you , what is your destination ?",
+ "ok , and what is your destination ?",
+ "I need to narrow down the search for you . Where are you heading ?",
+ "i sure can ! what 's your destination ?",
+ "Certainly . Do you have a destination in mind ?",
+ "What is your destination ?",
+ "And what is your destination station ?",
+ "Where do you want to go ?",
+ "What is your destination ?",
+ "Great ! I have those trains up . May I now get where you are traveling to ?",
+ "Where would you like to travel to ?",
+ "where are you wanting to go to ?",
+ "and where would you like to go ?",
+ "I can look into that for you - where would you like to go ?",
+ "No problem ! Where do you plan to go on Saturday ?",
+ "Sure ! Where will you be going ?",
+ "And what is your destination ?",
+ "What is your destination ?",
+ "I can help where are you looking to go ?",
+ "Sure , where would you like to go ?",
+ "What is your destination ?",
+ "And where will you be heading to ?",
+ "Okay , where is your destination ?",
+ "I am sure I do , where would you like to go ?",
+ "May I get some more information from you to ensure we get you on the best train possible for you , the last bit of information I need is where you would like to arrive via train .",
+ "Please tell me your destination so I can give you options and cost .",
+ "Where will you be traveling to ?",
+ "And what would your preferred destination be ?",
+ "What will your destination be ?",
+ "Where are you traveling to ?",
+ "sure , what is your destination ?",
+ "Sure . Where will you be going to ?",
+ "Sure , where are you going to ?",
+ "What is your destination ?",
+ "I ' m finding many trains departing from Cambridge on Tuesday . What is your destination ?",
+ "Sure , where are you headed ?",
+ "Where would you like to travel to ?",
+ "I sure can ! Do you have a destination in mind ?",
+ "Where would you like to go to ?",
+ "Okay . What is your destination ?",
+ "Yes of course ! Where are you traveling to ?",
+ "What is your destination ?",
+ "Where are you traveling to ?",
+ "Ok , do you know what your destination is ?",
+ "Okay ! What is your destination ?",
+ "Okay , and where will you be travelling to ?",
+ "Where would you like to go to ?",
+ "Where will you be going ?",
+ "Of course . Where are you traveling to ?",
+ "Certainly . What is your desired destination ?",
+ "Okay and what is your destination please ?",
+ "And where would you like to go today ?",
+ "I have severail trains departing from Cambridge . Where would the destination be ?",
+ "Sure- where are you traveling to ?",
+ "Sure thing let me look that up for you . Where will you be going ?",
+ "Where will you be going ?",
+ "What destination do you have in mind ?",
+ "Absolutely ! Where will you be heading ?",
+ "Yes , where would you like to go to ?",
+ "Where would you like to go ?",
+ "Where are you heading to from Cambridge ?",
+ "And where will your desintation be ?",
+ "First I need to verify if cambridge is your destination .",
+ "And where are you going ?",
+ "I ' m sorry , earlier you said you were going to Ely , but now you 're asking about stevenage . What is your destination , please ?",
+ "Okay . What is your destination ?",
+ "where do you want to go ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "Where are you headed to ?",
+ "Sure , where will you be traveling to ?",
+ "Where are you headed ?",
+ "What is your destination ?",
+ "I 'd be happy to help . Where are you traveling to ?",
+ "Alright , did you have a certain destination in mind ?",
+ "Where would you like to go to ?",
+ "Okay ! What is your destination ?",
+ "Where is your destination ?",
+ "I can help you with that . Where are you headed ?",
+ "What is you destination ?",
+ "I can help ! Where are you traveling to ?",
+ "What is your destination ?",
+ "You came to the right place ! Where would you like to go ?",
+ "Where will you be traveling to ?",
+ "Okay . What is your destination ?",
+ "Where would you like to go ?",
+ "Let me help you with that , where would you like to go ?",
+ "Where will you be traveling to ?",
+ "Sure thing . What will your destination be ?",
+ "ok , what is your destination ?",
+ "Ok , and where will you be traveling to ?",
+ "And what is your destination ?",
+ "I ' m sorry , could you confirm your destination so I can get an accurate schedule .",
+ "and where is your destination ?",
+ "Yes , where would you like to go to ?",
+ "Sure , what is your arrival information ?",
+ "And what is your destination ?",
+ "Where will you be travelling to ?",
+ "Where will you be going ?",
+ "And what is your destination please ?",
+ "Okay . What is the destination please ?",
+ "Where will you be traveling to ?",
+ "What is your destination ?",
+ "I 'd be happy to ! Where are you heading ?",
+ "sure , what is your destination ?",
+ "I can . Where will you be traveling to ?",
+ "sure , what is your destination ?",
+ "Where will you be travelling to ?",
+ "What is your destination , please ?",
+ "Sure . Where are you headed ?",
+ "Where will you be going ?",
+ "Where is your destination ?",
+ "Sure , what will your arrival station be ?",
+ "Of course . Where are you headed ?",
+ "Where are headed ?",
+ "Sorry but can i get your destination please ?",
+ "Certainly ! Where will you be traveling ?",
+ "Where will you be travelling to ?",
+ "Where would you be going to ?",
+ "What is your destination ?",
+ "I 'd by happy to help . Where would you like to arrive ?",
+ "I will first need your destination city to determine that .",
+ "What is your destination ?",
+ "Yes of course ! Where are you traveling to ?",
+ "And what is your destination city ?",
+ "Sure . Where are you looking to go ?",
+ "Can you please provide me with destination of the train so I can better assist you ?",
+ "What is your destination ?",
+ "What station will you be traveling to ?",
+ "What destination will you be traveling to ?",
+ "Where will you be travelling to ?",
+ "Where are you headed ?",
+ "and what is your destination ?",
+ "I also need to know where you are travelling to .",
+ "What is your destination ?",
+ "Where will you be going ?",
+ "sure , what is your destination ?",
+ "Where will you be traveling to ?",
+ "what is your destination .",
+ "Where would you like to travel to ?",
+ "Yes , and what is your destination ?",
+ "what is your destination ?",
+ "I 'd love to help ! What is your destination ?",
+ "I can do that for you , where do you need to go ?",
+ "Will you be traveling to Cambridge ?",
+ "I sure can . Where will you be traveling to ?",
+ "And where will you be going ?",
+ "Where would you like to go to ?",
+ "What is your destination ?",
+ "I 'd be happy to help you find a train . What is your destination ?",
+ "sure , what is your destination ?",
+ "Certainly . Where is your destination ?",
+ "Where are you headed ?",
+ "What is your destination ?",
+ "Sure . Can I get some more information ? Where were you wanting to go to ?",
+ "What is your destination ?",
+ "Where would you like to go ?",
+ "Where will the destination be ?",
+ "I ' m going to need your destination preference also , please .",
+ "Where will you be going ?",
+ "Can you please tell me what your destination is for that trip ?",
+ "Yes , I can . What is your destination ?",
+ "Where is your destination located ?",
+ "OK , and where will you be traveling to ?",
+ "That 's not a problem . Where will you be going to ?",
+ "Sure , where is your destination ?",
+ "You came to the right place ! Where would you like to go ?",
+ "Where will you be going ?",
+ "What is your desired destination ?",
+ "Could you tell me your intended destination please ?",
+ "Okay , where would you like to go ?",
+ "Certainly . Where will you be traveling ?",
+ "What is your destination ?",
+ "Sure . Where will you be going ?",
+ "Okay ! Where would you like to go ?",
+ "I can help you with that . Where are you headed ?",
+ "What 's your destination ?",
+ "Where would you like the train to take you ?",
+ "Great , and where are you traveling to ?",
+ "We will miss you ! Where are you traveling to ?",
+ "And where will you be going ?",
+ "Ok , and where are you heading to ?",
+ "What is the destination ?",
+ "Where would you like the train from cambridge to travel to ?",
+ "What is your destination ?",
+ "Well can you tell me yur destination please ?",
+ "I absolutely can . Where are you looking to go ?",
+ "What is your destination that you would like to go to ?",
+ "Where will you be traveling to ?",
+ "What is your destination ?",
+ "And what is your destination for that trip ?",
+ "Sure ! Where are you headed ?",
+ "Yes , I would be happy to . Let me get your information . What is your destination ?",
+ "What is your destination ?",
+ "Certainly , where is your destination ?",
+ "Okay . What 's your destination ?",
+ "Would you like to go to hogwarts ?",
+ "what is your destination ?",
+ "Where will you be travelling to ?",
+ "Ok and what is your destination ?",
+ "What is your destination ?",
+ "Sure , I can check on that for you . Where would you like to go ?",
+ "Ok , where will you be traveling to ?",
+ "Okay , I can help you find a train . What is your destination ?",
+ "I can help you with that . Where will you be traveling to ?",
+ "Could you provide me with your destination ?",
+ "What destination would you like me to look for ?",
+ "Where is your destination ?",
+ "What is your destination ?",
+ "What is your destination ?",
+ "Okay . What is the destination ?",
+ "Just to confirm : Is your destination Cambridge or another city ?",
+ "What is your destination ?",
+ "Okay , where will you be heading to ?",
+ "Where will you be wanting to go ?",
+ "Okay , and where are you traveling to ?",
+ "Where would your destination be ?",
+ "Of course ! Do you know your destination ?",
+ "Where are you headed ?",
+ "I 'd be happy to help you find a train . What is your destination ?",
+ "Where is your destination that your traveling to ?",
+ "Where would you like to go to ?",
+ "Yes there are . What is your destination ?",
+ "Where will you be traveling to ?",
+ "Where will you be going to ?",
+ "Where will you go ?",
+ "Thank you . What destination are you traveling to ?",
+ "Okay and what is your destination please ?",
+ "I can help you . What is your destination ?",
+ "Okay . What is the destination please ?",
+ "Do you have a destination in mind ?",
+ "I can help you with that . Can you confirm the destination you are traveling to ?",
+ "Yes . Where would you be going to ?",
+ "Where is your destination ?",
+ "I 'd love to help ! where 's your destination ?",
+ "Can you please provide me with destination of the train so I can better assist you ?",
+ "What is your destination ?",
+ "I 'd be happy to help you with that , just let me know your destination .",
+ "Where is your destination ?",
+ "What will your destination be ?",
+ "Where are you heading to ?",
+ "Where are you heading ?",
+ "Where will you go to ?",
+ "What is your destination ?",
+ "Did you have a specific destination in mind ?",
+ "Certainly ! Where would you like to go ?",
+ "Alright . What is your destination ?",
+ "Sure ! What is your destination ?",
+ "What is your destination ?",
+ "Ok great ! So that I can narrow down our results , can you tell me where you will be traveling to ?",
+ "sure , what is your destination ?",
+ "What is your final destination ?",
+ "I will need more information to be able to help you find the correct train , where are you headed ?",
+ "Ok great , can you please confirm the desired destination ?",
+ "great , what is your destination ?",
+ "What is your destination ?",
+ "Absolutely , where would you like to go ?",
+ "Escaping for the weekend , huh ? Where are you headed ?"
+ ],
+ "People;": [
+ "Certainly ! How many tickets would you like ?",
+ "Of course , how many tickets would you like me to book ?",
+ "Do you just need the one ticket , or will others be travelling with you ?",
+ "Yes , for how many tickets ?",
+ "for how many ?",
+ "For how many people ?",
+ "Sure , how many seats do you need ?",
+ "I 'd be happy to help with your request , how many tickets do you need ?",
+ "No problem . How many seats would you like to book ?",
+ "Sure , will you be traveling alone ?",
+ "How many tickets do you need ?",
+ "How many tickets would you like me to book ?",
+ "How many tickets do you need ?",
+ "How many tickets please ?",
+ "Alright perfect ! How many people will need tickets ?",
+ "And how many tickets will you need for your trip ?",
+ "How many tickets do you need ?",
+ "Okay , how many tickets would you like ?",
+ "How many tickets in total would you like me to purchase for you on train TR1819 ?",
+ "How many tickets would you like ?",
+ "Sure , how many tickets would you like ?",
+ "Will you be needing one or more seats on that trip ?",
+ "Definitely . How many people will be traveling ?",
+ "How many tickets do you need ?",
+ "of course ! how many tickets do you need ?",
+ "How many tickets do you need ?",
+ "I 'll get right on that . Can I know how many tickets you 'd like to purchase ?",
+ "Just to clarify , would that be just one ticket or multiple tickets ?",
+ "How many tickets would you like me to book for you ?",
+ "Of course . How many tickets do you need ?",
+ "How many tickets do you need and I can check for you .",
+ "Sure , I can do that . How many tickets do you need ?",
+ "I was n't able to finish the train booking yet . How many tickets do you need ?",
+ "Sure , I can do that . How many tickets did you need ?",
+ "Will I be booking just one seat or do you require multiple seats on the train ?",
+ "Of course ! How many tickets would you like ?",
+ "Yes , how many tickets will you need ?",
+ "How many tickets would you like ?",
+ "Will you be traveling alone ?",
+ "How many people will that train be for ?",
+ "Is it just you traveling or do you also have guests ?",
+ "How many passengers ?",
+ "Before i book it , could you confirm the number of seats you need ?",
+ "Sure thing ! How many tickets will you be needing ?",
+ "Is it one ticket you need or more ?",
+ "How many tickets ?",
+ "For how many people ?",
+ "great , how many tickets do you need ?",
+ "How many tickets do you need ?",
+ "How many tickets do you need ?",
+ "How many tickets will you need ?",
+ "How many tickets will you need ?",
+ "How many tickets will you need ?",
+ "Of course , how many tickets would you like me to book ?",
+ "Alright , how many tickets do you need ?",
+ "How many tickets would you like ?",
+ "How many tickets will you need ?",
+ "How many people are traveling ?",
+ "How many tickets will you need ?",
+ "How many people in your party ?",
+ "Can I ask how many tickets you will need ?",
+ "how many tickets would you like ?",
+ "How many tickets will you be needing for your trip ?",
+ "How many tickets would you like ?",
+ "For how many tickets ?",
+ "How many tickets would you like ?",
+ "Yes , I can . Will you be traveling alone ?",
+ "How many tickets do you need ?",
+ "How many tickets are you needing ?",
+ "How many tickets will you need for the train ?",
+ "How many seats will you need ?",
+ "Sure ! For how many people ?",
+ "For how many people ?",
+ "How many tickets do you need ?",
+ "How many tickets would you like me to book ?",
+ "Certainly ! Can you tell me how many tickets you will be needing ?",
+ "That 's interesting , considering you 're the customer ! Can you tell me how many tickets you 'll need on that train ?",
+ "How many tickets do you need ?",
+ "How many tickets would you like me to book ?",
+ "How many tickets do you need ?",
+ "How many people will be riding ?",
+ "How many tickets do you need ?",
+ "Will you be traveling alone ?",
+ "How many tickets would you like ?",
+ "How many tickets do you need ?",
+ "How many tickets would you like ?",
+ "I am working on your reservation , how many tickets do you need for the train ?",
+ "How many tickets will you need ?",
+ "How many tickets will you need ?",
+ "I 'll be happy to assist with that , how many tickets would you like me to book ?",
+ "Do you need two tickets ?",
+ "How many people do you need reservations for ?",
+ "How many tickets please",
+ "I can help you with that but first how many tickets will you be needing ?",
+ "Will I be booking just one seat or do you require multiple seats on the train ?",
+ "Absolutely ! How many tickets do you need ?",
+ "How many ticket will you need ?",
+ "Will you be traveling alone for this trip ? If not how many tickets will you be needing ?",
+ "For how many tickets ?",
+ "How many seats do you need on that train ?",
+ "How many tickets will you need ?",
+ "How many tickets do you need ?",
+ "How many tickets will you need ?",
+ "How many tickets do you need ?",
+ "How many tickets are needing to purchase ?",
+ "How many people would you like to book it for ?",
+ "How many people will be travelling with you ?",
+ "How many tickets do you need ?",
+ "How many tickets do you need , please ? Is it one ?",
+ "How many tickets will you need on this trip ?",
+ "For how many people will you need to purchase tickets ?",
+ "How many people do you want to purchase tickets for ?",
+ "Sure , how many tickets do you want ?",
+ "How many tickets would you like ?",
+ "For how many people ?",
+ "Absolutely ! Can you please confirm how many tickets you would like to book ?",
+ "How many tickets would you like me to book ?",
+ "Great , how many tickets for the train would you like ?",
+ "How many people will be travelling ?",
+ "How many tickets do you need ?",
+ "How many tickets will you be needing ?",
+ "Would you just need 1 ticket or how many can I book for you ?",
+ "Ok , how many tickets would you like ?",
+ "How many train tickets do you need ?",
+ "Ok , how many tickets do you need to purchase ?",
+ "How many tickets do you need ?",
+ "Definitely ! How many tickets do you need ?",
+ "How many seats will you need ?",
+ "How many tickets would you need ?",
+ "How many tickets do you need ?",
+ "How many seats will you be requiring ?",
+ "How many tickets ?",
+ "How many tickets would you like ?",
+ "How many tickets would you like me to book ?",
+ "How many people are you booking for ?",
+ "How many tickets do I need to reserve for your train ?",
+ "How many tickets did you need for the booking ?",
+ "I can help you with that , how many tickets do you need ?",
+ "First I will need to know how many passengers will be traveling ?",
+ "Sure . how many will be traveling ?",
+ "How many people will be traveling ?",
+ "How many tickets would you like to book ?",
+ "i can definitely do that , how many tickets would you like ?",
+ "how many tickets do you need for the train ?",
+ "How many tickets do you need ?",
+ "Great ! How many seats will you need ?",
+ "How many tickets please ?",
+ "How many tickets do you need ?",
+ "How many tickets do you need ?",
+ "I can help you with that , however how many tickets do you need please ?",
+ "For how many people ?",
+ "I would be happy to . How many people will be traveling ?",
+ "I apologize . I need to know how many you need tickets for on the train so I can book your tickets .",
+ "Fantastic , how many people do you need tickets for ?",
+ "How many tickets do you need for that train ?",
+ "How many people will be taking the train ?",
+ "How many tickets do you need to purchase ?",
+ "I sure can , for how many people ?",
+ "And for haw many people ?",
+ "How many tickets would you like ?",
+ "Certainly . Just to verify , are you traveling alone ? You would only like one ticket ?",
+ "How many tickets do you need to book ?",
+ "sorry about that , how many tickets ?",
+ "How many tickets are you looking for ?",
+ "How many tickets do you need ?",
+ "How many tickets do you need ?",
+ "Ok , before booking I will need to know how many tickets you would like to purchase ?",
+ "and for how many people ?",
+ "I 'd be happy to help with your request , first I 'll need to know how many tickets you 'd like to reserve ?",
+ "For how many tickets ?",
+ "How many tickets do you want ?",
+ "To get price I need to know how many tickets you will need to book ?",
+ "How many tickets are you needing ?",
+ "I 'd be happy to book that for you , how many tickets do you need ?",
+ "How many tickets would you like ?",
+ "How many tickets would you like ?",
+ "Okay , I can help with that but first please tell me how many seats to book .",
+ "Yes for how many people ?",
+ "Absolutely . How many tickets would you like to get ?",
+ "I 'd be happy to . How many tickets will you need ?",
+ "How many tickets do you need ?",
+ "How many tickets will you be needing for the train ?",
+ "How many tickets will you be needing ?",
+ "Can you please tell me how many in your party ?",
+ "How many tickets would you like ?",
+ "Sure , I can do that . How many tickets would you like me to book ?",
+ "How many tickets would you like booked for that trip ?",
+ "Yes , how many tickets would you like ?",
+ "certainly , how many tickets do you need ?",
+ "That 's fine . How many tickets would you like ?",
+ "How many tickets will you need ?",
+ "How many tickets will you need ?",
+ "You can buy up to eight tickets .",
+ "for how many ?",
+ "Yes for how many people ?",
+ "How many tickets do you need ?",
+ "Yes how many ticket do you need ?",
+ "In order for me to get you a price , I have to know how many people are in your party .",
+ "How many tickets would you like ?",
+ "How many tickets do you need ?",
+ "How many seats will you need for this trip ?",
+ "How many will be traveling ?",
+ "How many people will need a ticket for the train ?",
+ "How many people would you like to book the train for ?",
+ "Can you tell me how many people will be travelling ?",
+ "Will you be travelling alone or in a party ?",
+ "How many tickets will you need ?",
+ "How many tickets will you be needing for the train ?",
+ "How many people will be travelling ?",
+ "How many people need train tickets ?",
+ "How many people would you like to book for ?",
+ "How many tickets do you need ?",
+ "I can do that . First , let me confirm how many tickets will be needed ?",
+ "of course ! how many tickets ?",
+ "Can you tell me how many people will be traveling ?",
+ "How many tickets do you need ?",
+ "How many people will be traveling ?",
+ "Before I can book that for you , would you please let me know how many people will be traveling ?",
+ "For how many people ?",
+ "How many tickets are you looking for ?",
+ "What about your wife ? Does she need a ticket ?",
+ "How many tickets will you need ?",
+ "Yes , of course . How many tickets would you like booked ?",
+ "Of course , how many tickets will you need ?",
+ "How many tickets can I book for you ?",
+ "I can most definitely give you the reference number once the booking is complete . How many tickets would you be needing ?",
+ "Sure . Just to confirm , how many seats will you need ?",
+ "Absolutely . How many tickets would you like to be booked ?",
+ "Great how many tickets will you need ?",
+ "Great , how many tickets would you like to purchase ?",
+ "How many tickets will you need reserved for the TR0559 ?",
+ "How many tickets do you need ?",
+ "How many tickets do you need ?",
+ "Yes I can , how many tickets would you like me to book for you ?",
+ "how many tickets ?",
+ "How many tickets would you like ?",
+ "Did you only need one ticket ?",
+ "And would that be for the seven people that are staying at the hotel ?",
+ "Sure , just the 1 ticket ?",
+ "How many tickets do you need ?",
+ "How many tickets will you be needing ?",
+ "Got that just about ready will that be for yourself only or multiple people ?",
+ "Okay , how many tickets would you like ?",
+ "How many tickets would you like ?",
+ "How many tickets would you like to book ?",
+ "How many train tickets would you like to book ?",
+ "How many tickets will you need ?",
+ "How many seats will you need ?",
+ "How many tickets will you need ?",
+ "How many tickets ?",
+ "Will you be travelling with the same 7 people ?",
+ "Great , how many tickets do you want ?",
+ "For how many people ?",
+ "Can you please tell me how many tickets you will need for this trip ?",
+ "Okay ! For how many people ?",
+ "How many tickets will you be needing ?",
+ "The system is ready to go on the booking , how many people ?",
+ "How many tickets do you need ?",
+ "How many tickets will you require ?",
+ "How many tickets do you need me to book for the train ?",
+ "Before I book I need to know how many tickets you need ?",
+ "Excellent , how many are travelling ?",
+ "How many tickets do you need ?",
+ "That is correct . How many tickets will you need ?",
+ "How many people would you like to book ?",
+ "I need to know how many tickets you will need please .",
+ "Okay , how many tickets would you like ?",
+ "How many tickets will you need ?",
+ "Yes , I can . How many tickets do you require ?",
+ "How many people should I book for ?",
+ "Sure how many tickets please ?",
+ "For how many people ?",
+ "for how many people ?",
+ "okay how many tickets please ?",
+ "Of course , do you just need one ticket or will there be other passengers ?",
+ "Great , and how many people will be riding with you ?",
+ "Sure thing ! How many tickets do you need ?",
+ "How many tickets will you need ?",
+ "How many train tickets will you need ?",
+ "Okay , can you please tell me how many people are in your party ?",
+ "Is this also just for one person ?",
+ "How many tickets will you be needing today ?",
+ "How many tickets would you like ?",
+ "Just to confirm , how many tickets do you need ?",
+ "Okay ! How many people would you like me to book a train for ?",
+ "how many tickets please ?",
+ "How many people will be in your party on the train ?",
+ "How many tickets will you need ?",
+ "How many tickets will you need ?",
+ "How many tickets do you need ?",
+ "OK , how many tickets do you need ?",
+ "For how many people ?",
+ "Yes , we can do that after we finish with your train booking . How many people do you need tickets for ?",
+ "How many tickets would you like ?"
+ ],
+ "Depart;": [
+ "Certainly , where will you be departing from ?",
+ "I would be happy to help you find a train . Where are you departing from ?",
+ "Where will you be leaving from ?",
+ "Okay , and where did you want to depart from ?",
+ "Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Where are you departing from ?",
+ "Where will you be traveling from ?",
+ "Sure , where will you be departing from ?",
+ "And where will you be leaving from ?",
+ "I can help with that . Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Where will you be traveling from ?",
+ "Where are you looking to depart from ?",
+ "Sure , where will you be leaving from ?",
+ "Where will you be departing from ?",
+ "Where would you like to leave from ?",
+ "Where are you departing from ?",
+ "Sure ! Where would you like to depart from ?",
+ "Where are you departing from ?",
+ "Where are you leaving from ?",
+ "Which station will you be leaving from ?",
+ "Where are you leaving from ?",
+ "Sure , where are you leaving from ?",
+ "Where will you be traveling from ?",
+ "I can help you get set up , where will you be coming from ?",
+ "I can absolutely help you with that . So that I can find you the best option , can you tell me where you will be departing from ?",
+ "Where are you departing from ?",
+ "Would you like to depart from London Kings Cross or London Liverpool Street ?",
+ "Sure . Where will you be leaving from ?",
+ "Where will you be coming from ?",
+ "What is your departure location ?",
+ "Where will you be departing from ?",
+ "I 'd love to help ! Where are you departing from ?",
+ "where is your departure site ?",
+ "Where are you departing from ?",
+ "Where will you be leaving from ?",
+ "Sure , what is your departure terminal ?",
+ "Where will you be departing from ?",
+ "Okay , and where are you leaving from ?",
+ "Where will you be departing from ?",
+ "No problem . Where are you leaving from ?",
+ "Where will you be leaving from ?",
+ "I can help with that . Where are you coming from ?",
+ "where would you be departing from ?",
+ "And where will you be coming from ?",
+ "Where will you be leaving from ?",
+ "Sure , where will you be departing from ?",
+ "There sure are . Where will you be leaving from ?",
+ "I can certainly help with that . Where would you like to depart from ?",
+ "I can help you with that . Where are you traveling from ?",
+ "Where are you departing from ?",
+ "Yes where will you be leaving from ?",
+ "Ok great , can you please confirm your departure location ?",
+ "Sure , I can help you with that . Where were you wanting to depart from ?",
+ "Ok , where will you be coming from ?",
+ "Where are you leaving from ?",
+ "Okay , I think I can help you . Where will be coming from ?",
+ "Is your destination Cambridge or another location ?",
+ "Okay ! From where are you departing ?",
+ "Sure what is the departure site ?",
+ "Where will you be departing from ?",
+ "I can help you with that . Can you tell me what your departure location will be ?",
+ "Sure where are you departing from ?",
+ "Sure ! Where will you be departing from ?",
+ "Sure , where are you departing from ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help you with that . Can you tell me where you will be departing from ?",
+ "And from where are you departing ?",
+ "Absolutely . From where would you like to depart ?",
+ "Ok I can assist you with that . Where will you be departing from ?",
+ "OK , and what 's your departure station ?",
+ "Where will you be departing from ?",
+ "Where will you be leaving from ?",
+ "Okay , where are you departing from ?",
+ "Can I get information where you are departing from ?",
+ "Where would you like to depart from ?",
+ "Where will the train depart from ?",
+ "Ok . And where are you leaving from ?",
+ "Where will you be departing from ?",
+ "Where will you be leaving from ?",
+ "From what station will you be departing ?",
+ "Sure where will you be leaving from ?",
+ "Of course , from where will you be departing ?",
+ "Okay . First , let 's find out you 're departing from .",
+ "Where are you leaving from ?",
+ "What is your departure station please ?",
+ "Where are you traveling from ?",
+ "I would be happy to look that up . Where would you like to depart from ?",
+ "Hi there , let 's start with the train arrival , where would you be travelling from ?",
+ "Where will you be departing from ?",
+ "Where would you like to depart from ?",
+ "Just so I can narrow down the results and get you exactly what you need , what 's your departure station ?",
+ "Sure thing where will you be departing from ?",
+ "From which departure site , please ?",
+ "Where did you want to depart from , sir ?",
+ "Certainly . From where will you be departing ?",
+ "Where will you be departing from ?",
+ "Will you be departing from Cabridge ?",
+ "Where will you be departing from ?",
+ "Where are you departing from ?",
+ "Sure , where are you departing from ?",
+ "Where are you coming to visit us from ?",
+ "Can you verify whether you are leaving from stansted airport or cambridge ?",
+ "From where are you departing ?",
+ "Where will you be departing from ?",
+ "I can help you . Where are you departing from ?",
+ "Ok . Where are you leaving out of ?",
+ "Okay , where will you be departing from ?",
+ "What will be the departure site ?",
+ "Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help you find a train . Can you tell me where you will be departing from ?",
+ "Ok . Will you be departing from Cambridge ?",
+ "I 'd be happy to help , where are you leaving from ?",
+ "Sure , I can help you with that . What is your place of departure ?",
+ "Where are you departing from please ?",
+ "I can certainly help . Where are you departing from ?",
+ "What time would you like to depart ?",
+ "Where are you departing from ?",
+ "Are you departing from Cambridge ?",
+ "Absolutely . Where will you departing from ?",
+ "Where wouold you be traveling from ?",
+ "Where are you departing from ?",
+ "Okay and where will you be departing from ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help you . Can you tell me more about your trip ? Where are you departing from ?",
+ "Are you wanting to leave from Cambridge ?",
+ "Where will you be departing from ?",
+ "Sure . Where are you departing from ?",
+ "I can help ! Where are you departing from ?",
+ "great , what is your departure site ?",
+ "Where would you be departing from ?",
+ "Where are you departing from ?",
+ "Where will you leave from ?",
+ "where are you departing from ?",
+ "Certainly ! What station will you be departing from ?",
+ "What station do you want to leave from ?",
+ "Sure , I can help you with that . When were you wanting to depart ?",
+ "Where would you be leaving from ?",
+ "Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "I ' m sorry , I needed to ask you from where would you be departing ?",
+ "I will also need your departure city .",
+ "Absolutely ! Where are you departing from ?",
+ "Is there a specific destination you need to depart from ?",
+ "I can help you find one . First of all , where are you going to be departing from ?",
+ "We should be able to help you , where will you be coming from ?",
+ "May I please get your place of departure ?",
+ "Where do you want to depart from ?",
+ "I can help you with that . Where are you traveling from ?",
+ "Where are you departing from , please ?",
+ "Where will you departing from ?",
+ "Where would you like to depart from ?",
+ "Sure , where will you be departing from ?",
+ "Okay brah where you leaving from ?",
+ "Where will you be traveling from ?",
+ "Ok . And where will you be departing from ?",
+ "What station do you wish to leave from ?",
+ "Where would you like to leave from ?",
+ "Where would you be departing from ?",
+ "Sure , I can help you with that . Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Where will you be traveling from on Thursday ?",
+ "Do you know what they would be called ?",
+ "Where will you be departing from ?",
+ "Where will you be coming from ?",
+ "I can . Will you be departing from London Kings Cross ?",
+ "I can help you with that . What is your departure location ?",
+ "Where are you departing from ?",
+ "What is your departure city ?",
+ "Do you have a station you would prefer to depart from ?",
+ "sure , what station are you leaving from ?",
+ "Ok great . Where will you be departing from ?",
+ "No problem ! where are you departing from ?",
+ "Can you provide me with your departure site ?",
+ "Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Sure where will you be departing ?",
+ "Where are you departing from ?",
+ "Where will you be departing from ?",
+ "First I will need to know if your departure is from cambridge .",
+ "I 'd be happy to help . Where are you leaving from ?",
+ "I can assist you with that . Can you tell me where you would be departing from ?",
+ "I am happy to help with that . Can you tell me where you would be leaving from ?",
+ "Where are you departing from ?",
+ "Where are you departing from ?",
+ "Can I ask where you are leaving from ?",
+ "Great . I can help you with that . Where were you going to be departing from ?",
+ "Okay and where are you departing from ?",
+ "Absolutely . Where are you coming from ?",
+ "Where will you be leaving from ?",
+ "Where would you be departing from ?",
+ "Sure , I can find that information for you . Were will you be departing from ?",
+ "Where are you departing from ?",
+ "Where will you be leaving from ?",
+ "Ok , what is your departure site ?",
+ "Please clarify your departure city please .",
+ "From where will you be departing that day ?",
+ "sure , where are you departing from ?",
+ "Okay , where would you like to leave from ?",
+ "Can I get where you are leaving from ?",
+ "I can help you with that , where will you be departing from ?",
+ "Sure . Where would you like to depart from ?",
+ "Yes , where will you be departing from ?",
+ "Where are you traveling from ?",
+ "May I ask where you are leaving from ?",
+ "Sure . Where are you leaving from ?",
+ "And where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Ok . Where will you be departing from ?",
+ "Where would you like to depart from ?",
+ "Alright , where will you be departing ?",
+ "Where did you want to get on the train ?",
+ "May I ask for your departure city ?",
+ "Are you looking for the platform the train departs from ?",
+ "Okay , and where will you be departing from ?",
+ "No problem , can you please let me know where you want to depart from ?",
+ "Where will your departure be from ?",
+ "Alright , where will you be departing from ?",
+ "Are you departing from cambridge station ?",
+ "Where will you be leaving from ?",
+ "From what location ?",
+ "Sure , what is your departure station ?",
+ "Okay ! From where will you be traveling ?",
+ "Where are you leaving from ?",
+ "of course ! do you know where you 'll be departing from ?",
+ "Certainly , where will you be departing from for your train to cambridge ?",
+ "Certainly , where are you traveling from ?",
+ "Where are you departing from ?",
+ "Which will you be leaving from ?",
+ "Ok , and where are you departing from ?",
+ "Sure , I can assist you with that . Where were you wanting to leave from ?",
+ "Where will you be departing from ?",
+ "Easy enough . Where is your departure point ?",
+ "Where are you going to depart from ?",
+ "Where would you like to depart from ?",
+ "Great ! Where are you leaving from ?",
+ "Okay we can do that . Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Where are you leaving from ?",
+ "Yes , but from which station are you departing ?",
+ "Where are you departing from please ?",
+ "Can you tell me where you 're departing from so I can look into the train schedule ?",
+ "Okay and where will you be departing from ?",
+ "Where do you need this train to pick you up ?",
+ "Yeah , I can do that . Where are you heading in from ?",
+ "What city are you departing from ?",
+ "What location will you be departing from ?",
+ "Ok .. where will you be departing from ?",
+ "And where will you be departing from ?",
+ "Absolutely . Where are you coming from ?",
+ "Where will you be departing from ?",
+ "Ok . Are you departing from Cambridge ?",
+ "okay , where are you departing from ?",
+ "Where will you be departing from ?",
+ "Where will you be traveling from ?",
+ "Would you be leaving from Cambridge ?",
+ "Where will you be departing from ?",
+ "I 'd be happy to help you find something . Can you tell me where you will be departing from ?",
+ "I can help with that . Where would you be departing from ?",
+ "Where are you departing from ?",
+ "I also need to know you departure location please .",
+ "Where will you be leaving from ?",
+ "Where will you be departing from ?",
+ "Excellent . And where are you coming from ?",
+ "I sure can ! Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Sure . Where will you be departing from ?",
+ "Ok . Where will you be departing from ?",
+ "where will your departure station be ?",
+ "Okay , where would you like to depart from ?",
+ "Sure , what is your departure station ?",
+ "Where are you departing from ?",
+ "I 'd be happy to find you a train ; where will you be traveling from ?",
+ "sure , where are you departing from ?",
+ "Where will you be departing from ?",
+ "I can assist you with that . Can you tell me where you will be departing from ?",
+ "We 'll find you something . Where are you departing from ?",
+ "Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Can I get information on where you will be departing from ?",
+ "Where will you be departing from ?",
+ "Sure , I can help you with that . Where are you departing from ?",
+ "Where is your departure site ?",
+ "I can help with that . Where will you be departing from ?",
+ "Where will you be departing from ?",
+ "Where will you travel from ?",
+ "Sure ! First , can you confirm that you are departing Cambridge ?",
+ "I 'd be happy to help . Where are you departing from ?",
+ "Where are you leaving from ?",
+ "Where will you be leaving from ?",
+ "Can you tell me where you will be departing from ?",
+ "Where will you be leaving from ?",
+ "Ok . Where are you departing from ?",
+ "Where would you like to depart from ?",
+ "I can help you with that . Where will you be departing from ?",
+ "Sure , I can help with that . Can you please let me know where you will be departing from .",
+ "Okay ! From where are you departing ?",
+ "Where would you like to depart from ?",
+ "Okay , from where ?",
+ "where will you be departing from ?",
+ "Where will you leave from ?",
+ "Where are you leaving from ?",
+ "From where will you depart ?",
+ "Where will you be departing from ?",
+ "Sure thing , where will you be departing from ?",
+ "Where would you like to depart from ?",
+ "Where are you departing from ?",
+ "Where would you be departing from ?",
+ "What is your departure station please ?",
+ "Where would you be departing from ?",
+ "I can certainly help you with that . Where will you be departing from ?",
+ "I ' m sure I can help you . Can you tell me where you are departing from ?",
+ "Where would you be departing from ?",
+ "Where are you departing from ?",
+ "Where will you be departing from ?",
+ "Great ! Can you please provide where you will be departing from ?",
+ "Will you be leaving from Cambridge .",
+ "Okay . Where will you be leaving from please ?",
+ "From where will you be departing ?",
+ "Where will you be departing from ?",
+ "Where are you departing from ?",
+ "Sure thing , where will you be departing from ?",
+ "I will be happy to help you find a train . Can you tell me where you will be departing from ?",
+ "And where will you be departing from ?",
+ "And where will you be departing from ?",
+ "Where will you be leaving from ?",
+ "Can I just confirm your departure station please ?",
+ "Where are you coming from ?",
+ "And where are you leaving from ?",
+ "Certainly . Where are you departing from ?",
+ "Okay , where are you leaving from ?",
+ "Where will you be departing from ?",
+ "Great ! I can help you with that . Where would you like to leave from ?",
+ "What is your departure point ?",
+ "Where will you be leaving from ?",
+ "I need to narrow this down a bit . Where will you be departing from ?",
+ "Yes I can , can you tell me where you will be departing from ?",
+ "will you be leaving cambridge ?",
+ "Where will you be leaving from ?",
+ "Will you be departing from cambridge ?",
+ "Where will you be departing from ?",
+ "Okay , where are you departing ?",
+ "and from where will you be departing ?",
+ "Where will you be departing from and when would you like to travel ?",
+ "What departure location will you be using ?",
+ "What city will you be leaving from ?",
+ "From which departure site , please ?",
+ "Sure thing where will you be departing from ?",
+ "i can certainly help with that . Where are you departing from ?",
+ "You 'll have to tell me where you are departing from ?",
+ "Where are you planning to depart from ?",
+ "Yes , where will you be departing from ?",
+ "Where will you leave from ?",
+ "Where will you leave from ?",
+ "Where will you be leaving from ?",
+ "Ok . I can help you find a train . Where will you be departing from ?",
+ "Brookshite ? Can you please repeat that ?",
+ "Where are you leaving from ?",
+ "And where will you be leaving from ?",
+ "I can help you with that . Just to confirm , are you departing from Cambridge or another city ?",
+ "Ok wonderful , what will be your departure location ?",
+ "Where would you like to leave from ?",
+ "Where are you departing from ?",
+ "Where would you be departing from ?",
+ "Where will you be leaving from ?",
+ "Where will you be departing from ?",
+ "And can you tell me your departure site please ?",
+ "Where will you be departing from ?",
+ "Where is your departure from ?",
+ "Certainly , where will you be departing from ?",
+ "I 'd love to help ! Where are you departing from ?",
+ "I can help ! What time are you looking to depart ?",
+ "Sorry , I need an origination point to give you that information .",
+ "And where will you be departing from ?",
+ "Where will you be departing from ?",
+ "And where are you leaving from ?",
+ "Where are you leaving from ?",
+ "Where are you departing from ?",
+ "Where would you like to depart from ?",
+ "Certainly . Where are you departing from ?",
+ "I would be happy to help you find a train . Can you confirm where you will be departing from ?",
+ "Where would you like to depart from ?",
+ "Where will you be departing from ?",
+ "Okay , from where are you departing ?",
+ "And where will you be departing from ?",
+ "All right , and where would you like to depart from ?",
+ "What is your departing location ?",
+ "I can help you with that , where will you be departing from ?",
+ "yes i can where will you be departing from ?",
+ "From where will you be departing ?",
+ "Where are you leaving from ?",
+ "What is your departure site ?",
+ "where are you travelling from ?",
+ "Where are you leaving from , please ?",
+ "I ' m sure we can accommodate you . Where are you departing from ?",
+ "Where are you leaving from ?",
+ "And from which station will you be traveling ?",
+ "I can certainly find one for you . Can you tell me where you will be departing from ?",
+ "Where will you be departing from ?",
+ "From where to cambridge then ?",
+ "Where will you be departing from ?",
+ "Where will your departure site be ?",
+ "Where are you leaving from ?",
+ "There are many trains during that time , where are you leaving from ?",
+ "Where are you departing from ?",
+ "What departure site were you interested in ?",
+ "Where are you leaving from ?",
+ "Sure , I can do that for you . Where will you be departing from ?",
+ "Where you be departing from ?",
+ "Certainly . May I ask where you want to depart from ?",
+ "Could you tell me your location , which area of town or what business you are departing from ?",
+ "Where will your departure site be ?",
+ "Where will you be departing from ?",
+ "What city will you be departing from ?",
+ "Where would you be departing from ?",
+ "I can help with that , where will you be departing from ?",
+ "Where would you like to depart from ?",
+ "would you be leaving from cambridge ?",
+ "Where will you be leaving from ?",
+ "What is your desired destination ?",
+ "Where will you be departing from ?",
+ "And just to confirm you 'll be departing from cambridge ?",
+ "I 'd be glad to help you with that . From where will you be departing ?",
+ "Finding a train into the stansted airport will not be a problem . Do you have a departure point in mind ?",
+ "And where will you be leaving from ?",
+ "First , may I confirm that your departure site is Cambridge ?",
+ "Where will you be departing from ?",
+ "Sure . Where will you be leaving from ?",
+ "Sure I can help you with that . Where would you like to depart from ?",
+ "Where would you like to depart from ?",
+ "Where will you be departing from ?",
+ "Where are you traveling from ?",
+ "Where will you be departing from ?",
+ "There are many trains , when would you like to depart ?",
+ "Where will you be departing from ?",
+ "sure , where are you departing from ?",
+ "Where will you be departing from ?",
+ "Sure . Where will you be departing from ?",
+ "To help you better with your travel plans , where are you planning on departing from ?",
+ "Do you mean Kings Lynn station for your departure site ?",
+ "Okay , where are you departing from ?",
+ "I ' m sorry , but what is your departure station ?",
+ "Will you be leaving from Cambridge .",
+ "Will you be departing from cambridge ?",
+ "Where are you leaving from ?",
+ "Where would you be departing from ?",
+ "We have many trains to cambridge , where are you departing from ?",
+ "Where will you be departing from ?",
+ "Not a problem . What station will you be leaving from ?",
+ "I 'd love to help . Where are you departing from ?",
+ "No problem . Which station will you be departing from ?",
+ "Ok . and where are you departing from ?",
+ "Okay , I can help you with that . Where will you be departing from ?",
+ "Where do you wish to depart from ?",
+ "Certainly . Where will you be departing from ?",
+ "May I please have where you are departing from ?",
+ "Okay , great , and your location of departure ?",
+ "Please tell me what place you want to depart from ?",
+ "What is your departure site ?",
+ "Where will you be departing from ?",
+ "I would be happy to keep looking for you ! Before I do , can you please confirm the departure location for your travels ?",
+ "See where that train will be coming from . I mean where will you be leaving from ?",
+ "What station will you be departing from ?",
+ "That sounds like fun ! Will you be departing from Cambridge or somewhere else ?",
+ "Sure thing , where will you be departing from ?",
+ "Sure , departing from Cambridge ?",
+ "Where will you be departing from ?",
+ "Can you please give me your departure location ?",
+ "Sure . Where will you be leaving from ?",
+ "Okay , where are you departing from ?",
+ "Sorry , maybe I missed it . What station are you traveling from ?",
+ "Where will you be departing from ?",
+ "Where will you depart from ?",
+ "Where will you be departing from ?",
+ "Where will you be coming from ?",
+ "Where are you coming from ?",
+ "Are you departing from Cambridge ?",
+ "Where will you be departing from ?"
+ ],
+ "Arrive;Depart;": [
+ "Ok , where from and what time do you want to arrive by ?",
+ "Sure , arrival at the Cambridge station ? When are you traveling ?",
+ "Where will you be departing from and what time do you want to arrive on Friday ?",
+ "Where are you departing from ? And what time would you like to arrive ?",
+ "I 'd be happy to help with your request , to narrow it down where is your departure site and what time do you want to arrive ?",
+ "I can absolutely help ! Where are you departing from and when would you like to arrive ?",
+ "Please confirm you are leaving from Huntingdon and want to arrive at 21:00 .",
+ "Okay , and what departure or arrival time did you need for Thursday ?",
+ "Where will you be departing from and what time do you need to arrive in Cambridge ?",
+ "Sure . Where are you departing from and when did you want to arrive ?",
+ "There are many trains that meet your criteria . Would you like to narrow it down by departure site or arrival time ?",
+ "Where will you be departing from and what time would you like to arrive ?",
+ "What is your departure site and arrival time ?",
+ "Is that leaving from Cambridge ? And if so , what time would you like to arrive in Ely ?"
+ ],
+ "Depart;Dest;": [
+ "Sure , which stations will you be traveling between ?",
+ "Can you tell me what your departure city and destination are ?",
+ "Where are you traveling to and from ?",
+ "Where will you be departing from , and what is your destination ?",
+ "Very well . Where are you traveling from , and to where ?",
+ "I would be happy to help with that . Can you tell me the departure city and where you are going ?",
+ "Yes , when were you planing on visiting and from where ?",
+ "Where do you want to travel to and from ?",
+ "And what are your departure and arrival stations ?",
+ "Where are you traveling from and to ?",
+ "Absolutely . Let me start by asking you what your departure and destination locations will be ?",
+ "I can definitely help you with that . Which station will you be leaving from and arriving ?",
+ "Sure . Let me start by getting more information from you . What are your departure and destination cities ?",
+ "Absolutely . Let 's start by figuring out where you 'll be traveling from , and where your destination is .",
+ "Where are you bound , and where are you departing from ?",
+ "Absolutely ! To start , let me get more details . What are your desired departure and arrival cities ?",
+ "Sure , what stations are you traveling between ?",
+ "I 'd be happy to help . Are you departing from a specific station , or do you have a specific destination in mind ?",
+ "Please give me your departure site and your destination station .",
+ "I sure can ! I need some information to help find you the right one . Can you tell me where you are going to and where you are departing from ?",
+ "Certainly , where are you departing from and what is your destination please ?",
+ "Do n't worry , I should be able to help you . Do you know which station you 'll be leaving from or going to ?",
+ "I would love to help find you the perfect train ! Where will you be departing from and where will you be heading ?",
+ "Where will you be traveling to and from ?",
+ "Where will you be departing from and traveling to ?",
+ "In order to avoid confusion , you are wanting to leave from Cambridge or go to Cambridge ?",
+ "Where would you be departing from ? Also , where would you like to arrive ?",
+ "Where are you departing from , and arriving to ?",
+ "What are your departure and arrival stations ?",
+ "I can definitely help with that . First of all , may I ask where you will be leaving from and heading to ?",
+ "Certainly . Could you tell me where you 're departing from and traveling to ?",
+ "Sure ! What will be your departing and arriving locations ?",
+ "Where are you going to and from ?",
+ "Where would you be departing from and when would you like to leave ?",
+ "I 'd be happy to help ! Where are you coming from and where are you going ?",
+ "Okay , I can do that for you . What is your destination and where will you be departing from ?",
+ "Can you tell me your departure and destination locations please ?",
+ "Sure , which stations will you be traveling between ?",
+ "Absolutely . Where are you departing from , and where would you like to go ?",
+ "What are your departure and arrival destinations ?",
+ "What location will you be departing from and what location will you be arriving at ?",
+ "Sounds good , Where will you be arriving from and going to ?",
+ "I ' ve got the system ready for you , where will you be leaving from and arriving to ?",
+ "Where will you be departing from and traveling to ?",
+ "I 'll be happy to help with that . Can you tell me your departure and destination cities please ?",
+ "Where are you leaving from and going to ?",
+ "What is your departure site and destination ?",
+ "From where and to where will you travel ?",
+ "I sure can , which stations will you be traveling between ?",
+ "what will be your destination and where are you leaving ?",
+ "Definitely ! What are your departure and arrival stations ?",
+ "What will be your departure location and destination ?",
+ "Can you tell me where you will be departing from and heading to ?",
+ "Certainly , where would you like to depart from ? And what is your destination ?",
+ "Can you tell me your departure and destination cities please ?",
+ "Do n't worry , I should be able to help you . Do you know which station you 'll be leaving from or going to ?",
+ "Let 's start with where you are departing from and where you are going ?",
+ "Sure . Where are you departing from and where do you need to go ?",
+ "Did you have a departure site or destination in mind ?",
+ "Where are you traveling to and from ?",
+ "Sure , where are you leaving from and traveling to ?",
+ "Where are you departing from and what is your destination ?",
+ "I can certainly help you with that . What are your departure and arrival cities ?",
+ "And where will you be traveling to and from ?",
+ "What are your departure and arrival stations ?",
+ "Where are you leaving from and going to ?",
+ "I 'll be happy to assist you with that . Where would you like to depart from and go to ?",
+ "Can you tell me your destination and departure locations , please ?",
+ "And what are your departure and arrival stations ?",
+ "Absolutely ! Where will you be heading to and leaving from ?",
+ "I can help with that . What are your departure and destination choices ?",
+ "Certainly . What is your departure location and your arrival location ?",
+ "Where would you like to leave from , and where will you be going ?",
+ "I can help with that ! What are your departure and arrival stations ?",
+ "Please tell me your destination and departure site so that I can narrow down the options",
+ "I can help you find a train but first I need to know your departure and arrival station .",
+ "Where you travel to and from ?",
+ "Where will you be departing from and what 's your destination ?",
+ "We have dozens of trains . Where would you like to depart from and go to ?",
+ "I can assist you with that . Where are you travelling to and from ?",
+ "We can certainly arrange that . Can you tell me where you will be leaving from and where you would like to go ?",
+ "You earlier mentioned you need train information . Starting from what city and ending at what city ?",
+ "I ' m sorry , I do n't understand your response . Could you please verify from where you are leaving and where you are going ?",
+ "Can you please give me your departure and destination ?",
+ "I 'd be happy to help you with that . Where are you departure and arrival locations ?",
+ "I can look that up , but let me confirm first . Are you going from Peterborough to Cambridge or are you going to another city ?",
+ "Right . Do you know the departure and destination stations you want ?",
+ "I can help you with that ! First , can you tell me the desired departure and destination locations ?",
+ "Where will you be departing from and going to ?",
+ "Where will you travel to and from ?",
+ "Where are you leaving from and going to ?",
+ "Where are you leaving from and going to ?",
+ "Ok , and where will you be leaving from and heading to ?",
+ "Sure , which stations will you be using ?",
+ "That wo n't be a problem , can you tell me where you 're leaving from and traveling to ?",
+ "Certainly . Where are you going , and where would you like to depart from ?",
+ "Absolutely ! Where will the departure and destination points be ?",
+ "I can help with that ! What is your departure site and destination please ?",
+ "Can I have more information for the train you 're needing ? Where are you departing from and arriving to ?",
+ "I ' m going to need a little more information from you . Where will you be leaving from ? Where are you traveling to ?",
+ "Where are your departure and destination sites ?",
+ "Where are you going or coming from ?",
+ "Where will you want to be traveling to and from ?",
+ "between which areas will you be commuting ?",
+ "Certainly ! What are your departure and destination locations ?",
+ "Where will you be going to and from ?",
+ "Absolutely ! Do you have any particular train stations in mind ?",
+ "I certainly can . What are your departing and arriving stations ?",
+ "What is your destination and your departure ?",
+ "Sure , are you going to leicester , or to cambridge ? What is your departure site please ?",
+ "Yes . Are you departing or arriving in bishops stortford ?",
+ "Where will you be traveling from and to ?",
+ "What are your departure and arrival stations ?",
+ "Where are you departing from and what is your destination ?",
+ "No problem ! Where will you be departing from and where is the destination ?",
+ "What location will you depart from and where are you headed ?",
+ "Sure , which stations will you be departing from and arriving to ?",
+ "Sure , where are you departing from ? What is your destination ?",
+ "I also need your departure and arrival cities please .",
+ "Where will you be departing and what is your destination ?",
+ "Where will you travel to and from ?",
+ "What are your departure and destination cities ?",
+ "Where are you heading to and departing from please ?",
+ "Certainly , I can help you with that . Do you know what station you want to go to or leave from ?",
+ "Where would you like to travel from and to ?",
+ "What is your departure and arrival location , they can not both be cambridge .",
+ "And what are your departure and arrival stations ?",
+ "Where are you leaving from and going to ?",
+ "Okay , I can help you with that ! Where will you be departing from , and what is your destination ?",
+ "Can you tell me where you are going to and from please ?",
+ "I 'll be happy to help . Can you tell me where you are leaving from and where you are going ?",
+ "Can you tell me where you will be departing from and heading to ?",
+ "Certainly , where is your place of departure and arrival ?",
+ "Can you tell me where you are leaving from and going to ?",
+ "Please tell me what town are you departing from and what is your destination ?",
+ "Sure ! Where are you departing from and what is your destination ?",
+ "Where will you be departing from ? And what place would you like to go to ?",
+ "I am confused . Do you need a train leaving Cambridge and where is your destination ?",
+ "I can help with that . What are your arrival and departure stations ?",
+ "What will be your departure and arrival locations ?",
+ "Yes , can you tell where you are going and coming from please ?",
+ "Where are you going and where are you headed ?",
+ "Can you tell me where you want to depart from and want to go to ?",
+ "Where will you be traveling to and from ?",
+ "Where will you be departing ? And where is your destination ?",
+ "Yes , I need to know where you are leaving from and what city you will be going to ?",
+ "Certainly ! What are your departure and destination locations ?",
+ "Where are you traveling to and from ?",
+ "Where will you travel too and from ?",
+ "There are multiple trains available to you . Where are you departing from and what is your destination please ?",
+ "Sure , which stations will you be using ?",
+ "I can do that . When and where will you be catching the train ?",
+ "Where would you like to depart from and what is your desintation ?",
+ "From where would you like to catch the train and what is your destination ?",
+ "I need a departure are and destination please",
+ "Where will you be departing from , and what is your destination ?",
+ "Can you please give me your departure and destination , please ?",
+ "Where are you going and coming from ?",
+ "Okay , where you are leaving and where are you going ?",
+ "Sure ! What is your destination and departure preference ?",
+ "Where will you be departing from and what is your destination ?",
+ "Where will you be leaving from and traveling to ?",
+ "Certainly , but first I need to know where you are departing from and what your destination is .",
+ "OK , what station would you like to depart from and which station would you like to arrive at ?",
+ "Where are you traveling from and to ?",
+ "Which stations will you be using ?",
+ "Where are you departing from , and what is your destination ?",
+ "Where will you be departing and arriving from ?",
+ "Where are you departing from and where are you going ?",
+ "Can you tell me where you will be departing from and heading to , please ?",
+ "I 'll be glad to help you with that . Where would you like to leave from and arrive at ?",
+ "Okay , what is your departing and destination location ?",
+ "where are you leaving from and where is your destination ?",
+ "Where would you like to depart and arrive ?",
+ "I can help you with that . What are your departing and arrival stations ?",
+ "Just to clarify , are you leaving Cambridge , or coming into Cambridge ?",
+ "We can help you look up for a specific schedule if you can supply to us your Departure point and Destination as well .",
+ "I 'd be happy to help you with that . Can you tell me your departure location and where you are headed to ?",
+ "Of course , where would you like to travel to , and where will you be leaving from ?",
+ "Where are you leaving from and where are you going to ?",
+ "I 'll be glad to help with that . Where would you like to depart from and arrive at ?",
+ "Can you tell me where you are leaving from and where you are headed to ?",
+ "No problem . Where is your departure area and destination ?",
+ "And where you you like to leave from and go to ?",
+ "I 'd be happy to help you find a train . Where would you be departing from and where would we be going to ?",
+ "Where are you departing from and where is your destination ?",
+ "We have many trains I can book for you . Where are you departing from and going to ?",
+ "I think we may need to recheck your intended arrival location . To where and from where do you wish to travel ?",
+ "Got a destination or departure site in mind ?",
+ "I can find a train for you ! What is your preferred point of departure and where would you be going ?",
+ "Could you please repeat your destination and departure sites for clarification ?",
+ "Departure location and destination , please ?",
+ "I can help with that . Can you tell me where you will be departing from and heading to ?",
+ "Could you please clarify your departure location and arrival destination ?",
+ "Let me check the train again if you give me the departure and arrival city again .",
+ "Okay , where are you headed and where are you departing from ?",
+ "Okay ! From where to where ?",
+ "I can definitely help you with that . Can you give me more information , like your departure and destination preferences ?",
+ "Can you please tell me your departure and destination locations ?",
+ "I can help you with that . Where will be departing and where do you want to go ?",
+ "Yes , where will you be leaving from and going to ?",
+ "Ok , and where will you be leaving from and heading to ?",
+ "Yes I would be happy to help you . Where will you be departing from and what is your destination ?",
+ "Where are you leaving from and going on thursday ?",
+ "I can help you narrow your search if you give me your departure site and your destination ?",
+ "I can definitely assist you , where will you be leaving from and arriving to ?",
+ "Sorry , I ' m confused - are you leaving from Cambridge or is Cambridge your destination ? If it is your destination , what is your departure site ?",
+ "I would be more than happy to help you find a train . Can you tell me where you will be departing from and where you would like to go ?",
+ "Sure ! Where are you departing from and what is your destination ?",
+ "Sure ! What is your departure area and your destination ?",
+ "Where are you traveling from and to on that day ?",
+ "Where will you be traveling from and to ?",
+ "Where are you leaving from and where would you like to go ?",
+ "What is your departure and destination locations ?",
+ "Can you give me departure and destination locations , please ?",
+ "From where to where ?",
+ "I sure can . Which stations will you be using ?",
+ "I certainly can . Which departure and destination did you have in mind ?",
+ "Where would you like to depart from and where do you want to arrive at ?",
+ "What are your departure and destination sites ?",
+ "From where to where ?",
+ "Are you departing or arriving to Cambridge ? And can you also tell me the other destination .",
+ "Okay , where will you be departing from and what is your destination please",
+ "Sure ! I 'll need your departure site and destination please ?",
+ "Where do you want to travel to and from ?",
+ "Ok , let 's narrow this down a bit . Where would you like to depart from and where are you going ?",
+ "Okay- from where to where ?",
+ "I need more information . Where will you be departing from , and what is your destination ?",
+ "First I need a little more information to find something that will suit your needs . What are your departure and arrival destinations ?",
+ "I will need to know your departure and destination before reserving .",
+ "Ok , I am getting the systems up , where will you be going to and arriving from ?",
+ "Could you tell me where you are leaving from and want to arrive at?Thank you .",
+ "Alright , could you provide me with your departure and destination locations ?",
+ "Where will you be leaving from and what is your destination ?",
+ "Certainly , where would you like to depart from , and what is your destination ?",
+ "I 'll be happy to help with that . Where would you like to depart from and where would you like to go ?",
+ "Sure , where are you departing from and going to ?",
+ "I can help with that . What are your departure and arrival stations please ?",
+ "Could you give me a little more information ? Where will you be traveling to and from ?",
+ "What are your departure and arrival stations ?",
+ "What are your departure and destination sites ?",
+ "Where will you be traveling from and to ?",
+ "Where are you traveling to and from ?",
+ "May I get your departure and destination information please ?",
+ "Where are you traveling to and from ?",
+ "Where are you departing from and what is your destination ?",
+ "I need to narrow this down a bit . Where will you be departing from and where will be your destination ?",
+ "Wonderful , I can help you . Could you help me by telling me where you 're departing from , and where you 'd like to arrive ?",
+ "Sure , Are you leaving , or going to london kings cross ?",
+ "Where are you departing from ? And where would you like to go ?",
+ "Where will you be departing from ? And where is your destination ?",
+ "Where will you be traveling from and to ?",
+ "Sure , but do you mean the train is leaving cambridge ? if so where would you like to go ?",
+ "Where will you be leaving from and going to ?",
+ "I can absolutely help you with that ! Can you please tell me where you will be departing from and the destination ?",
+ "Where are you departing from , and what is your destination ?",
+ "Where is your departure and destination ?",
+ "Certainly . Can you please tell me the location you are departing from and where you would like to go ?",
+ "I 'd be happy to help . Let 's start with a few questions ; which station would you like to depart from and where would you like to go ?",
+ "Where would you like to leave from and go to ?",
+ "Yes of course , can I get information on your departure and arrival locations ?",
+ "Could you tell me your departure site and destination ?",
+ "Okay , I am happy to help with that . Can you tell me your destination and where you 'll be departing from ?",
+ "I ' m happy to help ! Could you let me know where you would like to depart from and what your destination is ?",
+ "You 're leaving from cambridge going to cambridge ?",
+ "Sure thing where will you be traveling from and to ?",
+ "I can definitely help with that . Where will you be traveling from / to ?",
+ "What are your departure and destination sites ?",
+ "Where will you go to and from ?",
+ "What is your destination and departure location ?",
+ "Where is your departure and destination ?",
+ "Can you give me a departure and arrival station ?",
+ "Where are you leaving from and traveling to ?",
+ "Yes , I can help you . What station will you be leaving from and what is your destination ?",
+ "We can help you look up for a specific schedule if you can supply to us your Departure point and Destination as well .",
+ "Can you tell me where you will be departing from and where you are heading to ?",
+ "Are you looking for a train to bring you to Cambridge ? Where are you departing from ?",
+ "I 'd be glad to help . But I will need a departure site and a destination .",
+ "I can help with that . From where are you departing and to where are you going ?",
+ "Where will you be travelling to and from ?",
+ "I can help with that . Where are you departing from , and where is your destination ?",
+ "What 's your to and from location ?",
+ "I ' m sure we can find your perfect train for you . What are your departure and arrival locations ?",
+ "Are you leaving Cambridge or going to Cambridge ? Better yet , what is your departure city and destination ?",
+ "And what are your departure and arrival stations ?",
+ "Okay ! From where to where ?",
+ "Sure , which stations are you traveling between ?",
+ "And where do you want to travel to and from ?",
+ "Okay , what is your destination and arrival preference ?",
+ "Where are you leaving and arriving from ?",
+ "I can help you with that , but first , I 'll need more info . What are your departure and arrival locations ?",
+ "Where will you be traveling to and from ?",
+ "I need more information on the destination and the departure , please .",
+ "Where are you leaving from and going to ?",
+ "I just need your destination and where you are leaving from please .",
+ "Alright , departure and destination ?",
+ "Where are you departing from and where would you like to go ?",
+ "Can we narrow it down by choosing where you want to depart and arrive ?",
+ "I am sorry , would you like to go to or from Cambridge ?",
+ "What is your departure site and your destination ?",
+ "Sure , which stations will you be using ?",
+ "I would be happy to help if I have some more information . What are the departure and destination locations ?",
+ "OK , from where to where do you need a train ?",
+ "I can help with that , too . Where are you departing from and where are you going , please ?",
+ "Sure , What stations will you be using ?",
+ "Where are you departing from and what is your destination ?",
+ "Where are you departing from and headed to ?",
+ "Sure , what 's the departure and destination .",
+ "Where will you be departing from and where will you be arriving ?",
+ "Where are you departing from and what is your destination ?",
+ "I 'd like to confirm that you want a train leaving Cambridge and arriving at Peterborough .",
+ "Where will you be departing from and traveling to ?",
+ "What are your departure and destination locations ?",
+ "Sure . Where will you be departing from and arriving at ?",
+ "Alright , where will you be leaving from , or where are you heading ?",
+ "Of course . Where are you traveling from and what is your destination ?",
+ "Yes , there are a lot of options . Do you know what station you 'd like to travel in to or out of ?",
+ "I 'd be happy to help with your request , first I will need to know where will you be departing / arriving ?",
+ "Where will you be departing from , and do you have a destination in mind ?"
+ ],
+ "Day;Leave;": [
+ "Is there a specific day and time you would like to travel at ?",
+ "OK , any date or time preferences ?",
+ "What day and time do you want to leave Stevenage ?",
+ "Absolutely ! What day and time would you like to leave ?",
+ "Okay what day and time would you like to travel ?",
+ "I am able to book you a train that 's on that route but I need to know what day and time you need the train .",
+ "What day and approximately what time will you be traveling to Cambridge ?",
+ "Do you have a specific time frame in mind ?",
+ "I can help with that . What is the date and time you would like to leave ?",
+ "What time do you need to depart and on what day ?",
+ "There are many trains . What day and what time ?",
+ "I have all of the available trains on that route this week listed , any preference on date and time ?",
+ "What day and time would you like to travel ?",
+ "Do you know when you will be traveling ?",
+ "Certainly . What day and time would you like to travel on ?",
+ "What day and time would you like to travel ?",
+ "Yes , what day and time would you like to travel ?",
+ "What is your departure day and time ?",
+ "What day will you be travelling and is there a certain time you would like to leave ?",
+ "What day and time would you like to depart ?",
+ "Great , what day and time do you prefer ?",
+ "What day and time would you like to travel ?",
+ "What day and around what time would you prefer to depart ?",
+ "Great , what day would you like your train for ? Also , would you like to leave by a certain time ?",
+ "What is your departure day and time ?",
+ "OKay , what day and time are you looking to leave ?",
+ "When will you be traveling ?",
+ "What day and time will you be traveling on ?",
+ "Yes , what day and time will you be travelling ?",
+ "And when will you be needing to travel ?",
+ "Sure , I can help with that . What day and time would you like to leave ?",
+ "When are you traveling ?",
+ "Okay ! When do you want to depart ?",
+ "Sure , what day and time would you like me to find out about ?",
+ "OK , what day and time do you need to travel ?",
+ "Sure , what date and time would you like to travel ?",
+ "What day and time would you like to travel ?",
+ "On what day and time do you need to go there ?",
+ "What day and time would you like to leave for London Liverpool Street ?",
+ "What is your departure day and time ?",
+ "What do and time and do want to leave ?",
+ "What day and departure time do you prefer ?",
+ "At the train station of course , what date and time would you need to leave ?",
+ "What day will you be departing and time ?",
+ "What day and time would you like to leave ?",
+ "What day and time are you leaving Cambridge ?",
+ "Do you know what day or time you want to leave ?",
+ "What day and time are you planning to leave ?",
+ "What day will you be departing and time ?",
+ "What day and time do you want to depart ?",
+ "What day and time do you want to travel ?",
+ "What is your departure day and time ?",
+ "What day and time time will you be travelling ?",
+ "/What day and time ?",
+ "Did you have a date or time in mind ?",
+ "What day and time will you be departing ?",
+ "What day and time are you wanting to travel ?",
+ "Great . What day and time do you want to travel ?",
+ "Did you have a date or time in mind ?",
+ "Sure thing - what day are you traveling , and at what time ?",
+ "Could you tell me the day you will be traveling , and the time you would like to leave ?",
+ "What day are you leaving and what time to you want to depart ?",
+ "What day and time do you want to leave bishops stortford ?",
+ "Sure ! What day and time would you like to travel ?",
+ "What day and time would you like to travel ?",
+ "I need more information from you . What day will you be traveling and what time do you want to leave ?",
+ "Yes , there are ! Would you like info on a particular day and time frame ?",
+ "I 'd be happy to help with that . What day and time are you traveling ?",
+ "Certainly . When would you like to depart ?",
+ "Okay what day will you be travelling and what time would you like to travel ?",
+ "What day do you want to depart and what time do you want to leave from stevenage ?",
+ "Certainly ! What day and time would you like to travel ?",
+ "I have the listings up for you , what date and time will you need that train ?",
+ "Of course ! When would you like to travel ?",
+ "Yes , I can . Do you have a day and time in mind ?",
+ "What day and time would you like to depart ?",
+ "When would you like to depart ?",
+ "please help me with more details on the time",
+ "One what day and what time ?",
+ "Okay , what day and time would you like to travel ?",
+ "What day did you want to travel and did you have a time you preferred to leave ?",
+ "To narrow down the results , please tell me what day and time you would like to depart .",
+ "I 'd be happy to . Do you have a specific date and time for your departure ?",
+ "What day and time would you like to travel ?",
+ "What day and time would you like to travel ?",
+ "When would you like to travel ?",
+ "There are trains departing every hour . If you can provide me with the day and time you would like to travel , I ' m sure we can find something fitting your needs .",
+ "What day and time would you like to take the train ?",
+ "What date and time would you like to depart ?",
+ "There are quite a few . Can you tell me what day and time you 'd like to travel so I can narrow it down ?",
+ "What is your departure day and time ?",
+ "I can find you a train . What day and time would you like to travel ?",
+ "Yes I can . First I need more information on the day and the time please",
+ "What day and time would you like to leave ?",
+ "OK - what day and time do you want to travel ?",
+ "What day would you like to travel and do you have a specific departure time in mind ?",
+ "Great , what day and time would you like to leave ?",
+ "What day and time would you like to leave ?",
+ "No problem . What day will you be leaving , and is there a particular time you would like to board ?",
+ "What day and time are you looking to travel ?",
+ "OK , what day are you traveling , and at what time ?",
+ "What day would you like to travel and when do you want to leave ?",
+ "What day and time will you be leaving ?",
+ "Is there a date and time that you would prefer ?",
+ "I can help you with that , when will you be traveling ?",
+ "What day and time would you like to travel ?",
+ "What is your departure day and time ?",
+ "Since this is the cambridge help desk , I assumed that , I really need the date and time to get you booked .",
+ "Sure , what day would you like to travel and is there a certain time you want to leave ?",
+ "OK , do you know what day and time you 're traveling ?",
+ "What day and time will you need this train ?",
+ "Which day and time would you like this for ?",
+ "What day and time ?",
+ "What day and time ?",
+ "It looks like trains run along that route every hour . Is there a certain day and time you 'd like to know about ?",
+ "I can absolutely help you , but let 's get some more information so we can book your ticket . What day and time would you like to leave ?",
+ "Which day & what time are you heading to the airport ?",
+ "What day and what time ?",
+ "What day and time would you like to travel ?",
+ "okay what day will you be traveling and when would you like to leave ?",
+ "I am happy to assist you , what date and time will you need ?",
+ "Sure , when will you be traveling ?",
+ "Is there a specific day and time you are looking to depart ?",
+ "OK , what is your travel day , and what time do you need to travel ?",
+ "I 'd be happy to help with your request , can you be more specific on the day you 're travelling and what time you 'd like to depart ?",
+ "Is this for a Train ? If so could you provide me with a day and/or time you are looking for ?",
+ "What day would you like to travel , and at what time do you want to leave ?",
+ "Please give me your day and time of departure to help me to narrow down to a suitable result .",
+ "OK , I have some information for you , will that also be on saturday and what time ?",
+ "I can help with that . What day and time were you looking to depart ?",
+ "What day and time will you be leaving ?",
+ "OK , that I can do ! What day and time are you traveling ?",
+ "Greetings , What day and time do you need a train for ?",
+ "What day and time would you like to travel ?",
+ "What day and time would you like to travel .",
+ "What day and time do you want to leave ?",
+ "I can help you with that . What is the date and time you need to travel ?",
+ "There are several what day and time would you like to leave ?",
+ "What day and time are you planning on traveling ?",
+ "Sure , when will you be traveling ?",
+ "What day and time are you looking at ? I can help you find a train if I know that .",
+ "What day would you like to travel and when would you want to leave ?",
+ "Definitely . When were you wanting to travel ?",
+ "I m getting the info up now , what date and time ?",
+ "What day would you like to travel ? And do you have a preference for time of day ?",
+ "What day do you need it for ? When do you want to depart by ?",
+ "What day and time are you thinking of leaving ?",
+ "Yes , I can help you . What day and time would you like to travel ?",
+ "could you be a little more specific please ; what day do you want to leave , and when do you want to leave ?",
+ "Ok , just tell me what day and time and I will be able to tell you what is available .",
+ "Could you tell me what day and time you are wanting to leave ?",
+ "What day and time do you need to travel ?",
+ "What day and time would you like to travel ?",
+ "On what day and time could you like to travel ?",
+ "I can find you quite a few trains for your trip . On what day will you be traveling , and at what time would you like to depart ?",
+ "What day would you like to travel , and at what time ?",
+ "What day and time would you like to leave ?"
+ ],
+ "Leave;": [
+ "Sorry about that , what time would you like to depart ?",
+ "Sure , when would you like to travel ?",
+ "Is there a certain time you are wanting to leave ?",
+ "When would you like to leave by ?",
+ "Wonderful , I can help you . What time on Sunday would you like to depart ?",
+ "Any departure time in mind ?",
+ "Okay ! When would you like the train to depart ?",
+ "ok , what time do you want to depart ?",
+ "And when would you like to leave by ?",
+ "Alright , what time would you like to leave ?",
+ "Do you have a time you 'd like to leave by ?",
+ "Sure , when would you like to leave by ?",
+ "Sure , I have a number of options for you . What time would you like to leave ?",
+ "Yes I can what time are you wanting to leave by ?",
+ "What time are you planning to leave ?",
+ "Is there a time you would like to leave by ?",
+ "What is the earliest you would be like to leave by ?",
+ "Yes it is . Do you have a preferred time of departure ?",
+ "There are many trains each day that run between Leicester and Cambridge . What time would you like to travel ?",
+ "I am more than happy to help , do you have a time in mind ?",
+ "Do you have a specific time you would like to leave that day ?",
+ "Is there a time you would like to leave after ?",
+ "To help narrow down the choices , what time would you like to depart at ?",
+ "When would you like to leave ?",
+ "What time would you like to leave ?",
+ "And what time were you looking to depart ?",
+ "What time could you like to depart at ?",
+ "What time will you be leaving ?",
+ "Could you please clarify the time that you could like to leave ?",
+ "Do you have a specific time frame in mind ?",
+ "What time would you like to leave by ?",
+ "Very well . What time would you like to leave ?",
+ "There are no trains that arrive at 20:21 . Did you mean the train that leaves at 20:21 ?",
+ "What time will you be traveling ?",
+ "There are several trains that day , is there a certain time you 'd like to leave by ?",
+ "Is there a time in your mind for leaving ?",
+ "I have several for Tuesday . What time were you looking for ?",
+ "I see several options , all leaving on Friday . Is there a time you prefer to leave at ?",
+ "What time are you looking to depart ?",
+ "What time would you like to depart ?",
+ "Do you have a preference in departure time ?",
+ "What time would you like to leave ?",
+ "What time do you need to depart ?",
+ "What time are you leaving ?",
+ "what time will you be departing ?",
+ "I should be asking you what time you need to be at the station .",
+ "Is there a time you would like to leave by ?",
+ "What is the earliest you would be like to leave by ?",
+ "What time do you want to depart ?",
+ "Sure . What time are you looking to leave ?",
+ "Certainly - what time are you traveling ?",
+ "Do you have a certain time you would like to leave ?",
+ "Sure . What time would you like to travel ?",
+ "Ok . When were you looking to leave ?",
+ "What time would you like to travel ?",
+ "Is there a time you would like to be picked up by ?",
+ "What time do you wish to leave ?",
+ "Sure , I can help you with that . When were you looking to leave ?",
+ "What time would you like to leave ?",
+ "What time do you plan to leave Cambridge ?",
+ "What time do you need to leave ?",
+ "What time would you like the train for ?",
+ "Is there a time you would like to leave ?",
+ "And what time would you like to travel on monday ?",
+ "What time would you like to leave ?",
+ "What time do you need to depart ?",
+ "Thanks for that information . What time you would like to leave ?",
+ "What time do you need to depart ?",
+ "What time would you like to leave ?",
+ "What time would you like to depart ?",
+ "OKay , what time are you going to depart ?",
+ "What time will you be departing ?",
+ "Very well . What time would you like to depart ?",
+ "And what time would you like to leave ?",
+ "Is there a certain time of day you would like to travel ?",
+ "Is there a particular time you would like to leave by ?",
+ "When would you like to depart ? You can select any hour between 05:01 and 18:01 .",
+ "And what time would you prefer to leave ?",
+ "What time would you like to leave at ?",
+ "What time would you like to leave ?",
+ "please specify the time for departure",
+ "Sure , I can help you with that . First , let 's find the train . How early would you like to leave ?",
+ "Yes I can what time are you wanting to leave by ?",
+ "Do yo have a preferred time to leave ?",
+ "There area a number of departures on Monday starting at 5:11 in the morning . Was there a particular time of day you wanted to depart ?",
+ "When would you like to leave ?",
+ "What time would you like to leave ?",
+ "I can find that train for you . What time would you like to depart ?",
+ "Is there a particular time you 'd like to leave ?",
+ "Is there a certain time you would like to leave ?",
+ "Okay , what time do you want to leave ?",
+ "What time would you like to leave ?",
+ "What time would you like to depart Peterborough ?",
+ "Ok , when would you like to leave and what time would you like to leave at ?",
+ "What time would you like to leave by",
+ "what time is best for you ?",
+ "I would be more than happy to help you with that . What time are you leaving ?",
+ "When would you like to leave at ?",
+ "What time would you like to travel ?",
+ "and what time do you need to leave ?",
+ "what time do you want to leave ?",
+ "what time should the train leave",
+ "Is there a time you want to leave after ?",
+ "What time would you like to leave by ?",
+ "Sure , what time would you like to leave ?",
+ "What time would you like to travel ?",
+ "When would you like to leave ?",
+ "Do you want the earliest train ?",
+ "Alright , when would you like to leave by ?",
+ "Do you have a particular time you would like to travel ?",
+ "Do you have a time you would like to travel ?",
+ "What time would you like to go ?",
+ "Thanks for that information . What time you would like to leave ?",
+ "What time do you want to leave by ?",
+ "What time on Thursday would you like to travel ?",
+ "Okay and what time would you like to leave ?",
+ "What time would you like to leave by ?",
+ "Is there a certain time you would like to leave ?",
+ "Okay , and what time would you like the ticket for ?",
+ "And what time ?",
+ "Alright and when would you like to leave by ?",
+ "What time would you like the train to leave ?",
+ "Is there a time you would like to leave by ?",
+ "Is there a time you need to leave by ?",
+ "What time would you like to leave ?",
+ "Is there a certain time on Friday ?",
+ "And when would you like to leave by ?",
+ "Is there a time you would like to leave by ?",
+ "what time do you need to leave by ?",
+ "What time would you like to depart from Stansted airport ?",
+ "Yes , when would you like to leave ?",
+ "Do you have a certian time of day ?",
+ "Sure , I can help you with that . When would you like to travel ?",
+ "What time would you like to leave ?",
+ "Okay , what time would you like to leave ?",
+ "what time should it depart ?",
+ "What time would you like to leave ?",
+ "What time would you like to depart ?",
+ "Are you leaving in the morning or the evening ?",
+ "I have several trains that fit that description . What time would you like to travel ?",
+ "Is there a time you need to leave after ?",
+ "Yes . What time will you be departing ?",
+ "What time would you like to leave ?",
+ "Okay , there are many departures on Monday , is there a certain time of departure you had in mind ?",
+ "I can try to find something for you in the morning . Do you have a more specific time in mind ?",
+ "What time will you be traveling ?",
+ "Is there a certain time you would like to leave Norwich by ?",
+ "What time would you like to leave at ?",
+ "I am seeing several options for you . Do you have a preferred departure time ?",
+ "What time do you need to leave by ?",
+ "Is there a time you would like to leave ?",
+ "Is there a time you would like to leave by ?",
+ "What time would you like to depart ?",
+ "What time would you like to leave ?",
+ "What time will you be departing ?",
+ "At what time do you want to leave ?",
+ "Is there a particular time you would like to leave ?",
+ "Could you please specify a precise time you would like to leave .",
+ "What time did you want to travel ?",
+ "Sure , when would you like to depart ?",
+ "What time do you need to depart by ?",
+ "Great , what time are you thinking ?",
+ "Would you like to leave at 19:00 ?",
+ "What time would you like to leave on ?",
+ "Sure thing , when will you be departing ?",
+ "And what time would you like to depart ?",
+ "I ' m sorry it looks like there was a typo in the time you 'd like to depart , could you confirm your departure time again please ?",
+ "What time do you want to depart ?",
+ "Is there a time you would like to leave by ?",
+ "Of course ! When would you like to travel ?",
+ "What time will you be traveling ?",
+ "OKay is there a certain time you want to leave ?",
+ "Do you have time travel preference ?",
+ "OK , and what time will you be traveling ?",
+ "I have a lot of options for you , was there a specific time you wanted to leave the Stansted Airport ?",
+ "What time would you like to leave around ?",
+ "Would you like an early morning departure ? Or is there a more convenient departure time for you ?",
+ "At what time do you want to travel ?",
+ "Sure what time would you like to travel ?",
+ "What time would you like to leave by ?",
+ "What time do you need to leave by ?",
+ "I have several trains available arriving by that time . What time would you like to leave ?",
+ "Can I please get the time ?",
+ "What time are you looking to leave by ?",
+ "What time will yiu be leaving ?",
+ "When would you like to leave ?",
+ "Is there a time you want to leave by ?",
+ "Okay thank you . What time would you like to leave ?",
+ "Okay , what time do you need to leave by ?",
+ "When would you like to leave at ?",
+ "Sure . What time would you like to depart ?",
+ "Is there a certain time you would like to leave ?",
+ "What time would you like to leave ?",
+ "What time would you like to leave ?",
+ "No problem ! What time would you like to leeave by ?",
+ "What time would you like your train to depart ?",
+ "Alright when would you like to leave by ?",
+ "Okay , and what time do you want to leave ?",
+ "Did you have a time you want to leave ?",
+ "What time would you like to leave ?",
+ "What time do you want to leave ?",
+ "Great , what time do you have in mind ?",
+ "What time do you need to travel to Ely ?",
+ "What time are you looking to leave ? Morning , Afternoon or Evening ?",
+ "Sorry about the confusion on that , what time would you like to depart ?",
+ "I can help you with that . Do you have a time preference ?",
+ "What time would you like to leave by ?",
+ "Certainly . When would you like to depart ?",
+ "ok , what time do you want to depart ?",
+ "What time would you like to leave ?",
+ "Okay and when would you like to leave ?",
+ "What time would you like to leave Broxbourne ?",
+ "What time would you like the train to be for ?",
+ "What time would you prefer ?",
+ "Do you have a particular time you would like to leave ?",
+ "What time of day would you like to leave ?",
+ "Do you have a time you 'd like to leave ?",
+ "Is that 9:30 AM or PM ?",
+ "What time do you need to leave on Saturday ?",
+ "What time would you like to leave by ?",
+ "Do you have a time you would like to leave ?",
+ "I can try to find something for you in the morning . Do you have a more specific time in mind ?",
+ "What time would you like to leave by ?",
+ "There are many trains . Do you have a preference for departure time ?",
+ "Is there any specific time you would like to leave ?",
+ "Anytime you prefer to leave ?",
+ "Is there a time you would like to leave by ?",
+ "When would you like to leave at ?",
+ "What time would you like to depart ?",
+ "Okay and what time would you like to travel ?",
+ "There are trains to Birminghan New street through out the day . What time would you like to leave ?",
+ "Do you have a departure time you 'd like ?",
+ "I have several choices , do you have a time for your departure ?",
+ "OKay , is there a certain time you need to leave ?",
+ "What time do you want to depart ?",
+ "Is there a time you would like to leave ?",
+ "What time do you need to travel ?",
+ "I can help with that . What time did you need to travel ?",
+ "Of course . When would you like to leave by ?",
+ "What time you like to leave ?",
+ "Ok , I am getting the information up now , do you have a time in mind ?",
+ "What time would you like to depart ?",
+ "What time would you like to leave around ?",
+ "What time would you like to leave ?",
+ "There are trains that leave at 9 minutes past the hour , every hour , all morning . What time would you like to leave ?",
+ "Alright and when would you want to leave by ?",
+ "What time would you like to leave by ?",
+ "What time would you like to travel ?",
+ "What time were you wanting to leave around ?",
+ "What time would you like to leave ?",
+ "Sure , when would you like to leave ?",
+ "Okay when would you like to leave by ?",
+ "Sure ! What time would you like to leave at ?",
+ "What time would you like to leave ?",
+ "Okay , and what time would you like to leave ?",
+ "What time are you looking to leave ?",
+ "When do you want to leave London Kings Cross ?",
+ "Sure , I can definitely help you with that . When were you wanting to depart ?",
+ "Of course . When would you like to leave ?",
+ "Any specifics on departure time ?",
+ "What time will your departure be ?",
+ "When are you leaving ?",
+ "I ' m apologize but before I can provide a train number I need to know what time you would like to depart .",
+ "what will be your departure time ?"
+ ],
+ "Arrive;": [
+ "Is there a time you would prefer to arrive ?",
+ "What time would you like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "What time do you need to arrive ?",
+ "What time do you want to arrive by ?",
+ "Great ! When would you like to arrive in Cambridge ?",
+ "Do you have an arrival time in mind ?",
+ "Is there a time you would like to arrive by ?",
+ "Is there a time you would like to get there by ?",
+ "Is there a time you need to arrive by ?",
+ "What time would you like to arrive by ?",
+ "Do you need to arrive by a certain time ?",
+ "When do you want to arrive by ?",
+ "When could you like to arrive ?",
+ "Is there a time you would like to arrive by ?",
+ "Is there a particular time you would like to arrive by ?",
+ "Thanks for that information . Is there a time you would like to arrive by ?",
+ "What time would you like to arrive at your destination ?",
+ "What time would you like to arrive by ?",
+ "What time do you need to arrive by ?",
+ "There are several trains to Broxbourne on that day . Do you have a certain time that you need to arrive by ?",
+ "Do you have a specific time you need to arrive by ?",
+ "Is there a certain time that you would like to arrive ?",
+ "sure , do you know what time you want to arrive ?",
+ "When would you like to arrive by ?",
+ "Do you have a time that you could like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "Is there a certain time you need to arrive by ?",
+ "Is there a certain time you would like to arrive in cambridge ?",
+ "What time would you like to arrive by ?",
+ "Thanks for that information . Is there a time you would like to arrive by ?",
+ "Do you have a time that you could like to arrive by ?",
+ "Is there a time you need to arrive by ?",
+ "Is there a time you would like to arrive before ?",
+ "Do you have a preference for arrival time ?",
+ "Sure , what time do you need to get into Norwich by ?",
+ "Is there a time you need to arrive by ?",
+ "Can I get a time you would like to arrive by ?",
+ "Is there a certain time you need to arrive by ?",
+ "Is there a time you would like to arrive by ?",
+ "Is there a time you would like to arrive by ?",
+ "When would you like to arrive by ?",
+ "What time could you like to arrive by ?",
+ "Thanks for that information . Is there a time you would like to arrive by ?",
+ "Is there a time you would like to arrive by ?",
+ "Thanks for that information . Is there a time you would like to arrive by ?",
+ "For an arrival of what time ?",
+ "What time do you need to be there by ? Is it 13:00 ?",
+ "When would you like to arrive by ?",
+ "Great ! And when would you like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "What is your preferred arrival time ?",
+ "Do you need to arrive by a certain time ?",
+ "Sure , when would you like to arrive by ?",
+ "What time do you need to arrive by ?",
+ "Is there a certain time that you would like to arrive ?",
+ "Sure , what time would you like to arrive ?",
+ "Is there a time you would like to arrive by ?",
+ "What time do you need to arrive ?",
+ "Is there a time you would like to arrive by ?",
+ "What time do you want to arrive by ?",
+ "Is there a time you need to arrive by ?",
+ "Is there a specific time you need to arrive by ?",
+ "Is there a time you would like to get there by ?",
+ "Do you have a specific arrival time you need .",
+ "Is there a certain time you need to arrive by ?",
+ "Is there a certain time you need to arrive by . I have several options .",
+ "What time would you like to arrive by ?",
+ "What time would you like to arrive in Cambridge ?",
+ "what time is your arrival ?",
+ "What time are you looking to arrive ?",
+ "Okay and what time would you like to arrive ?",
+ "What time do you need to arrive by ?",
+ "Do you have a time that you want to arrive by ?",
+ "Is there a time you need to arrive by ?",
+ "What time on Monday would you need to arrive in birmingham new street ?",
+ "When could you like to arrive by ?",
+ "I have trains leaving to there , what time would you like to arrive by ?",
+ "When would you like to arrive ?",
+ "When could you like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "Okay , is there a certain time you need to arrive by ?",
+ "Do you have a certain time you need to arrive by ?",
+ "There are several trains matching your criteria . Is there a specific time you would like to arrive by ?",
+ "What time would you like to arrive by ?",
+ "what time do you want to arrive ?",
+ "When would you like to arrive by ?",
+ "When would you like to arrive ?",
+ "What time would you like to arrive ?",
+ "What time would you like to arrive in Cambridge ?",
+ "Certainly . What time do you need to be in Cambridge ?",
+ "We have several . Do you have a preferred arrival time ?",
+ "What time would you need it to arrive ?",
+ "Not a problem . What time do you want to arrive by ?",
+ "What time do you want to arrive by ?",
+ "Could you please confirm if you need to arrive by any particular time ?",
+ "Are you wanting to arrive in Peterborough by a certain time ?",
+ "Is there a time you need to arrive by ?",
+ "When would you like to arrive ?",
+ "The trains I have showing have many different schedules . What time would you like it to arrive by ?",
+ "When would you like to arrive in Cambridge on Monday ?",
+ "Sure , what time will you need to arrive in Cambridge ?",
+ "Do you have an arrival time in mind ?",
+ "Any arrival time in mind ?",
+ "Is there a time you need to arrive by ?",
+ "at what time should the train arrive ?",
+ "Is there a time you would liek to arrive by ?",
+ "Is there a time you need to arrive by ?",
+ "What time do you need to arrive by ?",
+ "What time would you like to arrive ?",
+ "What time do you need to arrive by ?",
+ "what time do you need to arrive by ?",
+ "Absolutely ! What time do you need to arrive by ?",
+ "Is there a time you would like to arrive by ?",
+ "I have several , is there an arrival time you prefer ?",
+ "What time do you need to arrive ?",
+ "What time do you need to arrive ?",
+ "Is there a time you need to arrive by ?"
+ ],
+ "Day;Depart;": [
+ "Where will you be departing from and what day would you like to travel ?",
+ "Where are you departing from and what day are you traveling ?",
+ "Can I ask where you 're departing from and what day ?",
+ "Yes , I can help with that . What day will you be leaving and where are you departing from ?",
+ "Sure , where are you departing from and what day ?",
+ "I can help with that . What day will you be traveling and where are you departing from ?",
+ "What day would you like to leave and where are you departing from ?",
+ "Where is your departure site and what day will you be traveling ?",
+ "Where will you be arriving from and on what day ?",
+ "Where are you leaving from ? And what day do you need to leave ?",
+ "Can you tell me where you will be departing from and what day you will be traveling ?",
+ "Where will you be departing from ? Also , what day will you be traveling ?",
+ "I 'll be happy to help you with that . What day would you like to travel and where would you like to depart from ?",
+ "Sure ! Just let me know what day you 're traveling as well as your departure station .",
+ "What is your departure point and what day do you want to travel ?",
+ "You sure can ! Where will you be traveling from , and on what day ?",
+ "I 'll be happy to help . I need to know the day and your departure site , please ?",
+ "OK , where from ? And what day are you traveling ?",
+ "Where will you be departing from , and on what day ?",
+ "I would be happy to help . What day will you be travelling and from which station ?",
+ "Where are you departing from and on what day ?",
+ "I can help you with that . Where would you be going and what day ?",
+ "Absolutely . First , can you confirm you are departing from Cambridge , and the day you desire ?",
+ "From where are you leaving and on which day ?",
+ "Okay , what day would you like to leave and where are you departing from ?",
+ "Certainly . Can you please tell me the location you are departing from and what day you would like to leave ?",
+ "Where will you be leaving from ? And what day ?",
+ "What day would you like to go and where will you be departing from ?",
+ "What day would you like to travel and which station do you wish to depart from ?",
+ "I can help with that . What day will you be traveling and where are you departing from ?",
+ "Where are you departing from and what day are you travelling on ?",
+ "You have to keep mom happy . Where are you departing from and which day ?",
+ "Sure , where will you be boarding and what day would you like to leave ?",
+ "Sure thing . Where will you be travelling from and on what day ?",
+ "What day and from where ?",
+ "I am happy to help , where are you coming from and on what day ?",
+ "In order to find a train I need to know where you are departing from and which day .",
+ "Where will you be departing from , and what day would you like to travel ?",
+ "I can get some train options for you if you tell me what day you want to leave and where you want to leave from .",
+ "On which day and from where will you be departing ?",
+ "When would you like to travel and where are you coming from ?",
+ "Where are you departing from and what day are you traveling ? This was I can narrow my search to better assist you .",
+ "ok , what day will this be and where from ?",
+ "And what day will you be traveling ? Can you also tell me your departure city ?",
+ "What is your departure station , and what day will you be traveling ?",
+ "What day will you be traveling on and what is your departure city ?",
+ "Where will you be leaving from and what day would you like to travel ?",
+ "Not a problem . Where are you departing from , and what day would you like to travel ?",
+ "Where will you be departing form and what day will you be traveling ?",
+ "I 'd love to help ! where are departing from and which day ?",
+ "What day would you like to leave and what would your departure location be ?",
+ "What is your departure site and what day are you traveling on ?",
+ "I can help you with that . What is your departure site and day you would like to travel ?",
+ "OK , what is your departure station and what day are you traveling ?",
+ "I will need some more information . The train is departing from cambridge correct ? What day would you like to leave ?",
+ "Yes there are . We start in early morning on most places . Where will you be coming from and on what day ?",
+ "Okay , what day will you be traveling and where will you be departing from ?",
+ "Okay ! What day would you like to travel ? I ' m presuming you 're coming from Cambridge ?",
+ "We have dozens of trains into Cambridge every day . Where will you be coming from , and on what day ?",
+ "I am happy to help , when will you be traveling and where will you be coming from ?",
+ "Okay , for what day and where are you departing from ?",
+ "Where are you departing from and what day would you like the train for ?",
+ "Could you please tell me where you will be departing from and what day you are traveling ?",
+ "I can help you with that . Where will you be departing from ? Do you have a day when you 'd like to travel ?",
+ "Where will you be departing from and what day do you wish to travel ?",
+ "I can absolutely help you with that , what day will you be planning to travel and where will you be departing from ?",
+ "Yes , if you can please provide me a day of the week and where you are coming from I am happy to give you some options .",
+ "No problem , where would you like to depart from , and on which day ?",
+ "I can certainly help you with that . What day are you traveling , and what is your departure station ?",
+ "Could you please tell me where you will be leaving from and day of travel",
+ "Sure thing what destination and departure are you looking for on your train ?",
+ "What is your departure site and day of travel ?",
+ "Yes . I will need to know where you will be departing from and what day you would like to take the train ?",
+ "Where will you be departing from ? And what day would you like to travel ?",
+ "I 'd be happy to assist you in finding a train to Cambridge . May I please get your place of departure and on which day you wish to travel ?",
+ "Sure ! Where are you heading in from ? And what day ?",
+ "Okay what day would you like to travel and where are you departing from ?",
+ "What day do you want to travel , and where was that departure site again ?",
+ "I will need your departure location and day of travel to complete the request .",
+ "What day would you like to go and where will you be departing from ?",
+ "What day will you be traveling and from where ?",
+ "Where will you be departing from , and on what day ?",
+ "Is that leaving from cambridge ? What day would you like to leave ?",
+ "Absolutely , where are you leaving from and what day would you like to travel ?",
+ "Where would you like the train for and when did you want to travel ?",
+ "On what day will you be travelling ? And where will you be travelling from ?",
+ "Can you tell me where you will be departing from and what day you would like to travel ?",
+ "Okay , what day would you like to travel and where will you be leaving from ?",
+ "Would you like to narrow your choices down by departure site or day of travel ?",
+ "You 'll have to provide me your departure site and the day you will be traveling .",
+ "What is your departure day and site ?",
+ "I can absolutely help you with that , what day will you be planning to travel and where will you be departing from ?",
+ "Where will you be departing from , and what day would you like to travel ?",
+ "Where are you departing from and what day are you traveling ?",
+ "There are multiple options but I need more information from you first . Where are you departing from and what day do you wish to travel ?",
+ "May I have where you will be departing from and the day of travel to better assist you ?",
+ "What day will you be traveling ? Are you leaving from Cambridge ?",
+ "Where will you be departing from and on what day ?",
+ "Where will you be departing from and what day do you wish to travel ?",
+ "Where will you be departing from and do you have a particular day you wish to leave ?",
+ "What is your departure site and what day are you travelling ?",
+ "Certainly . Where will you be leaving from and on what day ?",
+ "What area would you like to catch a train and what day would you like to leave ?",
+ "Okay what day would you like to travel and where are you departing from ?",
+ "There are many trains available . Where will you be departing from and what day do you prefer ?",
+ "Where are you traveling from and on what day ?",
+ "What day of the week are you traveling and what is your departure station ?",
+ "Where are you heading in from ? And what day ?",
+ "I will need more information to narrow down the results . What day would you like to depart on , and what area is your departure from ?",
+ "You have many options . Where would you be departing from , and what day would you need this for ?",
+ "What day did you need a train for ? Also , where will you be departing from ?",
+ "What day and what is the departure location ?",
+ "Sure . Where are you departing from and what day would you like to travel ?",
+ "Could you be more specific on where you are departing from and what day you want to travel ?",
+ "Certainly , what day and departure site would you like to find a train for ?",
+ "What day will you be traveling , and where would you like to depart from ?",
+ "Sure ! Where are you departing from and what day do you want to travel ?",
+ "Where would you like to depart from , and what day ?",
+ "Where are you leaving from and what day ?",
+ "Where will you be traveling from , and what day would you like to travel ?",
+ "Please be specific on your day of travel an your departure site .",
+ "What day do you wish to travel and where are you departing from ?",
+ "Where are you leaving from and on what day ?",
+ "What day will you be traveling and where are you departing from ?",
+ "Sure , where are you departing from , and what day are you traveling ?"
+ ],
+ "Arrive;Day;Leave;": [
+ "What time and day are you looking to travel ?",
+ "Great ! What day and time to you want to travel on ?",
+ "Is there a particular day and time you 're looking for ?",
+ "Can you please tell me what day you would like your train and what time ?",
+ "Perfect . What day would you like to travel on ? Do you need to depart or arrive by a certain time ?",
+ "What day and time would you like to travel ?",
+ "I 'd be happy to help with your request , what day will you be leaving and do you have a time preference ?",
+ "What day and time would you like to travel ?",
+ "What day will you be traveling and do you have an arrival and departure time in mind ?",
+ "I have the system up but still need the date and time .",
+ "What day are you wanting to go ? Is there a certain arrival or departure time you 're looking for ?",
+ "Did you have a particular day and time in mind ?",
+ "OK , what day are you traveling , and do you need to leave or arrive by 17:30 ?",
+ "I can help you with that . What time and day would you like to travel ?",
+ "Sure , I will need a little more information first . What day and time would you like to leave and your arrival time ?",
+ "What day and time will you be traveling ?",
+ "Great ! What day would you like to leave ? Do you have any preferred times to leave and arrive by ?",
+ "I can look that up for you . First , can you tell me the day and time frame you were thinking of travelling ?",
+ "What day and time would you like to travel ?",
+ "I sure can ! What day and times are you looking for ?",
+ "Sure ! Which day and time would you like to depart or arrive by ?",
+ "When would you like to leave or arrive and what day would you like to travel ?",
+ "What day and time would you like to travel to Cambridge ?",
+ "I can absolutely help ! Do you have a specific day and arrival / departure time ?",
+ "And what day and time would you like to travel ?",
+ "Certainly . What day and time will you be traveling ?",
+ "What day and time would you like travel ?",
+ "I can help you with that . First , a few more details . Do you have a particular day and time frame you wish to travel ?",
+ "Sure , I can do that but first I need a little more information . What day would you like to travel as well as departure and arrival times ?",
+ "On what day will you be traveling ? Do you prefer a specific time as well ?",
+ "And what day and time would you like to travel ?",
+ "OK , do you know what day and time you 're traveling ?",
+ "What day would you like to travel ? Is there a time you would like to leave or arrive by ?",
+ "On what day and time will you be traveling ?",
+ "OK , and what day and time are you traveling ?",
+ "Is there a day you need to leave ? Do you have a time you need to leave or arrive ?",
+ "When would you like to travel ?",
+ "Sure I can help you get tickets , any particular day and time that you had in mind ?",
+ "What day and time are you wanting to travel ?",
+ "Did you have a day and time in mind for your travels ?",
+ "There are several available . Is there a specific day you would like to travel as well as arrival and departure times ?",
+ "What day and time are you wanting to leave or arrive ?",
+ "Certainly , what day would you like to travel and is there an arrival or departure time I can search for you ?",
+ "Sure , I can help you with that . When were you wanting to travel there ?",
+ "What day would you like to travel , and what time would you leave or arrive by ?",
+ "When will you be traveling ?",
+ "When do you need that train ?",
+ "Yes . There are quite a few trains leaving Peterborough . Can you tell me what day you 'd like to travel , and perhaps narrow down the time as well ?",
+ "But of course . I just need a bit more info . What time do you want to leave and on what day ?",
+ "There are definitely trains available for that route , can you tell me what day and what time you would like to travel ?",
+ "What day and time do you need to travel ?",
+ "OK , and what day and time are you looking for ?",
+ "Do you have a day and time you would like to depart or arrive by ?",
+ "There are several trains available . What day and time would you like to travel ?",
+ "When would you like to travel ?",
+ "What day would like to leave and what is your preferred departure and arrival time ?"
+ ],
+ "Depart;Leave;": [
+ "Yes I can what time will you be departing and from what location ?",
+ "Where will you be departing from , and what time would you like to travel ?",
+ "When will you be departing and where will you be departing from ?",
+ "Where will you be coming from , and what time would you like to depart from there ?",
+ "Are you leaving from cambridge ? Is there a time you 'd like to leave ?",
+ "What is your departure time and location ?",
+ "Where are you travelling from and what time ?",
+ "Where will you be departing from and what time will you be leaving ?",
+ "I can assist , where will you be coming from and do you have a time preference ?",
+ "Where you will be traveling from and when would you like to leave ?",
+ "What time and departure site would you like to have ?",
+ "Where are you heading out of ? And what time are we looking at ?",
+ "Of course , where is the departure from ? And at what time ?",
+ "Ok , where you departing from and what time would you like to leave ?",
+ "What is your departure point and what time would you like to depart ?",
+ "Where and when are you departing from ?",
+ "Where are you departing from and what is your departure time ?",
+ "Where are you departing from ? Do you prefer a specific time ?",
+ "I 'd be happy to help you with that . Can you tell me where you 're leaving from and your preferred travel times ?",
+ "I can do that . When and where will you be catching the train ?",
+ "What time will you be departing and where will you be departing from ?",
+ "Sure ! Where will you be departing from ? Would you like to depart at a certain time ?",
+ "Where are you departing from and when ?",
+ "Sure thing . What 's your departure site and around what time would you like to leave ?",
+ "What is the destination and what time would you like to leave ?",
+ "Sure where are you travelling from and at what time do you wish to travel ?",
+ "Sure . Where will you be departing from , and what time ?",
+ "What is your departure day and time ?",
+ "Where will you be departing from ? And when would you like to travel ?",
+ "Where and when are you departing from ?",
+ "Just so I can get you accurate information , what 's your departure location and time ?",
+ "What is your departure site and time ?",
+ "Certainly . From where are you planning to depart , and when ?",
+ "Sure , what is your departure information ?",
+ "Where will you be departing from , and what time would you like to travel ?",
+ "What is your departure site and time ?",
+ "What time do you want to depart by and where from ?",
+ "I am getting the train schedule on my computer as we speak , where will you be coming from and what time ?",
+ "Sure ! I just need to know where you plan on departing from and what time you 'd like to leave .",
+ "Sure , I can help you with that . Where were you wanting to travel to and when were you looking to depart ?",
+ "Okay , where are you departing from and what time would you like to leave ?",
+ "Of course , do you know your departure location and time ?",
+ "Where would you like the train for and when did you want to travel ?",
+ "Great what is your departure city and what time would you like to leave ?",
+ "What time would you like to travel , and then what will your departure site be ?",
+ "Certainly , where will you be departing from and what time would you like to leave ?",
+ "Yes , I can . Could you give me more information , such as , where you will departing from and the approximate time ?",
+ "Absolutely , What time would you like to leave ? And , I assume you will be leaving from Cambridge ?",
+ "Sure , where are you departing from and what time would you like to leave ?",
+ "Where would you be departing from and what time would you like to travel ?",
+ "Yes I can . What 's your departure time and city please ?",
+ "I have several trains heading to Kings Lynn on Thursday . Where and what time would you like your departure to be ?",
+ "certainly , do you know from where you will be departing , and at what time ?",
+ "Sure ! I just need to know where you plan on departing from and what time you 'd like to leave .",
+ "I can do that ! Where are you leaving from , and what time would you like to travel ?",
+ "Yes certainly . Where will you be leaving from and at what time of day ?",
+ "Where will you be departing from and what time ?",
+ "Where will you be departing from and what will be your departing time ?",
+ "Okay . Where are you departing from ? And , do you have any particular time frame in mind ?",
+ "What departure site and what time ?",
+ "Sure , where and when are you departing from ?",
+ "okay any particular time you would like to leave ? Also where are you coming from ?",
+ "Of course ! From where are you traveling , and when would you like to depart ?",
+ "From where and at what time would you like to depart ?",
+ "Ok , when and where are you leaving from ?",
+ "Of course , do you know your departure location and time ?",
+ "No problem . Would you like to specify where you 're departing from and what time you 'd like ?"
+ ],
+ "Arrive;Leave;": [
+ "What time did you want to travel ?",
+ "Is there a certain time you want to leave after or arrive by ?",
+ "What time would you like to arrive or leave by ?",
+ "What time would you like to depart or arrive ?",
+ "fantastic , do you know your travel times ?",
+ "Sure , what time are you looking for ?",
+ "What time would you like to leave and arrive by ?",
+ "I can help you with that . Do you have a certain departure or arrival time ?",
+ "What time would you like to leave and/or arrive by ?",
+ "On what time will you be travelling ?",
+ "Before booking , could you please confirm either the time you 'd like to depart or arrive ?",
+ "What time do you need to leave or arrive by ?",
+ "Did you have a certain time you would like to leave after or arrive by ?",
+ "Do you have a certain time you would like to leave after or arrive by ?",
+ "That should be no problem do you have a departure or arrival time in mind ?",
+ "What time would you like to depart or arrive ?",
+ "Yes , there are plenty of trains leaving Cambridge going to Peterborough . What time would you like to leave or arrive ?",
+ "Okay , and what time do you want to leave after or arrive by ?",
+ "Is there a time you would like to leave or arrive by ?",
+ "Do you have a time in mind ?",
+ "At what time would you like to leave or arrive ?",
+ "Is there a specific time you would like to leave or arrive by ?",
+ "OK - what time of day are you traveling ?",
+ "What time do you need to arrive at your destination or depart ?",
+ "What time do you want to leave and arrive by ?",
+ "In order for me to find the best train to suit you , can you provide me with a preferred departure or arrival time ?",
+ "Do you have a time that you would like to leave by or arrive by ?",
+ "What time would you like to travel ?",
+ "Could you please retstate when you would like to leave and arrive by ?",
+ "Do you have a preferred time frame ?",
+ "What time would you like to leave and arrive ?",
+ "There are several that day . What time would you like to leave or arrive ?",
+ "I am getting the information up now , do you have a specific arrival or departure time ?",
+ "Alright , let 's see what I have for you . Can you tell me what time you would like to leave or arrive by ? That will help us narrow one down .",
+ "Do you have a time you want to leave or arrive by ?",
+ "Just to clarify , you want to leave after 05:30 ( am ) , or 17:30 ( 5:30 pm ) ?",
+ "great , what is your preferred departure or arrival time ?",
+ "sure , what are your travel times ?",
+ "Did you have a specific departure or arrival time in mind ?",
+ "To narrow down the search , do you know what time you want to leave or what time you want to arrive by ?",
+ "When would you like to leave or arrive by ?",
+ "Yes , do you have a certain time you 'd like to leave or arrive by ?",
+ "Would you like to leave or arrive by a certain time ?",
+ "Not a problem , when would you like to depart or when would you like to arrive by ?",
+ "Do you have a time preference ?",
+ "Is there a time you have to leave or arrive at ?",
+ "Where would you like the train to arrive , and what time will you be leaving ?",
+ "Sure thing , what time would you like to leave or arrive by ?",
+ "Do you have a particular time you would like to travel ?",
+ "And what time will you be needing to leave after or arrive by ?",
+ "What time are you looking to depart / arrive ?",
+ "Would you like to specify a departure or arrival time ?",
+ "kindly narrow down your specifications so that i can find you a train that suits you best , like time of arrive and departure",
+ "I can help you with that . Do you have a specific time frame in mind ?",
+ "What time would you like to leave or arrive ?",
+ "what time is convenient for you ?",
+ "What time would you like to arrive or leave by ?",
+ "Did you have an arrival or departure time in mind ?",
+ "ok , what are your travel times ?",
+ "at what time do you want to leave or arrive ?",
+ "Sure thing . Do you have a departure or arrival time in mind ?",
+ "Is there a particular time you would like to leave or arrive by ?",
+ "Is there a certain time you would like to leave after or arrive by ?",
+ "Can you tell me what time you would like to leave or arrive by ?",
+ "I would be happy to help you with your request , could you be more specific on where you are departing / arriving ?",
+ "What time will you be departing from cambridge ? Also what time do you need to arrive in broxbourne by ?",
+ "At what time will you be traveling ?",
+ "Alright , when do you want to leave and arrive ?",
+ "I have many trains leaving and arriving all day . Do you have a preference for time of travel ?",
+ "and what time do you want to leave or arrive ?",
+ "What time do you need to depart and arrive ?",
+ "At what time do you wish to depart or arrive ?",
+ "What time would you like to leave and arrive ?",
+ "When would you like to leave or arrive in Cambridge by ?",
+ "Did you have a time in mind ?",
+ "And what time do you wish to leave / arrive ?",
+ "Is there a time you need to leave or arrive by ?",
+ "Okay , there are lots of choices . What time of day would you like to travel ?",
+ "Does it matter what time you leave or arrive ?",
+ "Is there a certain time you need to leave after or arrive by ?",
+ "Do you know either what time you 'd like to depart or what time you want to arrive by ?",
+ "Do you need to arrive or depart by a specific time ?",
+ "Do you have a departure or arrival time you would like ?",
+ "What time would you like to leave and/or arrive on Wednesday ?",
+ "What time would you like to leave or arrive ?",
+ "Is there a time you would like to leave by or arrive by ?",
+ "Please specify your choice of time for departure and arrival",
+ "What time of day would you like to travel ?",
+ "What time do you want to depart or to arrive ?",
+ "There are trains almost every hour ; do you have a departure or arrival time in mind ?",
+ "I ' m sorry . Was that an arrival time or a departure time ?",
+ "Alright , and what time would you like to leave or arrive by ?",
+ "What time would you like to arrive or leave ?",
+ "What time do you want to leave or arrive by ?",
+ "Do you have a time that you need to leave or arrive by ?",
+ "What time would you like to leave or arrive ?",
+ "What time would you like to depart or arrive at the destination ?",
+ "Do you want to arrive or leave at a certain time ?",
+ "What time would you like to arrive by and what time would you like to depart by ?",
+ "fantastic , do you know your travel times ?",
+ "Okay , do you have a desired time for departure or arrival ?",
+ "What time would you like to leave or arrive on saturday ?",
+ "Thanks ! Do you have a particular time you want to leave or arrive ?",
+ "Is there a time you would like to leave by or arrive by ?",
+ "Could I get the time you would like to leave or arrive ?",
+ "Is there a time you 'd like to leave or arrive by ?",
+ "And what time would you like to leave or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Sure , is there a particular time you 'd like to either arrive or leave by ?",
+ "I am getting the information up now , do you have a specific arrival or departure time ?",
+ "Sure , you have a time you want to depart or arrive by ?",
+ "Could you please provide me with your destination site and departure and arrival time ?",
+ "Did you have a time you would like to arrive or leave ?",
+ "Are you able to tell me your preferred departure and arrival times ?",
+ "I ' m sorry but just to clarify . Are you hoping to leave or arrive by 19:30 ?",
+ "What time do you need to leave or arrive by ?",
+ "Can you tell me what time you want to leave or arrive by ?",
+ "Did you have a departure or arrival time in mind ?",
+ "Do you have a timetable that you need to stick to ?",
+ "We have quite a few trains available that day . Is there any time you would like to depart or arrive by ?",
+ "Do you have a time you want to leave or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Do you have a departure time or arrival time that you 'd like to narrow the results down with ?",
+ "When would you like to depart or arrive ?",
+ "Is there a specific time when you need to leave or arrive ?",
+ "Do you have any time constraints ?",
+ "What time and where are you departing and arriving ?",
+ "Do you have time you would like to leave or arrive ?",
+ "Okay , when would you like to leave or arrive by ?",
+ "When would you like to leave or arrive by ?",
+ "Okay great ! Do you know when you want to leave or arrive ?",
+ "Would you like to specify a departure or arrival time ?",
+ "What time do you need to leave or arrive ?",
+ "Okay , and is there a particular departure or arrival time you prefer ?",
+ "Did you have an arrival or departure time in mind ?",
+ "What time of day would you like to travel ?",
+ "No problem . Any preference on times ?",
+ "Is there a certain time you would like to leave or arrive by ?",
+ "I have several options , what is your timeframe like ?",
+ "Do you have a certain time that you would like to leave after or arrive by ?",
+ "What time would you like to arrive or leave by ?",
+ "Trains run that route every couple of hours . Do you have a preferred time to leave or arrive ?",
+ "At what time do you want to travel ?",
+ "I would be happy to help with your request , but first I will need to know what time you 'd like to leave / arrive at .",
+ "Do you have a specific arrival or departure time in mind ?",
+ "Is there a specific time you would like to depart or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Do you have a time you want to leave or get there by ?",
+ "what time were you wanting to leave by or arrive by ?",
+ "What time would you like to leave or arrive ?",
+ "Thank you for confirming that . One more detail : Did you have a particular time period in mind for your trip ?",
+ "Did you have a preference for departure or arrival times ?",
+ "Okay , is there a specific time you would like to leave or arrive by ?",
+ "great , do you know your departure or arrival time ?",
+ "Can you tell me if there is a time you want to leave by or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Did you have a time you would like to arrive or leave ?",
+ "Do you have a departing time or arriving time ?",
+ "There are many trains that meet your criteria . Would you like to narrow it down further by departure time or arrival time ?",
+ "Sure thing ! Is there a particular time you 'd like to leave or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Did you have a specific departure or arrival time in mind ?",
+ "I 'd be happy to help with your request , do you have a time in mind for departure or arrival ?",
+ "What time will you need to be traveling ?",
+ "Would you like to depart at 14:15 or arrive at 14:15 ?",
+ "Ok , is there any particular time you 'd like to leave or arrive by ?",
+ "Is there a time you need to leave or arrive by ?",
+ "What are your departure and arrival locations ?",
+ "OK , and what time are you traveling ?",
+ "Wen do you want to leave or arrive by ?",
+ "What time would you like to leave or arrive by ?",
+ "Do you have a preferred arrival or departure time ?",
+ "What time would you like to leave and arrive ?",
+ "And at what time would you like to travel ?",
+ "Do you have a time that you need to leave or arrive by ?",
+ "And at what time would you like to travel ?",
+ "OK , when do you want to leave or arrive by ?",
+ "Is there a particular time you 'd like to leave or arrive by ?",
+ "Do you have a time you need to leave or arrive by ?",
+ "Do you have a specific departure time or arrival time in mind before I book the train ?",
+ "What time would you like to depart and arrive ?",
+ "What are you preferred arrival and departure times ?",
+ "And what time of day do you want to travel ?",
+ "Is there a arrive or leave by time you prefer ?",
+ "Would you like to leave or arrive by a certain time ?",
+ "Did you have a certain time you needed to leave or arrive by ?",
+ "What time would you like to depart and/or arrive ?",
+ "Please let me know what time you would like to arrive or when you would like to depart .",
+ "Please specify your choice of time for departure and arrival",
+ "Let 's try and narrow this down some . What time do you want to depart or what time do you want to arrive by ?",
+ "Did you have a departure or arrival time in mind ?",
+ "What time would you like to depart and arrive ?",
+ "Did you have any preference for departure or arrival times ?",
+ "Is there a certain time you would like to leave after or arrive by ?",
+ "Just to confirm , did you want to leave after 15:30 or arrive by 15:30 ?",
+ "When would you like to leave or arrive by ?",
+ "Do you have any time preferences ?",
+ "OK , and at what time ?",
+ "Is there a specific time you would like to depart or arrive by ?",
+ "I am more than happy to help , do you have a time in mind ?",
+ "Okay , and do you have a preferred time to leave or arrive ?",
+ "Did you have a certain time that you would like to leave after or arrive by ?",
+ "What time would you like to leave by or arrive by ?",
+ "Absolutely , do you want to leave or arrive by a certain time ?",
+ "Do you have a time by which you would like to leave or arrive ?",
+ "Do you know what time you need to depart or arrive by so I can narrow the options ?"
+ ],
+ "Day;Depart;Dest;": [
+ "Ok , first I 'll need to know where you are departing / arriving and what day ?",
+ "I can help you with a train as well . When would you like this scheduled for ? Where will you be departing and arriving ?",
+ "I 'd be happy to help with your request , first I 'll need to know where you are departing / arriving and what day will you be departing ?",
+ "I 'd be happy to help with your request , first I 'll need to know where you are departing / arriving and what day will you be departing ?",
+ "Okay , please tell where you are going and where you are leaving from , and what day .",
+ "I can help you with that . Where would you like to arrive and depart from and on what day ?",
+ "So you want a train to and from Cambridge ? Can you please clarify and also give a day ?",
+ "Okay ! What day are you needing to take the train ? Where would you like to go ? Do you know where you would like to depart ?",
+ "What day would you like to travel ? Where are you departing and arriving to ?",
+ "Were you interested in arriving or departing from Cambridge , and on what day ?",
+ "Sure , From where to where ? And what day are you looking to travel ?",
+ "OK , what are your departure and arrival stations , and what day are you traveling ?",
+ "Where are you traveling from and your destination ? Also what day ?",
+ "I sure can . What day are you traveling and what is your departure city and destination ?"
+ ],
+ "Day;Dest;Leave;": [
+ "Yes , Where is your destiantion and what date & time ?",
+ "Sure thing where will you be heading to , and what day and time would you like to travel ?",
+ "Can you please give me the destination and the day and time you 'd like to leave ?",
+ "Okay , what day and time would you like to travel and where is the destination ?",
+ "Where are you travelling to and from and on what day and time please ?",
+ "What is your destination and your departure day and time ?",
+ "Thank you . To confirm , you are heading to Cambridge , and on what day ? Do you have a specific departure in mind ?",
+ "What day and time will you be departing ? What is your destination ?",
+ "Where are you headed , and what day and time did you need to leave ?",
+ "Where would you like to travel to , and at what time and day ?",
+ "Absolutely . Where would you be heading to and what day / time would you like to travel ?",
+ "When would you be departing and where would you like to go ?",
+ "Sure thing - just let me know where you 're going , what day you 're going there , and at what time .",
+ "I can help you find a train . Please let me know the day , time and destination .",
+ "Where is your destination for the train and for what day and time ?",
+ "When and where will you be traveling ?",
+ "OK , let 's narrow this down a bit . Where are you traveling to , what day are you traveling , and at what time ?",
+ "Sure ! Where would you like to travel to ? What day would you like to travel ? Do you have any preferences on departure times ?"
+ ],
+ "Day;Dest;": [
+ "I would need a little more information first , what day would you like to travel and where are you going to ?",
+ "Where will you be traveling to ? And what day will you be leaving ?",
+ "What day would you like to depart ? And where will you be heading ?",
+ "What is your destination ? And what day are you hoping to travel ?",
+ "Where are you headed to ? And what day are you traveling ?",
+ "What day would you be traveling and where would you like to go ?",
+ "Absolutely . Where would you be traveling to and for what day ?",
+ "I can definitely help with that . What day would you like to travel ? And what is your desired destination ?",
+ "Can you help me by specifying where you 'll be traveling to , and on what day ?",
+ "That depends on your destination and the day that you would like to travel",
+ "Sure ! First , I need to know your destination and what day you want to travel .",
+ "I 'd be happy to help you with booking that . Can you tell me what day you will be traveling ? And to what destination are you wanting to go ?",
+ "What destination and what day ?",
+ "Okay , what day are you traveling and what is your destination ?",
+ "Where will you be heading and on what day please ?",
+ "Certainly . What is your destination and what day will you be leaving ?",
+ "Yes I will need your destination city and day of travel please .",
+ "What will be your destination and what day will you like to travel ?",
+ "Sure , where will you be going to , and on what day ?",
+ "I 'll need some additional information from you before we can proceed . Where will you be traveling to and on what day ?",
+ "What day would you be traveling and where are you going to ?",
+ "I have many trains available . What is your destination and day you would like to travel ?",
+ "Absolutely , what day of departure and what destination location ?",
+ "Where are you going and on what day would you like to travel ?",
+ "Okay . What day will you be traveling and what is your destination please ?",
+ "May I ask where you are travelling to ? And what day ?",
+ "I can help with that . What is the destination and what day would you like to travel ?",
+ "Sure , where are you traveling to , and which day ?",
+ "Certainly ! First , can you confirm the day you are traveling and the destination you are traveling to ?",
+ "Where are you headed to and what day would you like to travel ?",
+ "What day would you be traveling on ? And where would you be heading to ?",
+ "I can help you with that . What day would you like to travel , what is your destination ?",
+ "What is your destination and what day will you be leaving Cambridge ?",
+ "Sure , where would you like to travel to , and which day ?",
+ "Certainly , what day would you like to leave , and where would you like to go ?",
+ "Sure , where will you be traveling to and what day ?",
+ "I 'll need to get some more information . Can you tell me your destination and when you will be travelling ?",
+ "What day are you traveling , and to which station ?",
+ "Yes . Can you help me narrow down the choices with a day to leave and destination ?",
+ "Where would you like to go and on what day ?",
+ "I can help with that . To what destination are you traveling and on what day ?",
+ "What is your destination and the day you will be traveling ?",
+ "Sure ! I 'll be glad to find some information for you if you could provide me with your destination choice and the day you would like to depart .",
+ "Was that heading into Cambridge ? And what day do you need that train ?",
+ "I sure can . Can you tell me what day you want to travel and where you are headed ?",
+ "I would be happy to help you with your request , first I will need to know your destination and what day you would like to travel .",
+ "I can help with that , what day will you be traveling and where will you be traveling to ?",
+ "Which station are you traveling to , and on which day ?",
+ "What is your destination and travel day ?",
+ "What is your destination , and what day do you wish to travel ?",
+ "Okay , I will still be needing your destination and day of travel",
+ "Where is the destination and what day would you like to travel ?",
+ "Just to confirm , was that a train into Cambridge ? What day will you be traveling ?",
+ "What day would you like to travel and what s your destination ?",
+ "May I ask what day you would be traveling ? And where are you wanting to go to ?",
+ "What is your destination and what day would you be traveling ?",
+ "On what day do you wish to travel and to what destination ?",
+ "What day do you need the train ? What is your destination ?",
+ "Where will you be going and on what day ?",
+ "Where are you heading , and on what day ?",
+ "I have many trains available . What is your destination and day you would like to travel ?",
+ "Okay where is the destination and what day would you like to travel ?",
+ "I ' m going to need a bit more information first . On what day would you like to leave , and what will your destination be ?",
+ "Sure ! What day are you leaving ? Where are you heading to ?",
+ "Is it Thursday or Saturday ? And where is your destination ?",
+ "I ' m happy to help with that . Where would you like to go ? Do you have a day in mind ?",
+ "I found several trains that meet your criteria . Would you like to narrow your search by picking a particular day or a certain destination ?",
+ "Absolutely I can help with that . What day and to what destination are you traveling ?",
+ "I 'll need to get some more information . Can you tell me your destination and when you will be travelling ?",
+ "Sure , which day do you need to travel ? Are you going to Cambridge ?",
+ "And what is your destination and day of travel please ?",
+ "Will you be traveling to Cambridge on the train ? And if so , what day would you like to travel ?",
+ "What day will you be traveling , and what is your destination ?",
+ "What day are you traveling and what is your destination ?",
+ "May I ask what day you would be traveling ? And where are you wanting to go to ?",
+ "Where are you wanting to go to and what day ?",
+ "Well , that depends on where you 're going and the day you 're traveling . Do you have that information ?",
+ "Yes but I will need your destination and day of travel",
+ "Where is your destination ? And what day would you like to leave ?",
+ "I would be happy to help with your request , what is your destination and what day will you be leaving ?",
+ "I will also need your arrival destination and day of travel please to complete this request .",
+ "Okay where is the destination and what day would you like to travel ?",
+ "No problem ! Where will you be going to and on what day ?",
+ "To help narrow it down , what is your destination and what day will you be leaving ?",
+ "What is your destination and what day would you like to leave ?",
+ "Okay and what is your destination and what day would you like to travel ?",
+ "What is your destination site and what day are you planning to travel on ?",
+ "There are many trains . Where is your destination ? What day would you like to travel ?",
+ "what is your destination and which day could you like to travel ?",
+ "Alright . What day are you making this trip , and where would you like to travel to ?",
+ "Where would you be going to ? And what day ?",
+ "What is your destination and day of travel ?",
+ "What day will you be traveling , and where will you be heading to ?",
+ "Okay , what is your destination and what day would you like to travel ?",
+ "Sure , could you provide what destination you 're looking for and which day you 'd like to depart on ?",
+ "I 'd be happy to help with your request . What day will you be travelling and what is your destination ?",
+ "What is your destination ? What day will you be traveling ?",
+ "Ok . What day will you be traveling and where are you headed to ?",
+ "Traveling on what day and to where ?",
+ "Ok , lets get you set up , where are you going and on what day ?"
+ ],
+ "Depart;Dest;Leave;": [
+ "Of course . Where will you be departing from and arriving ? When would you like to leave ?",
+ "Yes . When will you be departing and where from ? And what is your final destination ?",
+ "What are your departure and arrival stations , and what time of day would you like to travel ?",
+ "OK , what are your departure and arrival stations , and what time do you want to travel ?",
+ "What are your departure and arrival stations , and what time of day do you need to travel ?",
+ "OK , what are your departure and arrival stations , and what time of day would you like to travel ?",
+ "I 'll be happy to assist with that , but I 'll need some additional information . What is your destination and departure point ? Also , when will you be traveling ?",
+ "Yes I can help you find a train what station are you going to and from and at what time would you like to leave ?",
+ "I can help you with that . Can you give me the departure / destination locations and a preferred timeframe ?",
+ "why sure where are you departing from where are you going and when ?",
+ "Can you tell me where you are coming from or going to and the time please ?",
+ "I 'd be happy to help with your request , to help narrow the results down where will you be departing / arriving and what time ?",
+ "OK , what are your departure and arrival stations , and what time are you traveling ?",
+ "What are your departure and arrival stations , and what time of day would you like to travel ?",
+ "Please tell me your departure time and location , plus your destination , to help narrow the search .",
+ "Certainly what is your departure location and destination ? And what time would you like to travel ?",
+ "Sure I can help you find a train . Where are you needing to go and where are you coming from ? What time do you need to leave by ?",
+ "What are your departure and arrival stations , and what time of day would you like to travel ?",
+ "I can help you with that , what destination , departure site , and time would you like to travel ?",
+ "Please give me your departure and destination . And what time do you want to leave at .",
+ "Sure thing . Could you tell me where you 're departing from , where you 're arriving , and when you 'd like to travel by train ?",
+ "I 'd be happy to help with that ! What are your departure and destination locations ? And do you have a prefered time of day you 'd like to travel ?"
+ ],
+ "Dest;Leave;": [
+ "Sure , are you coming to Cambridge ? What time would you like to depart ?",
+ "Sure . Where are you headed to and what time would you like to leave Cambridge ?",
+ "there are several trains that leave that day what time would you like to leave and where will you be going",
+ "I have no doubt we 'll find one . Where are you going , and when ?",
+ "OK , where are you headed and at what time ?",
+ "I can assist you . What is your destination and departure time ?",
+ "where are you going to ? and what time would you like to travel ?",
+ "What time do you want to leave at on monday and where are you going to ?",
+ "Is there a certain time you would like to leave London ? And will you be travelling to Cambridge ?",
+ "I need to know where you are going and when .",
+ "What time would you like to leave and what is your destination ?",
+ "What is your destination please and travel time ?",
+ "Where are you going to and what time would you like to leave ?",
+ "I am sure I can help you with that . Where will you be traveling to , and is there a special time you would like to depart ?",
+ "And can you tell me a preferred time to travel and where you will travelling to ?",
+ "Sure . Where are you traveling too and what time would you like to leave ?",
+ "What is your destination , and what time would you like to leave ?",
+ "OK , where are you headed and at what time of day ?",
+ "where are you headed to and what time ?",
+ "OK . Where are you heading , and at what time ?",
+ "What is your destination and at what time would you like to leave ?",
+ "And what is your arrival destination and time of travel ?",
+ "What is your destination and when would you like to leave ?",
+ "OK , where are you headed and what time do you need to travel ?",
+ "Where would you like to travel and what time would you like to go ?",
+ "I can help you with that ! What is your destination , and what time are you traveling ?",
+ "What is your destination and what time would you like to leave ?",
+ "I 'd be happy to ! Can you tell me more about your trip , such as your destination and when you 'd like to travel ?",
+ "Sure thing , got a destination or time you 'd like to travel ?",
+ "What time of day would you like to travel , and to where ?",
+ "Ok , I just need a little more information . What 's your destination and what time would you like to leave ?",
+ "What is your destination and time preference ?",
+ "Yes , can you tell me where you would like to travel to and what time ?",
+ "I can help you with that . What 's your destination and what day and time would you like to leave ?",
+ "Where are you headed , and at what time of day ?",
+ "What is your destination and day of travel ?",
+ "Is there a specific time and destination you are traveling to ?",
+ "Ok , would you please give me some information ? What day and time are you traveling ? Where are you going ?",
+ "Sure can you tell me your destination and time of travel ?",
+ "Sure . If you could give me a few more details such as departure time and destination , I can help you out ."
+ ],
+ "Arrive;Day;": [
+ "Please be specific about when you are leaving and by what time you intend to arrive to help me to narrow down .",
+ "There are trains arriving in Cambridge daily ! Where are you coming from , on what day , and at what time ?",
+ "What day and time would you like to travel ?",
+ "Do you have a preference for the day or the arrival time ?",
+ "What day would you like to leave and is there a particular time you would like to arrive by ?",
+ "What day and time would you like to arrive in ely ?",
+ "What day would you like to make this travel ? Also is there a specific time you wish to arrive ?",
+ "Great , I 'll be happy to look into this for you . What day would you like to leave ? Do you need to arrive by a certain time ?",
+ "What is your day of travel and your preferred arrival time ?",
+ "Is there a specific day that you want to travel ? What time do you want to arrive by ?",
+ "Sure , I have a lot of options for you . What time do you need to arrive by ? And on which day ."
+ ],
+ "Dest;People;": [
+ "what area please and how many tickets",
+ "Will you be travelling alone , and what is your destination ?"
+ ],
+ "Day;People;": [
+ "What day are traveling and how many people ?",
+ "What day are you going ? How many tickets would you like ?",
+ "Of course , what day will you be traveling , and how many people will be in your party ?",
+ "What day will you be traveling ? And will it be for 6 people , also ?",
+ "Can you tell me what day you need the train and for how many people ?",
+ "What day are you traveling ? And is this a booking just for yourself ?"
+ ],
+ "Day;Depart;Leave;": [
+ "Sure , I can help you find one . What 's the departure city , time and day ?",
+ "Can you please tell me where you will be departing from and what time and day ?",
+ "Sure thing where will you be traveling from , and what day and time will you be traveling ?",
+ "I 'd be happy to help with your request , but first I 'll need to know where you 're leaving from and what day and time you 'd like to leave .",
+ "I can help you with that . Please let me know what day and time you want to leave and where you 'll be leaving from .",
+ "Where would you like to leave from , and what day and time would you like to travel ?",
+ "Can I have a departure site , date and time you are leaving ?",
+ "Where are you departing from and what day and time do you want to leave ?",
+ "I 'd be happy to help with that . Where are you leaving from , and what day and time ?",
+ "Yes I can . Please tell me your departure city , day and time and I 'll see what I dig up .",
+ "Sure , where will you be departing from ? Also what date and time were you looking to travel ?",
+ "Yes I can . Please tell me where you 're departing from and what day and time and I 'll get you some options .",
+ "Yes sure . Could you tel me where you are departing from and when ?",
+ "Can you please give me the departure point , the day and time you want to leave ?",
+ "Can you tell me where you will be leaving from and on what day and time ?",
+ "When and where would you like to depart ?",
+ "What day would you like your train to leave ? Also what time , and where will you be departing from ?",
+ "I will be more than happy to help you . Are you leaving from cambridge and what time and day will you be going ?",
+ "I certainly can ! Where would you be coming from and what day and time ?",
+ "I could help you with that . Could you please provide me with where you will be departing from , and what day and time ?",
+ "Where would you like to leave from , and what day and time would you like to travel ?",
+ "What is your departure site and your departure day and time ?",
+ "Where will you be traveling from , and what day and time would you like to travel ?",
+ "I need more info on the departure site , date and time , please",
+ "To narrow down the search , could I possibly have the date and the departure location for the train and possibly a desired time ?",
+ "Great , can you tell me where you will be departing from and which day you want to travel and at what time ?",
+ "What is your departure site and preferred day and time of departure ?",
+ "Sure ! Where would you like to come from ? What day of the week and what time ?",
+ "And where will you be leaving from and what time and on what day please ?",
+ "There are many options . Could you please tell me where you are travelling from , on what day , and possibly at what time ?",
+ "Ok no problem , where will you be coming from and what will be the date & time ?",
+ "okay , what day and time would you like to travel ? Also , where are you departing from ?",
+ "Yes if you can tell me where you will leaving from and what day and time ?",
+ "What is your departure day , time , and location ?"
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "I can certainly help you with that ! Can I assume you 're coming from Leicester to fair Cambridge ? What day and time would you like to travel ?",
+ "Sure ! When are you wanting to travel , where are you leaving from , where would you like to go and what time ?",
+ "OK , can you give me your arrival and departure stations , as well as the day and time you would like to travel ?",
+ "Where are you traveling to and from and on what day and at what time ?",
+ "What day and time will you be departing ? What is your destination ?",
+ "Yes . Is there something specific you are looking for ?",
+ "OK , I can set you up . Will you be coming to or from cambridge ? I could also use a date and time .",
+ "Where will you be heading and departing from and what day and time ?",
+ "Sure I can help with that . Where are you departing from and going to . What time would you like to depart and on what day would you like the train ?",
+ "What are your departure and arrival stations , and what day and time would you like to travel ?",
+ "I ' m sorry , can you clarify your departure and destination sites ? Also , what day and time are you planning to leave ?",
+ "Sure , departure , destination , time and day you want to travel ?",
+ "I ' m going to need more information than that . Where will you be departing from , and what is your destination ? And do you have a date and time in mind ?",
+ "Okay . What day would you like to travel ? What time would you like to leave ? Where are you departing from and what is the destination please ?",
+ "there seems to be a break down in communication . Please restate the departure and arrival locations and the day and time ."
+ ],
+ "Arrive;Depart;Dest;Leave;": [
+ "Please state your departure location and your destination . Also , is 15:00 the time you want to leave or to arrive ?",
+ "There are many trains fitting your criteria . Can you give me departure site , destination , and time preferences ?",
+ "Can you please tell me your departure and destination ? What time would like to leave or arrive ?",
+ "Can I get where you would like to depart from and where you are traveling to and what time you would like to leave and arrive by ?",
+ "I need to get a little information from you to book a train . Where are you traveling to and from and for what day and time do you need to travel ?",
+ "To help you find the train you are looking for could you please provide me with your departure site and destination ? Also your departure time and arrival time ? Thank you .",
+ "Please confirm you are traveling from cambridge and going to ely . Also , confirm if you want to leave Cambridge at 08:00 or arrive in ely at 08:00 .",
+ "Certainly ! What time of day would you like to travel , and what are your departure and arrival locations ?",
+ "I can certainly help you with that . Where are you departing from / going to and what times do you need to leave and arrive by",
+ "Could you please provide me with your departure site and destination site . Also your departure time and arrival time .",
+ "Yeah sure but you need a departure / arrival city and time .",
+ "Okay , great . We have a lot of options . Would you like to narrow it down further by destination , departure time , or arrival time ?"
+ ],
+ "Arrive;Day;Depart;Leave;": [
+ "I will need departure city , time of arrival or departure and day of travel please .",
+ "What other information can you give me about this train ride ?",
+ "Sure , just let me get a little more information . Where are you departing from and when did you want the booking for ?",
+ "Where are you departing from , and what day ? Do you have a spcific time you need to leave or arrive by ?",
+ "Do you have a particular itinerary in mind ?",
+ "Where are you departing from , and what day ? Is there a certain time you need to leave or arrive by ?",
+ "I just need some more information . Where are you departing from ? What day and what time do you need to leave and arrive by ?",
+ "What day are you departing and do you have a time preference ?"
+ ],
+ "Arrive;Dest;": [
+ "There are hundreds of trains I can book for you . Where are you going and what time do you need to be there ?",
+ "Where are you traveling to , and at what time will you be traveling ?",
+ "what is your destination and what time would you like to arrive ?",
+ "Might I ask if you had a destination and arrival time in mind ?",
+ "I ' m sorry . I can book your train . Where would you like to go , and what time would you like to be there ?",
+ "What time were you looking to arrive and what is your destination ?",
+ "please tell me your destination and the time you wish to arrive .",
+ "where are you traveling to ? and what time will you need to arrive ?",
+ "Where is your destination and what time of day would you be looking to arrive ?",
+ "We ' ve got quite a few options , where will you be traveling to and when would you like to arrive ?",
+ "Did you have a destination or time in mind ?"
+ ],
+ "Arrive;Day;Depart;Dest;Leave;": [
+ "Absolutely ! What information about trains are you looking for ?",
+ "I can help with that , too . When and where do you need a train ?",
+ "Yes , Where will you be arrive from and going to ? I also need a date and time .",
+ "Ok , what day , what time , and where to and from ?",
+ "You want a train from Ely to Cambridge , is this right ? I also need a travel date and departure or arrival time .",
+ "I can help you with that , where will you be traveling from and to , and what day and time would you like to travel ?",
+ "I can . All I need is your departure location , destination , day and when you would like to either leave or arrive by ."
+ ],
+ "Arrive;Depart;Leave;": [
+ "Sure , where will you be departing from , and do you have a departure or arrival time ?",
+ "I can certainly help , where will you be departing from , and do you need to arrive or depart at a certain time ?",
+ "Where will you be departing from and what time do you want to arrive and leave the station ?",
+ "What town are you leaving from ? What time do you want to depart or arrive , please ?",
+ "Sure thing what places and times would you like to travel ?",
+ "Where are you leaving from ? Is there a specific arrival or departure time that you need ?",
+ "Where will you be departing from ? Do you have a specific time you need for departure or arrival ?",
+ "I ' m sorry , to help narrow down the results please reply with where you will be departing from and your requested arrival / departure time .",
+ "Where will you be departing from ? And is there a preferred time you would like to arrive by or leave after ?",
+ "I would love to help you but I need to know where you 're leaving from and a departure or arrival time that suits you .",
+ "Could you tell me where you are departing from , and the time you want to leave and or arrive by ?",
+ "Ok , can you tell me your departure city and if you have a time you need to leave or arrive in Peterborough ?",
+ "There are many trains going to cambridge today . Where are you leaving from and what time do you want to depart or arrive ?",
+ "Sure , where are you leaving from and any certain departure or arrival times ?",
+ "Where are you departing from and do you have a time preference ?",
+ "Departure location ? And do you have a preferred departure or arrival time ?",
+ "Yes and where will you be departing from and what time would you like to arrive or leave ?",
+ "First I need your departure and the times you want to leave or arrive .",
+ "Where do you want to leave from ? Also do you have a preference for an arrival or departure time ?",
+ "Sure can you tell me where you are heding for and what time you would lie to leave or get there ?",
+ "Alright and where are you departing from and do you have specific arrival or departure times in mind ?",
+ "Can you tell me your departure station and a time you 'd like to either leave or arrive ?",
+ "Yes there are several trains available . What is your departure site and arrival and departure times ."
+ ],
+ "Arrive;Dest;Leave;": [
+ "What is your destination , and did you have a time in mind ?",
+ "What is your destination that day ? Also is there a certain time you would like to arrive or depart by ?",
+ "There are a lot of trains to choose from . Would you like to narrow it down by destination , departure time , or arrival time ?",
+ "What is your desired destination and timeframe for travel ?",
+ "Could you please provide me with your destination site and your departure time and arrival ?",
+ "Let me narrow it down . What is your destination ? What time would you like to depart or arrive ?",
+ "I can do that for you ! Is there a particular destination , or even an arrival or departure time you need ?",
+ "What is the destination , time you want to leave and arrival time ?",
+ "May i please know you destination , preferred time of departure and arrival so i filter the results i have .",
+ "Where are you travelling to and at what time ?",
+ "Sure , Are you traveling to cambridge ? What time would you like to leave or arrive by ?",
+ "What is your destination ? Also , what time do you want to leave or arrive , please ?",
+ "What is your destination and your departure and arrival times ?",
+ "Where would you like to go ? Is there a specific time you 'd like to leave or arrive ?",
+ "What is your destination , and do you have a preference for the departure or arrival time ?",
+ "I have many trains meeting your request . What is your destination and preferred departure and arrival times ?",
+ "Of course . What 's your destination ? Also when do you wish to leave and arrive by ?",
+ "I have found many trains leaving from Cambridge . Can I please get a departure and arrival time , and destination ?",
+ "Yes I can . Where are you going and what time would like to arrive or depart ?"
+ ],
+ "Arrive;Leave;People;": [
+ "What time schedule do you need to meet ? And how many tickets ?",
+ "sure I can help you with that , when are you leaving or when would you like to arrive and how many tickets would you like ?"
+ ],
+ "Day;Dest;People;": [
+ "What day will you need the train and where are you traveling to and how many people will be traveling ?"
+ ],
+ "Arrive;Day;Depart;Dest;Leave;People;": [
+ "i have plenty of trains , can i get more information please ?",
+ "In order to book a train I need departure location , destination , travel time , day of week and number of people .",
+ "Sure ! Provide me your itinerary ."
+ ],
+ "Depart;People;": [
+ "Can you tell me where you are departing from please and the number of tickets you will need ?",
+ "From where will you be departing ? And how many will be traveling ?"
+ ],
+ "Leave;People;": [
+ "That wo n't be any trouble . What time do you intend to travel , and how many tickets do you need ?",
+ "Sure I can help with that , what time would you like the tickets for and how many ?"
+ ],
+ "Arrive;Depart;Dest;": [
+ "Okay . Would you like to narrow it down by departure site , destination , or arrival time ?",
+ "I will need you departure and arrival city and time .",
+ "Okay . Where do you need to depart from and arrive to ? And what time would you like to arrive ?",
+ "Absolutely , I need departure and destination information and a time you need to arrive by ."
+ ],
+ "Day;Depart;People;": [
+ "Where are you departing from , What day do you want to travel and how many people can I book tickets for ?"
+ ],
+ "Day;Depart;Dest;Leave;People;": [
+ "Where is the departure and arrival ? What time and day would you like ? How many passengers ?"
+ ],
+ "Arrive;Day;Dest;Leave;People;": [
+ "Ok ... I need more information for your train , such as departure or arrival times , number of people , day , and destination ."
+ ],
+ "Arrive;Depart;Dest;People;": [
+ "how many tickets , where are you going to and from and what time would you like to arrive ? I need this in order to help you"
+ ],
+ "Day;Depart;Leave;People;": [
+ "Ok , I will need a little more information from you . How many tickets , for when and where are you departing from please ."
+ ],
+ "Arrive;Day;Depart;": [
+ "Where will you be traveling from , and what day and time ?",
+ "Sure ! Where are you coming from , what day are you coming , and what time do you want to get here ?"
+ ],
+ "Arrive;Day;Dest;": [
+ "Can you please specify where you want to go , which day and what time you want to arrive ?",
+ "Where will your destination be ? What day will you be traveling ? When do you need to be there by ?",
+ "Unfortunately , I am unable to locate information based on your response . Please provide additional details of destination , day to travel , and time to arrive by ."
+ ],
+ "Arrive;People;": [
+ "Sorry , that would be 16:07 for arrival time . Can you confirm how many are traveling ?"
+ ]
+ },
+ "Train-Select": {
+ "Arrive;Day;Id;Leave;": [
+ "How about train #TRAIN-SELECT-ID# , which departs on #TRAIN-SELECT-DAY# at #TRAIN-SELECT-LEAVE# and arrives by #TRAIN-SELECT-ARRIVE# ?"
+ ],
+ "Leave;Leave;Leave;": [
+ "You can choose from #TRAIN-SELECT-LEAVE# , #TRAIN-SELECT-LEAVE# , and #TRAIN-SELECT-LEAVE# . Which would you like ?"
+ ],
+ "Arrive;Depart;Dest;Id;Leave;": [
+ "I would recommend train ID #TRAIN-SELECT-ID# which leaves #TRAIN-SELECT-DEPART# at #TRAIN-SELECT-LEAVE# and arrives in #TRAIN-SELECT-DEST# at #TRAIN-SELECT-ARRIVE# . There are earlier options as well if you wish .",
+ "I would recommend #TRAIN-SELECT-ID# which leaves #TRAIN-SELECT-DEPART# at #TRAIN-SELECT-LEAVE# and arrives at #TRAIN-SELECT-DEST# at #TRAIN-SELECT-ARRIVE# ."
+ ],
+ "Leave;": [
+ "There is also a train that leaves at #TRAIN-SELECT-LEAVE# , would you like that one ?",
+ "How about #TRAIN-SELECT-LEAVE# will that work for you ?",
+ "Okay ! Would you like to take the train that leaves at #TRAIN-SELECT-LEAVE# ?",
+ "Would you like to leave at #TRAIN-SELECT-LEAVE# ?",
+ "Would a train departing at #TRAIN-SELECT-LEAVE# work for you ?",
+ "How about a train that leaves at #TRAIN-SELECT-LEAVE# ?",
+ "Would a #TRAIN-SELECT-LEAVE# be okay ?"
+ ],
+ "Depart;": [
+ "Certainly . Is #TRAIN-SELECT-DEPART# your departure point ?",
+ "Sure are you departing from #TRAIN-SELECT-DEPART# ?"
+ ],
+ "Arrive;Leave;": [
+ "Do you want to leave at #TRAIN-SELECT-LEAVE# or arrive by #TRAIN-SELECT-ARRIVE# ?",
+ "Would leaving at #TRAIN-SELECT-LEAVE# and arriving at #TRAIN-SELECT-ARRIVE# work ?",
+ "Just to clarify , at first you said leaving after #TRAIN-SELECT-LEAVE# , but that said arriving before #TRAIN-SELECT-ARRIVE# , before I book , can we confirm the time once more ?",
+ "How about a #TRAIN-SELECT-LEAVE# that will arrive by #TRAIN-SELECT-ARRIVE# ?"
+ ],
+ "Id;": [
+ "Take train with trainID #TRAIN-SELECT-ID# , which is a suitable choice for you .",
+ "How about #TRAIN-SELECT-ID# ?"
+ ],
+ "Arrive;Dest;Id;": [
+ "I ' m seeing now that #TRAIN-SELECT-ID# would be a better fit for your desired arrival time . It arrives in #TRAIN-SELECT-DEST# by #TRAIN-SELECT-ARRIVE# ."
+ ],
+ "Id;Leave;": [
+ "The first train after 12:15 is #TRAIN-SELECT-ID# which leaves at #TRAIN-SELECT-LEAVE# , does that work for you ?"
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "May I recommend the #TRAIN-SELECT-LEAVE# train from #TRAIN-SELECT-DEPART# to #TRAIN-SELECT-DEST# on #TRAIN-SELECT-DAY# ?",
+ "Just to clarify , you want to leave #TRAIN-SELECT-DEPART# to head into #TRAIN-SELECT-DEST# on #TRAIN-SELECT-DAY# , after #TRAIN-SELECT-LEAVE# ?"
+ ],
+ "none;": [
+ "You need to select train in order for me to look that up for you .",
+ "Which one would you like ?",
+ "I ' m sorry , I would be happy to give you the information . I meant , which of the two trains would you like ?"
+ ],
+ "Depart;Leave;": [
+ "You would like to leave #TRAIN-SELECT-DEPART# at #TRAIN-SELECT-LEAVE# ?"
+ ],
+ "Day;Id;Leave;": [
+ "How about #TRAIN-SELECT-ID# that leaves at #TRAIN-SELECT-LEAVE# on #TRAIN-SELECT-DAY# ?"
+ ],
+ "Arrive;Arrive;": [
+ "Do you want to arrive by #TRAIN-SELECT-ARRIVE# ( morning ) or #TRAIN-SELECT-ARRIVE# ( evening ) ?"
+ ],
+ "Leave;Leave;": [
+ "To clarify , do you need to leave after #TRAIN-SELECT-LEAVE# , or after #TRAIN-SELECT-LEAVE# ?",
+ "Would you rather leave at #TRAIN-SELECT-LEAVE# or #TRAIN-SELECT-LEAVE# ? Which works better for you ."
+ ],
+ "Arrive;Id;": [
+ "First let 's verify which train you want . The #TRAIN-SELECT-ID# will have you at your destination around #TRAIN-SELECT-ARRIVE# .",
+ "How about the #TRAIN-SELECT-ID# that arrives at #TRAIN-SELECT-ARRIVE# ?",
+ "How about the #TRAIN-SELECT-ID# that arrives at #TRAIN-SELECT-ARRIVE# ?",
+ "May I suggest train #TRAIN-SELECT-ID# arriving at #TRAIN-SELECT-ARRIVE# ?"
+ ],
+ "Day;Leave;": [
+ "Sure , do you still need the train on #TRAIN-SELECT-DAY# after #TRAIN-SELECT-LEAVE# ?"
+ ],
+ "People;People;": [
+ "Just to clarify , am I booking just #TRAIN-SELECT-PEOPLE# ticket or #TRAIN-SELECT-PEOPLE# ?",
+ "Just to clarify , would that be just #TRAIN-SELECT-PEOPLE# ticket or #TRAIN-SELECT-PEOPLE# tickets ?"
+ ],
+ "Depart;Dest;": [
+ "I ' m sorry for the confusion , just to verify - are you departing from #TRAIN-SELECT-DEPART# with #TRAIN-SELECT-DEST# as your destination ?"
+ ],
+ "Choice;Leave;Leave;": [
+ "There are #TRAIN-SELECT-CHOICE# trains to choose from , one departing at #TRAIN-SELECT-LEAVE# and the other #TRAIN-SELECT-LEAVE# , do you have a preference ?"
+ ],
+ "Arrive;Dest;Leave;": [
+ "I would recommend the train leaving at #TRAIN-SELECT-LEAVE# and arriving to #TRAIN-SELECT-DEST# by #TRAIN-SELECT-ARRIVE# ."
+ ]
+ },
+ "general-bye": {
+ "none;": [
+ "Thank you for using our services .",
+ "Goodbye . If you think of anything else you need do n't hesitate to contact us .",
+ "you too ! thank you",
+ "You are very welcome . Goodbye .",
+ "Thank you and enjoy your visit . Have a great day .",
+ "I ' m happy to help , and I hope you enjoy your stay !",
+ "Feel better soon ! Have a better night !",
+ "Great . Thank you and goodbye .",
+ "Thank you for using our system !",
+ "Thank you for choosing Cambridge TownInfo Centre . Have a wonderful day !",
+ "I hope you enjoy your time in Cambridge !",
+ "Okay great , have a good day !",
+ "enjoy your time in Cambridge !",
+ "Thank you for calling . Have a great day !",
+ "You are welcome ! Have a great day !",
+ "Goodbye , have a great day",
+ "It was my pleasure to be of service . Goodbye .",
+ "Ok ! Have a great day !",
+ "i hope i have been of help",
+ "I am glad to help . Enjoy your stay !",
+ "Thank you and have a great day . Goodbye .",
+ "Have a great day !",
+ "I hope you enjoy your time in Cambridge . Goodbye !",
+ "You 're welcome . Thank you for calling and goodbye .",
+ "You 're welcome . Enjoy your stay !",
+ "Good bye , thank you .",
+ "Thank you ! Have a great day !",
+ "I am glad I was able to help . Have a wonderful trip .",
+ "Thank you for contacting us and have a nice day .",
+ "Goodbye and thanks for using the help desk .",
+ "Let us know if you need anything else . Cheers .",
+ "Glad I could help !",
+ "Thank you , if you need anything else let me know . Good Bye .",
+ "Awesome , enjoy your trip !",
+ "Great ! Goodbye and have a nice day .",
+ "Thanks for your service , Goodbye",
+ "Not a problem ! I was glad to be of service . Thank you and have a great day !",
+ "Have a safe trip !",
+ "Thank you for using our system !",
+ "You are welcome , have a great trip !",
+ "Thank you for contacting the help desk , and have a great day .",
+ "Thanks for using our service , and I hope your day gets better !",
+ "Have a great day yourself .",
+ "Thank you for using our system today !",
+ "You 're welcome . Goodbye !",
+ "Happy to help . Please let us know if you need anything else .",
+ "Let me know if you need more help , bye .",
+ "Thank you , goodbye",
+ "Thank you enjoy the rest of your day .",
+ "Wonderful , I ' m glad I could assist you , have a wonderful stay .",
+ "Glad to be of help . Good day to you too .",
+ "Enjoy your visit .",
+ "It was a pleasure assisting you . Have a good evening .",
+ "Thank you for using Cambridge TownInfo Centre . Have a wonderful day !",
+ "Okay . You have a great day .",
+ "Okay , have a great time in Cambridge !",
+ "Great , have a pleasant stay . Bye .",
+ "You 're welcome . Goodbye .",
+ "You too , goodbye .",
+ "You are welcome . Give us a call if you need anything .",
+ "Have a nice day ! Goodbye .",
+ "Thank you .",
+ "It was my pleasure . Have a great day !",
+ "Happy to be of service , and enjoy your time in Cambridge !",
+ "Happy to help . Have a great day .",
+ "Enjoy your dinner .",
+ "Thank you for using our service !",
+ "I ' m glad we could help ! Please contact us anytime . Good bye .",
+ "Have a nice day , goodbye .",
+ "Thank you for using our system !",
+ "Thank you , good day to you .",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great trip !",
+ "We are happy to help . Thank you for using our services .",
+ "Thank you for calling .",
+ "thank you for using this service good bye",
+ "Thanks so much for using Cambridge TownInfo centre today !",
+ "Have a wonderful trip .",
+ "Have a great day !",
+ "You are welcome ! Have fun ! Goodbye !",
+ "thank you for using our service , good bye .",
+ "Thank you for using our service !",
+ "Have a great day !",
+ "If that is all you need assistance with I thank you for using our service . Have a great day !",
+ "Thank you , enjoy .",
+ "Thank you and have a great trip !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice trip ! Goodbye !",
+ "Good bye .",
+ "Have a great time on your trip .",
+ "Thank you for using our system . Good bye",
+ "Thank you , have a nice day , goodbye .",
+ "Sure . Glad to have helped .",
+ "Thank you for contacting Cambridge Towninfo Centre . Have a great day .",
+ "thanks for your service",
+ "Have a great day . Let me know if you need any other help .",
+ "You 're welcome . Please call us again if you need anything else .",
+ "Great ! Have a nice day !",
+ "You are welcome . Enjoy your day .",
+ "Thank you and enjoy your stay .",
+ "thank you for inquiring with us .",
+ "Thank you , goodbye !",
+ "Bye now , then . Have a nice day .",
+ "Thank you for contacting us . Have a great trip . Goodbye .",
+ "It was a pleasure to assist you . Have a wonderful day . Goodbye .",
+ "Alright . Have a good day .",
+ "Thank you , you too .",
+ "Thank you for choosing our system . Good bye",
+ "Good Bye thank you for calling",
+ "Ok great . Have a wonderful day !",
+ "You too , and thanks for contacting Cambridge TownInfo centre !",
+ "You 're welcome ! Have a great day ! Goodbye .",
+ "Thank you for using our service . Have a great day . Goodbye .",
+ "Great . Glad I could be of help .",
+ "You are welcome . Have a nice stay . Bye .",
+ "Thank you , goodbye .",
+ "I hope you have a great stay . Have a good day .",
+ "Have a nice day .",
+ "Alright , have a nice day !",
+ "Thank you and have a great day !",
+ "Goodbye .",
+ "Thanks for letting us assist you today ! Enjoy your visit ! Goodbye .",
+ "Thank you for using the Cambridge TownInfo service , and have a wonderful day !",
+ "thanks for using our service . goodbye .",
+ "Enjoy your stay in Cambridge . Goodbye !",
+ "Have a lovely day today .",
+ "excellent , have a great day !",
+ "Have a great time !",
+ "Have a nice day , goodbye .",
+ "Have a great day !",
+ "Thank you , have a great day and enjoy your food .",
+ "Alright , awesome ! Have a fantastic day !",
+ "You are welcome . Enjoy your day .",
+ "Thank you . Goodbye !",
+ "Thanks you and goodbye .",
+ "You too . Good bye .",
+ "Enjoy your stay in cambridge .",
+ "Have a nice day .",
+ "Have a good evening .",
+ "Thank you , let us know if you need any thing else . Bye .",
+ "Thank you .",
+ "OK , please do n't hesitate to contact me again if you need more help . Bye .",
+ "Thank you , have a good day !",
+ "You are very welcome ! Enjoy your stay ! Goodbye !",
+ "Enjoy your visit ! Let us know if we can be of any further assistance .",
+ "Have a good day !",
+ "No problem . Glad you could help .",
+ "Thank you , have a good day .",
+ "Thank you , goodbye .",
+ "Goodbye",
+ "Goodbye .",
+ "Have a nice day",
+ "Thank you . I hope you enjoy your meal .",
+ "Okay enjoy your visit .",
+ "You 're welcome . Enjoy your day .",
+ "Thank you for using the Cambridge Restaurant Phone System . Enjoy your meal !",
+ "Please contact us again in the future . Goodbye .",
+ "Thank you and have a great day !",
+ "If you should need anything else , please contact us again . Thank you for using our service .",
+ "You are welcome . Goodbye .",
+ "You 're welcome . Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Thank you . Feel free to call back if you need assistance .",
+ "great , have a wonderful day !",
+ "Ok , have a great day !",
+ "Good luck , sir !",
+ "Have a nice day as well . Goodbye .",
+ "Enjoy your stay .",
+ "Enjoy your stay in Cambridge .",
+ "You too . Thank you . Goodbye",
+ "Thank you for using our system !",
+ "You 're welcome , glad to help . Have a nice day !",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Have a nice day to you as well .",
+ "Have a great day !",
+ "thanks for using our services . good day",
+ "Thank you for using our services . Have a wonderful day !",
+ "Hope you have a wonderful stay !",
+ "Fantastic - have a great time on your visit ! Thanks for choosing Cambridge TownInfo centre .",
+ "Thank you for calling . Enjoy your stay .",
+ "Thank you for using our services .",
+ "I hope you enjoy your stay in Cambridge !",
+ "great enjoy your stay in cambridge",
+ "Enjoy the rest of your day , goodbye !",
+ "It is our pleasure to help you . Have a great day now !",
+ "Okay enjoy your dining and your visit in Cambridge .",
+ "I ' m happy I was able to assist you today . Have a great day as well .",
+ "Thank you , goodbye .",
+ "Thank you goodbye !",
+ "You 're welcome . Enjoy your day .",
+ "Good bye , enjoy your stay .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using this service",
+ "Glad to be of help . Have a nice day . Bye .",
+ "Thank you for using our system today !",
+ "You 're welcome ! It was a pleasure assisting you !",
+ "You 're welcome , have a great day",
+ "Thank you , you too .",
+ "Great , enjoy your stay ! Please contact me again if you need anything else .",
+ "Happy to be of service . Thank you for using Cambridge TownInfo centre . Have a wonderful day !",
+ "Thank you .",
+ "Thank you for contacting us and have a nice day .",
+ "You too , thanks for calling . Bye",
+ "Thank you ! Goodbye .",
+ "Please do not hesitate to give me a call if your require additional assistance .",
+ "Goodbye , Thank You For Everything",
+ "Best wishes to you . Have a good day .",
+ "Have a great day !",
+ "Great . Enjoy your stay .",
+ "It was my pleasure . Let me know if I can ever help you with anything else .",
+ "Great ! Thanks for letting us help you today !",
+ "It was my pleasure . Thank you for contacting the Cambridge Towninfo Centre . Have a great day .",
+ "You 're welcome , have a nice day !",
+ "Bye . Have a great day !",
+ "Thank you . You as well !",
+ "Thank you for using our service . Have a great day .",
+ "Thank you and good bye",
+ "Have a wonderful day ! Good bye !",
+ "Great , have a wonderful day and enjoy your taxi ride , thank you !",
+ "Have a great day as well . Goodbye .",
+ "Thanks for using our service , and I hope you enjoy your time in Cambridge !",
+ "Ok , please reply if you need any further assistance .",
+ "it sure is . thanks .",
+ "Thank you for using our service .",
+ "Thank you for calling . Have a great day .",
+ "Thanks , enjoy your trip !",
+ "Thank you , please remember you can contact us at any time if you need more assistance ! Have a great day !",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Have a nice day , goodbye .",
+ "Thank you for contacting us at Cambridge TownInfo Centre . Have a good trip . Goodbye .",
+ "Enjoy ! have a great night !",
+ "Of course , have a great day .",
+ "Thank you . Goodbye .",
+ "You 're welcome have a great day .",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "You 're most welcome . Goodbye .",
+ "thank you .",
+ "Have a great day !",
+ "Let me know if you need anything else . Good Bye .",
+ "Alright , have a lovely day and goodbye .",
+ "Let us know if you need anything else , good day .",
+ "You 're welcome . Hope you have a pleasant stay .",
+ "Thanks for letting us assist you today !",
+ "Thank you and have a great day !",
+ "Yes , goodbye .",
+ "Thank you for contacting us . Please feel free to contact again if you have any more questions . Have a great day !",
+ "Have a good one !",
+ "It was my pleasure . Have a great day .",
+ "Best of luck to you .",
+ "Excellent . Have a great rest of your day !",
+ "Have a wonderful time !",
+ "Okay . Thank you for calling .",
+ "Goodbye",
+ "You 're welcome . Have a nice day . Goodbye .",
+ "Thank for calling Cambridge restaurant system , goodbye .",
+ "Thank you have a great day",
+ "Goodbye . Have a nice stay !",
+ "Thank you for using our service today !",
+ "Awesome . We 're here if you need anything else . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Do n't hesitate to call if you need anything else . Goodbye .",
+ "Thank you , goodbye .",
+ "Call us again ! Goodbye .",
+ "Thank you , goodbye !",
+ "Of course . I can help at any time .",
+ "Thank you , goodbye !",
+ "Ok ! Have a great day !",
+ "Have a great day . Bye .",
+ "Thank you for using the Cambridge TownInfo centre , and enjoy your time in Cambridge !",
+ "Thank you and have a good time in our great city !",
+ "Okay great . Thanks fro calling .",
+ "thank you and enjoy your stay in Cambridge !",
+ "Have a great day !",
+ "Your welcome . Have a nice day !",
+ "Have a nice day !",
+ "Thanks and have a great trip !",
+ "Thank you for contacting us . Have a nice day .",
+ "Enjoy your stay in cambridge .",
+ "Great . Have a good day .",
+ "Okay , I ' m glad I was able to assist you ! Bye !",
+ "Glad to have been of service ! Enjoy your visit to Cambridge .",
+ "You as well . Goodbye .",
+ "Have a good day .",
+ "Thank you for using our system !",
+ "Have a good day .",
+ "Thank you for calling , goodbye .",
+ "Thank you for booking with us today . Enjoy your reservation !",
+ "Alright . Enjoy your stay in Cambridge !",
+ "Thank you , and have a nice day !",
+ "Alright . Enjoy the remainder of your stay !",
+ "Have a nice day then , and goodbye .",
+ "Enjoy your stay . Goodbye !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "If everything is fine . Then I hope you have a wonderful day .",
+ "Enjoy your trip .",
+ "Okay , I hope you have a wonderful time in cambridge . Bye !",
+ "Enjoy your stay !",
+ "Awesome ! Have a great trip !",
+ "You 're welcome . Enjoy your time in Cambridge .",
+ "Feel free to contact us anytime in the future .",
+ "Thanks and have a good day !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Have a great dinner .",
+ "Thank you for contacting us . If you should need anything else , please let us know .",
+ "thanks for inquiring with us and have a great day",
+ "If you need anything in the future do n't hesitate to call .",
+ "Okay , have a great day .",
+ "Enjoy your visit .",
+ "Great ! Have a great day !",
+ "Okay . Glad I could be of help .",
+ "Okay , let me know if I can assist with anything else .",
+ "Okay , please let me know if you need anything else .",
+ "Alright , have a great day .",
+ "You are welcome . Thanks for calling . Goodbye .",
+ "Thank you for contacting us have a nice day .",
+ "Have a nice day .",
+ "Happy to help . Goodbye .",
+ "Have a wonderful day !",
+ "Thanks , I hope you have a wonderful day as well !",
+ "You 're welcome . Goodbye !",
+ "Absolutely . Thank you for contacting the help desk . Have a great day .",
+ "Thank you for using our service . Enjoy your time here .",
+ "My pleasure . Enjoy your stay .",
+ "Have a great day !",
+ "thank you for calling .",
+ "Goodbye and thank you for your patronage .",
+ "Thank you , and enjoy your meal !",
+ "Goodbye .",
+ "You have a good day !",
+ "have a great day !",
+ "Sure , thanks for using this service .",
+ "You 're very welcome ! Goodbye .",
+ "Thanks for letting us assist you today ! Enjoy your visit !",
+ "Sure , good luck !",
+ "Thank you very much . Have a nice day . Goodbye .",
+ "So glad I was able to help . Have a great day . Good - Bye .",
+ "Great . I hope you enjoy your dinner .",
+ "Great , have a wonderful visit and a fantastic day . Thank you .",
+ "Glad to have been of help . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "You 're welcome , Thank you , goodbye .",
+ "Alright , have a nice day !",
+ "Awesome . Take care !",
+ "You 're welcome . Have a great time !",
+ "you 're welcome ! bye !",
+ "Thank you for using Cambridge TownInfo centre . Have a great day .",
+ "Thank you , have a nice day !",
+ "Thank you so much for calling Cambridge TownInfo centre ! We hope you enjoy your time in Cambridge !",
+ "It 's been my pleasure to help . Have a great day .",
+ "Thank you and have a good day .",
+ "Have a nice day ! Goodbye .",
+ "Thank you . Goodbye .",
+ "We 're happy to be of service , and thank you for using the Cambridge TownInfo Centre !",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Let us know if you need any more help .",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a nice day !",
+ "No thank you that will be all",
+ "Thank you , please contact us if we can assist you further .",
+ "Thank you .",
+ "I ' m glad I could help . Have a nice day .",
+ "Thank you for using our service . Have a wonderful day !",
+ "Have a great day !",
+ "You 're quite welcome ! Thanks for contacting Cambridge TownInfo Centre and have a great day !",
+ "Just let us if you need additional assistance in the future . Goodbye .",
+ "Have a wonderful day !",
+ "It was a pleasure helping you today . Good - bye .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for using our service , goodbye !",
+ "Goodbye . Enjoy your trip .",
+ "Please call again if you need more help .",
+ "Thank you , goodbye .",
+ "Okay . Great . Enjoy your lunch .",
+ "Alright , enjoy the rest of your day .",
+ "Have a great stay !",
+ "Have a nice day .",
+ "I am always glad to be of service ! Enjoy your visit .",
+ "No problem , thank you for letting me assist you today . Have a good day !",
+ "Thanks for using the Cambridge TownInfo centre . Goodbye !",
+ "You are most welcome !",
+ "Thank you for allowing me to assist you . Enjoy your stay ! Let us know if there 's anything we can assist you with in the future !",
+ "Have a nice day !",
+ "Thank you goodbye",
+ "thank you good bye",
+ "Thank you , Goodbye",
+ "Thank you , good day . Let us know if you need any thing else .",
+ "Alright , thanks for contacting Cambridge TownInfo centre , have a good day !",
+ "Thank you . Have a nice day .",
+ "Bye .",
+ "I hope things work out for you . Goodbye .",
+ "Thank you let me know if you need help again .",
+ "So glad we could help you out . Thanks for using the Cambridge TownInfo centre , and have a glorious day !",
+ "Great , thank you and goodbye !",
+ "Thank you for using our services .",
+ "Thank you for calling . Have a great day . Goodbye .",
+ "Glad to have been able to assist you . Thank you and have a great day .",
+ "My pleasure . Have a good day .",
+ "Goodbye .",
+ "Thank you goodbye .",
+ "You 're so welcome . Have a nice day ! Goodbye !",
+ "Have a wonderful day .",
+ "It was a pleasure to help . Thanks for using our service . Good night .",
+ "You 're welcome ! Have a great day ! Goodbye .",
+ "Thank you , and have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you ! Goodbye .",
+ "Enjoy !",
+ "Ok . Just let us know if you need anything else . Have a great day !",
+ "No , thank you ! Enjoy !",
+ "You 're welcome ! Please contact us if you would like to make a reservation in the future .",
+ "Thank you , Goodbye .",
+ "Great . Have a great day !",
+ "Thank you for calling us today . Goodbye .",
+ "Thank you for using our service today !",
+ "Well , thank you for using the Cambridge TownInfo centre . Have a great day",
+ "Thank you for using our services .",
+ "Thanks for using our service have a good day . Bye .",
+ "Thank you . Good bye",
+ "Thank you for contacting us and enjoy your visit .",
+ "You too , enjoy your stay !",
+ "I ' m happy to be of service . Enjoy the rest of your day !",
+ "Thanks for calling in today . Have a nice day .",
+ "Thank you for your time .",
+ "Thank you . Goodbye .",
+ "Thank you goodbye",
+ "Thank you . Good bye .",
+ "Okay . Glad I could be of help .",
+ "Be careful , let us know if we can be of more assistance .",
+ "We are here to help , cheers .",
+ "Enjoy your stay . Bye .",
+ "Thank you , goodbye .",
+ "Thank you for using our services . Please feel free to call on us again if we can be of help planning your trip to Cambridge .",
+ "Have a nice stay in cambridge !",
+ "You 're quite welcome . Thanks for using our service !",
+ "Good day and goodbye .",
+ "Enjoy the rest of your day and thank you for using the Cambridge help desk .",
+ "Thank you for choosing Cambridge TownInfo centre . Have a nice trip !",
+ "Thank you for using the Cambridge TownInfo Centre !",
+ "Okay great . I am glad I could be of help .",
+ "Thank you for contacting us . Have a great day !",
+ "My pleasure . Thank you for calling Cambridge TownInfo Centre . Goodbye .",
+ "Perfect , glad to have been of help . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "We hope you enjoy your time in the city . Bye .",
+ "Thanks for using the Cambridge TownInfo Centre . Goodbye !",
+ "Alright , have a lovely day . Goodbye .",
+ "Enjoy your stay !",
+ "Okay , enjoy the rest of your day , goodbye .",
+ "Thank you for using our services .",
+ "Thank you for using the Cambridge Restaurant Phone System . Enjoy your meal !",
+ "Thank you for using our system !",
+ "Great ! Have a nice day !",
+ "Okay . thanks for calling .",
+ "Please let us know if we can assist you in the future . Thank you ! Goodbye .",
+ "Thank you for using our services .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Okay . Glad I could be of help . Enjoy your travel .",
+ "You as well , come back any time you need future assistance .",
+ "Thank you , enjoy your meal !",
+ "If that is all , then thank you for reaching out to the Cambridge TownInfo centre . Goodbye .",
+ "Please feel free to reach out to us if you have additional requests . Have a great day . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo centre ! Have a pleasant trip ! Goodbye !",
+ "Have a good day !",
+ "Okay , I hope everything is okay !",
+ "It 's my pleasure ! Thank you for contacting us . Goodbye !",
+ "You 're welcome . Please call us again . Goodbye .",
+ "Good bye",
+ "Enjoy your stay and have fun .",
+ "No problem . Thanks for using Cambridge TownInfo . Goodbye .",
+ "Have a great day ! Goodbye .",
+ "OK , have a nice day . Good bye .",
+ "Have a great day !",
+ "My pleasure , have a nice day !",
+ "Thank you and enjoy your stay !",
+ "Hope you have a great time during your trip .",
+ "I hope you have a wonderful time at the museum .",
+ "Glad to help .",
+ "Thank you for using our service .",
+ "Thank you good bye",
+ "Good by and have a nice stay .",
+ "I ' m glad I was able to help you . Thanks for using our service today . Hope you have a good day .",
+ "you too have a great day",
+ "Thank you i enjoyed serving you welcome again",
+ "Not a problem ! If you need more assistance , please let me know !",
+ "Thank you for using our service .",
+ "Thanks for using our service today !",
+ "No worries . You have a great day . Goodbye .",
+ "Bye , thanks for using our service today .",
+ "Excellent . I hope you have a great rest of your day !",
+ "Sure thing . Enjoy your stay",
+ "Thank you goodbye",
+ "Have a great time .",
+ "enjoy your stay in Cambridge !",
+ "Awesome . Thank you for using the Cambridge TownInfo centre . Have a great day",
+ "Thank you for using our service . Please contact us again if we can be of further assistance .",
+ "enjoy your stay !",
+ "Sure , I ' m here to help you . Bye !",
+ "Well , if there is nothing else you need , then I hope you have a pleasant day . Goodbye !",
+ "Thank you and goodbye !",
+ "Have a nice day .",
+ "Have a good rest of your day !",
+ "Thank you for using this system !",
+ "This is the end",
+ "Thank you , and enjoy your meal !",
+ "Please let us know if we can help you in the future . Goodbye .",
+ "Bye !",
+ "Good day to you .",
+ "You are very welcome . Goodbye .",
+ "have a good day",
+ "Thank you for using our service today .",
+ "Have a wonderful day . Goodbye .",
+ "You too and thank you .",
+ "I hope you enjoy your trip ! Goodbye .",
+ "Thank you . You as well .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "Have a good night !",
+ "Thank you have a great day .",
+ "From all of us at Cambridge , we hope you enjoy your stay ! Farewell !",
+ "Alright , enjoy your trip !",
+ "enjoy your time with us !",
+ "Thank you for contacting Cambridge TownInfo centre , and have a nice day .",
+ "You were great . Hope you enjoy your stay . Have a great day .",
+ "Thank you for using the Cambridge restaurant system . Good bye ,",
+ "Thank you for using the service today !",
+ "Have a Great Day !",
+ "I ' m happy we could be of service . Enjoy your stay in Cambridge !",
+ "have a great day !",
+ "You are welcome . Good bye .",
+ "Thank you . Have a great day .",
+ "Great ! Have a wonderful day and enjoy your meal !",
+ "Enjoy your visit to cambridge . Have a wonderful day .",
+ "Enjoy your stay at Cambridge .",
+ "Okay great , have a good day !",
+ "Thank you for contacting us and you have a great day .",
+ "You have a nice triip and thank you for contacting us . Have a great day !",
+ "please contact us again in the future . goodbye .",
+ "Great , we hope you have a great stay .",
+ "Thanks ! I hope you have a great day !",
+ "No problem at all , have a great day .",
+ "Ok , good bye enjoy your day .",
+ "Thank you for using our services .",
+ "thank you for using this service good bye",
+ "Thank you for contacting us . Have a great day .",
+ "Thank you ! Have a great day !",
+ "Have a great day !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "I am glad I was able to help you . Thank you for calling the Cambridge TownInfo Centre . Goodbye .",
+ "You are very welcome ! Take care !",
+ "Thank you for using our system !",
+ "Thank you for using this system !",
+ "Great ! Have a great day .",
+ "You 're very welcome ! Goodbye .",
+ "OK , just let us know if there is anything else you need .",
+ "good bye and have a good time .",
+ "Have a nice day .",
+ "That 's wonderful . Have a great day and let me know what I can do for you if you need me in the future .",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for using our service . Have a great day !",
+ "No problem , have a great day .",
+ "Thank you so much !",
+ "Thank you for using our services .",
+ "It was my pleasure to assist you with that . Hoping you have a great day . Goodbye .",
+ "enjoy your meal !",
+ "Okay . Glad I could assist . Please call us anytime .",
+ "Thank you for using our system .",
+ "If you need any further assistance , please let us know . Good - bye .",
+ "Thanks for using the Cambridge TownInfo centre and have a great day !",
+ "Glad I could help ! Have a nice day !",
+ "Thank you for contacting us and have a nice day .",
+ "Okay do n't hesitate to call us if you need further assistance .",
+ "You are very welcome , goodbye .",
+ "Thank you for contacting us , if you have any further questions , feel free to contact us again . Have a wonderful day .",
+ "Have a nice day .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Thank you for contacting us today . Have a nice day .",
+ "Thank you , goodbye .",
+ "welcome . at your service next time",
+ "Hope you feel better , have a great day .",
+ "The pleasure was all mine , have a great day !",
+ "Thank you for using our service !",
+ "enjoy your ride",
+ "Enjoy the restaurant and have a nice day . Good bye .",
+ "Okay , enjoy your trip !",
+ "Thank you for choosing Cambridge TownInfo Centre .",
+ "Have a great time .",
+ "Thank you for using our service .",
+ "Thank you for calling !",
+ "Great . Have a nice day . Good Bye .",
+ "Great . Thank you for calling . I hope you have a wonderful trip . Goodbye .",
+ "Have a great day !",
+ "Goodbye , and thank you for using our service .",
+ "All right then , thanks for using our services and I hope you have a wonderful visit in Cambridge . Goodbye !",
+ "You 're welcome , enjoy your stay !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Have a great day !",
+ "Thank you , good bye .",
+ "Okay perfect . Have a great day , goodbye .",
+ "Have a great day !",
+ "Alright , have a lovely day .",
+ "Have a nice day . Call back if you need anything .",
+ "thank you and enjoy your stay in cambridge !",
+ "Have a wonderful trip .",
+ "Glad to help . Thank you and goodbye !",
+ "You are more than welcome !",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Goodbye and thank you for using our service",
+ "I hope you have a good stay in town . Please feel free to call back with any questions . Goodbye .",
+ "Happy to be of service . Have a great day , and I hope you enjoy your time in Cambridge !",
+ "Have a nice day",
+ "No problem . Goodbye !",
+ "Thank you for using our service !",
+ "Ok . Thank you . Goodbye .",
+ "Glad to help . Contact me again if you would like a booking . Have a nice day . Bye .",
+ "Enjoy your time ! Goodbye !",
+ "Glad to be of help . Goodbye .",
+ "Thank you , let me know if you need anything else , bye .",
+ "Okay great ! Enjoy your lunch .",
+ "most welcome , have a good day",
+ "Thank you for using Cambridge TownInfo centre . Have a nice day !",
+ "Thank you for calling this system . Goodbye .",
+ "most welcome and safe journey",
+ "Thank you , have a great day , Goodbye .",
+ "Great ! Have a nice evening .",
+ "You as well !",
+ "Bye , have a good day",
+ "Wonderful . Have a great day !",
+ "Thank you .",
+ "If you need anything else , please do not hesitate to contact us .",
+ "Thank you for using the help desk ! Good bye !",
+ "thank you for using our services . gooday",
+ "Thank you for using our service today !",
+ "Okay . Glad I could help .",
+ "No thank you that will be all",
+ "We are happy to help . Thank you for using our service .",
+ "Have a great day and enjoy your food .",
+ "Enjoy your visit to Cambridge , and have a great day !",
+ "Thank you for using our system !",
+ "Have a great day !",
+ "Have a good day !",
+ "Thank you ! You as well ! Enjoy your stay !",
+ "Have a great day !",
+ "Thank you for using our system today !",
+ "Thank you for using the Cambridge restaurant system . Good bye .",
+ "Great . Have a nice trip . Good bye .",
+ "Thank you for using our service today !",
+ "excellent , have a great day !",
+ "Thank you , enjoy the college , goodbye .",
+ "Have a wonderful day !",
+ "Thank you for using our system !",
+ "Have a fun trip !",
+ "Have a great day !",
+ "Thank you . Enjoy your stay",
+ "Have a great trip . If you need anything else just let us know . Goodbye .",
+ "Thank you and enjoy your visit .",
+ "Okay , then , enjoy your day .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you , goodbye .",
+ "Thank you for choosing Cambridge Help Desk . Have a lovely trip .",
+ "Okay great . Glad I could be of assistance .",
+ "Have a splendid visit !",
+ "Thank you for using our system . Good bye",
+ "Goodbye .",
+ "Have a good one !",
+ "Ok , enjoy your time in Cambridge !",
+ "Thank you goodbye",
+ "Thank you . Goodbye !",
+ "Of course , let me know if you need anything else .",
+ "Great . I ' m glad I could help you . Have a great day .",
+ "Great . Glad I could help .",
+ "You 're welcome and have a nice day .",
+ "You are so welcome . Bye now .",
+ "OK . Sorry for the confusion about the times . If you need help with anything else just let us know .",
+ "No problem . Happy to help !",
+ "You 're welcome . Thank you for contacting Cambridge TownInfo centre , and hope you heal soon .",
+ "Goodbye .",
+ "You 're welcome . Thanks for allowing me to help . Goodbye !",
+ "have a safe trip , bye .",
+ "Have a nice day . Bye .",
+ "Thank you , if you need anything else let me know . Good Bye .",
+ "Thank you for using the Cambridge restaurant system , goodbye .",
+ "Great ! Hope you have a good day !",
+ "Thank you for calling . Enjoy your stay .",
+ "You as well , good bye .",
+ "enjoy your stay in cambridge !",
+ "Thank you , have a nice day !",
+ "You are very welcome , I hope your day gets better .",
+ "You , too , and thank you for calling . Goodbye .",
+ "Happy to be of service , and enjoy your stay in Cambridge !",
+ "Have a nice day .",
+ "Thank you for choosing our service . Have a great day !",
+ "Thank you for using our system !",
+ "Awesome . Enjoy your meal .",
+ "Thank you goodbye",
+ "Thanks for using our services , have a lovely day .",
+ "Awesome . Have a great rest of your day !",
+ "Thank you for using Cambridge TownInfo centre . Have a nice day !",
+ "Enjoy your meal and have a great day !",
+ "Goodbye .",
+ "Well I glad i can help enjoy your stay !",
+ "excellent , have a great day !",
+ "Thank you , and have a nice day !",
+ "You are welcome . Have a nice day .",
+ "Have a great day !",
+ "Thank you and have a pleasant visit , goodbye !",
+ "thank you for using this service goodbye",
+ "Have a nice day .",
+ "Thank you for using our system ! Have a great day !",
+ "I ' m glad I could be of assistance . Enjoy your meal !",
+ "Great thank you for using our system .",
+ "Have a nice stay !",
+ "Thank you and good bye .",
+ "I hope you enjoy your stay . Have a good day .",
+ "Thank you for using our system .",
+ "Sure thing . Thanks for letting us help you today !",
+ "Thank you , goodbye .",
+ "You are welcome . Bye .",
+ "Okay . I ' m glad I could help . Have a great trip . Goodbye .",
+ "Thank you for using Cambridge TownInfo centre . Please consider us for your future travel needs .",
+ "Thank you . Enjoy your trip . Good bye .",
+ "Goodbye . If you need any help later , we are here .",
+ "Have a great day !",
+ "No problem , glad to be of help !",
+ "Thank you for calling . Enjoy your stay .",
+ "You 're very welcome . Have a good meal !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you , have a great day .",
+ "Okay , have a great day !",
+ "Have a nice day .",
+ "Have a great day .",
+ "Would you like me to contact the Parkside police for you ?",
+ "Thank you goodbye",
+ "Have a nice day and enjoy your stay in cambridge",
+ "Glad we could help , thank you and goodbye !",
+ "Have a nice stay in town . Let us know if you need help again .",
+ "Thank you for using our system !",
+ "Thank you ! Goodbye .",
+ "You 're welcome goodbye",
+ "Thank you for using Cambridge TownInfo centre . Have a nice day !",
+ "am sure you will enjoy",
+ "Thanks for visiting , have a lovely day !",
+ "excellent , have a great day !",
+ "Okay . Thank you for calling !",
+ "Alright , thank you ! Goodbye !",
+ "Glad I could help !",
+ "Have a good night .",
+ "Thank you for choosing Cambridge TownInfo . I hope you have a great day .",
+ "Okay . Let us know if you need more help .",
+ "Okay ! Glad I could be of help .",
+ "All right , enjoy your meal !",
+ "Thank you . Have a nice day .",
+ "Happy to help . Thank you for using our service .",
+ "Thank you for using our services .",
+ "THANK YOU GOO BYE",
+ "I am glad I could be of help . Have a great day !",
+ "You are welcome . Enjoy your stay in Cambridge . Good bye .",
+ "excellent , have a great day !",
+ "Have a great day !",
+ "Thanks and enjoy !",
+ "I m glad I could help goodbye",
+ "Thank you . Good bye .",
+ "great to hear that bye",
+ "It was a pleasure to help . Have a good day .",
+ "Thank you for using the Cambridge TownInfo centre !",
+ "Happy to be of help .",
+ "Thank you . Please remember us for your future travel needs .",
+ "welcome again next time . enjoy our services",
+ "enjoy your time in Cambridge !",
+ "Have a good trip !",
+ "Thank you for using our services .",
+ "Ok ! Have a great day !",
+ "Thank you and enjoy your time in our beautiful city !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "You 're welcome . Have a nice day .",
+ "Thank you for using our service !",
+ "Thank you and enjoy your visit . Have a great day .",
+ "You 're very welcome . Feel free to let us know if you need anything else .",
+ "Thank You . Have a good day , goodbye .",
+ "Have a great day , goodbye !",
+ "thank you goodbye",
+ "Thank you goodbye",
+ "Bye bye .",
+ "Thanks for using our service today !",
+ "You 're welcome . Good - bye .",
+ "Ok great , enjoy your trip ! Goodbye .",
+ "Ok ! Have a great day !",
+ "Thank you very much ! I am glad i was able to you find everything you needed . Have a wonderful day and I hope you 'll use our service again .",
+ "Have a good visit .",
+ "Okay thank you for calling . Enjoy your stay .",
+ "So happy I was able to help . Good - Bye .",
+ "Thank you for using our service !",
+ "Thank you for using our services .",
+ "Thanks for using our helpline . Hope you have a great day .",
+ "Bye , and have a great time at nandos !",
+ "And thank you for using Cambridge TownInfo centre ! Have a great day !",
+ "You 're welcome , enjoy your trip .",
+ "I ' m happy to be of help . Goodbye !",
+ "Enjoy your stay at the worth house . Have a great day .",
+ "It was a pleasure assisting you . Have a wonderful day .",
+ "Thank you for using our services .",
+ "Great ! Thank you for using our service today . Have a nice day .",
+ "We hope to see you again .",
+ "Well , then you have a nice day !",
+ "Thanks for calling Cambridge Town Info Centre . Have a great day . Goodbye .",
+ "I ' m happy to have been of assistance . Thank you for choosing Cambridge TownInfo centre . Enjoy the rest of your day !",
+ "Ok great . Have a wonderful day !",
+ "Enjoy your stay !",
+ "Okay , enjoy the rest of your day then !",
+ "Alright . Goodbye now . Thank you !",
+ "You 're quite welcome . Goodbye !",
+ "Thank you for using the system , goodbye .",
+ "Thank you for using our system !",
+ "You are welcome . Goodbye .",
+ "Have a nice day !",
+ "I hope you enjoy your visit to Cambridge ! See you soon !",
+ "Thank you for choosing Help Desk . Goodbye .",
+ "Thank you ! Goodbye .",
+ "Glad I could help and goodbye",
+ "Let us know if you need help anytime soon . Have a great day .",
+ "Okay great . Thanks I will .",
+ "Goodbye ! I hope your day is great .",
+ "It 's been my pleasure . Have a great stay in Cambridge .",
+ "Have a wonderful time .",
+ "enjoy your stay in cambridge !",
+ "Thanks for using our service today !",
+ "No problem . Good bye !",
+ "Okay , great ! Have a wonderful day .",
+ "thank you very much , good bye .",
+ "enjoy your meal .",
+ "good bye",
+ "You 're welcome . Good - bye .",
+ "Thank you for using this system . Goodbye .",
+ "Happy to be of service , and thanks for using the Cambridge TownInfo centre !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Thank you , have a great day !",
+ "Sounds good , thank you for your time .",
+ "You 're welcome . Goodbye !",
+ "Alright . Enjoy the rest of your day !",
+ "You 're welcome . Have a great night !",
+ "Have a great day !",
+ "Enjoy your trip and please do not hesitate to give me a call if you need further assistance .",
+ "Thank you . Have an enjoyable trip .",
+ "All right , if there 's anything else you need please let me know . Thank you and have a great day .",
+ "Great . Have a great day !",
+ "I hope you enjoy your train trip .",
+ "Have a great day , good bye .",
+ "Give us a call should you need anything .",
+ "Have a wonderful day , and enjoy your meal !",
+ "Certainly ! Have a nice day and contact the Cambridge TownInfo centre whenever you like !",
+ "Goodbye .",
+ "great day and thanks for inquiring from us",
+ "I ' m so sorry about that , it looks like someone left the phone off the hook , i 'll hang up now . good bye .",
+ "Thank you for using the Cambridge TowneInfo Help Desk !",
+ "Thank you , you have a good day !",
+ "I 'll be going now , good bye .",
+ "Thank you , goodbye .",
+ "Goodbye .",
+ "Thanks for using Cambridge TownInfo Centre . Bye !",
+ "It 's been a pleasure . Good day .",
+ "Thank you very much . Have a nice day .",
+ "Have a wonderful trip .",
+ "You hang up first , sir !",
+ "It was a pleasure to assist you . Thanks for using our service . Have a great day . Goodbye .",
+ "Thank you , goodbye .",
+ "Alright , have a nice day .",
+ "Have a great day and enjoy your trip .",
+ "So happy to have been of service . Thanks for using the Cambridge TownInfo centre , and have a great day !",
+ "Thank you , have a great day , goodbye !",
+ "Okay , you have a great day as well !",
+ "Yes , I hope you have a great stay too .",
+ "thank you .. good bye",
+ "Thank you for using Cambridge TownInfo centre . Have a great day !",
+ "Thank you for using our service today .",
+ "enjoy your stay , bye !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you let me know if you need anything else .",
+ "You 're very welcome . Have a nice day ! Bye !",
+ "Have a nice day .",
+ "enjoy your meal !",
+ "Thanks I have enjoyed the service",
+ "You 're welcome . Have a great trip !",
+ "The booking was successful ! Enjoy your trip .",
+ "Let us know if you need any further assistance .",
+ "Thank you for contacting Cambridge TownInfo Centre ! Have a great day !",
+ "Thank you goodbye",
+ "Enjoy the rest of your day , and your stay in Cambridge .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Bye ! I hope you have a lovely stay !",
+ "Have a great day !",
+ "Okay . Glad I could be of help .",
+ "Thank you and have a great day !",
+ "It was my pleasure to assist you . Call us again anytime . Have a good day .",
+ "Thank you for using this system . Goodbye .",
+ "thank you",
+ "Okay anytime . Thank you for calling .",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "Thank you for using our system !",
+ "You are more than welcome .",
+ "Have a great day !",
+ "Goodbye and have a good day .",
+ "Enjoy your stay , goodbye !",
+ "Have a great trip !",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for using our service . Have a wonderful day .",
+ "have a good day",
+ "Thank you for calling . Goodbye .",
+ "You are more than welcome ! good bye .",
+ "thank you goodbye",
+ "Okay thank you for using our service .",
+ "Glad I could be of assistance .",
+ "Okay , have a great day !",
+ "Thank you for using this system !",
+ "Okay great . Well enjoy your stay .",
+ "Thanks ! Have a nice day !",
+ "Thank you . Enjoy your stay , goodbye",
+ "Thank you and enjoy your meal . Have a great day .",
+ "Glad to help . Have a good day .",
+ "It was my pleasure . Let me know if you need anything else , I ' m happy to help !",
+ "Have a good day and thank you for contacting the Cambridge TownInfo centre .",
+ "Great ! Have a nice day !",
+ "Thank you for using the system . Good bye .",
+ "Great . Have a great day . Goodbye .",
+ "Have a great day !",
+ "thanks for inquiring from us . have a great day",
+ "And thank you for contacting the Cambridge TownInfo Centre . Take care !",
+ "Have a wonderful stay .",
+ "Thank you for using our system today !",
+ "The pleasure was all mine . Thanks for using the Cambridge TownInfo centre !",
+ "Have a nice day .",
+ "Thank you , goodbye .",
+ "Have a nice day .",
+ "Ok great . Have a great day .",
+ "Thank you and enjoy your stay !",
+ "You 're welcome , have a great day .",
+ "Any time , happy to help ! Have a good day !",
+ "You 're welcome . Please call us again if you have further needs . Goodbye .",
+ "Have a swell day .",
+ "Enjoy your visit ! Let us know if we can be of any further assistance .",
+ "Enjoy your stay ! Goodbye !",
+ "thank you for using this service",
+ "Okay , have a wonderful visit in cambridge !",
+ "Have a wonderful rest of your day .",
+ "welcome again some other time",
+ "Have a good day ! Goodbye .",
+ "Thank you for using our system today .",
+ "Have a great day !",
+ "Glad to help . Have a great day !",
+ "Have a great night .",
+ "Thank you ! Have a great day !",
+ "You are welcome . Good bye .",
+ "Have a great day !",
+ "Thank you for using our service today .",
+ "We are glad to be of help . Enjoy your trip and have a wonderful day .",
+ "Have a great day !",
+ "You have a great day .",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Thanks for using our service .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you have a great day .",
+ "Have a great trip .",
+ "You are all set then , have a wonderful day .",
+ "Have a great day !",
+ "You 're welcome . Good - bye .",
+ "Glad I could be of help . Have a nice night . Goodbye .",
+ "Thank you for using our services .",
+ "Great . Have a great day .",
+ "Thank you , if you need anything else let me know . Good Bye .",
+ "It is a pleasure to have assisted you ! Goodbye !",
+ "Enjoy your trip !",
+ "You are very welcome ! Enjoy your meal !",
+ "Have a wonderful time , good bye .",
+ "Have a great day .",
+ "Thank you , good day .",
+ "Thank you for using our services .",
+ "thank you . good bye .",
+ "Thank you have a wonderful day !",
+ "Have a good day !",
+ "Have a great day .",
+ "Have a great day !",
+ "Great ! Have a wonderful day ! Goodbye !",
+ "I ' m glad I could be of help . Please contact us again , anytime . Good bye .",
+ "And you have a lovely day as well !",
+ "Thank you , goodbye .",
+ "Thank you , Goodbye .",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Have a good day !",
+ "It was my pleasure . Have a nice day . Good bye .",
+ "Thank you for contacting us and have a nice day .",
+ "we appreciate you using our services . have a good day",
+ "Thank you , goodbye .",
+ "Thank you for contacting us . Have a great day !",
+ "We are glad we could assist you today . Enjoy your trip !",
+ "Thank you for allowing me to assist you today .",
+ "Enjoy your meal !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a great time ! Goodbye !",
+ "Great . If you ever do need anything else do n't hesitate to ask .",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Great ! have a wonderful trip !",
+ "Perfect . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Have a great day !",
+ "Okay great . Enjoy your stay .",
+ "Great . Have a wonderful time ! Thanks for using Cambridge TownInfo Centre .",
+ "Thank you for calling today .",
+ "I hope you enjoy your stay in Cambridge . Goodbye !",
+ "Thank you for allowing me to assist you . Feel free to call back for more information .",
+ "excellent , have a great day !",
+ "Okay glad I could help . Please call again .",
+ "You 're very welcome , enjoy your stay . Thank you and goodbye !",
+ "Have a good visit .",
+ "enjoy your stay in Cambridge !",
+ "thank you for using InfoCenter",
+ "Have a great time in Cambridge . Goodbye .",
+ "Glad to be of help . Good day .",
+ "enjoy your meal !",
+ "Thank you goodbye .",
+ "Bon voyage !",
+ "You 're welcome . Have a great day !",
+ "You are very welcome . I am glad I could help you today .",
+ "Your most welcome ! Please contact us again the next time you need help !",
+ "Thank you for choosing Help Desk . Good Bye .",
+ "ok , have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "Glad I could help , have a great day .",
+ "That 's wonderful ! Bye for now !",
+ "enjoy your stay in Cambridge !",
+ "Thank you for contacting us .",
+ "Thank you for using our system . Good bye",
+ "Goodbye ! Have a great day !",
+ "Thank you , and have a good evening !",
+ "Have a good day .",
+ "Have a great day !",
+ "Enjoy your movie !",
+ "Alright , have a lovely day .",
+ "No problem at all . Have a great day .",
+ "Have a great trip !",
+ "I hope all goes well . Let us know if we can help with anything else .",
+ "Wonderful . Please do n't hesitate to contact me again for more help . Good bye .",
+ "Thank you for using our system today !",
+ "welcome again some other time",
+ "Thank you goodbye",
+ "Have a nice day .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Have a great day .",
+ "Thank you for using our system !",
+ "Okay , I am happy to have assisted ! Goodbye !",
+ "Thank you ! Goodbye .",
+ "I ' m happy to be of service , and thanks for using the Cambridge TownInfo centre !",
+ "Thank you for calling . Goodbye .",
+ "Thank you for using the Cambridge TownInfo Centre ; goodbye !",
+ "enjoy your stay in cambridge !",
+ "Have a great day !",
+ "Thank you for 7 for booking with us . Have a great day .",
+ "okay , have a great trip ! Bye !",
+ "Okay great let us know if you need anymore assistance .",
+ "Have a great time .",
+ "Great , text us back anytime , and have a good day !",
+ "Awesome , have a great day !",
+ "Thank you for using our system !",
+ "Have a good day . Thank you for using Cambridge TownInfo centre . Goodbye .",
+ "You have a good day also . Bye .",
+ "Okay , goodbye I hope you enjoy your time in town !",
+ "good bye",
+ "Thank you , and let us know if we can be of further assistance .",
+ "Thank you , and have a pleasant trip . Goodbye .",
+ "Have a wonderful day !",
+ "Good bye .",
+ "It was a pleasure helping you today . Good - bye .",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Thank you for using our services .",
+ "Thank you for allowing me to help you today .",
+ "Ok great . Have a great day .",
+ "Okay great , have a good day !",
+ "Thank you , goodbye !",
+ "Thank you , goodbye .",
+ "Welcome , hope you enjoy your day .",
+ "You are welcome . Thank you for calling . Goodbye .",
+ "Thanks ! Have a great day !",
+ "Alright then . Have a wonderful day . Goodbye .",
+ "Have a wonderful day .",
+ "You 're welcome ! Have a great day ! Bye !",
+ "So glad I could be of assistance . Have a lovely day !",
+ "Thank you for calling , enjoy your meal ! Goodbye .",
+ "Have a good trip ! Good bye .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "You 're welcome . Good bye .",
+ "Have a great day and text us back anytime !",
+ "I ' m glad we could help .",
+ "Thank you for using this system",
+ "Thank you for using our services .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "It 's my pleasure . Goodbye !",
+ "Thank you for using our system !",
+ "Goodbye .",
+ "Have a good time .",
+ "Thank you and goodbye .",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "Thank you , enjoy your day .",
+ "Thank you goodbye",
+ "Thank you for contacting us . Have a nice day .",
+ "Thank you for using the Cambridge Town Info service ! Enjoy your time in Cambridge",
+ "Thank you . Good bye !",
+ "Okay , have a wonderful day then , goodbye !",
+ "Have a great day !",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Okay , enjoy your trip ! Have a great day .",
+ "Thank you goodbye",
+ "Alright , have a wonderful time in cambridge !",
+ "enjoy your stay in cambridge !",
+ "Thank for using Cambridge TownInfo centre .",
+ "I ' m glad I could be of assistance , have a good day !",
+ "Thank you for calling !",
+ "Thank you goodbye",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You have a wonderful day !",
+ "That 's great . Have a safe trip . goodbye .",
+ "You as well , enjoy your trip !",
+ "Have a lovely day , goodbye !",
+ "Thank you , and have a great day !",
+ "Thank you for spending time in Cambridge , hope you have a pleasant stay .",
+ "Fantastic , enjoy your trip !",
+ "Thank you for using our services . Have a nice trip .",
+ "Thank you for using the Cambridge TownInfo centre ! Have a nice trip !",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Thank you for using our service . Have a great day !",
+ "Thank you for calling , goodbye .",
+ "good day and thanks for using our services",
+ "Thank you for using Cambridge TownInfo Centre . Have a fantabulous day !",
+ "Have a nice day .",
+ "Have a great day and thanks for contacting Cambridge TownInfo centre .",
+ "Goodbye and have a nice night .",
+ "Thank you , goodbye .",
+ "Thank you have a great day .",
+ "Great , have a good day !",
+ "Thank you and have a great day !",
+ "Goodbye .",
+ "Have a great time .",
+ "You 're welcome , enjoy your stay .",
+ "Thank you for using our system . Good bye",
+ "If you think of anything else you need do n't hesitate to contact us , we 're always happy to help .",
+ "Have a good day !",
+ "Um , ok . Please contact our service if there is any other assistance we can provide you . Have a good day .",
+ "Thank you for contacting us and have a nice day .",
+ "It was my pleasure . Thanks for using our service . Goodbye .",
+ "Thank you and have a great day .",
+ "Le t us know if you need anything else , good day .",
+ "You are quite welcome !",
+ "Okay great , have a good day .",
+ "Thank you for using our services , feel free to contact us any time for assistance .",
+ "Thank you for using our service today .",
+ "please contact us again in the future . goodbye .",
+ "You are welcome , enjoy your dinner !",
+ "Okay . Glad I could be of help .",
+ "I ' m happy I could help you today . Have a great day !",
+ "Great , have a wonderful day !",
+ "Thank you for using our service . Goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "You 're welcome ! Goodbye !",
+ "Have a good trip !",
+ "You are very welcome , goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "I hope you have a pleasant stay !",
+ "Okay . Great glad I could help .",
+ "You are welcome , enjoy your stay .",
+ "Thank you for using Cambridge TownInfo centre . Good bye .",
+ "My pleasure . Enjoy your time in Cambridge . Goodbye .",
+ "Thanks for using our system !",
+ "You are welcome . Have a great day .",
+ "enjoy your stay in Cambridge !",
+ "Thank you for using our system today !",
+ "Thanks ! Have a great day !",
+ "Thank you for choosing our system . Goodbye",
+ "good bye",
+ "Thank you for using Cambridge TownInfo centre , goodbye !",
+ "Alright , have a nice day !",
+ "Glad I could be of assistance . Good - bye .",
+ "Thank you for using our system today !",
+ "Have a nice day .",
+ "Terrific , glad I could help . Do n't hesitate to contact us if you need anything else .",
+ "It was my pleasure . Safe travels !",
+ "Thank you , goodbye .",
+ "Thanks for contacting Cambridge TownInfo centre . Good Bye .",
+ "excellent , have a great day !",
+ "All right , thank you and have a great day .",
+ "Thank you for using our services .",
+ "I am glad that I can help . Have a nice stay .",
+ "Thank you . Goodbye .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Ok ! Have a great day !",
+ "Good bye !",
+ "Enjoy your stay ! Bye",
+ "If that 's an invitation , I will take you up on the offer . In the meantime , thank you for using Cambridge TownInfo centre . Goodbye , now .",
+ "Have a great day !",
+ "Glad we could be assistance .",
+ "Goodbye .",
+ "Have a good evening .",
+ "Thank you , have a great visit , goodbye !",
+ "excellent , have a great day",
+ "Thank you have a nice day .",
+ "enjoy your time in Cambridge !",
+ "enjoy your time with us in Cambridge , enjoy !",
+ "Have a nice day .",
+ "Let us know if you need anything else .",
+ "ok thanks and have a great day",
+ "You are most welcome !",
+ "Thank you for calling , goodbye .",
+ "Thank you , have a great time ! Goodbye .",
+ "Enjoy your stay in Cambridge . Have a nice day , bye .",
+ "Thank you for using the Cambridge system . Goodbye .",
+ "To you as well ! Goodbye .",
+ "Thank you for contacting us , you have a nice day .",
+ "I ' m happy to be of service . Enjoy your time in Cambridge !",
+ "Thank you again for using our service .",
+ "I hope you enjoy your stay .",
+ "Have a great visit !",
+ "Thank you , bye .",
+ "Thank you and enjoy your stay here in our lovely city !",
+ "If you change your mind and need a booking , we 'll be here . Thanks for using our service !",
+ "Goodbye . And feel free to contact us if there 's any other information you need , as well .",
+ "You 're very welcome . Have a great night .",
+ "Thank you for using our service today .",
+ "Enjoy your trip ! Bye !",
+ "Have a lovely day , goodbye .",
+ "Thank you ! If you need anything else , please do n't hesitate to ask .",
+ "Have a nice day .",
+ "Okay . Have a good day !",
+ "Okay , have a great day !",
+ "Thank you for using the Cambridge restaurant system , please call again .",
+ "Okay thank you . Enjoy your dinner .",
+ "enjoy your stay",
+ "Have a nice day ! Goodbye .",
+ "Thank you for using this system .",
+ "Have a great day",
+ "Have a great day .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "You 're very welcome . Good day .",
+ "We hope to help you again .",
+ "Thank you for using out system . Good bye .",
+ "enjoy your stay !",
+ "Well thank you for contacting the Help Desk , and have a great day !",
+ "I ' m happy to have helped you . Thank you for using Cambridge TownInfo centre . Goodbye !",
+ "Goodbye . Please let me know if you need anything else .",
+ "Okay thank you for calling .",
+ "Alright , hope your train ride goes smooth !",
+ "Thank you , have a nice time .",
+ "Thank you , have a good stay .",
+ "thank you that will be all , that was a big help too",
+ "Okay , have a wonderful visit !",
+ "Thank you for using our service . Have a great evening . Goodbye .",
+ "Thank you , goodbye .",
+ "excellent , have a great day !",
+ "Okay enjoy your lunch and thank you for calling .",
+ "Thank you ! Goodbye .",
+ "Have a great day . Goodbye .",
+ "Thank you for using our services .",
+ "We hope you have a nice time in town . Good bye !",
+ "Thank you for using the Cambridge TownInfo centre . We 're here 24/7 . Have a great day .",
+ "Good bye .",
+ "Thanks for using our service today !",
+ "Thank you for using our system . Good Bye .",
+ "Thank you for using the Cambridge restaurant system . Good bye .",
+ "It has been my pleasure ! Goodbye !",
+ "Have a nice day .",
+ "Thank you for allowing me to assist you with your Cambridge TownInfo adventures . Enjoy you time , please let us know if there 's anything we can assist with in the future .",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for all of your future travel needs .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "Thank you goodbye . Thank you for calling .",
+ "Have a lovely day , goodbye .",
+ "Thank you for calling . Enjoy your stay .",
+ "I ' m happy I could be of help . Have a wonderful day !",
+ "Well if there is anything else you need , we 're here 24/7 . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Thank you , goodbye .",
+ "Okay great . Please call us again .",
+ "Goodbye !",
+ "Good day , thank you for using us , if you need anything else let is know .",
+ "Thank you for calling us and please use our system again . Goodbye .",
+ "Happy to help ! Thank you for using the Cambridge TownInfo centre services !",
+ "Great . Thank you for contacting Cambridge Towninfo Centre . Have a great day .",
+ "Thank you so much .",
+ "Thank you for using our services .",
+ "I ' m glad I could assist you . Enjoy your stay . Good - bye .",
+ "Thank you and enjoy your stay in Cambridge !",
+ "Thank you , you too .",
+ "You 're quite welcome , thank you and goodbye !",
+ "Okay have a great rest of your day !",
+ "Okay thank you ! Have a great day !",
+ "Thanks , enjoy your visit !",
+ "i hope you enjoy staying around here",
+ "It was a pleasure assisting you . Have a great day . Goodbye .",
+ "Thank you for your inquiry . I hope I was helpful .",
+ "Ok ! Have a great day !",
+ "Okay . Glad I could help . Please call again .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "No trouble at all , I hope you have a wonderful stay !",
+ "Thank you for contacting us and let us know if we can help you in the future .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Thanks , you as well !",
+ "Alright , thank you and goodbye !",
+ "Thank You",
+ "Goodbye",
+ "I am glad to help enjoy your time !",
+ "Alright , if you need a booking in the future , we will be here . Have a good day !",
+ "thank you , goodbye",
+ "Have a great time in Cambridge .",
+ "Great , thank you for visiting us and I hope that you enjoy your stay .",
+ "Have a lovely day , thank you for using a our service .",
+ "Thank you for contacting us and have a nice day .",
+ "Glad I could help you . Thanks for using our service have a nice day .",
+ "You 're welcome . Good - bye .",
+ "Thank you for using our services .",
+ "Alright . Thank you for calling .",
+ "thank you good bye .",
+ "Thank you for using our services .",
+ "Have a good day . Good bye .",
+ "Have a wonderful day .",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "I ' m sorry for the confusion earlier , I hope you have a lovely time here .",
+ "Thank you and please remember us for your future travel needs .",
+ "Thank you for using our services , goodbye .",
+ "Have a nice trip thank you .",
+ "I apologize for your early booking and hope you have a safe trip !",
+ "You 're very welcome . Feel free to call us back when you need . Goodbye .",
+ "You too . Have a great trip .",
+ "Thank you for using the Cambridge TownInfo centre , and enjoy your stay in Cambridge !",
+ "Wonderful ! I hope you enjoy your trip .",
+ "ok have a great time",
+ "Thank you too .",
+ "You 're welcome . Goodbye .",
+ "Have a great trip !",
+ "Thanks for using our services .",
+ "Have a wonderful day .",
+ "Okay , have a wonderful day , bye !",
+ "Have a wonderful time in Cambridge !",
+ "Thank you for calling . I hope you enjoy your trip ! Goodbye .",
+ "Thank you and have a nice time at Curry Garden !",
+ "Thank you . Have a good day !",
+ "Thank you for using our system !",
+ "Have a good day .",
+ "Goodbye and enjoy your stay !",
+ "I hope you enjoy your Thai food . Goodbye .",
+ "Thank you for using our system !",
+ "sure thing ! Have a nice trip !",
+ "Thank you and have a nice trip .",
+ "Goodbye .",
+ "Enjoy your dinner . Thank you for contacting TownInfo centre . Goodbye .",
+ "Glad I could help !",
+ "Goodbye , have a great day .",
+ "It 's been a pleasure . Have a good day .",
+ "My pleasure . Thank you .",
+ "Thank you for contacting us and have a nice day .",
+ "You 're very welcome . I ' m terribly sorry about the confusion earlier . Have a lovely day . Goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you . Please let us know if you need anything else .",
+ "Thank you for contacting us . Please let us know if you need anything in the future .",
+ "Good bye .",
+ "Have a nice day .",
+ "Thank you for contacting us and have a nice day .",
+ "You have a great day .",
+ "Thank you and have a good day !",
+ "okay and thanks for inquiring with us",
+ "Goodbye and thank you .",
+ "If you need anything else do n't hesitate to contact our help desk again !",
+ "Please use our service again . Goodbye .",
+ "Thanks for using the Cambridge TownInfo Centre . Goodbye !",
+ "Have a good day , goodbye .",
+ "thank you and good bye",
+ "You are welcome . Have a good time !",
+ "Ok . Have a great day !",
+ "You are all set . Thank you !",
+ "Thank you , goodbye .",
+ "have a nice day . bye",
+ "Thank you , goodbye .",
+ "Have a nice day and thank you for contacting us .",
+ "have a good dinner !",
+ "Have a nice day then !",
+ "Okay , have a nice day .",
+ "No worries , goodbye .",
+ "OK , let me know if you need anything else .",
+ "thank you that is all good bye",
+ "thanks for using our services and have a good day",
+ "Good bye .",
+ "Enjoy your day , goodbye .",
+ "Thank you for using our system !",
+ "Thank you for contacting us and have a nice day .",
+ "Have a great day !",
+ "It has been a pleasure to help you , thank you for using our service goodbye .",
+ "Have a great day !",
+ "You 're welcome . Have a great day .",
+ "Alright . Enjoy your stay in Cambridge !",
+ "You 're welcome . Goodbye !",
+ "Great . Have a great day !",
+ "Thank you for using our system !",
+ "Great . If you need tickets , do n't hesitate to contact me again . Have a great day . Good bye .",
+ "Have a great day .",
+ "thank you and have a great day",
+ "I will thank you . Goodbye .",
+ "Please contact us anytime . Thank you .",
+ "Thank you and goodbye !",
+ "Thank you for using Cambridge TownInfo centre , have a great day !",
+ "Thank you have a nice day .",
+ "thank you that will be all for now",
+ "You are quite welcome . Thanks for using our services .",
+ "Have a nice day ! thank you , goodbye .",
+ "Sure i will find you one thanks i lot and welcome again",
+ "Great , thank you for using Cambridge TownInfo centre . Goodbye !",
+ "Have a great day !",
+ "Thank you , goodbye .",
+ "You are quite welcome . I ' m glad to have helped .",
+ "Thank you goodbye",
+ "ta ta or now . See ya later alligator .",
+ "bye great day",
+ "Okay . Thank you !",
+ "Have a great day !",
+ "Thank you . Goodbye .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You 're welcome ! Have a great day ! Goodbye .",
+ "Goodbye .",
+ "Have a great day as well . Good bye .",
+ "No thank you that will be all",
+ "good day to you",
+ "Have a great stay in Cambridge .",
+ "Okay , have a great day ! Bye now !",
+ "Thank you , goodbye !",
+ "Thank you for contacting us and have a nice day .",
+ "Fantastic . Have a great trip !",
+ "Thank you and enjoy your stay with us in this lovely city !",
+ "No problem . Goodbye !",
+ "Thank you , goodbye !",
+ "Goodbye and enjoy your meal !",
+ "Have a wonderful time .",
+ "Enjoy your stay !",
+ "Thank you for calling !",
+ "Thank you , have a nice day !",
+ "Glad to be able to help .",
+ "I ' m glad I could help . Have a nice day . Good bye .",
+ "Okay . Let us know if we can be of further assistance .",
+ "No problem . Call back if you need further assistance .",
+ "Thank you for using our services .",
+ "Thank you , enjoy the rest of your day .",
+ "good bye and have a good day",
+ "It was a pleasure to help you today . Thanks for using our service . Goodbye .",
+ "Thank you . Have a nice day , goodbye .",
+ "I ' m glad I could help you . Goodbye .",
+ "Ok ! have a great day !",
+ "Thank you and enjoy your time in our lovely city !",
+ "Thank you for allowing me to help you . Have a great day .",
+ "You are welcome . Thank you for calling Cambridge TownInfo centre . Goodbye .",
+ "Glad I could be of assistance . Have a great day . Good bye .",
+ "Alright have a great day !",
+ "I ' m sorry about that , I forgot to hang up . Good bye .",
+ "Thank you and enjoy your visit .",
+ "Thank you for using our site and let us know if you need anything else in the future .",
+ "You are very welcome , thank you and have a nice stay .",
+ "Thank you . You too .",
+ "Thank you for using our service today .",
+ "Okay . Glad we could help !",
+ "If you need anything else , please call us back . Have a great trip to Cambridge ! Goodbye .",
+ "Great ! Should you need anything else , please let us know .",
+ "You 're very welcome . Goodbye .",
+ "Sorry I forgot to hang up . Good bye now .",
+ "I hope you enjoy your stay . Contact us anytime . Good bye .",
+ "Thank you . Hope you enjoy your time in Cambridge . Goodbye .",
+ "Happy to help , goodbye ..",
+ "Thank you for using our system !",
+ "Thank you and enjoy your meal !",
+ "Have a great trip !",
+ "It was no trouble at all ! I hope you have a fantastic trip and enjoy your stay !",
+ "Thank you and goodbye .",
+ "I hope you have a great stay in Cambridge !",
+ "Glad I could help !",
+ "Have a nice day .",
+ "Thank you for using our system today",
+ "I hope you have a good trip . Thanks calling in today . Goodbye .",
+ "Okay . I am glad I could be of help .",
+ "Okay , have a great day !",
+ "I am glad I could be of service . Have a great day .",
+ "Excellent . Have a good day !",
+ "Goodbye , and thanks for contacting our service",
+ "Great thank you .",
+ "Thank you , and have a nice day !",
+ "Have a great day ! Thank you for using our service",
+ "Thank you and good bye",
+ "Thank you for calling !",
+ "Thank you for contacting us and have a nice day .",
+ "You have a great day as well !",
+ "It 's been a pleasure assisting you . Have a great day . Goodbye .",
+ "Thank you good bye",
+ "You are welcome . Please call back if you need anything else .",
+ "Thank you for choosing our service , goodbye .",
+ "Awesome . Have a good day !",
+ "Thank you . Have a good night , goodbye .",
+ "Okay , thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Have a great time .",
+ "Thank you for using our service . Have a great day .",
+ "You are welcome . Have a great day .",
+ "Have a nice day .",
+ "Have a wonderful time .",
+ "Have a wonderful time in town . I am glad to help you from Cambridge TownInfo Centre . Goodbye .",
+ "Good night , have a nice evening .",
+ "we appreciate you using our services . have a good day .",
+ "Thank you , have a good day !",
+ "I hope you have a wonderful meal .",
+ "Goodbye .",
+ "Excellent . Have a good rest of your day !",
+ "Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for calling . I hope you enjoy your trip . Goodbye .",
+ "Great . Have a good day . Bye .",
+ "Thank you for using the Cambridge TownInfo centre . Have a nice day .",
+ "Have a good evening .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Thank you and have a great day !",
+ "Have a great day !",
+ "Excellent . Thank you for getting in touch .",
+ "Have a great trip to Cambridge . Goodbye .",
+ "You are welcome .",
+ "Okay . Hope things get better . Goodbye .",
+ "Have a great trip !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "If that is all I can help you with , have a great day !",
+ "Great ! Have a nice day !",
+ "Thanks for using Cambridge Town Info centre . Have a great trip !",
+ "Thanks for using our services .",
+ "Thank you , good day to you .",
+ "Do n't hesitate to contact me if you decide to reserve . Bye .",
+ "Okay , have a great day !",
+ "Thank you for contacting us have a nice day .",
+ "I hope your day gets better !",
+ "Have a nice day !",
+ "Hope you feel better .",
+ "Thank you for calling , goodbye .",
+ "Okay Glad i could be of help .",
+ "Anytime ! Enjoy your stay .",
+ "Thanks for using the help desk !",
+ "Thank you for using Cambridge TownInfo centre . Have a wonderful day !",
+ "You are so welcome ! Good bye .",
+ "hope you found what you are looking for .",
+ "Alright . Enjoy your journey .",
+ "Goodbye . Have a great day !",
+ "Thanks for contacting Cambridge TownInfo centre , have a wonderful day !",
+ "enjoy your time in Cambridge !",
+ "I ' m happy to have helped you . Thank you for using Cambridge TownInfo centre . Have a nice day !",
+ "You 're welcome . Good - bye .",
+ "Okay . Glad I could be of help .",
+ "Awesome . We 're here 24/7 if you need us again . Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "You are more than welcome !",
+ "Have a great day !",
+ "You have a wonderful day !",
+ "Enjoy your stay in Cambridge , have a great day !",
+ "Enjoy your stay ! Goodbye !",
+ "I hope you enjoy the museum , and have a great day !",
+ "Thank you for using Cambridge TownInfo centre . Have a great day !",
+ "Have a great time .",
+ "Great ! Have a good day !",
+ "You 're very welcome . Thanks for contacting the Cambridge TownInfo Centre . I hope you have a great day !",
+ "Thank you for using our system !",
+ "You are welcome and thank you for using Cambridge TownInfo Centre .",
+ "Enjoy your time in Cambridge ! Goodbye !",
+ "Thank you for using our system ! Have a great day !",
+ "Thank you , enjoy the rest of your day",
+ "Thank you for calling and have a great day .",
+ "Thank you for using our system !",
+ "Have a great time .",
+ "Alright have a great day !",
+ "Thanks for using our service & have a great visit !",
+ "You 're welcome . Have a great day ! Goodbye .",
+ "Please contact us anytime . Good Bye .",
+ "Thank you very much for using the Cambridge Restaurant system .",
+ "Goodbye ! Enjoy your time in Cambridge !",
+ "You are welcome . Thank you for contact us . Goodbye .",
+ "i can imagine , sorry for your trouble !",
+ "You , too . Let me know if I can be of any more assistance .",
+ "Enjoy your visit to Kettle 's Yard . Thank you for calling the Cambridge TownInfo Centre . Goodbye .",
+ "Perfect ! I ' m glad I could help you with your travel plans today .",
+ "You take care too and be safe .",
+ "Thank you for using our services .",
+ "Thank you for using our system today !",
+ "Have a great day , goodbye .",
+ "Excellent . Thank you for using the Cambridge TownInfo centre .",
+ "Goodbye .",
+ "Thank you for using our services .",
+ "Thank you for using our system . Goodbye .",
+ "You 're very welcome ! Thanks for contacting Cambridge TownInfo centre and have a great day !",
+ "Have a great day !",
+ "Thank you for using our services .",
+ "You as well ! Goodbye !",
+ "Thank you for contacting us and have a great day !",
+ "Thank you for using our system !",
+ "Thank you for using the Cambridge TownInfo centre service !",
+ "Okay . Enjoy your stay here .",
+ "great , have a good day !",
+ "Great , have a wonderfule day !",
+ "I ' m happy to help . Feel free to contact us should you need anything else . Have a good day .",
+ "Thank you for using our service . Have a wonderful evening . Goodbye .",
+ "Okay . Enjoy your stay .",
+ "Glad I could help !",
+ "Have a great day !",
+ "Enjoy your stay in Cambridge !",
+ "Thank you for contacting Cambridge InfoCentre today ! Enjoy your stay .",
+ "I hope your dinner is great .",
+ "Have a great trip !",
+ "Contact us if you need help with anything else .",
+ "thank you i m glad I could help goodbye",
+ "Thank you for using this system and please call us again . Goodbye .",
+ "Thank you for using the Cambridge restaurant sytem . Good bye .",
+ "It was a pleasure to assist , goodbye",
+ "alright , enjoy your day .",
+ "goodbye too , enjoy yourself",
+ "Thank you for using the Cambridge TownInfo centre . Have a good day .",
+ "Thank you and good bye !",
+ "I hope you enjoy your trip . Goodbye .",
+ "Very well , thank you for using our services . Goodbye .",
+ "Sounds good , let me know if you need anything else .",
+ "All right , if there 's anything else you can think of , please contact the front desk again . Thank you and have a great day .",
+ "I am happy to help . Have a good day . Goodbye .",
+ "Have a great day !",
+ "Enjoy your trip !",
+ "Thank you and enjoy your stay !",
+ "Thank you for using our service . Have a great evening . Goodbye .",
+ "Okay , have a great day !",
+ "Have a great day !",
+ "You 're welcome . Enjoy !",
+ "Thank you as well and have a wonderful day !",
+ "Thank you have a nice day .",
+ "Thank you , Goodbye .",
+ "Thanks",
+ "You are very welcome ! Have a nice day !",
+ "Happy to help ! Feel free to reach out again if you need anything else",
+ "I hope everything works out well .",
+ "You 're welcome . Have a wonderful day !",
+ "Thank you so much . Enjoy your stay .",
+ "Thank for using our service . Goodbye !",
+ "You 're welcome ! Have a great day !",
+ "Goodbye !",
+ "Enjoy your dinner .",
+ "Thank you for using our system !",
+ "Thank you for choosing the Cambridge TownInfo centre . Have a great day !",
+ "Have a wonderful day !",
+ "You 're welcome , thank you for using our service .",
+ "Glad I could help , if that is all I can do for you , you have a nice day . Goodbye .",
+ "Take care , have fun !",
+ "Thank you . Have a good day , goodbye .",
+ "You 're welcome . Have a nice day .",
+ "I ' m happy I could help you .",
+ "Great thank you so much .",
+ "Thanks , you too !",
+ "Goodbye , enjoy the rest of your day .",
+ "Great ! Thank 's or using our service . Have a great day .",
+ "Goodbye , and thanks for connecting the Cambridge TownInfo centre !",
+ "Thank you , goodbye .",
+ "Have a good trip !",
+ "You 're welcome , enjoy your trip .",
+ "Goodbye and hope to see you again .",
+ "I hope I have been helpful , enjoy your stay in Cambridge !",
+ "Have a great trip .",
+ "Thank you for letting me assist you today ! Enjoy your visit !",
+ "No thank you that will be all",
+ "THat is all I need today thank you for contacting us .",
+ "Have a good visit .",
+ "Have a nice day !",
+ "You 're welcome . Have a great day .",
+ "Thanks for using this system and enjoy your meal ! Goodbye !",
+ "Thank you for using Cambridge TownInfo centre . Have a nice day !",
+ "Thank you for using our system today !",
+ "Okay , have a wonderful visit to Cambridge !",
+ "Thank you and enjoy your stay in our lovely city !",
+ "Goodbye .",
+ "okay let us know if you need anything else .",
+ "Ok have a great day !",
+ "Have a nice stay in Cambridge !",
+ "Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Ok . Take care have a nice day .",
+ "Thank you for using the Cambridge TownInfo Centre , and have a great day !",
+ "Have a great day !",
+ "Have a great day !",
+ "Great , have a wonderful day . Thank you for choosing us for your travel needs !",
+ "Glad I could help . Let us know if there 's ever anything else we can help you with .",
+ "I ' m happy to have helped , good day .",
+ "Alright , thank you . Goodbye .",
+ "Thank you for using our service . Have a great day .",
+ "It was my pleasure to help . You have a great day . Goodbye .",
+ "Thank you for using the Cambridge TownInfo centre . Have a nice day !",
+ "Goodbye . I hope you feel better !",
+ "Great ! Enjoy your trip !",
+ "Great ! Have a nice day !",
+ "Have a great day !",
+ "Goodbye now ! Have a great day !",
+ "You have a great day , too . Thanks for calling . Goodbye .",
+ "So glad we could be of service today . Enjoy your time in Cambridge !",
+ "Have a good stay . Good bye .",
+ "Thank you , enjoy your stay in cambridge .",
+ "Thank you for using our service . have a good day !",
+ "Goodbye .",
+ "Thank you for using our service , and have a great day !",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you .",
+ "You are welcome . Thank you for using Cambridge TownInfo centre . Goodbye .",
+ "thanks for using our services . good day",
+ "i am happy i have been of help to you . great day",
+ "Alright great have a nice day !",
+ "Your welcome . I am glad I was able to help .",
+ "Your Welcome have a great day .",
+ "Have a nice day , goodbye !",
+ "Have a lovely day !",
+ "Thank you . Enjoy your stay .",
+ "I ' m glad I could help . Have a wonderful day !",
+ "Sorry I could nt help good bye",
+ "Awesome . Have a great day !",
+ "Enjoy your trip !",
+ "enjoy your stay in Cambridge !",
+ "Have a great evening .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Fantastic ! Have a lovely visit ! Goodbye !",
+ "Okay ! Let us know if we can be of any further assistance . Have a nice day .",
+ "Glad I could help . Let me know if there 's ever anything else you need .",
+ "My pleasure . Enjoy your stay .",
+ "Thank you for contacting Cambridge TownInfo Centre . Enjoy your trip !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Great , it was a pleasure assisting you ! Goodbye !",
+ "Good night to you too , and goodbye .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "Okay , well have a great day .",
+ "I ' m glad I could help you today . Good bye .",
+ "You 're welcome , have fun !",
+ "Sure , no problem . Thank you for calling ! Have a nice day .",
+ "Thank you for using the Cambridge restaurant system . Please call again ! Goodbye .",
+ "Not a problem at all .",
+ "No problem at all ! Keep us in mind when you need a hand !",
+ "Have a nice day , farewell .",
+ "Okay . Glad I could help .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for allowing me to help you today .",
+ "Sure . Glad to help .",
+ "Have a great trip .",
+ "Thank you for using Cambridge TownInfo centre . Have a good day !",
+ "Thank you for contacting us and have a nice day .",
+ "Have a wonderful day .",
+ "Okay thank you for calling .",
+ "I ' m glad we could help . Please contact us anytime . Good Bye .",
+ "Thank you for contacting us and have a nice day .",
+ "It was a pleasure to assist you ! Goodbye !",
+ "Thanks for your call . I hope you have a great trip . Goodbye .",
+ "Enjoy your visit to cambridge and have a good day .",
+ "It was my pleasure to help . Have a great afternoon . Goodbye .",
+ "Thank you for using our system .",
+ "thanks for inquiring with us have a good day",
+ "Enjoy your stay at the hamilton lodge . Have a great day .",
+ "Thank you for using our system today !",
+ "thank you for contacting us and have a great day !",
+ "It was my pleasure . Feel free to contact us again if you need anything else .",
+ "Thank you .",
+ "Have a wonderful trip .",
+ "Thank you for calling Cambridge TownInfo centre ! I hope you have a wonderful visit !",
+ "Great ! I hope you enjoy your travels ! Thank you for contacting the Cambridge TownInfo centre .",
+ "Okay . No worries . Enjoy your dinner !",
+ "excellent , have a great day !",
+ "Goodbye . Have a great day !",
+ "Enjoy your stay .",
+ "Great ! Glad I could help .",
+ "Glad I could help . Have a great trip . Good bye .",
+ "Have a great day !",
+ "Thank you , if you need anything else let me know . Good Bye .",
+ "I ' m glad I could assist you .",
+ "Thank you for using our system today !",
+ "Thank you for using our service . Have a great night . Goodbye .",
+ "Thank you , goodbye .",
+ "Okay . Do not hesitate to call us again .",
+ "Thank you for contacting us and have a nice day .",
+ "If there is nothing else I can help with , I would like to wish you an excellent day .",
+ "Have a great day then .",
+ "You 're welcome , have a wonderful time !",
+ "It was my pleasure . Have a nice day .",
+ "Thank you , goodbye .",
+ "If you need help with anything else , please do n't hesitate to contact us . Enjoy your travels .",
+ "Have a great day . Goodbye .",
+ "Enjoy your visit and have a great day . Thank you .",
+ "Thank you and enjoy your visit to cambridge .",
+ "Thank you for using our services .",
+ "Enjoy your stay here !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using our system !",
+ "Perfect . Have a great day . Goodbye .",
+ "Have a good day !",
+ "Goodbye .",
+ "Okay great . Have a nice time !",
+ "Alright ! Thanks for contacting Cambridge TownInfo centre ! Have a great day !",
+ "Thanks for using our service today . Goodbye !",
+ "Take care . Goodbye .",
+ "Great . Have a great day !",
+ "Thank you Goodbye",
+ "Happy to be of service . Enjoy your time in Cambridge !",
+ "Thank you for using this system !",
+ "Glad to help you . Have a great day .",
+ "Thank you , goodbye",
+ "Ok great , have a wonderful day !",
+ "Thank you for using our system today !",
+ "Have a great trip .",
+ "You 're welcome ! Have a great day !",
+ "Thank you for calling . Goodbye .",
+ "Have a nice day",
+ "OK . Thank you and good bye .",
+ "Enjoy your visit ! Let us know if we can be of any further assistance .",
+ "Great . Glad I could be of help . Enjoy your stay .",
+ "You are more than welcome !",
+ "Thank you for using this system . Goodbye .",
+ "Thank you .",
+ "Goodbye , please call us if we can help you again !",
+ "thanks and welcome to Cambridge",
+ "You have a great day as well .",
+ "Glad we could help . Have a great day !",
+ "Okay enjoy your dinner .",
+ "Ok great , have a wonderful day !",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "Have a nice day , goodbye !",
+ "Thank you , enjoy your meal .",
+ "Enjoy your visit . Thank you for calling Cambridge TownInfo Centre . Goodbye .",
+ "Goodbye .",
+ "Great , thanks for letting us help you !",
+ "Alright , have a great day .",
+ "Thank you for using our service today !",
+ "I hope you enjoy your trip . Have a great day and goodbye .",
+ "Goodbye and have a nice day .",
+ "That 's all , enjoy your meal .",
+ "Goodbye .",
+ "Have a good day and I hope you enjoy your stay in Cambridge !",
+ "If you have any further questions , please let us help ! Good bye .",
+ "Excellent ! Enjoy your visit !",
+ "Thank you for contacting us have a nice day .",
+ "Thank you for using our services .",
+ "Thank you for using our system !",
+ "Enjoy your visit and thank you for contacting us !",
+ "Have a great day .",
+ "Thank you for calling the Cambridge TownInfo centre , have a great day .",
+ "Great . I hope you enjoy your visit . Call us back if you need further assistance . Goodbye .",
+ "Thank you for using our system . Good bye",
+ "Thank you for using our system . Good bye",
+ "Thank you for using our service today .",
+ "welcome.enjoy the ride",
+ "Have a nice day .",
+ "Have a great trip .",
+ "Thanks again for letting us help you ! Enjoy your visit ! Goodbye .",
+ "I am glad that I can help . Have a nice stay .",
+ "Well , if you are sure , I hope you have a great visit ! Thank you .",
+ "have a fantastic day , goodbye .",
+ "Okay , have a good day .",
+ "Thank you for using Cambridge TownInfo Centre . Have a great day !",
+ "thanks , enjoy your trip !",
+ "I hope you have a wonderful day - goodbye !",
+ "Thank you for using our service today . Glad I was able to help have a good day .",
+ "You 're welcome . Have a great day !",
+ "Thank you for using our service today !",
+ "Thanks so much for visiting ! Enjoy your trip !",
+ "Thank you , goodbye .",
+ "Have a great day !",
+ "Goodbye",
+ "I ' m glad we could help . Have a good day .",
+ "Thank you and have a great day !",
+ "Okay . Have a great day . Goodbye .",
+ "Good luck to you , good bye .",
+ "Alright ! Enjoy your stay in Cambridge !",
+ "No problem , were always here to help . Have a great day !",
+ "Enjoy your stay ! Goodbye !",
+ "Thank you for calling and have a great day . Goodbye .",
+ "Thank you for using our service !",
+ "Okay . Do not hesitate to call us again if you need anything else .",
+ "Have a nice day .",
+ "Okay , great , I hope you have a nice day too !",
+ "Thank you for using our service . Good - bye !",
+ "I am glad to have been assistance .",
+ "We are happy to help . Thanks for using our service .",
+ "Okay , I hope you feel better soon !",
+ "Thank you . Enjoy your visit .",
+ "Ok great , have a wonderful day !",
+ "Thank you , let us know if you need anything else . Good bye .",
+ "Sounds good . Have a good day .",
+ "Excellent , glad Cambridge TownInfo centre could be of help . Have a great day !",
+ "Thank you for using our system . Good bye .",
+ "thanks a lot",
+ "You too ! Please let us know if there 's anything else we can help you with .",
+ "Have a great day , goodbye !",
+ "You 're very welcome . I hope you feel better . Take care .",
+ "Thank and enjoy !",
+ "thanks for inquiring with us",
+ "I hope you have a wonderful trip , thanks for calling !",
+ "Ok , I hope you enjoy your meal . Have a nice day . Bye .",
+ "Thank you . We are always here to help with your bookings .",
+ "Goodbye and have a great day .",
+ "Great . Thank you for using our service . Goodbye !",
+ "Have a great day !",
+ "Glad to be of assistance . Have a great day . Bye .",
+ "Have a great day .",
+ "Thank you . I will .",
+ "I hope you enjoy your stay . Have a nice day .",
+ "Thank you . Good bye",
+ "We are happy to help . Enjoy your stay !",
+ "Goodbye .",
+ "You 're very welcome . Have a great day !",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "Have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "Thanks you and have a great day !",
+ "I ' m glad I was able to help you . Thanks for using our service have a nice day .",
+ "Have a nice day .",
+ "I hope you enjoy your stay . Have a good day .",
+ "Alright , have a nice day !",
+ "Thank you enjoy the rest of your day !",
+ "And you have a wonderful day as well !",
+ "Okay enjoy your stay .",
+ "It has been my pleasure . Thank you for calling !",
+ "Have a nice day !",
+ "Thank you .",
+ "Thank you as well . I hope you enjoy your visit and have a wonderful day .",
+ "Sounds good . Enjoy your visit , and thanks for using Cambridge TownInfo centre !",
+ "Thanks for contacting us . Have a nice day !",
+ "Have a great day too ! Good bye .",
+ "Thank you and have a wonderful day !",
+ "Thank you for calling . Have a great day !",
+ "You too , enjoy your stay !",
+ "Thank you ! Have a great day !",
+ "Thank you and have a great trip . Goodbye .",
+ "Thank you for contacting us have a nice day .",
+ "You 're welcome . It was my pleasure to help . Goodbye .",
+ "Thank you for using Cambridge TownInfo centre . Goodbye for now .",
+ "Thank you , goodbye .",
+ "Thank you and goodbye",
+ "Thank you and have a great day !",
+ "OK , great , I ' m glad I was able to help you out !",
+ "Thank you for using our system !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a great day !",
+ "Okay , have a great day !",
+ "Enjoy your stay .",
+ "Have a wonderful day . Bye .",
+ "My pleasure . Have a great day !",
+ "Okay , thank you for calling the Cambridge TownInfo centre . Have a great day .",
+ "Have a great , Good - bye .",
+ "Ok , let us know if you need anything else , thank you for using our service .",
+ "Have a nice day .",
+ "Thank you , have a great day !",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "You as well , enjoy your meal .",
+ "Okay , have a great day !",
+ "Okay great , have a good day .",
+ "Goodbye . Have a nice day .",
+ "Okay , great ! Have a good day .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Ok , thanks for using our service . Have a great day !",
+ "Have a great day !",
+ "Enjoy your day , goodbye .",
+ "Okay great . Thanks for calling and enjoy your dinner .",
+ "excellent , have a great day !",
+ "Ok . Enjoy your stay .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for using our service . Have a wonderful day !",
+ "Thank you for using our service today .",
+ "Thank you , have a great day",
+ "Thank you for using our service today .",
+ "Okay do give us a call back if you need anything else .",
+ "Thank you , goodbye .",
+ "I ' m happy we could be of service , and enjoy your time in Cambridge !",
+ "Well if there is nothing else I can help you with , have a great day . Goodbye .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Glad to help . Please let me know if you need anything else .",
+ "Okay , have a nice day ! Bye !",
+ "You 're welcome . Have a good day . Goodbye .",
+ "Have a pleasant visit . Thank you for contacting Cambridge TownInfo centre . Good bye .",
+ "Terrific , thanks for calling Cambridge TownInfo Centre and have a great day !",
+ "Okay , thanks for contacting us bye !",
+ "Good luck with everything !",
+ "Thank you for using our service today .",
+ "Okay , have a great day !",
+ "Thanks for using our services . Have we met all of your needs today ?",
+ "Please let us know if there is any way we can assist you in the future . Have a wonderful trip . Goodbye .",
+ "No problem at all , you have a great trip !",
+ "We are available anytime , enjoy the rest of your day .",
+ "Thank you , goodbye .",
+ "Okay . Call us back if you need me to book anything for you .",
+ "You , too . Goodbye .",
+ "Thank you and please check with us for future reservations .",
+ "No thank you that will be all",
+ "Well then , thank you for using our service . Have a great day . Goodbye .",
+ "To you as well . Goodbye !",
+ "Okay goodbye , have a nice day .",
+ "Thank You , have a nice day . Goodbye .",
+ "You 're welcome , have a nice day .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "Excellent . Have a great rest of your day !",
+ "thank you for using our system . good bye",
+ "Thank you for using our system and have a great day !",
+ "Thank you for using our system . Good bye",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "thanks for using our service .",
+ "enjoy your stay in Cambridge !",
+ "Have a great day . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "Thank you , have a nice day , too .",
+ "Goodbye and enjoy the restaurant and trip !",
+ "Thank you for using our system . Good bye .",
+ "I ' m happy to help . Have a great day .",
+ "Thank you goodbye .",
+ "Thank you for using our service !",
+ "Thanks for letting us assist you today ! Enjoy your trip ! Goodbye .",
+ "Okay , great !",
+ "Alright , enjoy your stay and have a great night !",
+ "thank you good bye",
+ "Thank you for using our system !",
+ "Thank you for using our service , have a great day .",
+ "Enjoy your meal .",
+ "you are welcome any time",
+ "Have a great day .",
+ "Thank you for using our system .. good bye",
+ "Have a nice day .",
+ "Goodbye ! Please contact us again in the future if you need any additional assistance . Have a great day !",
+ "I am glad to help . Enjoy !",
+ "Have a nice day and thank you for contacting us .",
+ "You 're welcome . Have a nice day !",
+ "Have a great day then !",
+ "Okay , I hope you enjoy your stay !",
+ "Thank you for using the Cambridge TownInfo centre , and enjoy your stay in Cambridge !",
+ "Thank you for using our service . Have a nice day .",
+ "You as well .",
+ "OKay , have a great day .",
+ "Great , have a great day !",
+ "Have a nice trip !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you good bye",
+ "Wonderful , have a great day .",
+ "Thank you , goodbye .",
+ "I hope you enjoy your stay in Cambridge !",
+ "Have a safe trip . Goodbye .",
+ "Enjoy your meal at the rajmahal . Have a great day .",
+ "Great ! Have an awesome day .",
+ "Have a great day ! Goodbye !",
+ "Excellent . Have a great rest of your day !",
+ "Have a good day .",
+ "Thank you for contacting us have a nice day .",
+ "You 're very welcome ! Goodbye !",
+ "Thank you for contacting us . Have a great day .",
+ "Have a lovely day , goodbye .",
+ "I ' m glad I could help ! Enjoy your day in Cambridge !",
+ "Have a nice day . Thank you for contacting us .",
+ "Be sure to ask if you need anything !",
+ "Enjoy your trip !",
+ "Thank you and have a great day .",
+ "Have a nice day !",
+ "Thank you . Have a great day , goodbye .",
+ "You 're welcome . Thank you for using the Cambridge TownInfo Centre . Goodbye .",
+ "Have a nice day .",
+ "Okay , goodbye and have a nice time !",
+ "thank you good bye",
+ "Thank you , goodbye .",
+ "You 're welcome . I hope you have a great day !",
+ "excellent , have a great day !",
+ "I hope your trip is wonderful .",
+ "Thank you , goodbye !",
+ "It 's my pleasure to serve you . Have a good time !",
+ "Thank you for allowing me to help you , have a great day .",
+ "Thank you have a great day .",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for all of your future travel needs .",
+ "Thank you for allowing me to help you today .",
+ "It was a pleasure to help you . Do n't hesitate to contact the TownInfo centre again . Goodbye .",
+ "You too !",
+ "Thank you enjoy your stay in our beautiful city !",
+ "Please reach out to us again , if we can be of further assistance . Good - bye .",
+ "Thanks for using our service today .",
+ "You too thank you and bye .",
+ "Goos - bye , have a great day .",
+ "Thank you for letting us assist you today ! Enjoy your visit !",
+ "Alright , have a wonderful time in Cambridge !",
+ "You 're welcome ! Goodbye !",
+ "okay . Have fun !",
+ "Thank you goodbye .",
+ "Thanks for letting us assist you ! Enjoy your visit !",
+ "Good bye , enjoy your day .",
+ "Have a great day then !",
+ "Have a wonderful day .",
+ "Thank you for using Cambridge TownInfo centre . Have a great day .",
+ "Thank you for using our system today !",
+ "I am glad to be of service ! Have a wonderful time in Cambridge !",
+ "i am glad to help . Enjoy !",
+ "Goodbye and enjoy",
+ "Have a good day !",
+ "It was my pleasure . Have a nice day . Good bye .",
+ "Okay . Have a lovely day then .",
+ "Good bye , enjoy your stay at Cambridge .",
+ "Thank you . Good - bye",
+ "Alright , have a great day !",
+ "Thank you . Please call again if you need anything else .",
+ "Thank you for using this system !",
+ "thank you good bye",
+ "Thank you and have a great day !",
+ "Have a great day !",
+ "Have a lovely visit in Cambridge . Please use the TownInfo centre when you arrive . Goodbye .",
+ "We are happy to help . Thank you for using our service .",
+ "Thank you . Have a great day , goodbye .",
+ "Thank you , have a good day . Goodbye .",
+ "Alright , have a great day !",
+ "You 're welcome . Have a great day !",
+ "Thank you very much and have a nice day !",
+ "Thank you for using our service have a great day .",
+ "Okay , no problem ! I hope you have a great visit !",
+ "Enjoy your trip .",
+ "I appreciated your help . Good - bye .",
+ "I am very pleased to have helped you today .",
+ "Have a great time .",
+ "Happy I was able to accommodate you .",
+ "Hace a great day !",
+ "Ok , have a good day !",
+ "Thank you and good bye to you as well .",
+ "Ok . Have a great day .",
+ "Ok great ! Thank you for reaching out to Cambridge TownInfo centre , I hope you enjoy your stay ! Goodbye !",
+ "Have a great day ! Goodbye !",
+ "Have a nice day and enjoy your trip !",
+ "Glad to be of service !",
+ "thank you and enjoy your stay in Cambridge !",
+ "Thank you , hope you have a fun trip !",
+ "Thank you for using this system !",
+ "You are very welcome , it 's a pleasure to assist you ! Goodbye !",
+ "Ok I will .",
+ "Enjoy your stay in Cambridge ! Good bye !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you . Have a good day .",
+ "Thank you have a great day !",
+ "It was a pleasure to serve you have a great day",
+ "Perfect . Have a great day !",
+ "Have a great day !",
+ "enjoy your stay in Cambridge have a lovely day",
+ "No problem ! Thank you for your business and I hope we see you again . Take care !",
+ "Goodbye . Hope you have a great day !",
+ "Excellent , have a great trip !",
+ "Have a nice day and thank you for calling .",
+ "Thank you for calling ! I hope you have a fantastic day !",
+ "Have a nice day !",
+ "Thank you for using our services . We are happy to help . Have a wonderful day .",
+ "you are welcome . enjoy your day",
+ "Okay , goodbye and have a nice trip !",
+ "Happy to help !",
+ "Have a great day .",
+ "Happy to be of service -- goodbye !",
+ "Thank you for allowing me to assist you . Please let us know if there 's anything else we can assist you with in the future .",
+ "ask me anytime , hope you will feel better !",
+ "Thanks for using our service !",
+ "Thank you , have a great time .",
+ "Thank you let us know if you need more help .",
+ "Thank you very much for using this automated system . Good bye !",
+ "Okay great . Thank you for calling !",
+ "It 's my pleasure . Have a lovely day ! Bye !",
+ "Fantastic ! Enjoy your trip . Goodbye",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Fantastic , have a great day !",
+ "Thank you for using the Cambridge Restaurant System Phone Line . Enjoy your meal !",
+ "Thank you for calling .",
+ "No thank you that will be all",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using our services .",
+ "Have a good day , thanks .",
+ "Wonderful . Have a great day . Bye .",
+ "Thank you for using the Cambridge Town Info Centre Services ! We hope you enjoy your time in Cambridge",
+ "You 're very welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You 're welcome . Enjoy your day .",
+ "There seems to be a bit of confusion but if you need us , please contact us .",
+ "Have a wonderful day and enjoy your trip . Goodbye .",
+ "Enjoy your stay , good bye .",
+ "Great ! Have a wonderful time !",
+ "Glad I could help , you have a great day , bye .",
+ "Thank you for allowing me to help you . Have a great day !",
+ "Thank you for using our service . Goodbye !",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Hope you have a great trip !",
+ "Goodbye . I hope the police are able to help you resolve the situation . If you think of anything else we can help you with do n't hesitate to ask .",
+ "It was my pleasure to help . Have a good day .",
+ "Safe travels , it was a pleasure serving you .",
+ "Thank you for calling . Have a great day !",
+ "Let us know if you need anything else .",
+ "Have a nice day !",
+ "Great . Have a good day .",
+ "Goodbye !",
+ "I ' m glad to be of service . Enjoy your dinner in Cambridge !",
+ "Great ! Bye now !",
+ "Let us know if you need further help . Good bye .",
+ "You are quite welcome . Have a nice day .",
+ "Thank you for using this service . Good bye .",
+ "You 're welcome . Enjoy your visit !",
+ "You are welcome . Thank you for calling . Goodbye .",
+ "Have a great day !",
+ "Have a great time in Cambridge . Goodbye .",
+ "Have a great day . Goodbye .",
+ "Great , it was my pleasure ! Goodbye , until next time !",
+ "I ' m sure it will , bye !",
+ "Have a great day .",
+ "enjoy your stay !",
+ "Thank you for using the Cambridge Town Info Centre Services . I hope you enjoy your time in Cambridge !",
+ "We are happy to help . Thank you for using our service .",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Enjoy your trip and have a good day .",
+ "Thank you and have a nice visit .",
+ "Have a wonderful day yourself . Goodbye .",
+ "Have a great stay .",
+ "You , too . Thank you for calling and have a great day ! Goodbye .",
+ "Alright , have a great day .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Thank you and enjoy your visit to cambridge !",
+ "Thank you and enjoy your trip .",
+ "Thank you , goodbye",
+ "Thank you for using this service today .",
+ "Enjoy your visit . Thank you for using the Cambridge TownInfo centre . Have a great day",
+ "You are welcome . Enjoy the meal . Bye .",
+ "Thank you for calling . Have a great day !",
+ "You 're welcome ! Glad to help .",
+ "Thank you for contacting us and have a nice day .",
+ "Great . I hope you have a wonderful trip !",
+ "Thank you ! Have a great day .",
+ "Have a wonderful trip .",
+ "Thank you very much . Goodbye .",
+ "Thank you if you need any more help please let us know .",
+ "Ok , have a great day !",
+ "Goodbye and take care ! We hope to see you again .",
+ "Great , have a terrific stay !",
+ "You 're welcome . Have a good day .",
+ "Thank you , goodbye .",
+ "Okay . Glad we could help !",
+ "Have a lovely day and contact us again if you need further assistance . Bye !",
+ "You have a good day too",
+ "I hope you got all the information you need . Have a nice day . Good - Bye .",
+ "Okay , have a great day !",
+ "Glad to be of service , Goodbye .",
+ "Please feel free to contact us again for further assistance . Good - bye .",
+ "Thank you using the Cambridge TownInfo service , and enjoy your stay in our city !",
+ "Thank you , goodbye .",
+ "It was a pleasure helping you today . Please reach out to us again , if we can be of further assistance . Good - bye .",
+ "Goodbye",
+ "You are welcome . Have a great day . Bye .",
+ "Enjoy your time in Cambridge , goodbye",
+ "Thank you . Good bye .",
+ "Glad to be of help . Thanks for using our service . Goodbye .",
+ "Have a wonderful day !",
+ "Have a great trip . Goodbye .",
+ "Thank you , Enjoy the Cambridge Exchange !",
+ "You are most welcome !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "No problem , have a great time !",
+ "Glad to be of service .",
+ "My pleasure . Goodbye .",
+ "Thank you for contacting us , have a nice day .",
+ "Thank you for using our services .",
+ "Glad to help you .",
+ "All right , enjoy your meal !",
+ "Thank you , have a good day , goodbye .",
+ "Have a good day .",
+ "I ' m glad we could help . Call us anytime you need something in Cambridge . Thank you !",
+ "Thank you for calling , goodbye .",
+ "You are welcome . Have a nice day .",
+ "Goodbye",
+ "Thank you for choosing help desk . Good Bye .",
+ "You 're welcome . Have a safe trip . Goodbye .",
+ "Okay , we 'll book that for you whenever you 're ready . Thank you and goodbye !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "You 're very welcome . Goodbye !",
+ "Excellent . Have a great day !",
+ "Great ! I hope you enjoy your time here ! Thank you for contacting Cambridge TownInfo centre .",
+ "Have a great day .",
+ "Safe travels and if you need anything else , please contact us .",
+ "Thank you and have a great day !",
+ "Have a nice day , thank you for contacting us .",
+ "Thank you for using the Cambridge TownInfo centre .",
+ "Thanks for using our service !",
+ "It was a pleasure to assist you . Have a good day . Goodbye .",
+ "Have a great day . Goodbye .",
+ "Thank you for using our system today !",
+ "Thank you for using the Cambridge TownInfo centre !",
+ "Have a great trip !",
+ "Have a nice day , goodbye .",
+ "Enjoy your stay in Cambridge !",
+ "Have a nice day !",
+ "You are very welcome . Thanks for using Cambridge TownInfo centre . Goodbye .",
+ "Thank you and you too .",
+ "Thank you good bye .",
+ "I ' m happy to be of service , and I hope you enjoy your time in Cambridge !",
+ "You 're welcome . Thank you for using the Cambridge TownInfo centre .",
+ "Thank you and enjoy your stay !",
+ "Have a nice day !",
+ "Thank you for calling . Have a great day ! Goodbye .",
+ "You are welcome .",
+ "Take care and enjoy !",
+ "Have a good day .",
+ "Okay great . I ' m glad I was able to help you .",
+ "You 're welcome . I hope you have a great day also .",
+ "Have a great night .",
+ "Thank you for using the Cambridge TownInfo centre . Have a good trip . Goodbye .",
+ "Bye bye .",
+ "Thank you for contacting Cambridge TownInfo centre you have a nice day .",
+ "Alright , have a lovely day too",
+ "Okay , enjoy your trip ! Have a great day .",
+ "Thank you ! And enjoy your stay in Cambridge !",
+ "Perfect ! Have an excellent day!.",
+ "Alright , have a great day !",
+ "Thank you for allowing me to assist you with your Cambridge adventures . Please let us know if there 's anything we can assist you with in the future .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye !",
+ "Thank you for contacting Cambridge TownInfo Centre , enjoy your day !",
+ "Thank you for using our system .",
+ "We 're always happy to help , and I hope you enjoy your stay in Cambridge !",
+ "Thank you , let me know if I can assist with that booking .",
+ "Thanks for calling , and enjoy your trip . Goodbye .",
+ "Thank you good bye",
+ "Thank you and enjoy your stay in Cambridge !",
+ "okay , have a great day !",
+ "Alright have a great evening !",
+ "Thanks for using the TownInfo centre , and I hope you enjoy your stay in Cambridge !",
+ "Thank you for contacting us , have a nice day .",
+ "Thank you for contacting the help desk , have a great day .",
+ "Thank you for using our service today .",
+ "Thanks for contacting us , please let us know if you need any further assistance .",
+ "Thank you and goodbye !",
+ "Thank you for contacting us and have a nice day .",
+ "Ok . Enjoy your trip . Thank you . Goodbye",
+ "It has been a pleasure . Thanks for using our service . Good day sir .",
+ "be free to use our services anytime",
+ "Have a great day !",
+ "Thanks for using our services , enjoy your day .",
+ "Okay , thank you so much for contacting us . Have a great trip !",
+ "Wonderful . Have a great day and please contact us if we can help further .",
+ "Thank you for using our service today !",
+ "OK , it was a pleasure helping you . Have a great time in Cambridge . Goodbye .",
+ "Thank you for using our system . Good bye",
+ "Alright , thanks for using Cambridge TownInfo centre . Have a great day !",
+ "Sure thing , have a great day !",
+ "Thank you goodbye .",
+ "Have a good day !",
+ "Have a great day .",
+ "Please feel free to contact us again for further assistance . Good - bye .",
+ "enjoy your stay in cambridge",
+ "Thank you ! Please contact if anymore assistance is required .",
+ "Great . Thanks for letting us assist you today !",
+ "You too . Good night .",
+ "Have a nice day",
+ "You 're very welcome . Goodbye !",
+ "I am always happy to assist ! Bye !",
+ "Thank you goodbye",
+ "thank you for contacting us and enjoy your stay in Cambridge !",
+ "Good bye , thank you",
+ "Thank you for contacting Cambridge TownInfo Centre , I hope you have a lovely train trip and dining experience .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Have a wonderful day !",
+ "Great thank you so much for using our system today ?",
+ "Have a great time , and thanks for letting us help !",
+ "Thank you . Have a great day . Goodbye",
+ "Well thank you for contacting the cambridge towninfo centre and have a wonderful day !",
+ "Glad to be of help . Have a great day .",
+ "Thank you for using the Cambridge TownInfo Centre . Goodbye !",
+ "Thank you for your interest in Cambridge , we look forward to seeing you here !",
+ "I hope you enjoy your time .",
+ "Goodbye , have a wonderful day !",
+ "Thank you good bye .",
+ "Have a good day !",
+ "have a great day !",
+ "Thank you for using our services .",
+ "You are welcome and enjoy your ride .",
+ "Great . I ' m glad I could help you with that . Have a nice day . Goodbye !",
+ "Have a wonderful time .",
+ "Great , hope you have a fantastic day !",
+ "Thank you for contacting , Cambridge TownInfo centre .",
+ "Wonderful . Enjoy your stay in Cambridge !",
+ "Thank you for using Cambridge TownInfo Centre .",
+ "Have a nice day !",
+ "Have a fantastic day , goodbye .",
+ "Thank you for contacting us today . Goodbye .",
+ "Wonderful ! Have a great day !",
+ "You 're welcome ! Goodbye !",
+ "I ' m glad we could help . thank you and goodbye !",
+ "welcome again some other time",
+ "Ok great . Have a wonderful day .",
+ "Okay , have a good day as well .",
+ "Have a great day !",
+ "Safe travels and enjoy your stay in Cambridge !",
+ "Have a great night .",
+ "Happy to be of service . Have a great day !",
+ "Ok thank you for using our service & have a good day !",
+ "You 're welcome . Happy to help . Have a good day .",
+ "Have a good trip . Goodbye .",
+ "Have a nice day .",
+ "Thank you for using our system !",
+ "Okay , have a great day !",
+ "Thank you , good bye !",
+ "Thank you for using the Cambridge TownInfo centre , and enjoy the rest of your day !",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye !",
+ "Have a great day !",
+ "Great . Have a great day .",
+ "You 're welcome . Have a great day .",
+ "My pleasure . Enjoy your trip !",
+ "Thank you for using our service today .",
+ "Thank you for contacting Cambridge TownInfo centre .",
+ "Thank you . Goodbye .",
+ "You are welcome ! Message us again if you need anything else .",
+ "Enjoy your dinner .",
+ "You too and glad I could help .",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a wonderful day !",
+ "Okay thank you for calling .",
+ "You are welcome . Have a pleasant stay .",
+ "Great . Have a great day !",
+ "You 're welcome ! Have a safe trip ! Goodbye .",
+ "Enjoy your stay .",
+ "Thank you . You as well !",
+ "we appreciate you using our services .",
+ "Thank you for calling us and have a great day . Goodbye .",
+ "Thank you very much for calling the Cambridge TownInfo centre , have a nice day .",
+ "Have a nice stay . Bye .",
+ "Thank you . I hope you have a good day as well .",
+ "Thank you .",
+ "Thank you ! You as well !",
+ "Thank you . Good bye",
+ "Okay , have a great trip !",
+ "Have a great day !",
+ "Thank you for using our services .",
+ "Thank you and have nice visit .",
+ "Have a great day !",
+ "Thank you for contacting us . Please let us know if we can be of any further assistance .",
+ "Thanks you for contacting the Cambridge center .",
+ "Thank you . Good bye",
+ "You are most welcome !",
+ "You are welcome . Have a great day .",
+ "Thank you . Goodbye .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thanks for letting us assist you today ! Enjoy your stay !",
+ "Thank you for using this service",
+ "You are welcome . Have a great day .",
+ "Great . Well you have a wonderful day !",
+ "Enjoy your stay .",
+ "Okay , have a great stay in Cambridge !",
+ "Have a nice day !",
+ "Have a good day .",
+ "Goodbye ! Have a great day !",
+ "You 're more than welcome !",
+ "Very well , have a great day and feel free to call us back when you are ready to book .",
+ "You are welcome . Please let us know if there 's anything else we can assist you with in the future .",
+ "Thank you . Good bye .",
+ "Great . Thank you for calling and have a great day . Goodbye !",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You 're very welcome . Have a great day .",
+ "Thank you so much for your help .",
+ "No problem ! Enjoy your trip !",
+ "Okay thank you",
+ "Good bye . Thank you for using the system .",
+ "Thanks you too !",
+ "Enjoy your day , goodbye .",
+ "thanks for inquiring with us and have a great day",
+ "Okay , have a good day . Goodbye .",
+ "You are welcome , goodbye !",
+ "Thank you , let us know if you need any more help . Good bye .",
+ "Great ! Please contact us again anytime . Good Bye .",
+ "You 're quite welcome , have a wonderful day !",
+ "Have a nice day , goodbye .",
+ "I ' m sorry to hear about your situation . Good luck . Goodbye .",
+ "have a great day too",
+ "It was a pleasure to help you . Have a good day .",
+ "thanks for using our services",
+ "Thank you for using our system !",
+ "Thanks for you time goodbye .",
+ "You 're welcome , enjoy your meal .",
+ "ok , perfect , have a great day",
+ "Thank you , goodbye !",
+ "Okay , thank you .",
+ "Goodbye .",
+ "Enjoy your dinner . Thank you for calling Cambridge TownInfo Centre . Goodbye .",
+ "I appreciate your help . Thanks again .",
+ "It was a pleasure to help . Have a good night .",
+ "glad I could help bye !",
+ "I certainly hope you enjoy your stay in Cambridge ! Goodbye !",
+ "Thank yo and good bye .",
+ "Thank you and enjoy your stay in cambridge .",
+ "enjoy your time in Cambridge !",
+ "Have a lovely day , goodbye .",
+ "Have a wonderful time .",
+ "Goodbye .",
+ "Your Welcome . Please feel free to contact us anytime !",
+ "Thanks for using our service today , glad I was able to assist you . Hope you have a great day .",
+ "Okay well I hope you enjoy your stay .",
+ "ok . enjoy your day .",
+ "thank you and enjoy your stay in cambridge",
+ "You 're very welcome . Thank you and goodbye !",
+ "Happy to help , please let us know if we can be of service in the future .",
+ "Thank you for using our service & have a good day !",
+ "Great ! Have a wonderful time !",
+ "Have a lovely day , goodbye !",
+ "Thank you for using this system .",
+ "Okay , goodbye .",
+ "Thank you for using this system goodbye",
+ "Thank you for contacting us have a nice day .",
+ "enjoy your stay in Cambridge !",
+ "Thank you for using our services .",
+ "You 're very welcome . Have a wonderful stay !",
+ "Have a great day !",
+ "If you need further help , let us know . Bye , thank you .",
+ "I hope you enjoy your stay !",
+ "have a nice day , goodbye !",
+ "Thank you for using the service glad I was able to help . Have a nice day .",
+ "Thank you ; please consider us for your future travel needs .",
+ "Great . I ' m glad I could help ! Please consider using our service again the future . Goodbye .",
+ "Thank you , if you need anything else please contact us .",
+ "Goodbye .",
+ "You 're welcome . Have a great trip !",
+ "Have a great day !",
+ "You 're welcome . The centre is here to help . Goodbye .",
+ "Thank you for calling . Have a nice day . Goodbye .",
+ "Have a nice day .",
+ "Thank you for using our service today !",
+ "You are very welcome ! good bye .",
+ "Great ! Have a great day !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day .",
+ "Thank you for contacting us and have a great day .",
+ "Great . Have a wonderful trip !",
+ "Good day to you too .",
+ "You are more than welcome !",
+ "You 're welcome . Enjoy !",
+ "Thank you , let us know if you need anything else . Good bye .",
+ "Thank you , let us know if you need anything else . Good bye .",
+ "Enjoy your visit to the restaurant .",
+ "So glad we could be of service . Thank you for using the Cambridge TownInfo centre , and I hope your wife enjoys her surprise trip !",
+ "Thank you for contacting us , have a nice day .",
+ "Goodbye",
+ "All right then . Thanks so much for calling . If you think of anything else , please do n't hesitate to call us back .",
+ "enjoy your stay in cambridge",
+ "All right , if you 're sure you do n't need a taxi as well , have a very good day , then .",
+ "Great , I hope you have a lovely time in town !",
+ "Thank you for calling .",
+ "Great ! Have a nice day !",
+ "Have a nice day !",
+ "Alright . Enjoy your trip !",
+ "You are welcome . Please contact us again if we can help in the future . Have a great day .",
+ "All right . Have a nice day . Good bye .",
+ "Thank you for calling . Please reach out if you have anything else we can assist with . Have a great day . Goodbye .",
+ "Thank you and goodbye",
+ "Thank you for using our service today .",
+ "Great , glad I could help . If you think of anything else you need or you would like to book a table I 'd be glad to help with that , too . Bye !",
+ "You 're welcome , have a great day",
+ "Great ! Thank you for calling and have a great trip ! Goodbye .",
+ "thank you . goodbye .",
+ "Have a nice day .",
+ "Thank you for contacting the Help Desk . Have a nice day !",
+ "Welcome . Have a lovely day .",
+ "Enjoy your visit ! Let us know if we can be of any further assistance .",
+ "Great . Have a great day .",
+ "Thank you for booking with us and have a great day .",
+ "thank you and enjoy your city stay !",
+ "Thank you ! Let me know if I can help with anything else .",
+ "Okay , goodbye and have a great day",
+ "Good bye now !",
+ "Thank you for calling Cambridge TownInfo Centre . Please call us back if you have any other questions !",
+ "Thank you for choosing us for your booking . Have a great day !",
+ "Thank you for using Cambridge TownInfo centre ! Goodbye !",
+ "Thank you , and have a great day !",
+ "Thank you , enjoy your stay in Cambridge .",
+ "Alrighty then thank you and have a nice day !",
+ "Thank you for using our service !",
+ "Thank you . Goodbye .",
+ "Have a good evening .",
+ "Okay , enjoy your visit ! Bye .",
+ "Thank you for contacting the Cambridge TownInfo centre . Have a great day !",
+ "Have a good day",
+ "Thank you and enjoy your meal .",
+ "Thank you for using our service today .",
+ "Thank you and enjoy your travels . Have a great day !",
+ "Thank you for using our service !",
+ "Have a nice day .",
+ "Thank you for contacting us and have a nice day .",
+ "We are happy to help . Have a great day !",
+ "Thank you for allowing me to assist you . Have a great night .",
+ "Great ! Have a good day .",
+ "It was my pleasure . Have a good evening .",
+ "You are very welcome ! Thank you for contacting Cambridge TownInfo centre , and best wishes !",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "enjoy your meal .",
+ "It was a pleasure to assist you . Have a good day .",
+ "You are welcome !",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great trip . Goodbye .",
+ "Happy to help ! Enjoy your stay .",
+ "Great enjoy your visit !",
+ "excellent , have a great day !",
+ "Have a pleasant stay at the Ashley and a wonderful trip . Thank you for contacting Cambridge TownInfo centre . Goodbye .",
+ "I ' m glad I could be of help , enjoy your stay !",
+ "Thank you for using our system !",
+ "I ' m happy to be of service , and I hope you enjoy your time in Cambridge !",
+ "Sure , have a great day . Bye .",
+ "Thank you bye",
+ "Good day !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "You 're welcome . Have a great day !",
+ "Thank you , goodbye .",
+ "Thanks for letting me assist you . Have a great day !",
+ "thank you good bye .",
+ "Good bye .",
+ "Have a great time . Good bye .",
+ "Thank you , have a good day .",
+ "Have a great visit and please call back if you need additional help .",
+ "And thank you for calling in , please take care and call if you need anything else .",
+ "Have a great day !",
+ "Thank you , goodbye !",
+ "Have a nice day .",
+ "Glad I could be of service , goodbye .",
+ "Enjoy your stay and have a wonderful day .",
+ "Thank you for using us have a nice day .",
+ "Have a nice day .",
+ "Thank you good bye",
+ "thank you for choosing our system . Good bye",
+ "Thank you for using our system today !",
+ "Hope you have a great trip .",
+ "I hope your day gets better . Goodbye .",
+ "You 're welcome . Goodbye !",
+ "Goodbye , hope you have a lovely day .",
+ "thank you and enjoy your stay in our lovely city !",
+ "Have a great day , thank you for using our service .",
+ "Thank you and good bye",
+ "Glad I could be of help . Enjoy your dining experience .",
+ "All right . Have a good day !",
+ "You are more than welcome !",
+ "You 're more than welcome . Have a great day .",
+ "Glad I could be of assistance .",
+ "Thank you for contacting Cambridge Towninfo Centre",
+ "If you need anything fell free to call us .",
+ "Okay . Enjoy your dining experience .",
+ "Okay , have a great day !",
+ "Excellent , please feel free to contact us with any other questions you might have ! Thanks and have a great day !",
+ "Thank you for choosing Cambridge TownInfo centre . Have a wonderful day !",
+ "Alright , have a nice day .",
+ "good day !",
+ "Thanks again and please enjoy your visit !",
+ "OK , have a nice day . Bye .",
+ "Have a nice day .",
+ "Thank you and enjoy your stay in Cambridge !",
+ "I ' m glad I could be of assistance . Good day .",
+ "I hope you have a nice day as well . Please contact us if you need any other bookings .",
+ "It has been my pleasure . We hope you enjoy your time here in Cambridge and feel free to contact us if you need any further assistance .",
+ "Thanks for using Cambridge Restaurant System , goodbye .",
+ "Great ! Have a nice day !",
+ "You 're welcome . Good - bye .",
+ "Thank you good bye .",
+ "Good bye ! Have a great day !",
+ "Enjoy the rest fo your day",
+ "Have a great trip .",
+ "Good bye .",
+ "Okay thank you and have a great day !",
+ "your welcome , goodbye",
+ "Have a wonderful day !",
+ "Thank you for using the Cambridge restaurant system . Good bye .",
+ "Goodbye and have a nice day .",
+ "Goodbye . Have a great trip !",
+ "Goodbye .",
+ "Alright . Have a great day . Bye now !",
+ "No problem , have a wonderful day !",
+ "I ' m glad I could help . Have a nice day !",
+ "It was my pleasure . Thank you for calling the Cambridge TownInfo Centre . Goodbye .",
+ "It was a pleasure assisting you . Enjoy your stay .",
+ "Have a wonderful day and enjoy your trip . Goodbye .",
+ "Fantastic , have a great day !",
+ "Thank you so much have a great day !",
+ "You are very welcome . Feel free to call again in the future . Have a great morning .",
+ "Alrighty . Have a good day !",
+ "Thank you so much . Have a great trip !",
+ "Thank you . Good bye",
+ "Thank you . Have a great day .",
+ "Have a great day !",
+ "Have a nice day !",
+ "thank you and enjoy your stay in Cambridge !",
+ "Have a good day and enjoy the museum !",
+ "Thank you for using Cambridge TownInfo centre , and have a wonderful day .",
+ "Thank you , goodbye .",
+ "Thank you ! Have a wonderful day !",
+ "Glad I could help ! Thanks for using Cambridge TownInfo Centre today .",
+ "Thanks for using our service !",
+ "Have a great day",
+ "Have a great day !",
+ "Perfect ! Have a wonderful day !",
+ "Have a nice train trip !",
+ "Thanks for using our system !",
+ "Thanks for using our service !",
+ "Have a wonderful night and best wishes on your trip .",
+ "Okay , have a good day .",
+ "You 're welcome , enjoy your trip .",
+ "You 're very welcome . Thank you so much for using our service .",
+ "I ' m so glad to have helped . You have a pleasant time at the police station , now !",
+ "Thank you for using our system today .",
+ "Thank you for using our services .",
+ "You 're welcome . Have a nice day .",
+ "Thank you for calling today . Goodbye .",
+ "Let us know i d you need any more help .",
+ "Have a great day !",
+ "You 're welcome , have a great day .",
+ "Have a good evening .",
+ "You are most welcome !",
+ "Okay glad I could help .",
+ "You 're so welcome . Bye !",
+ "Have a lovely day , goodbye !",
+ "Thank you for using our system today !",
+ "It was my pleasure . Have a wonderful evening . Goodbye .",
+ "Yes . Thank you very much !",
+ "Have a good day . Thank you for using the TownInfo centre .",
+ "Of course . I ' m sorry , I did n't mean to drag it out . I hope that wo n't discourage you from contacting us again if you need help with anything .",
+ "It has been a pleasure assisting you . Have a wonderful night .",
+ "Thank you for using our service . Have a good day . Goodbye .",
+ "Thank you for using our service . Have a wonderful day . Goodbye .",
+ "Thank you for calling . I hope you enjoy your trip . Goodbye .",
+ "Enjoy the rest of your day",
+ "Thank you for calling the Cambridge Township Centre . Enjoy your day !",
+ "Alright , have a wonderful day !",
+ "You are very welcome . Please let us know if we can do anything else for you .",
+ "Thank you , good bye",
+ "Thank you and have a nice time .",
+ "Have a great day . Enjoy your trip . Goodbye .",
+ "Thank you , if you need anything else let me know . Good Bye .",
+ "Have a nice day .",
+ "Goodbye .",
+ "Have a nice day .",
+ "You are welcome . Have a great day .",
+ "You 're very welcome , glad we could be of assistance .",
+ "I ' m glad I could help . Have a wonderful day !",
+ "Thanks ! You have a great day as well ! Bye !",
+ "Thank you for using TownInfo .",
+ "I ' m happy to be of service , and I hope you enjoy your stay in Cambridge !",
+ "If you have any further questions please let us know .",
+ "Thank you for using our service .",
+ "Thank you for using our system ! Have a great day !",
+ "It 's been a pleasure to help you .",
+ "Thank you goodbye",
+ "Thank you . Good bye",
+ "Have a nice day !",
+ "Glad I was able to help you today . Goodbye .",
+ "Okay . Glad I could help . Have a great trip . Goodbye .",
+ "Absolutely , have a great day !",
+ "Goodbye , enjoy your stay !",
+ "Okay great . Glad I could be of assistance .",
+ "Thank you for using the Cambridge TownInfo centre .",
+ "I want to confirm the train has not been booked . Thank you for using Cambridge TownInfo centre . Goodbye .",
+ "Thank you , have a good trip . Bye .",
+ "Let us know if we may help further . Thank you , good bye .",
+ "Thanks for calling , and if you need anything else just ring us back . Goodbye !",
+ "Great , enjoy your trip !",
+ "Thanks for using our system",
+ "Bye , have a great night !",
+ "Good day to you too , bye !",
+ "You 're welcome . Have a good day .",
+ "Okay Enjoy your stay then .",
+ "thank you for using this service good bye",
+ "Enjoy your stay .",
+ "Wonderful ! Have a great day !",
+ "Thank you , take care !",
+ "please contact us again in the future . goodbye .",
+ "Thank you goodbye .",
+ "Thank you for contacting us . Have a great day !",
+ "Please have a nice day .",
+ "Have a great day !",
+ "Have a nice day .",
+ "Thank you for choosing Cambridge TownInfo centre . Have a nice day !",
+ "Thank you for using this system !",
+ "Thank you .",
+ "Thank you , enjoy your stay . Bye .",
+ "Ok . Good luck with your dispute ! Goodbye .",
+ "Thank you .",
+ "Thank you for using the Cambridge TownInfo centre . Have a good day .",
+ "Thank you for using our system !",
+ "I hope you enjoy the rest of your day too !",
+ "Have a great time .",
+ "Excellent . Have a good night !",
+ "You 're welcome , enjoy your meal .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "You are welcome and you do the same .Goodbye",
+ "If you need anything else , please do n't hesitate to contact us .",
+ "You take care .",
+ "Have a nice day !",
+ "I ' m glad we could help . Please call us back anytime . Good Bye !",
+ "I ' m happy to help . Have a nice day . Bye .",
+ "I hope you have a great trip .",
+ "Not a problem ! Have a great day !",
+ "It was my pleasure .",
+ "Yes . Let us know if you need help .",
+ "Ok . Thank you and goodbye .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "enjoy your visit !",
+ "Thank you , you have a good day too .",
+ "Thank you , goodbye .",
+ "You too , enjoy your stay in Cambridge .",
+ "Good bye have a nice stay .",
+ "Bye . have a good day",
+ "have a great day",
+ "welcome and welcome anytime .",
+ "Have a great day and stay !",
+ "Thank you for using our system !",
+ "Thank you for using our service . Have a great day .",
+ "enjoy your stay in cambridge",
+ "Thank you and enjoy your meal at the kymmoy . Have a great day .",
+ "Okay ! Thanks for using our service .",
+ "Thank you for using our system !",
+ "Thank you goodbye",
+ "I am glad to help . Enjoy your stay !",
+ "thank you . good bye",
+ "I hope you have a wonderful stay .",
+ "Have a great day .",
+ "Have a great day !",
+ "Okay Thank you for calling .",
+ "You 're welcome and have a great stay .",
+ "Thank you , goodbye .",
+ "Thank you for using the Cambridge TownInfo centre service !",
+ "No , thank you for contacting the Cambridge TownInfo centre ! Have a nice day !",
+ "Have a great day !",
+ "Thank you for using our system !",
+ "Great ! I ' m glad that I was able to assist you today . Goodbye .",
+ "Ok . Thank you .",
+ "You are welcome , have a great day !",
+ "Goodbye .",
+ "Have a wonderful day , goodbye .",
+ "Okay . Have a great meal !",
+ "Ok thanks and enjoy your stay .",
+ "Thank you for using Cambridge restaurant system . Enjoy your meal !",
+ "Thank you for contacting us and have a nice day .",
+ "Alright . I hope you have a great day !",
+ "Thank you have a nice day .",
+ "Thank you for using our system . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Ok , let me know if I can help you with anything else .",
+ "You 're welcome ! Please contact us again if you need anything else .",
+ "Thanks for using our service . Have a great day !",
+ "Thank you , goodbye .",
+ "Thank you , if you need anything else just ask .",
+ "Have a nice visit",
+ "Have a great day .",
+ "Okay , sorry about that . I hope we can help you in the future .",
+ "thanks and enjoy your stay",
+ "Thanks for letting us assist you today !",
+ "Ok , thank you for calling the Cambridge TownInfo centre . Have a great day .",
+ "Thank you , good bye .",
+ "Great ! Have a nice day !",
+ "Great . If you need help in the future , please contact us .",
+ "You are welcome . Thank you for contacting the centre . Goodbye .",
+ "Thank you for using this system . Goodbye .",
+ "Have a great day .",
+ "Have a lovely day then , goodbye .",
+ "Thank you for using the Cambridge Restaurant Phone System . Enjoy your meal !",
+ "Okay glad I could help .",
+ "Have a wonderful day . Goodbye .",
+ "Have a good day , goodbye .",
+ "Thank you for using this service goodbye",
+ "Alright have a great time . And do n't hesitate to call again if you need more help .",
+ "Happy to be of help , and enjoy your stay in Cambridge !",
+ "Great ! Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "Okay . Enjoy your dinner .",
+ "Good luck with everything !",
+ "Of course . Let me know if there 's anything else I can help you with .",
+ "Have a great day !",
+ "Wonderful ! Thank you for calling Cambridge TownInfo centre , it was a pleasure to serve you .",
+ "Thanks for using our service !",
+ "Thank you for using our system today .",
+ "Thank you , you do the same . Good bye !",
+ "Thank you and have a great day !",
+ "You as well , enjoy your trip !",
+ "Thanks for using the Cambridge TownInfo centre . Goodbye !",
+ "Okay do not hesitate to call us if you need something else .",
+ "Thank you for contacting us and have a nice day .",
+ "Great ! Enjoy",
+ "Come back for any future help you may need .",
+ "Thank you for using our system . Good bye",
+ "Goodbye .",
+ "I ' m sorry this happened to you , I really hope that the police are able to help . If there is anything else I can do for you do n't hesitate to ask .",
+ "Have a lovely day . Goodbye .",
+ "Okay . Glad I could be of help .",
+ "thank you and enjoy your stay .",
+ "You 're welcome . Have a great time !",
+ "Have a great stay ! Goodbye !",
+ "Thank you for calling .",
+ "Ok , great ! Have a wonderful day !",
+ "Thank you , have a great time .",
+ "Thank you ! Have a great day !",
+ "Alright . Thanks for calling .",
+ "You as well ! Thank you . Goodbye !",
+ "Enjoy your dinner .",
+ "Have a wonderful day !",
+ "Glad I could help , have a good day .",
+ "Have a great time .",
+ "welcome . at your service next time",
+ "Thank you and have a great day !",
+ "Goodbye .",
+ "Thank you for using our service today .",
+ "Thank you for using the Cambridge Town Info Centre Services !",
+ "Thank you for contacting us have a nice day .",
+ "thank you and enjoy your stay !",
+ "It was my pleasure to assist you today . Please let us know if we can be of further help . Good - bye .",
+ "Thank you for using our system . Good bye",
+ "welcome again next time",
+ "Okay Glad I could be of help .",
+ "Thank you for choosing our system . Good bye",
+ "Thank you for allowing me to assist you with your travel .",
+ "So happy to help , and thanks for using Cambridge TownInfo service today !",
+ "Glad I could help ! Goodbye .",
+ "I am glad that I could assist you today . I hope you have a wonderful evening . Bye bye .",
+ "Okay . Have a nice day .",
+ "Goodbye and thanks for contacting us",
+ "Okay , have a great time in town !",
+ "Thank you . Have a great day !",
+ "Glad I could help !",
+ "Enjoy the rest of your day , goodbye !",
+ "Okay . Please let us know if we can help you with anything else .",
+ "Thank you for using our service . Goodbye .",
+ "Thank you for using our services .",
+ "Thank you for calling Cambridge TownInfo centre . Have a great day .",
+ "You 're welcome . Have a great day !",
+ "Okay , Thank You . Goodbye .",
+ "Thank you for contacting the Cambridge TownInfo Centre . Have a great day .",
+ "It was my pleasure . Have a great day !",
+ "It 's been my pleasure . Goodbye",
+ "Alright . I hope you have a wonderful day !",
+ "Thank you for using our system !",
+ "Great ! Thanks for allowing me to assist you . Goodbye !",
+ "Thank you for using our system ! Have fun !",
+ "Great ! Have a nice day !",
+ "No problem , thanks for contacting us .",
+ "OK , great , I ' m glad you are satisfied . Have a nice time !",
+ "Thank you for using the Cambridge Town Info Centre Services ! We hope you enjoy your time in Cambridge",
+ "Thank you goodbye .",
+ "Have a great day !",
+ "You too , hope you feel better",
+ "Enjoy your travels ! Let us know if we can be of any further assistance .",
+ "Thank you for calling and enjoy your dinner .",
+ "Thank you for using our service !",
+ "Thank you for contacting us and have a nice day .",
+ "You 're very welcome ! Goodbye .",
+ "Glad we could help . Call us anytime . Good Bye .",
+ "Bye now . Have a great day .",
+ "Good day , enjoy your time in Cambridge .",
+ "Let me know if you need anything else .",
+ "Please contact again if you have any other questions",
+ "Thank you for using our service today .",
+ "Thank you for using our system . Goodbye .",
+ "Thank you for using our system !",
+ "Thank you for using our service !",
+ "Thank you . Enjoy your stay .",
+ "Thank you for using our service !",
+ "Enjoy your trip .",
+ "Bye for real this time !",
+ "It was a pleasure serving you . I do so hope that your stay in Cambridge is pleasant . Goodbye !",
+ "Bye ! Have a great day !",
+ "You 're welcome . Have a great day !",
+ "Okay . Have a great time !",
+ "Glad to be of help . have a nice day .",
+ "Okay , have a great day !",
+ "Have a great day .",
+ "Yes you are all set thank you for using our system .",
+ "Have a nice day .",
+ "Okay , have a great trip !",
+ "Thank you , goodbye .",
+ "Enjoy your trip !",
+ "Have a great time and enjoy !",
+ "OK . If you do think of anything else you need just let me know .",
+ "enjoy your stay in cambridge",
+ "Thank you . Goodbye !",
+ "Thank you have a great day .",
+ "Glad to help goodbye",
+ "Okay , thank you and goodbye !",
+ "Have a nice day .",
+ "Okay great ! Glad I could help .",
+ "Enjoy your visit . Please give me a call if you need any more help during your visit .",
+ "Any time , and you have a great day as well !",
+ "Thank you for using our system today .",
+ "Thank you for contacting us today . Have a great day .",
+ "Thank you and have a wonderful day !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "I ' m glad I was able to assist you . Have a good day .",
+ "Thank you for calling . I hope you have a fantastic day . Goodbye .",
+ "Thank you so much for calling Cambridge TownInfo centre ! It was a pleasure to serve you , we hope you enjoy your trip !",
+ "You 're welcome , enjoy your meal .",
+ "have a great day and thanks for staying with us",
+ "You 're welcome . You will be in good hands . Goodbye .",
+ "Thank you for reaching out to Cambridge TownInfo Centre . Goodbye .",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You are more than welcome !",
+ "And a great day to you as well !",
+ "Thanks very much , you , too !",
+ "Thank you , have a great day .",
+ "I ' m glad I could help . Have a great day . Goodbye .",
+ "My pleasure ! Enjoy your trip .",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Have a nice day .",
+ "Goodbye .",
+ "excellent , have a great day !",
+ "Please feel free to contact us with any other questions you have ! Have a great day !",
+ "Ok , if there 's anything else you think of please contact the help desk . Thank you and have a great day .",
+ "You 're quite welcome . Goodbye !",
+ "Thank you . Have a great day .",
+ "You are more than welcome !",
+ "I ' m so glad you are satisfied ! Thanks you for using our service and have a good day !",
+ "I hope you enjoy Saint Johns Chop House . Goodbye .",
+ "Thank you for using our services . Goodbye .",
+ "Thank you for using Cambridge TownInfo centre",
+ "You 're welcome . Thanks for contacting us . Goodbye .",
+ "Thanks for allowing me to help you . Have a great day .",
+ "Thank you , goodbye .",
+ "Glad I could be of assistance . enjoy your journey . Do not hesitate to call if you need us again .",
+ "Thank you and goodbye !",
+ "Okay . Enjoy your dinner .",
+ "Thank you and enjoy your stay in Cambridge",
+ "Thank you for using our service !",
+ "You 're very welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "No problem . Glad to help .",
+ "Thank you , goodbye .",
+ "Have a great day !",
+ "Be sure to call again if you need anything . ' Bye now .",
+ "Thanks for choosing our service , have a lovely day .",
+ "Thank you and please check back with us for your future travel needs .",
+ "Thank you for using this service . Goodbye .",
+ "Not a problem ! Have a great day !",
+ "Thank you for using this system .",
+ "Okay . Thank you , Goodbye .",
+ "Enjoy your visit and let us know if you need help with other arrangements in the future .",
+ "Great ! Have a great day !",
+ "Thank you and enjoy your visit .",
+ "Have a wonderful trip .",
+ "Thank you , enjoy your stay !",
+ "It has been my pleasure . Please feel free to contact us again if you require any further assistance !",
+ "Thank YOU . Enjoy your meal .",
+ "great day to you too",
+ "Have a pleasant trip and , as always , we are here if you need us .",
+ "Thanks for calling . Have a wonderful day .",
+ "Thank you and enjoy your stay !",
+ "You 're welcome , have a great stay .",
+ "Thanks ! enjoy your time !",
+ "Thanks for using our service today !",
+ "any time . great day",
+ "Hope you have a wonderful day . Goodbye .",
+ "Thank you for using our system . Good bye",
+ "thank you and good bye",
+ "You too , enjoy your stay in Cambridge .",
+ "Thank you and goodbye .",
+ "Have a wonderful visit .",
+ "Have a good day !",
+ "Have a nice day , goodbye !",
+ "Thank you for using our system !",
+ "Thank you very much ! Have a great day",
+ "Thank you for contacting Cambridge TownInfo centre . Have a great time ! Goodbye !",
+ "You 're very welcome . Thanks for letting me assist you . Bye !",
+ "Thank you for contacting us . Have a good day .",
+ "Please give me a call if you need any assistance during your visit",
+ "Glad to help , have a good trip !",
+ "It was my pleasure . Enjoy your stay !",
+ "Thank you and goodbye .",
+ "Okay goodbye , have a lovely day !",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye .",
+ "You are very welcome ! Enjoy your meal !",
+ "Have a great trip . Goodbye .",
+ "Thank you , you too . Goodbye .",
+ "Thank you for letting me help you . Have a nice day . Good bye .",
+ "Thank you for using the Cambridge TownInfo centre !",
+ "I 'll be here any time .",
+ "You are more than welcome !",
+ "Thank you for using our service , good bye .",
+ "Thank you and good bye .",
+ "You are very welcome . Thank you for calling Cambridge TownInfo Centre . Goodbye .",
+ "Have a fantastic day , goodbye",
+ "Great . I hope you have a good day .",
+ "You are welcome . Thank you for calling the Cambridge TownInfo Centre . Goodbye .",
+ "Very well , we are here if you changed your mind , have a great day .",
+ "Have a nice day .",
+ "Okay , thank you , goodbye .",
+ "Glad to have been of help . Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "goodbye",
+ "My pleasure ! Please call us back if you need anything else .",
+ "Have a good day",
+ "Thank you for using this service goodbye",
+ "Have a nice day .",
+ "Thank you for using our system !",
+ "Have a wonderful day , good bye .",
+ "You are very welcome . Please let us know if we can be of further assistance .",
+ "Thank you , Enjoy your day , goodbye .",
+ "Glad to be of help ! Goodbye .",
+ "Good bye .",
+ "No problem , have a great day .",
+ "i am glad i have been of help . good day",
+ "Thank you very much . Goodbye .",
+ "Enjoy your trip .",
+ "Great . I hope you have a great trip ! Goodbye .",
+ "you are welcome any time",
+ "excellent , have a great day !",
+ "Goodbye .",
+ "Thank you for using our services .",
+ "Have a safe trip !",
+ "enjoy your stay in Cambridge !",
+ "Thank you . Goodbye .",
+ "We hope you have a pleasant stay !",
+ "Goodbye , enjoy your stay",
+ "Great , thank you and enjoy your day .",
+ "Okay , great . Enjoy your day !",
+ "Thank you for using our system . Good bye",
+ "Thank you for using our service . Have a good day . Goodbye .",
+ "Thank you , and have a nice day !",
+ "Goodbye ! Have a great day !",
+ "You 're welcome , have a great day !",
+ "Thank you for calling .",
+ "Thank you ! Have a great day !",
+ "Have a nice day .",
+ "Thank you , and please remember you can contact us at any time if you need any further assistance ! Have a great day !",
+ "Thanks for using the help desk and have a great day .",
+ "Thank you , Have a great day .",
+ "You are quite welcome !",
+ "Let me know if you need anything else .",
+ "excellent , have a great day !",
+ "Awesome . Come back if you have any questions !",
+ "Have a nice day .",
+ "goodbye",
+ "Have a nice day .",
+ "Enjoy your visit !",
+ "Thanks for stopping by !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a great time ! Goodbye !",
+ "Thank you for using our service today !",
+ "Contact us anytime . Good bye .",
+ "Have a good visit .",
+ "No thank you that will be all",
+ "Thanks , you too !",
+ "Oops . Sorry about that .",
+ "Have a great day !",
+ "Excellent . Have a good one !",
+ "Thank you so much , have a great day .",
+ "You 're welcome . It was my pleasure . Please call us again . Have a good day .",
+ "Have a great day !",
+ "Great ! Thank you for using Cambridge TownInfo ! Goodbye !",
+ "thanks to you and enjoy",
+ "All right , have a great trip !",
+ "OK . Hope all goes well for you . Bye .",
+ "Ok , thank you for using our services . Have a wonderful day .",
+ "thank you and enjoy your stay !",
+ "Thank you for using our service today !",
+ "Have a good day . Good bye .",
+ "Thank you for contacting us have a good day .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for calling . I ' m glad I could help you . Goodbye .",
+ "Have a great day",
+ "Thanks for using our service !",
+ "Have a wonderful trip . Enjoy the rest of your day , goodbye .",
+ "Have a great day !",
+ "Our pleasure . Please call us again and have a terrific day .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "Have a nice day , goodbye !",
+ "Thank you , let us know if you need more help . Bye .",
+ "Have a lovely day , goodbye .",
+ "Thank you goodbye !",
+ "Okay . Have a good day .",
+ "Enjoy your stay !",
+ "Awesome . Enjoy your stay !",
+ "Not a problem . Enjoy your stay .",
+ "Thanks , have a nice day as well .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Thanks for calling . You have a great day !",
+ "You are more than welcome !",
+ "Great . Enjoy your stay in Cambridge .",
+ "Great ! Let me know if you need anything else .",
+ "Thank you for calling , goodbye .",
+ "I ' m glad to be of help . Have a nice day .",
+ "I 'll be going , good bye",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "It 's my pleasure . Let me know if you ever need anything else .",
+ "Thank you for using Cambridge TownInfo centre . Please contact us for your future travel needs .",
+ "Best of luck with everything and enjoy your day .",
+ "Have a nice day , goodbye !",
+ "Excellent ! Enjoy your visit .",
+ "Okay , not a problem . I 'll cancel that reservation and you have a great day .",
+ "Goodbye . I hope the police are able to help you , I ' m sorry this happened to you .",
+ "Great , have a fantastic trip . Thanks for choosing Cambridge TownInfo centre !",
+ "Have a great day !",
+ "You are welcome !",
+ "It was my pleasure to assist you ! Til next time !",
+ "Let us know if you need anything else .",
+ "Awesome . Please enjoy your stay . Goodbye .",
+ "Great ! Have a wonderful day .",
+ "welcome back next time",
+ "Glad to help . Bye .",
+ "Thank you for contacting us , have a nice day .",
+ "alywas there if you need me , bye !",
+ "OK , if that 's all you need , I ' m happy to have been of service ! Have a wonderful day .",
+ "Okay glad we could help .",
+ "Thank you , goodbye !",
+ "Thank you for using our services .",
+ "You 're welcome . I hope you enjoy your trip .",
+ "Have a good day !",
+ "Have a great day !",
+ "You have a great day as well , thank you so much !",
+ "Thank you . You as well !",
+ "enjoy your time in cambridge",
+ "It was a pleasure working with you today . Contact us again if you need any more assistance . Have a great day .",
+ "Have a good day , good bye .",
+ "Okay . Glad I could help you today . Enjoy your journey .",
+ "You 're welcome , enjoy your time in Cambridge .",
+ "It was a pleasure to serve you . Please feel free to use our service again anytime . Have a good day .",
+ "Thank you ! Bye !",
+ "thank you for using this service good bye",
+ "Have a great day !",
+ "Thank you !",
+ "OK , have a nice day . Bye .",
+ "Goodbye .",
+ "Thank you , goodbye",
+ "You as well , goodbye .",
+ "Thank you for calling . Have a great day !",
+ "Thanks for using our service today !",
+ "thank you goodbye",
+ "Thank you for contacting us . Have a nice day .",
+ "thanks for inquiring with us . good day",
+ "Okay . Thank you for calling .",
+ "It was a pleasure to help . Have a nice night . Bye .",
+ "Alright , great . Have a nice day !",
+ "You 're welcome . Have a great day .",
+ "Okay thank you for calling .",
+ "Have a great night . I ' m glad to be of assistance !",
+ "Okay , have a great time and be safe .",
+ "Enjoy the rest of your day !",
+ "Excellent . Take care !",
+ "Alright , have a great day .",
+ "thank you , goodbye",
+ "You too . Thank you .",
+ "Have a great day and a great trip ! Goodbye .",
+ "It 's been a pleasure , thank you . Enjoy your visit !",
+ "Have a good trip . Thank you for using Cambridge TownInfo Centre . Goodbye .",
+ "I glad we could help . Have a great day .",
+ "I wish you a lovely day too .",
+ "Thank you for calling .",
+ "Thank you , have a great day",
+ "welcome . at your service next time",
+ "excellent , have a great day !",
+ "thank you good bye",
+ "Great , have a nice day !",
+ "Thank you for calling today .",
+ "You 're welcome . Have a great time !",
+ "Thank you and have a wonderful time !",
+ "My pleasure to be of service . Have a wonderful visit to Cambridge . Goodbye .",
+ "thank you for using this service good bye",
+ "Thank you very much",
+ "Thank you .",
+ "Have a great day .",
+ "You are most welcome . Thanks for contacting TownInfo centre . Goodbye .",
+ "Thanks for contacting us , have a great day !",
+ "thank you very much",
+ "great day and welcome anytime",
+ "Enjoy the rest of your day .",
+ "Have a great trip !",
+ "Enjoy your meal and do not hesitate to call back if you need further assistance .",
+ "Okay , have a great day !",
+ "its been a pleasure to serve you .",
+ "Thank you . Goodbye .",
+ "Well thank you . It has been a pleasure to assist you today . Have a wonderful day . Goodbye .",
+ "Have a great day !",
+ "Thank you . We 'll be happy to help you with your future travel needs .",
+ "Thank you for calling . Have a great day .",
+ "Okay , have a great day !",
+ "You are welcome . Call back if you need anything else .",
+ "Thank you as well , let us know if you need help with anything else .",
+ "It was a pleasure to assist you . Thank you for using our service . Goodbye .",
+ "Have a great day !",
+ "Good luck and stay safe !",
+ "Have a nice day , goodbye !",
+ "Happy to help ! Hope you feel better soon !",
+ "Great thank you for your help .",
+ "Thank you for contacting us and have a nice day .",
+ "Enjoy your stay .",
+ "enjoy your time",
+ "Thank you , goodbye .",
+ "have a wonderful trip !",
+ "Thank you . Goodbye .",
+ "Thank you , and have a great day !",
+ "Goodbye !",
+ "Enjoy your meal and thank you for using our service .",
+ "Thank you for using our services .",
+ "Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "OK . Good bye .",
+ "If you need any further assistance , please contact us .",
+ "Okay have a great day !",
+ "Thanks for using the service , have a nice day",
+ "Thank you for using our system !",
+ "Thanks for using the Cambridge TownInfo Centre . Goodbye !",
+ "No problem ! Have a great night !",
+ "Have a nice day , goodbye !",
+ "Thank you for contacting the Cambridge Towninfo Centre",
+ "Thank you and have a great day !",
+ "I hope you enjoy your stay in our city !",
+ "You 're welcome . If you think of anything else I can help you with do n't hesitate to ask .",
+ "Enjoy your trip and please call back if you need anything else .",
+ "Enjoy your day , goodbye !",
+ "enjoy your stay in cambridge",
+ "Glad I could be of assistance . Please let me know if I can be of any further assistance .",
+ "Have a nice day .",
+ "Thanks for using our system today !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a wonderful day !",
+ "I hope you have a great stay . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Enjoy the rest of you day",
+ "Have a great day !",
+ "Let me know if you would my assistance . Goodbye !",
+ "You , too . Thank you for calling . Goodbye .",
+ "Thank you ! Have a great day !",
+ "Thank you for using Cambridge TownInfo centre , and enjoy your meal !",
+ "Ok ! Have a great day !",
+ "Thank you . Let us know if you need further assistance .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Ok , thank you for contacting us and have a great day !",
+ "enjoy !",
+ "Thank you for calling Cambridge TownInfo centre ! It was a pleasure to serve you , I hope you have a wonderful visit !",
+ "Okay , thank you for using our service .",
+ "OK , have a great day . Do n't hesitate to contact us if you think of something you do need .",
+ "Thank you for using our service today !",
+ "Thank you goodbye",
+ "Not a problem . If you need more assistance , let me know .",
+ "Thank you very much .",
+ "Have a great evening . Bye .",
+ "You 're very welcome ! Text us back anytime , and have a wonderful visit in Cambridge !",
+ "Have a nice day !",
+ "Thank you !",
+ "Have a nice day .",
+ "Thank you for contacting us have a nice day .",
+ "Have a wonderful day .",
+ "Thank you for using our service ! Goodbye !",
+ "Thank you for trusting me to make the bookings for you .",
+ "It was nice talking to you ! Thank you for calling ! Good Bye !",
+ "Enjoy your trip !",
+ "Thank you , goodbye !",
+ "Thank you , you too .",
+ "Thank you and have a good trip .",
+ "Okay , have a great day !",
+ "Okay great , farewell !",
+ "Thank you and have a good time in our lovely city !",
+ "Bye , have a good time .",
+ "Have a nice trip . Bye .",
+ "You have a great day , goodbye !",
+ "Thanks for using our system !",
+ "Great . Glad to help . Have a wonderful day !",
+ "OK great . Have a nice day . Bye .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "I am very glad to assist you today . Good bye !",
+ "You 're welcome . Goodbye !",
+ "Enjoy your meal . Goodbye .",
+ "Thank you and have a great day !",
+ "I am glad to help have a nice stay",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you have a good day .",
+ "Excellent ! Have a great day !",
+ "Have a nice day , goodbye .",
+ "It 's been my pleasure . Have a great evening . Goodbye .",
+ "Great to hear , you have a great day now !",
+ "Great . Enjoy your stay .",
+ "Good bye , have a great day .",
+ "Goodbye .",
+ "Excellent , I hope you enjoy your stay !",
+ "Please contact us anytime . Goodbye .",
+ "You 're welcome ! Have a great day and enjoy your meal !",
+ "Okay then , you have a wonderful day !",
+ "Thank you for using our service .",
+ "Good bye",
+ "Have a great trip ! I hope you enjoy your trip !",
+ "Thank you for contacting us and have a nice day .",
+ "Okay have a good day !",
+ "Awesome ! Take care and enjoy your evening .",
+ "Let us know if we can help further . Good day .",
+ "Thank you , have a great day !",
+ "Thank you have a great day !",
+ "Okay great ! Have a great day !",
+ "Enjoy your taxi and day .",
+ "Thank you for contacting the Cambridge TownInfo centre today !",
+ "thank you very much bye",
+ "Thank you for contacting Cambridge TownInfo centre . Have a wonderful day !",
+ "Have a nice day .",
+ "I ' m glad I could help . Goodbye .",
+ "I ' m glad I could help .",
+ "Ok . Thanks , and have a great day !",
+ "Bye ! Enjoy your trip !",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "Have a good day !",
+ "Have a great time and enjoy your visit to Cambridge !",
+ "Thank you for using this service good bye",
+ "Thank you for the call , have a great trip .",
+ "Ok , have a great day !",
+ "You are welcome . Thank you for calling Cambridge TownInfo Centre . Goodbye .",
+ "I hope you enjoy your dinner .",
+ "Have a great day !",
+ "Okay . Glad we could help !",
+ "OK , I ' m glad I was able to assist you . If there ever is anything else do n't hesitate to contact us .",
+ "Have a nice day .",
+ "Have a nice day .",
+ "Have a great day . Goodbye .",
+ "Have a nice day .",
+ "You 're welcome , have a great day .",
+ "Thank you for contacting us and have a good time !",
+ "Thank you for using our service , and enjoy your time in Cambridge !",
+ "enjoy your day !",
+ "Ok , have a great day !",
+ "It was my pleasure to help you . Please feel free to call us again in the future . Have a nice day .",
+ "Thanks for using our services .",
+ "Have a great day .",
+ "You too , enjoy your stay .",
+ "I ' m glad I could be of help . Enjoy your trip .",
+ "Thank you and enjoy your stay .",
+ "Thank you very much . Goodbye .",
+ "You are most welcome !",
+ "Thank you for contacting us and have a nice day .",
+ "You have a nice day . This is the end .",
+ "Great , have a good one !",
+ "Thank you ! Have a wonderful day !",
+ "Great . Thanks for letting us assist you today !",
+ "thank you and enjoy your stay in cambridge",
+ "Okay , goodbye and enjoy your time in town",
+ "Have a nice day .",
+ "Thanks for using our services , goodbye !",
+ "Great ! Enjoy your meal , let me know if I can help with anything else .",
+ "Thank you for choosing our system . Good bye",
+ "Thank you , let us know if we can help anymore .",
+ "Great . Glad to have helped .",
+ "Enjoy your trip !",
+ "Thank you , goodbye .",
+ "Have a great stay . Enjoy your time .",
+ "Thank you for using our service . Please feel free to reach out if you need anything else . Goodbye .",
+ "It has been my pleasure . Feel free to contact us with any future concerns . Have a nice day .",
+ "Thank you for using our system !",
+ "Goodbye .",
+ "Thank you for using our system . Good night",
+ "You are welcome . Have a great day . Bye .",
+ "Thank you . Goodbye .",
+ "thank you , goodbye .",
+ "Great - have a wonderful day !",
+ "Thank you for using our services . Have a great day !",
+ "Thanks for using our services .",
+ "Thank you for contacting us and have a nice day .",
+ "Have a lovely day , thanks for using our services .",
+ "No , thank you for being a great customer ! Good bye .",
+ "goodbye and enjoy",
+ "Thank you for using our services .",
+ "excellent , have a great day !",
+ "Thank you , have a wonderful day !",
+ "Thank you , goodbye .",
+ "Okay . Enjoy your dining experience .",
+ "Thank you for calling and have a great trip to Cambridge . Goodbye .",
+ "Thank you for using our services . Have a great day !",
+ "Thank you for contacting us have a nice day .",
+ "Thank you , goodbye .",
+ "Thank you , and have a nice day !",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Okay , have a great day !",
+ "Thank you so much for calling . Have a great trip . Goodbye .",
+ "Enjoy your time at the college !",
+ "Thank you we hope you enjoy your stay !",
+ "excellent , have a great day !",
+ "Thank you for using our service . You have a great trip !",
+ "Thanks , you too . Goodbye .",
+ "Have a nice day .",
+ "Wonderful ! Glad to have been of help . Have a wonderful day !",
+ "We are happy to help . Thank you for using our service .",
+ "Thank you . Goodbye .",
+ "Have a great day , then .",
+ "Have a great day ! Goodbye !",
+ "Glad we could be of service , and thanks for using the Cambridge TownInfo centre !",
+ "Enjoy your dinner !",
+ "Okay . Thanks so much for calling . Enjoy your evening !",
+ "You as well .",
+ "Okay , I hope you enjoy the rest of your day !",
+ "I ' m happy we could help today , and thank you for using the Cambridge TownInfo Centre !",
+ "Enjoy your meal and thank you for contacting us . Have a nice day .",
+ "If you have any further questions , contact the help desk again , thanks !",
+ "Have a great day !",
+ "Have a wonderful day .",
+ "Great . You have a great time then ! Goodbye .",
+ "Glad to have been of help . Thank you for using the Cambridge TownInfo centre . Have a great day",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using the help desk .",
+ "Thank you for using Cambridge TownInfo centre . Have a great trip !",
+ "Okay , have a great day !",
+ "Thank you , Goodbye !",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "You 're welcome . Goodbye .",
+ "Have a nice day . Thank you for contacting us .",
+ "Then , thank you for calling the Cambridge TownInfo Centre . Goodbye .",
+ "Glad to have been of help ! Enjoy your stay in Cambridge .",
+ "You 're welcome , have a nice day , too .",
+ "Alright , thank you . Goodbye !",
+ "Thank you for using our services .",
+ "Have a nice day .",
+ "Thank you for contacting us and have a nice day .",
+ "Great . Glad I could help . Enjoy your stay .",
+ "Thank you for using our service today !",
+ "It was my pleasure . Have a nice day .",
+ "I ' m glad to have been of service , goodbye .",
+ "Have a nice day .",
+ "You are welcome ! Have fun ! Goodbye !",
+ "Thank you for calling , enjoy !",
+ "It was my pleasure . Have a great day !",
+ "Great . I ' m glad I could help . Please call again .",
+ "Thank you for using our service and have a great day .",
+ "Have a good trip !",
+ "Okay thank you for calling .",
+ "Great . You are welcome to use this service again should you need it .",
+ "Have a great day !",
+ "Thanks ! You have a great day as well !",
+ "Have a nice day .",
+ "No problem ! Enjoy yourself .",
+ "Thank you so much for helping me find an attraction . I have the number and I will give them a call . You have a great day .",
+ "Thank you for calling . Goodbye .",
+ "Have a great day ! Enjoy your ride !",
+ "Great . Thanks for talking to us !",
+ "Enjoy your meal at the jinling noodle bar . Have a great day .",
+ "Have a nice day !",
+ "Thank you for contacting us today , have a nice day .",
+ "welcome again next time.enjoy the journey",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye for now .",
+ "Okay great . Thank you for calling today .",
+ "Have a great day !",
+ "Enjoy your visit and do not hesitate to call if you need any more assistance .",
+ "Thank you and enjoy your stay in Cambridge !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "enjoy your stay in Cambridge !",
+ "Thank you for using our system . Good bye",
+ "Have a wonderful day .",
+ "You 're welcome , please call us again in the future . Have a great day .",
+ "I am glad the Cambridge TownInfo centre helped you . Goodbye .",
+ "Thank you for using the Cambridge Restaurant Phone System . Enjoy your meal !",
+ "Thank you for calling and have a great day . Goodbye .",
+ "You have a great day too ! Do n't forget , when you 're in a bind , call the Cambridge TownInfo centre !",
+ "Thank you for using the Cambridge TownInfo Center . Goodbye",
+ "Thank you for contacting us . I am glad we could help .",
+ "Certainly . Thanks and goodbye .",
+ "Thanks for contacting us . Please let us know if we can help you in the future .",
+ "Okay . Enjoy your visit to cambridge ! It 's a wonderful place .",
+ "Have a great day !",
+ "enjoy your stay in cambridge",
+ "You 're welcome . Have a great night .",
+ "thank you , have a nice day .",
+ "I hope everything works out for you . Good bye .",
+ "No thank you that will be all",
+ "Thank you , please let me know if you have any more question .",
+ "Have a nice day .",
+ "Have a great trip !",
+ "Have a good day ! Goodbye .",
+ "Thank you for using this system , goodbye !",
+ "thanks , enjoy your stay",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "So happy I could help you today . Thank you for using the Cambridge Towninfo centre . Have a great day !",
+ "great , have a wonderful day !",
+ "Your Welcome . Goodbye .",
+ "Have a wonderful time .",
+ "You 're welcome , have a good meal .",
+ "Have a great day !",
+ "Thank you , let me know if I can assist with anything else .",
+ "Glad to be of service . Have a wonderful day !",
+ "Have a great trip",
+ "Have a good day and thank you for contacting us .",
+ "Thank you for allowing me to help you today . Have a great day .",
+ "Thank you for calling in today . I hope you have a great stay .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Have a nice day .",
+ "Great . Have a great mexican meal !",
+ "Have a good day",
+ "No problem . You have a great day also . Bye .",
+ "Have a nice time , let us know if you need anything else .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thank you for contacting Cambridge Towninfo Centre . Have a great day .",
+ "Ok . Enjoy your time at the museum .",
+ "Have a great time , bye now !",
+ "Thank you for choosing Cambridge TownInfo Centre ! Have a nice trip !",
+ "Good night , enjoy the rest of your evening .",
+ "Thank you and have a great day !",
+ "Have a lovely day , goodbye .",
+ "Ok great . Have a wonderful day !",
+ "Okay great . glad we could be of help .",
+ "Okay . Have a great day !",
+ "i am happy i have been of help to you . good day",
+ "Have a nice day .",
+ "Thank you for contacting us . If you have any more questions please do n't hesitate to ask .",
+ "Okay thank you .",
+ "Thank you for using our system today !",
+ "Thank you for using the Cambridge TownInfo centre . Have a nice day !",
+ "You are welcome . Have a nice day .",
+ "Okay . Thank you very much .",
+ "It was my pleasure , enjoy the rest of your day .",
+ "Thank you , and have a good day .",
+ "Glad to have helped . Goodbye .",
+ "Goodbye and thank you .",
+ "Have a great time .",
+ "Great . Thank you for contacting Cambridge Towninfo Centre . Have a great day .",
+ "Have a great day then !",
+ "Thank you , have a good day . Goodbye .",
+ "Have a great time ! Goodbye .",
+ "Thank you , please let me know if you need anything else .",
+ "Thank you , any have a great day .",
+ "You too , thanks for calling !",
+ "Great ! Thank you for contacting us . Have a great day !",
+ "Have a great trip !",
+ "Have a great time !",
+ "Great , thank you for using our system !",
+ "I hope you enjoy your stay . Have a nice day .",
+ "Thank you . Have a nice day as well . Good bye .",
+ "Ok ! Have a great day !",
+ "Okay great . Do not hesitate to call us if there is anything else you need .",
+ "Have a good day",
+ "Thanks for using our service . Have a great day .",
+ "OK . Thank you for calling and have a great day . Goodbye .",
+ "welcome . at your service next time",
+ "Take care and call us back if you need anything else .",
+ "Goodbye",
+ "Well , thank you for booking through our service . Have a pleasant day !",
+ "OK great ! I hope you have a wonderful day !",
+ "Thank you very much for contacting us , feel free to message us again if you need help !",
+ "Okay , well if you think of anything else , you know where to find me ! Otherwise , have a wonderful trip !",
+ "Thank you .",
+ "You as well and thank you for using the Cambridge TownInfo centre . Goodbye !",
+ "Thank you for using our services . Have a great day .",
+ "Thank you for using our services .",
+ "Thank you and enjoy the city !",
+ "You are more than welcome !",
+ "Goodbye .",
+ "good bye .",
+ "OK , have a great day . Bye .",
+ "Okay thank you .",
+ "thanks for inquiring with us .",
+ "Goodbye .",
+ "Thank you , and good - bye !",
+ "You are more than welcome !",
+ "Thank you for contacting us and have a nice day .",
+ "Yeah , anytime . I am happy I could assist .",
+ "Have a great day . Good Bye .",
+ "You are welcome . Have a nice stay . Bye .",
+ "Have a nice day , Goodbye",
+ "Thank you for using our services .",
+ "You 're welcome . Thank you for using our service .",
+ "You 're welcome . Have a nice stay !",
+ "Thank you for letting us help .",
+ "Okay , have a nice day .",
+ "Enjoy your stay .",
+ "Have a nice day , goodbye .",
+ "Have a nice day .",
+ "We hope you enjoy your stay and hope we can help you again in the future .",
+ "Thank you so much for calling Cambridge TownInfo centre ! We hope you have a wonderful trip !",
+ "Thank you for using our service . Have a wonderful day !",
+ "Have a nice day .",
+ "Have a nice stay . Goodbye .",
+ "Thanks for using our service !",
+ "enjoy your stay !",
+ "Alright , well if there 's nothing else i can do for you today , enjoy your time in Cambridge !",
+ "enjoy your stay in Cambridge !",
+ "No problem . Enjoy your time in Cambridge !",
+ "Great . Have a wonderful day .",
+ "Feel free to call back again for any further questions . Have a great day .",
+ "Thank you booking with us . Have a great stay .",
+ "Thank you for calling . Have a great day . Goodbye .",
+ "Okay great . I am glad I could assist you today .",
+ "good day too and thank you",
+ "Ok , have a great day !",
+ "Please let us know if we can help any further . Have a great day .",
+ "Thank you for contacting us and have a nice day .",
+ "Goodbye .",
+ "enjoy your stay",
+ "Thank you for calling Cambridge TownInfo centre . It was a pleasure to help you .",
+ "Thank you very much and have a wonderful evening .",
+ "Thank you for contacting the Cambridge TownInfo centre !",
+ "Let me know if you need anything else .",
+ "Glad we could be of help , have a nice trip !",
+ "Ok , great . I hope you enjoy your stay . Goodbye .",
+ "thanks and enjoy your stay in Cambridge !",
+ "Thank you , have a nice day !",
+ "Glad to help . Goodbye !",
+ "Have a great day . Goodbye .",
+ "Thank you for booking with us and have a great day .",
+ "Thanks for using our system !",
+ "You 're welcome . Goodbye !",
+ "Thank you let me know if you need anything else .",
+ "Have a great day !",
+ "Have a great day !",
+ "You are most welcome . Enjoy the museum .",
+ "Great ! Have a wonderful day ! Goodbye !",
+ "I ' m glad I could assist you , have a great day !",
+ "Thank you , goodbye !",
+ "Goodbye .",
+ "Thanks for using our services .",
+ "Thank you for using our system today !",
+ "Perfect . Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "Okay enjoy your stay in Cambridge !",
+ "Okay have a great day ! Bye for now !",
+ "Have a nice day .",
+ "enjoyed your services . keep that up",
+ "Glad I could help . Have a great day .",
+ "I have confirmed your booking and you are are all set . Thank you for calling the Cambridge town info centre .",
+ "Have a great trip . Goodbye .",
+ "Thank you for using our service . Hope you have a great day .",
+ "Thank you for using our service . Have a great day .",
+ "Have a nice day .",
+ "You 're welcome . Enjoy your time at Wandlebury !",
+ "You 're welcome . Good bye .",
+ "Thank you , have a great time",
+ "Goodbye . Have a wonderful day and stay .",
+ "I hope you have a wonderful day . Goodbye !",
+ "I hope you enjoy your stay .",
+ "Have a nice day .",
+ "Have a wonderful time .",
+ "Have a nice day !",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a nice visit ! Goodbye !",
+ "Thank y for calling in today . Have a good day .",
+ "thank you and good bye",
+ "Have a good evening .",
+ "Perfect . I hope you have a wonderful stay . Goodbye .",
+ "Thank you for using our services & have a good day .",
+ "Thank you for using our system !",
+ "Have a wonderful day",
+ "Great ! Have a fun trip !",
+ "Great ! Thank you for contacting Cambridge TownInfo centre . Good bye .",
+ "Have a great day !",
+ "Have a great weekend .",
+ "Thanks for using our service , and goodbye !",
+ "I ' m glad to hear that , please enjoy your trip .",
+ "Thank you for contacting us today , have a good night .",
+ "Have a great day and enjoy your food .",
+ "Enjoy your day !",
+ "I am glad to help . Enjoy !",
+ "Have a great day ! Goodbye !",
+ "You 're welcome . Thank you for contacting TownInfo centre today . Goodbye",
+ "Thank you , enjoy your stay in Cambridge .",
+ "I 'll be going now . Good - bye",
+ "Have a great dinner and a lovely train ride !",
+ "Thank you for using our system !",
+ "Thank you for using our system !",
+ "Thank you for using our services . Have a great day .",
+ "Great ! Enjoy your meal ! Goodbye !",
+ "All right , then . Have a nice trip , and a nice day . Goodbye .",
+ "You 're welcome ! Have a great day ! Goodbye .",
+ "Enjoy your visit to the museum . Goodbye !",
+ "Thank you for using Cambridge TownInfo . Goodbye !",
+ "ok , great ! have a wonderful day .",
+ "Thanks for using Cambridge TownInfo centre , and have a great day !",
+ "Okay , great ! I ' m so glad I could help you . Have a wonderful visit !",
+ "Thanks for using the Cambridge Town Info centre Services !",
+ "I hope you have a great day as well .",
+ "Goodbye again and have a great day !",
+ "Thank you ! Goodbye .",
+ "Thank you for using the Cambridge towneinfo centre . Goodbye",
+ "Have a good time !",
+ "Thank you and goodbye .",
+ "Thank you for using Cambridge TownInfo . Goodbye .",
+ "Sure thing , enjoy your trip !",
+ "We hope you enjoy your trip .",
+ "You 're welcome . Goodbye .",
+ "OKay I am glad I could assist .",
+ "You 're welcome , goodbye and enjoy your stay !",
+ "Have a nice day !",
+ "Thank you , let us know if you need anymore help .",
+ "I am glad , have a great day . Good Bye .",
+ "Thank you and enjoy your stay in our city !",
+ "Thank you for using our service today !",
+ "thanks for inquiring with us . have a great day",
+ "You 're welcome . Goodbye .",
+ "Have a great trip .",
+ "Thank you , goodbye .",
+ "Okay , I hope your visit is wonderful !",
+ "Thanks !",
+ "Of course . Thank you for choosing Help Desk . Have a nice day .",
+ "Ok I hope everything is alright . goodbye .",
+ "Enjoy your stay ! Goodbye !",
+ "Great . I hope you have a lovely day .",
+ "That will be all , thanks !",
+ "Have a wonderful stay .",
+ "Happy to be of service . Have a wonderful day !",
+ "Thank you for visiting Cambridge and have a great weekend .",
+ "Thank you , you too .",
+ "Thank you for using our system . Good bye",
+ "You 're welcome . Enjoy your trip !",
+ "Okay , have a good trip goodbye",
+ "Okay . Enjoy your dinner .",
+ "okay sounds good .",
+ "Okay , have a great day !",
+ "Thank you have a great day !",
+ "Have a wonderful visit . Thank you for using Cambridge TownInfo Centre . Goodbye .",
+ "Excellent , have a wonderful evening .",
+ "Thank you , good day .",
+ "Thank you .",
+ "Thank you for using our system !",
+ "You are more than welcome !",
+ "Thank you ! Have a great day !",
+ "Thank you , goodbye .",
+ "Great ! Have a nice day !",
+ "Thank you very much",
+ "Thank you goodbye",
+ "Have a wonderful day !",
+ "Great . Glad I could help .",
+ "We hope you have a great time .",
+ "Have a great evening ! Goodbye !",
+ "Good bye .",
+ "Ok great , have a fantastic day !",
+ "Thank you for contacting us . Have a great day .",
+ "Thank you for using our service , and enjoy your time in Cambridge !",
+ "Enjoy your meal ! Goodbye !",
+ "Have a great day !",
+ "You 're welcome . Thank you for contacting Cambridge TownInfo centre , and have a great day .",
+ "thank you and enjoy your stay in cambridge",
+ "Thank you for using the Cambridge TownInfo centre .",
+ "Thank you , goodbye .",
+ "Thank you for using our system today !",
+ "Great , I hope you have a great visit !",
+ "Have a nice day . Good bye .",
+ "You 're very welcome . Goodbye .",
+ "Thank you . Good bye .",
+ "No problem . Have a great stay .",
+ "Thank you , goodbye .",
+ "You 're welcome . Have a nice day .",
+ "Okay great . Enjoy your stay in Cambridge .",
+ "Please let us know if there 's anything else we can do for you . Goodbye .",
+ "Have a wonderful day !",
+ "Okay then have a great day !",
+ "Have a great day !",
+ "Thanks for using our service today !",
+ "Thank you and enjoy your day .",
+ "Thank you , goodbye !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "please contact us again in the future . goodbye .",
+ "I ' m glad I could assist you today . Good - bye .",
+ "Great . Have a nice day !",
+ "Great , I ' m glad I could help . If there 's anything else you need do n't hesitate to ask .",
+ "I am so glad that you asked us , have a great day . Good - bye !",
+ "You have a nice day then !",
+ "Alright , hope you enjoy the rest of your day .",
+ "Okay thank you for calling .",
+ "Thank you , enjoy your stay in cambridge .",
+ "Thank you for calling . I hope you enjoy your trip to our town . Goodbye .",
+ "Thank you , have a good stay , goodbye .",
+ "Thank you for using our services .",
+ "Thank you for using our system today !",
+ "Have a wonderful trip .",
+ "Thank you .",
+ "Thank you , goodbye .",
+ "Great ! Have a wonderful day and I hope you enjoy your time in Cambridge .",
+ "Your very welcome ! Have a good day !",
+ "Thank you for using our system !",
+ "thank you , goodbye .",
+ "Have a great time .",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for all of your future travel needs .",
+ "You 're very welcome ! Have a great day ! Bye !",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Have a wonderful time .",
+ "Okay great . I am glad I could help you .",
+ "Thank you for using our system today !",
+ "Thank you , and have a great day !",
+ "I hope everything works out for you . Do n't hesitate to call back . Goodbye .",
+ "Okay , let me know if and when I can book it for you .",
+ "have a nice day",
+ "Have a wonderful day !",
+ "Sure thing . Have a nice day !",
+ "Thank you so much for calling .",
+ "Have a wonderful day !",
+ "Have a great day . Please contact us again if you need additional information or would like to make that booking .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thank you for letting us help you today .",
+ "All right , please enjoy your trip !",
+ "Thank you for contacting us have a nice day .",
+ "Thank you and have a great day !",
+ "Have a great day , thanks",
+ "Thank you for calling and please use our system again . Goodbye .",
+ "thank you , goodbye .",
+ "Thank you for using Cambridge TownInfo centre , and have a great day !",
+ "We 're glad to be of service . Thank you for using Cambridge TownInfo centre , and have a wonderful day .",
+ "Okay have a great day !",
+ "You too , enjoy your meal !",
+ "Have a great day !",
+ "Thank you for calling .",
+ "Have a very nice day and thank you for calling .",
+ "Enjoy your stay in Cambridge !",
+ "Great thank you so much .",
+ "Have a great trip . Goodbye .",
+ "Ok , thank you for calling and feel free to call again if you should need anything further .",
+ "Thanks for booking with us . Have a great day !",
+ "Thank you very much !",
+ "Great , have a nice day !",
+ "Thank you for calling . Please call again if we can help with anything else . Have a great day ! Goodbye .",
+ "Thank you . Good bye .",
+ "Goodbye",
+ "Ok ! Have a wonderful day !",
+ "It was a pleasure serving you , goodbye !",
+ "thank you for using our system . have a good day .",
+ "Thank you for using our service today .",
+ "Great . I hope you and your wife have a great trip .",
+ "I would love to ! Bye !",
+ "Thanks for letting us assist you today ! Enjoy your stay !",
+ "Thank you . Goodbye .",
+ "Good day then .",
+ "You are welcome . Have a nice time . Good bye .",
+ "You have a nice day also . Good bye .",
+ "Have a wonderful day !",
+ "Thank you for using our services .",
+ "You take care now , if you need anything else do n't hesitate to call .",
+ "Thank you for using the Cambridge TownInfo centre . Please have a pleasant day .",
+ "Thank you for contacting the Cambridge TownInfo centre , have a great day !",
+ "Okay thanks for calling .",
+ "welcome and have a great day",
+ "You 're so welcome . Goodbye .",
+ "You 're very welcome , have a great day ! Enjoy Cambridge !",
+ "Thanks ! Have a great trip !",
+ "Thank you for contacting the help desk . Please , if you have any more questions , do not hesitate to ask .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "Okay , have a great day !",
+ "good day to you",
+ "Great , thank you for using Cambridge TownInfo centre . Have a good day !",
+ "Goodbye . Have a great day !",
+ "Thank you , enjoy your stay .",
+ "Thanks for using our services .",
+ "Glad we could help you .",
+ "Have fun ! Goodbye !",
+ "Sounds good . Have a great night !",
+ "Thank you and have a great trip !",
+ "Have a good day !",
+ "Thanks for using the Cambridge booking service and have a great day .",
+ "Thank for using the Cambridge TownInfo centre . Goodbye",
+ "Thank you have a good day .",
+ "thank you and enjoy your stay in Cambridge !",
+ "Thank you for using Cambridge TownInfo centre . Please consider us for your future travel needs .",
+ "Have a wonderful day and enjoy your trip to Cambridge Artworks !",
+ "You are welcome . Thank you for contacting the help desk , and have a great day .",
+ "Have a great day !",
+ "Thank you for your help .",
+ "Have a great day and enjoy your food .",
+ "You 're very welcome . Feel free to call us again in the future . Have a nice evening .",
+ "Thank you for using our system today !",
+ "Thanks for using the Cambridge TownInfo centre !",
+ "Goodbye .",
+ "Thank you .",
+ "You are very welcome . Have a safe trip !",
+ "Goodbye , have a nice day .",
+ "Thanks for using our services .",
+ "Thank you for using our system !",
+ "Not a problem . Thank you for choosing us for your needs !",
+ "Thank you , goodbye .",
+ "enjoy your meal , goodbye .",
+ "So glad I could help . Have a lovely day !",
+ "Okay great . enjoy your travel and thank you for calling .",
+ "Thank you for using this system .",
+ "Thank you for using the Cambridge TownInfo Centre . Goodbye !",
+ "You 're very welcome ! Goodbye .",
+ "Ok thank you for using our service & have a good day .",
+ "You too ! Please let us know if you need anything else !",
+ "Awesome , you have a wonderful day !",
+ "Have a great day",
+ "It was a pleasure helping you today . Have a great trip !",
+ "Thank You . Goodbye",
+ "That 's great . Glad we could help ! Goodbye .",
+ "It was a pleasure assisting you . Have a wonderful day .",
+ "Enjoy your day !",
+ "its been our pleasure to serve you .",
+ "Enjoy your meal .",
+ "Great , I hope I was able to assist you with everything you needed . Have a good day .",
+ "welcome . at your service next time",
+ "Thank you goodbye",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thank you and be sure to use us for your future travel needs .",
+ "Glad I could be of help . Have a great day !",
+ "Not a problem and should you need any other information , feel free to call back . Goodbye !",
+ "Have a great trip . Goodbye .",
+ "Thanks for letting me assist you today . Have a great time !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using our service today !",
+ "Have a wonderful time , and good luck !",
+ "Thank you for using our services .",
+ "Thank you , have a good day , goodbye .",
+ "Thank you and good bye .",
+ "Thank you for calling Cambridge TownInfo centre we are always glad to help , have a pleasant day .",
+ "Sounds good ! Have a wonderful day !",
+ "Thank you for using our services .",
+ "Ok ! Have a great day !",
+ "You 're more than welcome !",
+ "Awesome . Take care !",
+ "Thank you ! goodbye .",
+ "Thank you goodbye .",
+ "Have a great visit !",
+ "great , have an amazing day",
+ "Have a nice day !",
+ "Alright . Glad I could be of help .",
+ "Thank you for using Cambridge TownInfo centre .",
+ "Have a great time !",
+ "I hope you have a pleasant trip !",
+ "Okay , have a great time during your stay !",
+ "Have a wonderful day and enjoy your food .",
+ "Good luck , I hope you recover soon !",
+ "Thank you for allowing me to help . Have a great day .",
+ "Have a good trip . Thank you for calling the Cambridge TownInfo Centre . Good bye .",
+ "Thank you for calling the Cambridge TownInfo centre . If you need anything else do not hesitate to call us back . Have a fun day !",
+ "Thank you for contacting us have a great day .",
+ "Have a good day !",
+ "Your welcome . Enjoy visit at the cambridge museum of technology",
+ "Have a good stay . Thank you for calling the Cambridge TownInfo Centre . Good bye .",
+ "I ' m happy to be of service , and I hope you have a great day !",
+ "You 're more than welcome !",
+ "Thank you , good bye .",
+ "Have a wonderful night .",
+ "Thank you for contacting us and have a nice day .",
+ "Enjoy your visit",
+ "You are welcome , enjoy your stay in Cambridge .",
+ "Thank you , goodbye .",
+ "Have a wonderful time during your stay at Cambridge .",
+ "You are welcome . Have a nice day .",
+ "Feel free to call us when you are ready to book . Good bye .",
+ "I hope you enjoy your time in Cambridge , have a great day !",
+ "Glad I could help hope you have a great day .",
+ "I hope you enjoy your time here !",
+ "You 're welcome . Enjoy your meal !",
+ "Great . Have a fantastic time ! Thanks for using Cambridge TownInfo centre .",
+ "Thank you for using our service today , and have a wonderful stay in Cambridge !",
+ "Have a wonderful day ! !",
+ "Have a great day . Goodbye .",
+ "Thanks for contacting Cambridge TownInfo centre . Have a great trip .",
+ "Thank you for using our services .",
+ "If you need anything else , feel free to contact us again . Have a nice day .",
+ "I ' m glad we were able to help you today . Have a wonderful weekend !",
+ "Thanks , have a great trip !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "Thank you for choosing our system . Good bye",
+ "thank you goodbye",
+ "It was a pleasure to assist you . Take care . Good day .",
+ "Have a nice day , goodbye .",
+ "Good bye .",
+ "Have a nice day then !",
+ "I ' m so happy that I could help you . Have a great time at dinner and the college !",
+ "Have a good day , Goodbye",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Well thank you and I hope you have a wonderful day !",
+ "Glad to be of service .",
+ "Thank you for choosing our system . Good bye",
+ "Bye now .",
+ "I hope you have a great day , goodbye !",
+ "Okay great ! Have a great trip !",
+ "please contact us again in the future . goodbye .",
+ "OK , thank you for choosing to stay in Cambridge !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "You are very welcome ! Thank you for reaching out to the Cambridge TownInfo centre . I hope you enjoy your stay !",
+ "enjoy your time in Cambridge !",
+ "Have a great day !",
+ "Thank you , goodbye .",
+ "You 're very welcome . Enjoy your trip . Goodbye !",
+ "i am glad i have been of help to you . great day",
+ "Farewell , and have a beautiful day !",
+ "Thank you goodbye",
+ "You 're welcome . Goodbye .",
+ "Thank You . Have a nice day , goodbye .",
+ "Thank you , and have a good evening !",
+ "Thank you very much for contacting us . Have a good trip .",
+ "You 're welcome . Have a nice day .",
+ "Click the end chat button to end this session . Have a good day .",
+ "Great ! Have a nice day !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using our system !",
+ "Okay . Have a good day and thanks for using our system .",
+ "thank you good bye",
+ "Goodbye .",
+ "Thank you goodbye .",
+ "Thank you for contacting Cambridge Towninfo Centre",
+ "Very good . Have a good day .",
+ "awesome , have an awesome day you awesome person",
+ "Thank you for using Cambridge TownInfo centre . Goodbye .",
+ "You 're welcome . Have a nice day .",
+ "It is my pleasure working for you .",
+ "Thank you and have a great day !",
+ "Please enjoy the rest of your day !",
+ "Have a great day",
+ "You are welcome . Have a nice day . Good bye .",
+ "You too , enjoy your stay in Cambridge .",
+ "You are welcome . Good bye .",
+ "Any time . call us if you need anything else .",
+ "Have a wonderful day !",
+ "You are welcome . Have a good visit . Thanks for using the TownInfo centre . Goodbye .",
+ "I ' m glad I could help . Enjoy your visit .",
+ "So glad I could help . Have a wonderful day . Goodbye !",
+ "Thank you for calling . Please call again if you have additional questions . Goodbye !",
+ "Ok great , have a wonderful day .",
+ "Thank you for choosing us . Goodbye !",
+ "Okay , well if you need anything else you know where to find me ! Have a good one ! Bye !",
+ "Thank you , Goodbye",
+ "Okay great , have a good day !",
+ "Thank you for using our service , and enjoy your time in Cambridge !",
+ "Great ! Have fun ! Goodbye !",
+ "Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thanks for using our service today !",
+ "Glad I could be of assistance , have a good day !",
+ "Thank you and have a wonderful day !",
+ "Have a great day",
+ "Thank you for using our system . Good bye",
+ "Great ! Have a wonderful time ! Goodbye !",
+ "Thank you for letting me help you today .",
+ "Thank you and enjoy your visit to cambridge .",
+ "Thank you and good bye .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye",
+ "Okay , have a wonderful visit in Cambridge !",
+ "Have a nice trip !",
+ "I ' m so glad I could help . Enjoy your stay in Cambridge ! Goodbye .",
+ "Let us know if you need help further .",
+ "If we can be of further assistance , please reach out to us again . Good - bye .",
+ "Thank you for using our service . Have a wonderful day !",
+ "You 're welcome . Have a nice day ! Goodbye !",
+ "It 's been a pleasure . Have a good day . Goodbye .",
+ "Thank you goodbye .",
+ "You 're welcome . Have a very nice day .",
+ "If there is nothing further , I want to wish you a great day .",
+ "Have a nice day , goodbye .",
+ "I ' m happy we could help ! Please call us again if we can help you in the future .",
+ "Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "Terrific . I hope you enjoy your trip . Goodbye .",
+ "It was a pleasure to assist you . Have a nice day .",
+ "Hey , it 's no problem at all ! I hope you enjoy your time in Cambridge and please remember to contact the Cambridge TownInfo centre whenever you need to !",
+ "You are welcome ! Have a great day . Goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for choosing our system . Good bye",
+ "Great . Let me know if you need any additional help .",
+ "Thank you for using this system !",
+ "Goodbye , enjoy your stay .",
+ "Thank you for using our services .",
+ "Ok ! Have a great day !",
+ "Enjoy your meal .",
+ "You 're welcome . It was a pleasure to assist you . Have a good day .",
+ "Have a good day !",
+ "Thank you and goodbye !",
+ "Thank you and enjoy your stay in our lovely city !",
+ "We hope you enjoy your stay . Goodbye .",
+ "Thank you .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a wonderful day !",
+ "Glad to be of help . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "You 're welcome . Good bye .",
+ "Thank you , goodbye !",
+ "We are happy to help . Thank you for using our service .",
+ "Thank you , goodbye .",
+ "Enjoy the rest of your day .",
+ "Thank you for using our system !",
+ "have a great day !",
+ "Great , glad I could help !",
+ "I ' m glad I was able to help ! Thank you for using the Help Desk . Have a great day !",
+ "Thank you for using our services .",
+ "thanks for using our services . great day",
+ "I hope you have a nice trip . Goodbye .",
+ "Thank you . Have a good day .",
+ "Thank you for using the Cambridge TownInfo centre . We hope you have a pleasant visit .",
+ "Thank you for using our service today !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Thank you , enjoy your visit , goodbye !",
+ "You 're welcome . I am glad I could assist you at TownInfo centre . Goodbye .",
+ "Goodbye .",
+ "Have a lovely day , goodbye !",
+ "Thank yopu for usding this service",
+ "Thank you , goodbye .",
+ "Alright . Have a good day !",
+ "Thank you for using our service today .",
+ "My pleasure . Have a great day !",
+ "Thank you for using our service . Have a good day . Goodbye .",
+ "Goodbye .",
+ "thank you for using this service good bye",
+ "Thank you for choosing Help Desk . Good Bye .",
+ "Glad you chose us , enjoy your day .",
+ "Thank you for contacting Cambridge TownInfo Centre , enjoy you hotel stay and your dinner !",
+ "Please call us anytime . Good Bye .",
+ "Have a great day !",
+ "Ok great ! I hope that you enjoy your travels ! Thank you for contacting the Cambridge TownInfo centre .",
+ "Okay , goodbye ! I hope you have a nice time !",
+ "Have a great day !",
+ "Thank you for calling in , enjoy !",
+ "Enjoy your trip !",
+ "Thank you for calling .",
+ "thank you good bye",
+ "Thank you for using our system !",
+ "Thank you for using the Cambridge TownInfo centre .",
+ "thank you , goodbye",
+ "No problem , it was a pleasure assisting you today !",
+ "thank you good bye",
+ "You are welcome , goodbye .",
+ "You 're welcome . Glad to help ! bye bye !",
+ "Wonderful ! Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "Thank you for using are service and let us know if you have any future needs .",
+ "goodbye",
+ "Thank you ! I am glad I could help .",
+ "Great . Thank you for calling .",
+ "I hope you have a great trip . Goodbye .",
+ "You 're welcome . If you need anything else please let us know .",
+ "Great ! Please contact us again if you need anything else .",
+ "Have a wonderful day !",
+ "Thank you for using our services .",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for all of your future travel needs",
+ "Thank you for using our services .",
+ "Thanks again for using our service , enjoy your stay !",
+ "Great ! Have a wonderful day ! Goodbye !",
+ "It 's my pleasure . Have a great day ! Goodbye !",
+ "Thanks , have a nice day .",
+ "Let me know if I can be of further assistance .",
+ "Bye .",
+ "You 're very welcome , have a wonderful day !",
+ "Wonderful , have a great day !",
+ "Glad to be of service . Goodbye .",
+ "Have a great day !",
+ "Thanks for using our system today !",
+ "ok , have a great day !",
+ "enjoy your meal ?",
+ "Thank you . Goodbye .",
+ "Have a great day !",
+ "Thank you for using our service .",
+ "You 're welcome ! Have a good one !",
+ "Thank you for using the Cambridge TownInfo centre !",
+ "Great I am glad we could help .",
+ "Sure , pleasure all mine . Enjoy your stay !",
+ "Glad we could help . Thank you for contacting us and have a great day !",
+ "Have a pleasant stay . Good bye .",
+ "Have a great trip !",
+ "Thank you for using our services .",
+ "Woah , okay , bye .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice trip ! Goodbye !",
+ "You 're welcome , enjoy your day .",
+ "Have a great evening !",
+ "Have a great day !",
+ "Thank you have a great day .",
+ "I ' m so happy we could help you out today . Enjoy your meal in Cambridge !",
+ "Okay , it was my pleasure to assist you . goodbye",
+ "Good bye .",
+ "Enjoy your time in Cambridge . Goodbye .",
+ "Have a safe trip .",
+ "My pleasure . Thank you for contacting TownInfo centre . Goodbye .",
+ "Enjoy your stay and let me know if you need anything else .",
+ "Thank You and come again .",
+ "Thank you for using our system !",
+ "Thank you and have a good trip .",
+ "Great ! Have a great day .",
+ "Have a good day and enjoy your visit .",
+ "Have a good day .",
+ "Thank you for using our system !",
+ "We hope you have a lovely time on your trip ! Do n't hesitate to reach out if you think of anything else . Goodbye !",
+ "Great ! Please let us know if we can help you with anything else . We hope you enjoy your stay !",
+ "Thank for using our service today !",
+ "Thank you so much and you have a good night also .",
+ "glad i could help bye",
+ "Okay , have a great day",
+ "Good - bye .",
+ "Thank you , goodbye .",
+ "Thank you for contacting the help desk . Have a wonderful day .",
+ "Thank you for the kind words . You have a great day .",
+ "I am glad we were able to assist you . Have a good day and goodbye .",
+ "Okay , Thank you for calling .",
+ "Thank you , goodbye !",
+ "Happy to be of help . Enjoy the rest of your day !",
+ "Good bye , enjoy the rest of your day .",
+ "No problem ! Have a good one .",
+ "Thank you for using our service and enjoy your visit . Goodbye .",
+ "Okay thank you .",
+ "Thank you for choosing our system . Good bye",
+ "Thank you , enjoy your day",
+ "Thank you and hope your day gets better .",
+ "Excellent ! Have a good day .",
+ "You to . Good Bye .",
+ "Wonderful . Enjoy your time in Cambridge !",
+ "enjoy your stay in our lovely city !",
+ "Thank you for using the Cambridge TownInfo centre , and enjoy your meal !",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Have a wonderful time .",
+ "Thank you for using our service today .",
+ "You are welcome . Thank you for contacting Cambridge TownInfo centre . Goodbye .",
+ "thank you and enjoy your stay !",
+ "Happy to be of service . Enjoy your day !",
+ "Have a great trip . If there is anything else I can help with just call us back .",
+ "Awesome . Take care !",
+ "Great , enjoy your stay . Bye .",
+ "Thank you for contacting us and have a nice day .",
+ "Good bye . Thank you for using the system .",
+ "I hope you have a great trip !",
+ "Thank you , good bye .",
+ "You are quite welcome . Thank you and goodbye !",
+ "Enjoy your stay",
+ "Thank you for contacting us . Goodbye .",
+ "You 're very welcome . Good day .",
+ "Thank you . Please contact us again in the future if you would like any additional information or bookings .",
+ "Thanks for using our system !",
+ "Great ! Enjoy your stay !",
+ "have a great day !",
+ "Have a lovely day !",
+ "Then , thank you for using Cambridge TownInfo Centre . It was my pleasure to serve you . Goodbye .",
+ "Have a nice day .",
+ "Thank you have a wonderful time in the city centre .",
+ "Goodbye",
+ "You 're very welcome !",
+ "Enjoy your trip !",
+ "Thanks for contacting us !",
+ "Thank you for using our service today !",
+ "thank you and good dbye",
+ "Thank you for calling and have a fantastic trip to Cambridge ! Goodbye .",
+ "Thank you for calling , enjoy ! Goodbye .",
+ "Have a nice day . Goodbye .",
+ "thank you and enjoy your stay .",
+ "Thank , you good bye .",
+ "Thank you for using our services . Have a great day !",
+ "Thank you , let us know if you need any more help with anything .",
+ "Thank you using Cambridge TownInfo centre today ! Enjoy the rest of your day .",
+ "Have an enjoyable stay . Thank you for calling the Cambridge TownInfo Centre . Good bye .",
+ "Thank you for contacting us , have a good day .",
+ "You are welcome . Thanks for using TownInfo centre . Goodbye .",
+ "Thank you for using our service ! Please contact us if you need more information about Cambridge . Have a good day .",
+ "You have a wonderful day and a great trip .",
+ "Thank you and enjoy your time in Cambridge !",
+ "I hope you enjoy your trip ! Have a great day",
+ "Alright , have a good day !",
+ "Thank you , and have a nice day !",
+ "Thank you and please contact us again if you need anything else .",
+ "Goodbye , and thank you for using the Cambridge restaurant system .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Have a great day !",
+ "Thanks for calling - and enjoy your trip ! Goodbye !",
+ "Great , have a wonderful day !",
+ "Glad I could help !",
+ "enjoy your stay in Cambridge !",
+ "So do I ! have a great day !",
+ "Thank you for choosing Cambridge Town Info Centre . Have a good day !",
+ "Great . Thanks , enjoy your stay !",
+ "Thank you for using our system . Goodbye !",
+ "You 're welcome . Have a great day .",
+ "Thank you , goodbye !",
+ "We are happy to be of help . Thank you for using our service .",
+ "Thank you for using our system !",
+ "You 're quite welcome . Have a wonderful stay in Cambridge ! Bye .",
+ "Thank you for using our service today . I hope all goes well for you .",
+ "Please contact us again if you need further assistance . Good - bye .",
+ "Thank you for calling . I hope you enjoy your trip . Goodbye .",
+ "Great . Have a fantastic rest of your day !",
+ "Thank you ! Have a great day !",
+ "You 're welcome . Enjoy your day .",
+ "Thank you for using our services .",
+ "My pleasure ! Enjoy your stay !",
+ "Have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for using our system . Good bye",
+ "Thanks for using Cambridge TownInfo centre today , and enjoy your weekend !",
+ "Thank you for using our service today !",
+ "Great ! Enjoy your trip !",
+ "Thank you for using our service today .",
+ "Cool , have a nice trip !",
+ "Alright , you have a wonderful time then , bye !",
+ "Let me know if I can help more .",
+ "You 're quite welcome . Thanks for contacting Cambridge TownInfo centre and have a wonderful day .",
+ "Enjoy your stay",
+ "Thank you . Goodbye .",
+ "You 're welcome . If you think of anything else you need do n't hesitate to ask .",
+ "I ' m glad I could help . Have a wonderful day . Goodbye .",
+ "You 're very welcome . Please contact us again if you need anything else .",
+ "Thank you for using the Cambridge TownInfo Centre .",
+ "Thank you , enjoy your stay in cambridge .",
+ "Great , glad I could help !",
+ "Thank you for using our service today .",
+ "Glad I could help . Have a great day !",
+ "In that case I hope you have a wonderful visit and enjoy the rest of your day ! Goodbye !",
+ "Thank you , have a good day .",
+ "Thank you for contacting us and have a nice day .",
+ "We 're happy to be of service . Thanks for using the Cambridge TownInfo Centre !",
+ "Happy to be of service , and thank you for using the Cambridge TownInfo centre . Enjoy your stay in Cambridge !",
+ "Okay well enjoy your stay in Cambridge .",
+ "Thanks so much for using Cambridge TownInfo centre . Have a great time !",
+ "Thank you . Goodbye .",
+ "Have a nice day !",
+ "enjoy your day",
+ "Thank you for using our services .",
+ "Have a good one !",
+ "Ok . Thanks for calling the Cambridge TownInfo Centre . Have a great day !",
+ "Thank you so much for calling . Goodbye now !",
+ "Thank you for using our system today !",
+ "So happy I could help ! Enjoy the rest of your day !",
+ "I ' m glad I was able to help you today ! Thank you for contacting Cambridge TownInfo centre . Enjoy your trip ! Goodbye !",
+ "Thank you goodbye",
+ "Thanks for using our system .",
+ "Thank you for using our service and have a great day ?",
+ "Thank you ! Good Bye",
+ "Great , I ' m glad I could help ! Bye !",
+ "Thanks for using our services .",
+ "Ok . Thank you and goodbye .",
+ "Thanks , enjoy !",
+ "Okay . I am glad I could be of assistance .",
+ "Okay great . I am glad I could be of help !",
+ "Have a good day !",
+ "Thank you and enjoy your visit to cambridge . Have a great day .",
+ "Thank you for calling .",
+ "Have a good day . Good bye .",
+ "Okay fantastic , have a great day .",
+ "Thank you for choosing us and enjoy your stay .",
+ "You are welcome . Thank you for contacting Cambridge TownInfo centre . Goodbye .",
+ "Thank you for choosing our service . Enjoy your stay in Cambridge ! Goodbye !",
+ "Thank you for using our service . Goodbye !",
+ "Have a great time .",
+ "Thank you so much . Have a nice day",
+ "Great . Thank you for contacting Cambridge Towninfo Centre .",
+ "Great ! Have a good day .",
+ "goodbye and thanks",
+ "Goodbye , have a great day .",
+ "Thank you and goodbye !",
+ "Thank you for using our service today .",
+ "Thank you and have a safe trip .",
+ "Have a wonderful day .",
+ "Have a fun stay . Bye .",
+ "Happy to be of service , and thanks for using the Cambridge TownInfo centre today !",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "If there is nothing else , have a good day .",
+ "I ' m glad I could have been of service !",
+ "Sounds great ! have a nice day !",
+ "Have a great day !",
+ "Thank you for using our service , have a nice day .",
+ "Thank you for calling . Enjoy your stay .",
+ "Thank you ! Have a wonderful day !",
+ "You are all set . Thank you and have a good evening , goodbye .",
+ "Thank you for your call . Please enjoy your trip ! Goodbye .",
+ "Thank you for contacting the Cambridge TownInfo centre . You have a great day !",
+ "Happy to be of service , and I hope you enjoy your stay !",
+ "thank you . good bye",
+ "Glad to be of assistance . Have a great day ! Bye .",
+ "Have a great trip .",
+ "Goodbye .",
+ "Thank you for using our services .",
+ "Thank you for using our service . Have a great day !",
+ "Have a great day ! Goodbye",
+ "Have a fantastic day , goodbye !",
+ "Thank you for using our service , goodbye .",
+ "Have a good day . Goodbye .",
+ "If there is nothing else I can help with , have a great day .",
+ "Great , thanks for using our service . Have a great day .",
+ "Thank you , and goodbye .",
+ "Thanks for contacting Cambridge TownInfo centre . Let us know if you need anything else and have a great day !",
+ "You 're welcome . Please contact us if you would like us to make the reservation instead .",
+ "Great ! Thank you for allowing me to assist you . Goodbye !",
+ "Great ! Have a wonderful day !",
+ "Hope you enjoy your stay , cheers !",
+ "thank you goodbye",
+ "No problem . Glad I could help you today . Have a safe trip .",
+ "No problem , goodbye .",
+ "Thank you for using our system today .",
+ "You 're welcome . Have fun .",
+ "No problem ! It was a pleasure",
+ "no problem have a great day",
+ "Thank you ! I hope you feel better soon !",
+ "I hope you have a great rest of the day .",
+ "Thank you for contacting us . Please ask again if you need more information . Goodbye !",
+ "Thank you for letting me help you . Enjoy your dinner . Next time you need reservations we 'll be here to help you .",
+ "Okay , great ! Have a lovely visit !",
+ "Thank you , Have a great day .",
+ "Thanks for contacting us today . Have a great day and trip . Goodbye .",
+ "Thank you and have a good trip .",
+ "Have a nice day .",
+ "Thank you for using our system ?",
+ "Thank you .",
+ "You 're welcome ! Have a great day ! Goodbye .",
+ "Glad that I could be of service . Goodbye !",
+ "So glad we were able to get you booked . Have a great day . Good - Bye !",
+ "If you need anything else let us know .",
+ "Thanks for letting us assist you ! Have a great trip !",
+ "Thank you for using the Cambridge Town Info Centre Services . We hope you enjoy your time in Cambridge !",
+ "Goodbye .",
+ "Thank you so much .",
+ "Have a nice day and thank you for contacting us .",
+ "Thank you for using our system today !",
+ "Thank you for using our system today !",
+ "It was a pleasure to serve you . Have a nice day . Goodbye .",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Okay thank you",
+ "thank you good bye",
+ "thank you for all the information . goodbye",
+ "Thank you for using the Cambridge TownInfo centre ! Have a nice trip !",
+ "Have a great day .",
+ "Enjoy your stay !",
+ "Thank you and enjoy your stay !",
+ "Have a great day .",
+ "thank you good bye",
+ "Thank you , I ' m glad we were able to help you .",
+ "You as well ! Goodbye !",
+ "Have a great day !",
+ "Thank you , goodbye",
+ "You 're quite welcome ! Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "You too ! Enjoy your stay !",
+ "Good bye .",
+ "Thank you , have a good stay . Goodbye .",
+ "Glad I could be of help . Call if you need anything else .",
+ "Okay goodbye have a nice day !",
+ "It has been my pleasure . Feel free to contact us with any questions that may arise .",
+ "Thank you for using our service . Have a wonderful day !",
+ "You 're welcome , goodbye",
+ "It was nice talking to you . If you need assistance in the future , please do n't hesitate to text us again . Goodbye !",
+ "ok great , have a great day !",
+ "Let me know if you need a reservation in the future . Have a nice day . Good bye .",
+ "Oh , it was my pleasure . I ' m here if you need anything else .",
+ "You have a great day !",
+ "Thank you for using our services .",
+ "Thank you for using our service today !",
+ "Great ! I ' m glad I could be of help . Have a good day .",
+ "Thank you ! Goodbye .",
+ "Good bye and enjoy your visit .",
+ "You are more than welcome !",
+ "Alright , have a wonderful visit in Cambridge !",
+ "Okay I ' m glad I could help today .",
+ "Great . Enjoy your stay !",
+ "Have a nice day .",
+ "You are welcome . Have a good day . Goodbye .",
+ "Okay Thank you for calling .",
+ "Thank you , goodbye .",
+ "You are welcome , goodbye .",
+ "Thanks a lot and enjoy your stay !",
+ "THANKS AGAIN HAVE A NICE DAY",
+ "Thank you too , good bye .",
+ "Great ! Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "I am very glad to assist you today . Good bye !",
+ "Have a good trip !",
+ "Happy to be of service - have a wonderful day !",
+ "Okay . Glad I could be of help .",
+ "Okay great , have a good day !",
+ "Ok Thank you and have a great day .",
+ "Thank you for using or system . Good bye .",
+ "Thank you and have a great day .",
+ "You 're welcome . Goodbye .",
+ "Have nice day as well !",
+ "Thank you and enjoy your visit .",
+ "You 're welcome . Please call us if you need anything else .",
+ "Thank you for using our services .",
+ "Thank you .",
+ "Enjoy your stay in Cambridge . Bye .",
+ "Thank you . Enjoy your dining experience and do n't hesitate to call again . Have a great day !",
+ "My pleasure , enjoy your trip .",
+ "Thank you for using Help Desk . Goodbye .",
+ "Thank you for choosing Help Desk . Good bye .",
+ "Okay . Have an awesome day !",
+ "I ' m happy we could be of service . Enjoy your stay in Cambridge !",
+ "Have a safe trip !",
+ "You 're welcome . Have a great meal !",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "thank for inquiring with us",
+ "It 's my pleasure . Thank you for allowing me to assist you . Goodbye !",
+ "Okay thanks for calling .",
+ "We hope that you have a great time at the Bistro .",
+ "Thank you for calling . Have a great day .",
+ "Thank you for using Cambridge TownInfo Centre .",
+ "Have a great trip ! Thank you for contacting us for all your booking needs . Enjoy your trip !",
+ "No problem , have a great day !",
+ "You 're quite welcome . Have a lovely trip ! Goodbye .",
+ "Okay . I ' m glad I could be of help . Enjoy your stay .",
+ "Thanks for using this service ! have a nice day .",
+ "Have a good day !",
+ "Enjoy your stay ! Goodbye !",
+ "Have a great day !",
+ "Great . Have a great trip !",
+ "Enjoy your meal ! Good bye .",
+ "I am happy to have been of assistance . Have a great day . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo Centre . Enjoy your trip !",
+ "You 're welcome , enjoy your meal !",
+ "Thank you so much . Have a good day now !",
+ "You are more than welcome !",
+ "Perfect ! I hope that you enjoy your travels and please feel free to contact us again if you need anything . Goodbye !",
+ "Thank you for using our service . Have all of your needs been met today ?",
+ "You 're welcome . Goodbye .",
+ "Okay , have a great day !",
+ "Thank you and have a great day .",
+ "thank you good bye",
+ "It 's been my pleasure . Have a wonderful evening . Goodbye .",
+ "Thanks and have a nice day .",
+ "Sounds good . Let me know if there 's anything else you need .",
+ "Have a great day .",
+ "Have a great day !",
+ "I ' m glad I could help .",
+ "thank your and enjoy your stay in cambridge",
+ "My pleasure , enjoy your stay !",
+ "Thank you for using our system !",
+ "thank you too , enjoy your stay",
+ "You 're welcome ! Have a wonderful day .",
+ "It was a pleasure to help you . Goodbye .",
+ "Have a nice day .",
+ "thank you for using our system , enjoy .",
+ "Ok great , have a wonderful day .",
+ "Have a wonderful day !",
+ "Thank you for using our service today .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Alright . Have a great day .",
+ "Have a great day and enjoy your food .",
+ "Okay . Do n't hesitate to call us if you need anything else .",
+ "Great ! Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "Have a lovely day , goodbye .",
+ "Thank you enjoy the stay in cambridge .",
+ "Have a nice trip !",
+ "Have a great day . Goodbye .",
+ "Thank you for using our system today !",
+ "Thanks , you too .",
+ "welcome . at your service next time",
+ "Thank you , Goodbye",
+ "Thank you for using our services .",
+ "enjoy your stay in cambridge !",
+ "Okay , have a great day .",
+ "You 're welcome . Have a nice day .",
+ "Wonderful ! Thanks for contacting the cambridge towninfo centre and take care !",
+ "Thanks for letting us help , enjoy your trip !",
+ "Enjoy your visit to Cambridge",
+ "Thank you , you too .",
+ "Let us know if you need anything else . Goodbye !",
+ "Okay . Thank you for calling .",
+ "Great . Please call again if you need anything else . Have a great day . Goodbye !",
+ "Thank you . Good bye .",
+ "Thank you for contacting Cambridge TownInfo Centre , have a great day !",
+ "Thank you , goodbye .",
+ "Have a great day .",
+ "Thank you for using our service . Have a great day !",
+ "We are happy to help . Thank you for using our service .",
+ "Thank You good bye",
+ "Thank you for using our system today !",
+ "Thank you for contacting Cambridge TownInfo centre . Enjoy your stay .",
+ "Okay , goodbye and good day !",
+ "All right , thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for using this service , have a nice day .",
+ "I ' m happy to be of service . Enjoy your time in Cambridge !",
+ "Thank you , goodbye .",
+ "Thank you , please enjoy your stay here in Cambridge . And have a wonderful day .",
+ "Thank you goodbye",
+ "Thank you for contacting Cambridge TownInfo centre , and have a nice day .",
+ "Good bye , enjoy your stay .",
+ "Thank you for contacting us and have a nice day .",
+ "You 're welcome ! Please contact us again if you need anything else .",
+ "Let us know if you need anything else ? Good bye .",
+ "Goodbye , I hope you enjoy your trip !",
+ "Enjoy your meal !",
+ "You 're very welcome . Have a safe trip !",
+ "Thank you and enjoy your stay .",
+ "Good bye . Thank you for contacting us .",
+ "Have a great day !",
+ "Thank you for contacting us . Have a wonderful trip !",
+ "Have a good trip !",
+ "Thank you and enjoy your stay with us in Cambridge !",
+ "It was great conversing with you today . Have a great day ! Goodbye .",
+ "Enjoy your visit to Cambridge .",
+ "Have a nice day and enjoy your stay . Bye .",
+ "You are welcome . Have a great time",
+ "Thank you for using the service . Good bye .",
+ "I ' m glad I could help . Enjoy your stay . Have a good rest of the day .",
+ "It was a pleasure helping you . Thanks for using our service . Goodbye .",
+ "not a problem ! Thanks for contacting Cambridge TownInfo centre !",
+ "You 're welcome ! Have a nice day ! Goodbye .",
+ "Thank you for using our service , have a nice day",
+ "I ' m glad I could help you with your accommodations and travel needs . Good bye .",
+ "Thank you and have a great day .",
+ "Thank you for choosing our services . Good day !",
+ "enjoy your stay in Cambridge !",
+ "Thanks for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Thank you and enjoy your stay in Cambridge !",
+ "Have a nice day !",
+ "Terrific . Enjoy your stay in Cambridge . Goodbye .",
+ "You 're welcome , enjoy your meal .",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Thank you . Have a good day , goodbye .",
+ "Okay . Have a great trip !",
+ "Happy to help , have a nice day .",
+ "Contact the Cambridge TownInfo centre if you need anymore help . Goodbye !",
+ "Thank you . Have a good day !",
+ "No thank you that will be all",
+ "you have a wonderful day !",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Goodbye .",
+ "Goodbye .",
+ "Thank you , goodbye .",
+ "fantastic , have a great day !",
+ "alaways welcome for more services",
+ "Thank you for allowing me to help . Good bye .",
+ "I ' m glad I could help you today . Have a great trip . Goodbye .",
+ "Thanks for using our service , good day !",
+ "Have a great day !",
+ "Thank you for using our services .",
+ "Have a great day !",
+ "It was a pleasure assisting you . Have a nice night as well . Goodbye .",
+ "Thank you enjoy your stay in Cambridge !",
+ "excellent , have a great day !",
+ "You are welcome . Thank you for calling us . Goodbye .",
+ "Thanks for reaching out to our service !",
+ "If there is nothing else you need help with , have a great day . Goodbye .",
+ "Okay thank you for calling . Do n't hesitate to call us again .",
+ "Good bye , have fun !",
+ "You 're welcome . Goodbye .",
+ "Okay ! Glad I could be of help .",
+ "No problem . Goodbye .",
+ "I am glad I could help you with your trip . Thank you for using Cambridge TownInfo Centre . Goodbye .",
+ "enjoy your time in Cambridge !",
+ "Have a good day !",
+ "Great , thank you .",
+ "OK , goodbye !",
+ "Thank you and have fun at the museum and restaurant !",
+ "Have a great day .",
+ "Of course , have a nice day !",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Have a nice day !",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "Okay , I hope you have a pleasant stay !",
+ "Okay , have a great day !",
+ "Please feel free to contact us again for further assistance . Good - bye .",
+ "Thank you , have a good one !",
+ "You 're welcome . Thank you so much for calling us today .",
+ "Have a wonderful day and let us know if you need any further assistance .",
+ "Have a great day ! Bye !",
+ "Great . Thank you and have a great day . Goodbye .",
+ "Have a great time .",
+ "You 're welcome . Thanks for contacting the Cambridge TownInfo Centre !",
+ "Thank you for contacting us and have a nice day .",
+ "Have a good day .",
+ "Happy to assist ! Take care !",
+ "Thank you and have a good day !",
+ "Have a good day .",
+ "I ' m glad I could help . If you think of anything else you need feel free to contact us any time .",
+ "Okay . Glad to have helped !",
+ "Alright , enjoy Cambridge !",
+ "Thank you for using the Cambridge TownInfo Centre . Goodbye !",
+ "If you should need anything else , we are always here to help .",
+ "Thank you for using our services . Have a great day !",
+ "Have a safe trip .",
+ "Alright then , thanks for calling & have a great day !",
+ "Sounds good , let me know if you need anything else .",
+ "Have a great day .",
+ "Have a nice day !",
+ "Thank you for contacting us and have a great day .",
+ "Thank you goodbye",
+ "excellent , have a great day !",
+ "Have a great day .",
+ "Goodbye ! Have a great day .",
+ "You 're welcome . Have a great trip !",
+ "Thank you for calling . Have a great day .",
+ "thank you , goodbye",
+ "Very good , have a nice day !",
+ "Bye Bye .",
+ "Thank you have a nice day .",
+ "Thank you goodbye",
+ "Thank you for using our service . Have a great day !",
+ "goodbye , enjoy your time .",
+ "You also have a great day !",
+ "It was my pleasure . If you need anything else just let me know .",
+ "Good Luck with everything !",
+ "I hope you enjoy your stay !",
+ "Glad I could help . Have a great day .",
+ "I hope the police are able to help you resolve the situation . If there 's anything else I can do to help just let me know .",
+ "Thank you , goodbye .",
+ "You are very welcomed . Have a great day !",
+ "Ok great , have a wonderful day !",
+ "Goodbye . Have a nice day .",
+ "Have a good day and contact us if you need anything else .",
+ "Thanks for using our system !",
+ "Great , I hope you enjoy your dinner !",
+ "Have a nice day .",
+ "Thanks for using Cambridge TownInfo Centre . Bye !",
+ "Thank you . You have a night day as well .",
+ "Glad to help . Have a great day and enjoy your meal . Good bye .",
+ "Thank you . Goodbye .",
+ "Have a nice day !",
+ "excellent , have a great day !",
+ "Thanks for using our service , and have a wonderful day !",
+ "Thanks and enjoy your time .",
+ "Okay , have a wonderful time during your visit !",
+ "Enjoy your day !",
+ "You are welcome . Have a nice day . Bye .",
+ "Have a safe trip !",
+ "Thank you , goodbye .",
+ "Goodbye , enjoy your day .",
+ "Thank you for using this system goodbye",
+ "Have a good trip at Cambridge . Goodbye !",
+ "Thank you ! If you need anymore help , feel free to contact us at any time . Have a great day !",
+ "Thank you . Let us know if you need more help .",
+ "Thank you for calling our service today . Please let us know if we can assist you with your future needs . Goodbye !",
+ "Thank you , and have a good day !",
+ "Thank you for using our system !",
+ "You 're welcome . Thank you for using the TownInfo centre . Goodbye .",
+ "Enjoy your stay .",
+ "Thank you , goodbye .",
+ "Have a wonderful time .",
+ "You 're welcome , enjoy your meal .",
+ "Thank you , and have a nice day !",
+ "I understand . Have a very nice day .",
+ "Thank you for using the Cambridge Town Info Centre Services . I hope you enjoy your time in Cambridge !",
+ "Thanks for using Cambridge TownInfo . Have a great day .",
+ "No , problem , I hope you have a great day !",
+ "You are welcome . Have a nice day . Good bye .",
+ "Thank you , goodbye !",
+ "It was a pleasure to help you . Thanks for using our service . Goodbye .",
+ "Okay great . Have a great day !",
+ "Have a nice stay !",
+ "Have a wonderful night and enjoy your trip .",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a nice trip ! Goodbye !",
+ "Thank you for using our system . Good bye",
+ "Thank you for contacting us and have a nice day .",
+ "Have a wonderful day !",
+ "You 're welcome and thanks for calling Cambridge TownInfo centre . If you need anything further please call us back .",
+ "Enjoy ! Goodbye !",
+ "Thanks for letting us assist you today !",
+ "Thank you and goodbye .",
+ "Perfect , have a great meal .",
+ "Thank you . Goodbye .",
+ "Thank you , have a good day .",
+ "So glad that I could assist . Please call again .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "wonderful , enjoy your visit !",
+ "No problem , hope you feel better and enjoy your day .",
+ "Thank you goodbye !",
+ "You 're welcome . I hope you get to feeling better .",
+ "You are more than welcome .",
+ "I am glad that I can help . Have a nice stay .",
+ "Have a wonderful day !",
+ "Thank you goodbye",
+ "Enjoy your stay , good bye !",
+ "I ' m glad I could book you . Goodbye .",
+ "Thank you for choosing us to book for you . Have a great day !",
+ "Thank you and have a great time in our great city !",
+ "Good bye ?",
+ "Have a good day .",
+ "Good bye to you , let us know if you need us again .",
+ "Have a nice day .",
+ "Have a great day !",
+ "Have a great day ! Good - Bye .",
+ "Have a nice day !",
+ "Thank you , have a good day !",
+ "Good day !",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you for calling , enjoy , goodbye !",
+ "always there to help , safe trip !",
+ "If you need anything else , do n't hesitate to ask . Have a good day .",
+ "Thank you for using this system .",
+ "Let us know if you need further help .",
+ "Thank you , goodbye !",
+ "Okay , have a good day then",
+ "Thank you and good bye .",
+ "Great , have a lovely day !",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "It was a pleasure assisting you today . Good - bye .",
+ "Thank you for using our services .",
+ "Have a great day and enjoy your stay .",
+ "I ' m happy I could help you today !",
+ "Ok great , have a wonderful day .",
+ "It was a pleasure to help you today . Have a nice afternoon . Goodbye .",
+ "Thank you for using our system . Good bye",
+ "Thank you for calling . I hope you have a great trip . Goodbye !",
+ "Thank you ! Goodbye .",
+ "Hope you enjoy your stay , cheers !",
+ "Have a great day .",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "You 're welcome . Have a nice day .",
+ "Have a wonderful day !",
+ "enjoy your stay in Cambridge !",
+ "Have a great time !",
+ "thank you and good bye",
+ "enjoy your time with us",
+ "Thanks for using our service !",
+ "Ok , it was a pleasure assisting you . Have a wonderful day . Goodbye .",
+ "Thank you for contacting us today and have a nice day .",
+ "I am glad to help . Have a nice day . Bye .",
+ "Thank you for using our system !",
+ "Thank you for using out service .",
+ "Thank you very much , enjoy your stay .",
+ "Thank you , goodbye .",
+ "Have a great day !",
+ "Thank you for using Cambridge TownInfo centre . Please consider us for your future travel needs .",
+ "Thanks you have a nice day as well .",
+ "You are more than welcome !",
+ "Thank you , goodbye .",
+ "Thank you for using our system !",
+ "Outstanding . Have a good rest of your day !",
+ "goodbye and enjoy your meal .",
+ "Thank you for choosing our system . Good bye",
+ "You 're welcome . Good - bye .",
+ "excellent , have a great day !",
+ "Happy I was able to help . Goodbye",
+ "Have a nice day !",
+ "Okay . Have a great stay !",
+ "Thanks for letting Cambridge TownInfo centre assist with your trip ! Have a great one .",
+ "Enjoy your train ride and dinner !",
+ "Have a great day .",
+ "Thank you very much . Goodbye .",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for your future travel needs .",
+ "You 're welcome ! Have a nice day !",
+ "Okay , have a great day !",
+ "Please let us know if we can assist you in the future . Have a great trip to Cambridge . Goodbye .",
+ "You are welcome .",
+ "Alright , have a great day !",
+ "Thank you very much !",
+ "enjoy your time with us !",
+ "Ok . Have a nice day !",
+ "Thank you , I hope you have a pleasant stay !",
+ "Thank you for using our services . Have a wonderful day !",
+ "Alright . Glad we could help !",
+ "Goodbye . Thank you for contacting Cambridge Towninfo Centre .",
+ "Okay great . Enjoy your dining experience .",
+ "Thank you for using our system . Good bye",
+ "Thank you for using our system .",
+ "Thank you for using Help Desk . Have a great day .",
+ "Okay , great ! have a great trip !",
+ "Have a lovely stay in Cambridge !",
+ "Enjoy your meal !",
+ "Thank you , good bye .",
+ "You are more than welcome !",
+ "Thank you , goodbye .",
+ "I hope you enjoy your stay . Have a good day .",
+ "Thank you , goodbye .",
+ "Thank you for using our services .",
+ "Have a nice day !",
+ "Hope you have a wonderful stay here in Cambridge !",
+ "Have a nice day , goodbye !",
+ "Thanks for letting us assist you today ! Enjoy your visit !",
+ "Thank you , goodbye .",
+ "Thank you , and please feel free to contact us with any other questions you might have ! Have a great day !",
+ "Thanks for contacting Cambridge TownInfo centre . Bye !",
+ "have a nice day , good bye .",
+ "thanks have a great day",
+ "Great ! Thanks for using our service .",
+ "You as well ! Goodbye !",
+ "I hope you and your ferret will enjoy this time together . I did .",
+ "Fantastic . Have a wonderful day .",
+ "Thank you . Goodbye !",
+ "You are more than welcome !",
+ "Ok ! Have a great day !",
+ "Thank you . Goodbye .",
+ "Thanks for using us ! Enjoy your trip !",
+ "Thank you and have a nice day .",
+ "Thank you for using our service !",
+ "No problem . Happy to help .",
+ "You 're welcome . Thanks for contacting Cambridge TownInfo centre !",
+ "Thank you for contacting Cambridge TownInfo center . Have a great day .",
+ "Enjoy your stay in Cambridge !",
+ "welcome . at your service next time",
+ "Okay , I hope you have a great time in town !",
+ "I am glad I could be of assistance . Have a good day !",
+ "Okay . If you need any help with reservations , please give me a call back .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Glad I could help hope you have a great day .",
+ "Thank you for using our system !",
+ "If there is nothing else I can assist with , I wish you a great day .",
+ "Thanks for using this service . Have a nice day .",
+ "Have yourself a good day as well . Bye .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you and enjoy your visit . Goodbye .",
+ "thank you for choosing us",
+ "Thank you , you too .",
+ "Thank you for contacting us . Have a wonderful visit .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Okay great . Glad i could be of help .",
+ "You are more than welcome !",
+ "Thank you for using our services .",
+ "Have a lovely day , goodbye .",
+ "Thanks for using the Cambridge TownInfo centre , and enjoy your stay in our city !",
+ "Thank you and have a great trip .",
+ "I am glad I can help enjoy !",
+ "Thank you for using our services . Have a great day !",
+ "Goodbye ! Have a great stay in Cambridge !",
+ "Goodbye . Hope everything turns out okay !",
+ "You 're welcome . Please contact us if you need more information or would like to make a reservation . Have a wonderful day !",
+ "Thank you for contacting us and have a nice day .",
+ "Excellent . I hope you have a great time !",
+ "You 're welcome . Have a great day !",
+ "Enjoy yourself . You can call us if you need anything else",
+ "Thank you for calling . I hope you enjoy your trip . Goodbye .",
+ "Thank you goodbye",
+ "Glad I could help . Have a great day !",
+ "Okay , have a great day !",
+ "Thank you for using Cambridge TownInfo centre ! Goodbye !",
+ "Have a wonderful day !",
+ "I hope you have a good trip . Goodbye",
+ "Let us know if there is anything else you need .",
+ "Good luck and hope you have a better day .",
+ "No problem . Please have a pleasant trip .",
+ "You are most welcome !",
+ "You 're welcome . Have a nice visit to Cambridge !",
+ "Goodbye and thank you for using our service !",
+ "Welcome , have a lovely day .",
+ "It was my pleasure . Have a great night .",
+ "Good bye , enjoy your stay in Cambridge .",
+ "Please contact us again if there 's anything else you need during your stay .",
+ "Thanks , that is all for today .",
+ "Thank you for using our services .",
+ "Thank you . Have a great day , goodbye .",
+ "Okay , great . Have a great day .",
+ "Have a good night !",
+ "You 're welcome . Goodbye .",
+ "Goodbye to you as well and have a nice stay !",
+ "Thank you for using Cambridge TownInfo centre .",
+ "Thank you for calling . Goodbye .",
+ "Alright ! Enjoy your trip to the museum !",
+ "Wonderful . Please feel free to contact us again in the future . Have a great day .",
+ "Glad to help . Have a wonderful day !",
+ "You 're very welcome ! Make sure to let us know if you 'd like to book anything !",
+ "Great , I hope you enjoy your stay !",
+ "We are happy to help . Thank you for using our services .",
+ "Have a wonderful day .",
+ "Have a nice day .",
+ "I ' m happy I could help you today . Have a wonderful day !",
+ "thanks for using our service and have a great day",
+ "Thanks . And if anything more comes up that you 'd like help with or information about , do n't hesitate to reach out again ! Goodbye .",
+ "You 're very welcome . Enjoy your meal . Goodbye !",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "You are welcome . Thank you for using the Cambridge TownInfo centre . Goodbye .",
+ "My pleasure ! Enjoy your stay !",
+ "Have a lovely day , goodbye !",
+ "Have a safe trip .",
+ "Thank you for using are services and have a great day .",
+ "Have a great day .",
+ "Enjoy yourself , and let me know if you need anything else .",
+ "Good bye .",
+ "Ok . Take care . Goodbye",
+ "Thank you for using our services .",
+ "I hope you have a wonderful time .",
+ "Thanks , take care .",
+ "Have a great day !",
+ "Thank you for contacting us , enjoy your trip !",
+ "Thank you for using the Help Desk ! Contact me again if you decide you want me to help you book a train .",
+ "Have a wonderful day ! It was a pleasure to serve you .",
+ "Thanks and enjoy !",
+ "Ok ! Have a great day !",
+ "Thanks for using our service today have a great day .",
+ "Thank you for using our system !",
+ "Have a nice day then .",
+ "Glad I could help !",
+ "Goodbye and have a safe trip !",
+ "You 're welcome , goodbye .",
+ "enjoy your stay in cambridge",
+ "No problem . That 's what I ' m here for .",
+ "Goodbye , have a great day .",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Thank you for using our services .",
+ "Happy to be of service today . Enjoy the rest of your day !",
+ "You too . Enjoy your stay .",
+ "Thank you for allowing me to help you today .",
+ "Have a good day !",
+ "Have a nice day .",
+ "You 're welcome . Thank you for contacting us . Goodbye .",
+ "I hope you have a great day .",
+ "Thank you for using our system .",
+ "Thank you for using our system .",
+ "Have a nice day , goodbye",
+ "Enjoy your trip .",
+ "Have a nice day .",
+ "Goodbye .",
+ "Anytime . Enjoy your visit .",
+ "Thank you for contacting us and have a nice day .",
+ "You 're welcome ! Have a great day . Goodbye .",
+ "Sounds wonderful . I hope you have a great day .",
+ "No problem . Enjoy your visit to Cambridge !",
+ "Happy to help anytime , bye !",
+ "Thanks for using the Cambridge TownInfo Centre . Goodbye !",
+ "Please feel free to contact us again for further assistance . Good - bye .",
+ "You 're welcome . Goodbye !",
+ "Enjoy your trip !",
+ "Thank you for contacting us . Have a good day .",
+ "No problem . Glad to help .",
+ "Thank you for using our service .",
+ "OK , thank you and have a wonderful day .",
+ "No problem !",
+ "Thank you and enjoy your visit to cambridge . Have a good day .",
+ "Thank you you too",
+ "welcome again some other day",
+ "Thank you for using our services .",
+ "Take care , please let me know if you need anything else .",
+ "Have a nice day .",
+ "Thanks for using us ! Enjoy your trip !",
+ "OK . Have a nice day . Good Bye .",
+ "Enjoy your visit !",
+ "I hope you enjoy your meal . Goodbye !",
+ "Thank You , have a great day . Goodbye",
+ "Bye , enjoy the trip .",
+ "Have a great day and thanks for contacting Cambridge TownInfo centre . Goodbye .",
+ "You 're welcome . I hope everything is okay !",
+ "No problem , have a wonderful day !",
+ "Thank you for contacting us . Have a great day .",
+ "Thank you for choosing our system . Good bye",
+ "Thank you for using our system today !",
+ "Excellent . Have a good day !",
+ "Thanks , please let me know if you need anything else .",
+ "Thank you for contacting us have a nice day .",
+ "Have a good visit !",
+ "Have a great day !",
+ "Thank you for contacting us today . Let us know if we can be of further assistance . Good - bye .",
+ "Have a great day . Thank you for using the services",
+ "Okay then so long !",
+ "Have a lovely day .",
+ "I hope you have a wonderful time .",
+ "Thank you for calling the TownInfo centre . Goodbye .",
+ "Awesome . Glad we could help !",
+ "Okay . Thank you for calling !",
+ "Great , thank you for using our service !",
+ "excellent , have a great day !",
+ "Thank you so much for calling Cambridge TownInfo centre ! We hope you enjoy your time in Cambridge !",
+ "Thank you for using our system !",
+ "Thank you ! Have a nice day !",
+ "Great , I ' m glad I could help . If you think of anything else you need feel free to ask .",
+ "Have a great day !",
+ "Thank you for using Cambridge TownInfo Centre . Have a nice day !",
+ "Thank you for using Cambridge TownInfo centre . Have a good time !",
+ "Have a good day !",
+ "Enjoy your stay !",
+ "Thank you and have a great day .",
+ "Have a great day and enjoy your trip",
+ "I hope you enjoy your stay !",
+ "Thank you , have a nice day !",
+ "Have a good day .",
+ "Anytime ! Enjoy your visit .",
+ "Glad I could be of service !",
+ "Good bye . It was a pleasure to assist you .",
+ "Goodbye .",
+ "Thank you ! Hope you have a wonderful trip !",
+ "welcome any time you need us",
+ "You are very welcome . Good day !",
+ "Thank you and enjoy your visit . Have a great day .",
+ "You are very welcome . Good bye .",
+ "Thank you for letting us assist you today ! Enjoy your trip ! Goodbye .",
+ "Ok . Have a great day .",
+ "Thank you have a good day too ?",
+ "Thank you for using the Cambridge restaurant system , goodbye .",
+ "Have a great day , glad to help you .",
+ "Thank you so much for using our services . Goodbye .",
+ "thank you and enjoy your stay with us !",
+ "Thank you for contacting us and have a nice day .",
+ "You 're quite welcome . Contact us again anytime ! Bye .",
+ "Enjoy your stay",
+ "Thank you for using our system !",
+ "Thank you for contacting us ! Have a great day !",
+ "thank you that will be all",
+ "Great , thank you for choosing our service .",
+ "Have a lovely day , goodbye !",
+ "Okay , have a great day !",
+ "Thank you . Please contact us again if you need anything else .",
+ "Thank you goodbye",
+ "Glad I could help . Have a nice stay . Bye .",
+ "Glad to help .",
+ "Have a nice day !",
+ "Thank you for using our service today !",
+ "Good bye , have a great day .",
+ "Thank you for using the Cambridge Restaurant Phone System . Enjoy your meal !",
+ "You 're welcome . Do n't hesitate to contact again if you are in further need of assistance .",
+ "Thanks for calling . Have a great day !",
+ "i hope i have been of help to you .",
+ "Have a great day !",
+ "No problem . Happy to help .",
+ "Thank you for contacting us and have a nice day .",
+ "My pleasure . Goodbye .",
+ "I hope you have a pleasant stay !",
+ "Thank you for contacting us , have a nice day .",
+ "Thanks for using Cambridge TownInfo centre ! Have a nice day !",
+ "Good day .",
+ "Thank you , enjoy your stay in Cambridge .",
+ "Thank you and have a great day !",
+ "If I have met all your needs , have a good day . Goodbye .",
+ "Good luck with everything . Thank you .",
+ "Have a nice day .",
+ "I ' m happy to be of service , and thank you for using the Cambridge TownInfo Centre !",
+ "Enjoy your time !",
+ "Alright . If you need anything else , feel free to ask . Have a wonderful trip .",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "Great ! Have a nice day !",
+ "Great ! Have a nice day !",
+ "Thank you for using our services .",
+ "It 's my pleasure . Goodbye !",
+ "Enjoy your trip !",
+ "Great thanks for letting us assist you today !",
+ "enjoy your time in Cambridge !",
+ "Okay . Glad I could be of assistance .",
+ "Thank you for using our service . have a good day !",
+ "Enjoy your day . Good bye .",
+ "Have a good trip . Thank you for using Cambridge TownInfo Centre . Goodbye .",
+ "It was a pleasure assisting you today . Enjoy your trip . Good - bye .",
+ "Have a great time .",
+ "You 're very welcome . Hope everything is okay !",
+ "Have a nice day , goodbye .",
+ "Thank you , goodbye .",
+ "Thank you and enjoy your stay !",
+ "Okay great , have a nice day !",
+ "Thank you and enjoy your stay .",
+ "You have a nice day . Good bye .",
+ "No problem . Happy to help .",
+ "Thank you for using Cambridge TownInfo Centre . Have a wonderful day !",
+ "Great ! Have a nice day !",
+ "Thank you , goodbye !",
+ "Have a good day . Goodbye .",
+ "Great ! Have a nice day !",
+ "So glad we could help . Thank you for using Cambridge TownInfo centre , and have a great day !",
+ "Okay . Enjoy the rest of your day today",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Thanks for using our services , have a lovely day .",
+ "it was a pleasure serving you .",
+ "You as well . Thanks for calling . Goodbye .",
+ "I hope you enjoy your stay !",
+ "Thank you . Be sure to contact us whenever you need reservations .",
+ "Have a great day . Goodbye .",
+ "Glad I could be of assistance , have a good day !",
+ "And thank you ! Have a wonderful day !",
+ "Have a great day ! Good - bye .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thank you for using our system .",
+ "Enjoy your visit .",
+ "Thank you for contacting us , have a nice day .",
+ "You are welcome . Goodbye !",
+ "Great ! Have a nice day !",
+ "Thank you for calling today . Please call again if you have anything else that you need . Goodbye .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Great ! I hope you enjoy your stay in Cambridge .",
+ "Thank you for calling . Enjoy your trip ! Goodbye !",
+ "Have a good day !",
+ "Glad I could help . Please let us know if you need help in the future .",
+ "Thank you . Have a great day .",
+ "thanks again have thank you for all of your help today",
+ "Thank you for calling . Enjoy your trip . Goodbye .",
+ "Glad to be of service . Thank you for using Cambridge TownInfo centre today !",
+ "Goodbye .",
+ "You are welcome . If that is all , then have a good trip .",
+ "It is my pleasure . Have a good day .",
+ "Goodbye . I hope you have a wonderful day .",
+ "Have an excellent stay !",
+ "I am glad I can help . Enjoy your stay",
+ "Have a great day .",
+ "Goodbye .",
+ "Have a great trip . Goodbye .",
+ "You 're welcome . Have a great day !",
+ "Enjoy your stay ! Let us know if we can be of any further assistance .",
+ "Excellent ! Have a wonderful day , and thank you for using our service .",
+ "Well , have a great day .",
+ "Have a nice day and thank you for calling .",
+ "Good night , enjoy your stay at cambridge .",
+ "Sure . Enjoy your stay , goodbye !",
+ "Thank you for using the Cambridge Town Info Centre Services !",
+ "Have a good stay !",
+ "Sounds great . Have a wonderful day !",
+ "Have a great day !",
+ "Thank you for using our service today .",
+ "Well thank you . I will , and I enjoyed talking to you as well . Have a great day !",
+ "Thank you for contacting Cambridge TownInfo Centre . Good - bye .",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "Have a nice day .",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Thank you for contacting us , have a nice day .",
+ "Thank you . Goodbye .",
+ "Thank you for using the help desk .",
+ "Happy to be of service - have a great day !",
+ "Enjoy your visit to cambridge and gave a good day .",
+ "anytime ! let me know if you need anything else",
+ "Have a great day !",
+ "Thank you for contacting us and have a nice day .",
+ "We 're glad to be of service , and please do not hesitate to contact us if you need more help while you 're in Cambridge !",
+ "Glad I could help you today thanks for using our service .",
+ "Have a great day .",
+ "Goodbye , have a good day .",
+ "Lovely . Enjoy your trip !",
+ "enjoy !",
+ "Thank you , goodbye .",
+ "I ' m happy to be of service ! Have a wonderful day .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you ! You , too , and I hope you will enjoy your stay !",
+ "Great . Have a wonderful evening !",
+ "Okay great . glad I could be of assistance today .",
+ "I hope you enjoy your time here !",
+ "We are happy to help . Thank you for using our service .",
+ "Thank you for using our services .",
+ "Have a great day .",
+ "it is my pleasure .",
+ "Have a nice day .",
+ "Okay glad I could help . Enjoy your trip .",
+ "No thank you that will be all",
+ "Goodbye .",
+ "Okay . Glad I could be of assistance .",
+ "You are more than welcome !",
+ "Thanks for calling and do call us again . Goodbye .",
+ "goodbye .",
+ "Have a good day too . Goodbye .",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Thank you for using our services .",
+ "Thank you . Good bye",
+ "Have a lovely day !",
+ "thank you and enjoy your stay in our city !",
+ "You 're welcome . Call us again please !",
+ "Thank you for using our services .",
+ "thanks for inquiring with us",
+ "If you need anything else , please contact us with your needs .",
+ "I ' m happy we could help you today ! Enjoy your meal !",
+ "Hope you enjoy your stay in Cambridge !",
+ "Good bye ! Enjoy !",
+ "Thank you . I am glad I could be of help .",
+ "You 're welcome . Have a great day !",
+ "It 's my pleasure . Have a good day .",
+ "You as well !",
+ "Thank you for using our system .",
+ "Glad to help . Let me know if you ever need anything else .",
+ "Great ! Have a nice day !",
+ "Okay , let us know if you need anything else .",
+ "have yourself a safe journey .",
+ "You 're welcome . Thanks for using the Cambridge TownInfo centre .",
+ "Okay . Glad we could help .",
+ "You 're welcome . Thank you for using the Cambridge Towninfo Centre .",
+ "Alright , thank you . Goodbye .",
+ "thank you and enjoy your stay in cambridge",
+ "Thank you for calling Cambridge TownInfo Centre . Have a good day .",
+ "Thank you , goodbye .",
+ "enjoy your stay with us !",
+ "Have a wonderful day !",
+ "Thank you for contacting Cambridge TownInfo Centre . Have a great day !",
+ "Thank for calling today . Goodbye !",
+ "Ok great ! I hope that you enjoy your travels ! Thank you for contacting the Cambridge TownInfo centre .",
+ "good bye and have a great day",
+ "Awesome . Have a good day !",
+ "Okay great , have a good night !",
+ "Thank you , have a good day",
+ "It was a pleasure helping you with your planning today . I hope you have a great trip . Good bye !",
+ "Have a great day !",
+ "You 're welcome . Have a good day , goodbye .",
+ "Have a great time !",
+ "You as well . Thanks for calling . Goodbye now !",
+ "Thank you , and have a great day .",
+ "Have a great day and thank you for contacting us .",
+ "Thank you for contacting us today . Have a nice day .",
+ "Enjoy your visit .",
+ "Let us know if you need anything else .",
+ "Thanks !",
+ "Goodbye , and enjoy your meal !",
+ "Thank you for using our services .",
+ "Thank you , good bye .",
+ "No thank you that will be all for today",
+ "Okay great please enjoy your stay and do n't hesitate to call us back if you need anything else .",
+ "Thank you . Have a great day , goodbye .",
+ "If there is nothing further I can help with , I wish you a great day .",
+ "enjoy your meal .",
+ "No worries we are here if you need us , have a nice day .",
+ "My pleasure . Have a great day . Goodbye .",
+ "Okay great , have a good day .",
+ "Well , thank you for your call ! You have a great day !",
+ "Thank you for using our system today !",
+ "enjoy your stay",
+ "thanks for using our services",
+ "Thank you for using our service today .",
+ "Thank you for using our service . Have a great night . Goodbye .",
+ "Have a nice day . Goodbye .",
+ "Have a safe trip .",
+ "Thank you for using our service !",
+ "Alright great ! Have a nice day !",
+ "No problem ! Thank you for using the Cambridge Towninfo centre ! Have a wonderful day .",
+ "Enjoy your meal , let me know if I can help with any thing else .",
+ "No problem . Have a great day . Good - Bye .",
+ "It 's my pleasure ! Have a wonderful time !",
+ "I ' m there to help you . Enjoy your stay !",
+ "You are very welcome !",
+ "Have a good trip !",
+ "Good bye . Thank you for using the restaurant service .",
+ "Thank you for contacting us have a nice day .",
+ "Have a great day !",
+ "Thank you , enjoy your stay .",
+ "Thank you for contacting Cambridge TownInfo centre . I hope you have a pleasant trip ! Goodbye !",
+ "No problem . Have a great day !",
+ "It was a pleasure . Have a nice day . Goodbye .",
+ "Thank you , goodbye .",
+ "Please do n't hesitate to let us know if we can be of any other assistance ?",
+ "Have a nice day .",
+ "Thank you for using our system !",
+ "Have a great day !",
+ "You 're very welcome ! Goodbye .",
+ "You as well ! Good bye !",
+ "Thank you , have a wonderful day . Let us know if we can help in any way .",
+ "Have a great day . Good day .",
+ "No problem . Glad to be of assistance .",
+ "thanks for inquiring with us and welcome again",
+ "Have a great day !",
+ "All right , then . Thank you for calling . Have a nice day .",
+ "Thank you , goodbye .",
+ "Thank you Goodbye",
+ "Thank you . Have a good day , goodbye .",
+ "Thanks again , goodbye !",
+ "Good bye and enjoy !",
+ "Glad to help , please let us know if you need any further assistance .",
+ "You are welcome , best of luck with everything .",
+ "Thank you for using the Cambridge Restaurant system . Good bye .",
+ "Thank you for using our services . Have a wonderful day !",
+ "Have a lovely day too . !",
+ "Have a safe trip !",
+ "Okay thank you for calling . Enjoy your dinner .",
+ "Thank you for contacting the Cambridge TownInfo centre . Goodbye",
+ "Alright , no problem ! Enjoy your visit !",
+ "I ' m happy to be of service . Enjoy your time in Cambridge !",
+ "Enjoy ! Goodbye !",
+ "Okay great ! Glad I could help .",
+ "Thanks for letting me assist you . Have a great day !",
+ "You 're welcome . Thank you ! Have a good day now !",
+ "Thank you for using Cambridge TownInfo centre . Good - bye",
+ "You 're quite welcome . Thanks for contacting the Cambridge TownInfo Centre and have a great day !",
+ "Awesome , thank you for spending time in Cambridge .",
+ "I ' m glad I could help you today .",
+ "Thank you goodbye",
+ "Enjoy your stay and have a nice day .",
+ "Goodbye .",
+ "Have a nice day !",
+ "Thank you . Enjoy your day . Good bye .",
+ "feel free to contact us again should you need more assistance . goodbye .",
+ "Thank you for using the Cambridge TownInfo centre - I hope you have a great day !",
+ "Thank you for contacting Cambridge TownInfo Centre , have a great day !",
+ "good day !",
+ "Let us know if you need anything else , bye .",
+ "Thank you for using the Cambridge restaurant system . Goodbye .",
+ "Hope you have a great trip . Good bye .",
+ "Thank you for letting us help you today .",
+ "You 're welcome . Enjoy your meal . Thank you for contacting the centre . Goodbye .",
+ "We are happy to be of help . Have a great day !",
+ "Thank you for using this system !",
+ "I hope you have a very pleasant stay in our town !",
+ "Do n't mention it . I hope you guys have a blast .",
+ "Have a great time .",
+ "Thank you , goodbye .",
+ "You are all set and enjoy you stay .",
+ "Great ! Thank you for using our services !",
+ "You as well , goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "You too , enjoy your stay .",
+ "My pleasure . Enjoy your day .",
+ "Okay , have a great day and thank you for using Cambridge TownInfo centre .",
+ "Thank you for using this service goodbye",
+ "I ' m glad we were able to help you . Goodbye !",
+ "Have a great day !"
+ ]
+ },
+ "general-greet": {
+ "none;": [
+ "You are more than welcome !",
+ "And thank you for texting the cambridge towninfo centre . Take care !",
+ "Great . Have a good day .",
+ "I ' m happy to have been able to help you today . Take care .",
+ "ok you are set",
+ "Glad to have been of help . Thank you for using the Cambridge TownInfo centre . Enjoy the rest of your day !",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Thank you for contacting us and have a nice day .",
+ "Ok , thank you . Have a good day .",
+ "Thank you for using our services .",
+ "have a great day too .",
+ "Thank you . You as well .",
+ "OK , thank you for choosing to visit cambridge , enjoy your stay .",
+ "Ok great . Have a wonderful day .",
+ "You are welcome .",
+ "Absolutely positively no problem at all ! Thanks for using our service . Enjoy your time !",
+ "Have a good day !",
+ "No problem , thank you for using Cambridge TownInfo centre . Have a great day !",
+ "Hope your day gets better !",
+ "I ' m glad I was able to help . Please call back if you have any more questions !",
+ "thanks for inquiring with us and have a great day",
+ "Great . Have a fun trip !",
+ "You have a wonderful day yourself !",
+ "I am required to ask by management .",
+ "welcome . at your service next time",
+ "Glad to have been of help . Please reach out again if you need anything else . Thanks for using the Cambridge TownInfo centre . Have a great day .",
+ "Alright , how can I help you today ?",
+ "Great . Are you looking for a train , hotel or attractions to visit while in Cambridge ?",
+ "Have a great time .",
+ "Ok great ! If there 's nothing else , I hope you have a great day !",
+ "Thank you for using Cambridge TownInfo centre . Please remember us for all of your future travel needs .",
+ "You 're welcome . It was a pleasure assisting you . Have a good day .",
+ "Thanks for contacting us enjoy your stay with us !",
+ "Thank you for using our services .",
+ "Wonderful . Have a wonderful day .",
+ "enjoy your stay in cambridge",
+ "Have a great day !",
+ "Have a wonderful time .",
+ "You are welcome . Have a nice day .",
+ "You are quite welcome . Have a nice day .",
+ "Alright , have a lovely day !",
+ "That is correct , you have a good day .",
+ "Yes , it is .",
+ "Thank you for contacting Cambridge Town Info centre . Have a nice day !",
+ "Have a great day !",
+ "Great , thank you for allowing me to help you today .",
+ "Thank you . Good day !",
+ "Thank you for contacting us and have a nice day .",
+ "I ' m glad I could help . Enjoy your stay .",
+ "thank you for choosing us",
+ "You 're welcome . Have a great night .",
+ "Thank you for contacting us and have a nice day .",
+ "Thank you very much for using the Cambridge Restaurant System .",
+ "Thank you ! Let us know if you need anything else .",
+ "I will work on getting that booked for you .",
+ "Okay thank you for calling .",
+ "welcome . at your service next time",
+ "Okay , have a great day !",
+ "You 're welcome . Have a nice day and please call us again !",
+ "Your are welcome . I trust you will enjoy your visit .",
+ "Have a great day .",
+ "welcome next time",
+ "You are more than welcome !",
+ "Thank you , have a great day .",
+ "Have a wonderful day and a great trip . If there is anything else I can help with just let me know .",
+ "You are more than welcome !",
+ "You 're welcome . Have a good time .",
+ "then thanks for inquiring with us .",
+ "Great . Thanks for letting us assist you today !",
+ "Let me find a taxi for you .",
+ "I will get that for you .",
+ "Okay , have a good day . Thanks !",
+ "welcome to cambridge",
+ "Great . Well , I hope you have a wonderful trip . If you need anything else , do n't hesitate to contact us again . Goodbye .",
+ "Thank you for calling Cambridge TownInfo centre ! Have a wonderful trip !",
+ "Have a good trip",
+ "Have a great day !",
+ "No problem at all ! Remember to contact the Cambridge TownInfo centre whenever you have questions !",
+ "Thank you for using our service !",
+ "I ' m pleased I could assist you .",
+ "Thank you and have a great day !",
+ "That 's all up to you !",
+ "Thank you !",
+ "We are happy to help . Thank you for using our service .",
+ "What an excellent way to see the beautiful countryside . What other information can you give me ?",
+ "You 're very welcome . Goodbye .",
+ "Have a good day",
+ "You are welcome , enjoy your stay in Cambridge .",
+ "Thank you too . I hope you have a great day .",
+ "Perfect . You ' ve made an excellent choice . Enjoy !",
+ "Hope you enjoy your trip ! Thanks for allowing us to assist you .",
+ "You have a great night .",
+ "Okay , I can do that for you .",
+ "Have a great day !",
+ "Thank you .",
+ "Than you very much !",
+ "Good choice . What can i help you with ?",
+ "Thank you for using our system !",
+ "Great ! Have a nice day !",
+ "Thank you , please feel free to contact us again if you have any questions !",
+ "Thank you for choosing Cambridge TownInfo centre to help you with your booking needs . Have a great day !",
+ "You 're welcome . Have a great day !",
+ "Thank you .",
+ "Thanks for contacting Cambridge TownInfo centre , feel free to contact us again .",
+ "Thank you and enjoy your stay !",
+ "Have a beautiful day !",
+ "Okay , great . Have a wonderful trip . Goodbye .",
+ "I hope you have a good trip .",
+ "Thank you for contacting us and have a nice day .",
+ "enjoy your meal !",
+ "Ok great , have a wonderful day !",
+ "I will get that information for you .",
+ "Thank you for using the Cambridge restaurant system",
+ "Have a great time .",
+ "thank you good bye",
+ "Glad I could help . Have a great day .",
+ "Thank you .",
+ "Good bye . Thank you for contacting the Cambridge restaurant system .",
+ "Goodbye .",
+ "Okay . Thanks and have a great day !",
+ "Ok . I hope you have a great day !",
+ "Great ! Have a good day .",
+ "Thank you , and have a nice day !",
+ "Yes it does .",
+ "You are more than welcome !",
+ "You have a nice day . Goodbye .",
+ "I will find a train for you .",
+ "Okay , enjoy your visit to Cambridge !",
+ "enjoy your stay in cambridge !",
+ "great day and thanks for inquiring with us",
+ "OK great . Have a good day .",
+ "Okay . Just call us back when you do .",
+ "Thanks for letting us assist you !",
+ "the pleasure is all mine",
+ "Glad I could help , have a great trip !",
+ "You 're welcome ! Have a great day !",
+ "thanks for inquiring with us . have a nice day",
+ "Have a great day .",
+ "Thank you , enjoy the rest of your day .",
+ "I can only process one at a time . Please choose one first .",
+ "Have a nice day and enjoy your stay in Cambridge !",
+ "Have a great time .",
+ "Thank you for using our service today !",
+ "I hope you have a wonderful day as well .",
+ "Would you like a recommendation , or would you like to narrow the search first ?",
+ "Alright , thanks for using Cambridge TownInfo centre , have a great day !",
+ "Excellent . Have a great day !",
+ "Thank you and enjoy your visit .",
+ "You 're welcome . Have a great day !",
+ "Thank you for contacting us , have a nice day .",
+ "Thank you and enjoy your visit to Williams Art and Antiques !",
+ "I ' m glad we could help . Thank you for using the Cambridge TownInfo centre .",
+ "I ' m glad I could help .",
+ "Sure , I can help you with that . Did you have any specific requirements ?",
+ "welcome . at your service next time",
+ "Happy to help . Have a great day .",
+ "You 're welcome . Have a wonderful day and do call us again .",
+ "You are very welcome . Enjoy your stay !",
+ "Awesome . Have a good day !",
+ "Thank you for using our service . Have a great day !",
+ "Great , thanks for your business in Cambridge and i hope you enjoy your stay .",
+ "Can you please restate your hotel needs clearly ? Thank you !",
+ "You are most welcome !",
+ "Great , have a wonderful day !",
+ "Thank you for using the help desk and have a great day .",
+ "You 're welcome , you have a great day as well .",
+ "sure why not ?",
+ "Have a nice day .",
+ "Excellent . Take care !",
+ "My pleasure . Thank you for contacting Cambridge TownInfo centre . Have a nice visit .",
+ "Great ! I hope you enjoy your stay !",
+ "Have a great day .",
+ "Have a good day . Thank you for using our service .",
+ "Thank you , have a great trip !",
+ "I hope you have a wonderful day , then .",
+ "Have a great trip !",
+ "Happy to help . Have a great day .",
+ "Thank you for using our services . Have we met all of your needs ?",
+ "Yes , of course . Please give me some details on the lodgings you desire .",
+ "I am sorry but there is no mention of you reserved time at the restaurant in the conversation . What time do you want to arrive ?",
+ "Thank you and enjoy your time with us in Cambridge !",
+ "thank you for all you re help that will be all",
+ "No problem at all . Have a great day .",
+ "Enjoy your dining experience .",
+ "Thank you for using our service .",
+ "I hope your stay is enjoyable .",
+ "Glad to have been of service . Thank you for using the Cambridge TownInfo centre . Have a great day .",
+ "You too , sir .",
+ "Thank you for using the Cambridge TownInfo centre . Have a great day !",
+ "It was a pleasure . Thank you for using our service . Good night .",
+ "Have a great stay !",
+ "Thanks for letting us assist you ! Enjoy your visit !",
+ "Thank you for using Cambridge TownInfo centre . Please consider us for your future travel needs ?",
+ "Glad to be able to help . Do n't hesitate to get in touch if you need anything else .",
+ "You are more than welcome !",
+ "Excellent . Have a good rest of your day .",
+ "Thank you and enjoy your time with us !",
+ "I ' m glad I was able to help today !",
+ "Thank you for using our system . Good bye",
+ "I hope you have a great time .",
+ "Thank you for contacting us ! Please let us know if we can be of any more assistance to you .",
+ "Okay . Glad I could be of help .",
+ "I ' m glad I could help !",
+ "I ' m glad I could help .",
+ "thank you and enjoy your stay in Cambridge !",
+ "Yes that is correct .",
+ "Thank you for contacting us and have a nice day .",
+ "happy to help anytime , cheers !",
+ "Thanks for using our services .",
+ "Have a great trip .",
+ "I hope you have everything you need .",
+ "always there for you ! have a nice dinner !",
+ "Let me see what I can find .",
+ "thanks again for choosing us",
+ "Thank you . Goodbye .",
+ "Thank you , have a great day .",
+ "Thank you for being a customer . Have a good day !",
+ "Indeed it does . Enjoy your stay .",
+ "i m glad to have satisfied you in every way possible for me to given the context of this interaction",
+ "What is your planned itinerary ?",
+ "Thank you . Do n't hesitate to call again and enjoy your stay .",
+ "Enjoy your visit . Please give us a call if you need further assistance .",
+ "Have a great day !",
+ "Thank you . Have a nice day .",
+ "Thank you for allowing me to help you . Have a great day .",
+ "Have a great day",
+ "Alright sounds good . I hope everything is okay .",
+ "Great . I ' m glad I could be of help .",
+ "Thank you for calling .",
+ "Not a problem . Do you need the reference number ?",
+ "Thanks i will find you one . Thanks a lot",
+ "Thank you for contacting us .",
+ "Okay . Hope that helps !",
+ "Have a great day !",
+ "Thank you for using our system !",
+ "You 're welcome . Have fun !",
+ "Have a wonderful time .",
+ "Enjoy your stay In Cambridge !",
+ "Okay , have a great day !",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Thank you for using our services .",
+ "Fantastic ! I hope you have fun !",
+ "Sounds good ! Enjoy your trip .",
+ "thank you and enjoy your stay in Cambridge !",
+ "Glad I could help .",
+ "Have a wonderful visit !",
+ "enjoy your stay in cambridge !",
+ "Have a wonderful trip ! Goodbye",
+ "You 're very welcome . Have a great time .",
+ "Thank you . We 'll be happy to help you with your future travel needs .",
+ "Not a problem , please contact us again if you need any further assistance .",
+ "No problem ! Enjoy your time in Cambridge .",
+ "Have a great time .",
+ "Thank you for contacting us . Have a great day !",
+ "Great ! Hope you have a better day .",
+ "I ' m glad we could be of service . Have a nice day .",
+ "enjoy your stay in cambridge",
+ "Glad to have helped , have a great day .",
+ "Thank you and enjoy your stay in Cambridge .",
+ "Have a wonderful trip .",
+ "You are more than welcome !",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Great I am glad I could be of help .",
+ "I ' m glad I could help you . Enjoy your trip !",
+ "Thank you for using our service today !",
+ "You 're welcome , have a great day !",
+ "Have a great day !",
+ "Have a great day !",
+ "Wonderful . Glad to help .",
+ "I am not sure what you asked the address is in the chat history . Thanks",
+ "Thank you for using our service today !",
+ "OK , what type of information are you looking for ?",
+ "Thank you .",
+ "Thank you for using our system !",
+ "Thank you for allowing me to help you .",
+ "I am glad I could help . Have a nice day .",
+ "Thank you for using Cambridge TownInfo centre . Have a good day !",
+ "You 're welcome . Have a great day !",
+ "enjoy your stay",
+ "You are very welcome ! Enjoy your trip to the museum !",
+ "Thank you for contacting us . Have a good trip to cambridge .",
+ "Yes it is . It not far at all",
+ "You as well . Have a great trip , and thanks for using Cambridge Towninfo centre .",
+ "Thank you for using our services .",
+ "That 's great to hear , I ' m so glad to be of service . If at any time you need information about our lovely towne please remember to contact the Cambridge TownInfo centre !",
+ "I ' m sorry , the entrance fee is unavailable . You have to see the prices while at the club .",
+ "Happy to help ! Enjoy your trip !",
+ "Thanks , that is all for today !",
+ "Alright , I hope you have a good stay , thank you for using our service !",
+ "Okay great , have a good day !",
+ "You are welcome . Enjoy your stay .",
+ "Your welcome , have a great day .",
+ "glad i could help , enjoy !",
+ "Yes , but first I need more details about your trip .",
+ "Excellent ! Have a great day !",
+ "Ok ! Have a great day !",
+ "Have a great day !",
+ "You 're welcome . Have a great trip !",
+ "Glad to be of service ! So long .",
+ "Great , enjoy your stay and we look forward to helping you again sometime .",
+ "Thank you . You , too !",
+ "It 's my pleasure . Have a nice day .",
+ "You 're very welcome . Goodbye !",
+ "Thank you for using our system !",
+ "Any time ! Enjoy your trip !",
+ "Thank you for using our system !",
+ "You 're welcome . I hope everything is okay with you .",
+ "Have a nice day !",
+ "Ok , enjoy your stay in cambridge .",
+ "Thank you for using our system .",
+ "Thank you and enjoy your stay .",
+ "You 're very welcome ! Have a great day !",
+ "great , what can i help you with ?",
+ "I ' m sorry to hear of your troubles , and I hope your day gets better !",
+ "Yeah , any time I was happy to help .",
+ "Okay great , have a good day !",
+ "Glad to be of help thank you for contacting the Cambridge TownInfo centre . Have a great day .",
+ "i appreciate you our customer",
+ "Yes . I need more information about your trip first though .",
+ "Alright . You 're all set . Enjoy !",
+ "Yes I got it , what can I do for you sir ?",
+ "You 're very welcome . Have a great day !",
+ "Have a wonderful time .",
+ "Thanks for using our service . Have a great day .",
+ "Thank you for contacting us . Have a great day !",
+ "Have a wonderful day . If there is anything else just let me know .",
+ "It was my pleasure to help . You have a wonderful day .",
+ "Thank you , good day to you .",
+ "You are more than welcome !",
+ "I ' m happy to have assisted you ! Thank you for using the Cambridge TownInfo centre . Have a nice day !",
+ "Thank you , have a great day !",
+ "Great , enjoy your dinner and have a nice day . Thank you !",
+ "One second and I 'll look that up for you .",
+ "enjoy your stay in Cambridge",
+ "We are happy to help . Thank you for using our service . Have a great day !",
+ "Great ! Have a nice day !",
+ "Enjoy your day , and thank you !",
+ "Thank you for using this system . Goodbye .",
+ "Not a problem , have a great day !",
+ "All right , Enjoy your stay in Cambridge !",
+ "My pleasure . Goodbye .",
+ "Thank you for using our service . Have a great day !",
+ "You can get information here , through our help desk .",
+ "You are more than welcome !",
+ "I ' m happy to be of service , and thank you for using the Cambridge TownInfo Centre !",
+ "Thank you for using our service & have a good day !",
+ "Thank you very much for booking with us .",
+ "Have a great day !",
+ "Thank you for contacting us , please let us know if we can of help in the future .",
+ "Great ! Have a great day !",
+ "Have a nice trip !",
+ "I hope you have a great trip .",
+ "sure , what are you looking for ?",
+ "Thank you for using the Cambridge TownInfo centre today , and enjoy your stay in Cambridge !",
+ "Thank you for allowing me to help today .",
+ "Have a great day .",
+ "How can I help you today ?",
+ "Thank you for using the Cambridge TownInfo Centre . Have a great day !",
+ "always welcome . at your service",
+ "welcome next time",
+ "If you need further assistance , please let us know . It was a pleasure helping you today . Good - bye .",
+ "Thank you , let me know if I can assist with anything else .",
+ "Glad to be of help . Have a great day .",
+ "ok , thank you and enjoy your stay !",
+ "You as well , enjoy your meal !",
+ "welcome . at your service next time",
+ "I hope you have a great time .",
+ "Okay . I can help you find a restaurant or hotel , look for tourist information , book a train or taxi . How may I help you ?",
+ "Thank you for using this service . Enjoy your stay . Good bye .",
+ "You 're welcome . Call us again and have a wonderful afternoon .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a nice day !",
+ "Alright . Have a great day .",
+ "I hope your stay is great .",
+ "Have a great visit !",
+ "Thank you for contacting us and enjoy your stay .",
+ "It 's my pleasure . Have a nice trip !",
+ "Great , you have one too !",
+ "You are most welcome !",
+ "Thank you for using our system .",
+ "What type of information would like to know ?",
+ "Is there anything else I can help you with today ?",
+ "Thank you for contacting us today . Have a nice day .",
+ "Thank you for using our service . Have a great day !",
+ "You 're welcome . Thank you for calling . Have a nice day .",
+ "Thank you , enjoy your visit !",
+ "Thank you . Good bye",
+ "Cheers . Have a great day .",
+ "thank you and enjoy your stay in Cambridge !",
+ "Thank you for using our system !",
+ "Have a great day !",
+ "Okay thank you",
+ "Ok great . Have a wonderful day !",
+ "Thank you for using our service this evening .",
+ "Enjoy your visit to the broughton house gallery !",
+ "Thank you for contacting us , have a great day .",
+ "Thank you for contacting Cambridge TownInfo centre . Goodbye !",
+ "Ok , have a great day !",
+ "Happy to help . Please let us know if you need anything in the future .",
+ "Okay , thank you .",
+ "Have a safe trip .",
+ "Okay Thank you very much for calling !",
+ "I ' m glad we could help . Have a great day .",
+ "Thank you and enjoy your stay .",
+ "always there for help , enjoy your stay !",
+ "Have a nice day .",
+ "Have a great trip !",
+ "I hope I could be of service today , enjoy your stay in Cambridge !",
+ "ok thanks it is a pleasure to serve you",
+ "OK , I can make that change .",
+ "Have a great trip .",
+ "You 're welcome . Have a great day !",
+ "I can help plan your trip ! What do you need ?",
+ "Not a problem . Have a nice day !",
+ "Well that was easy . I am glad to have helped and hope you enjoy your stay . Have a nice day . Good bye .",
+ "You 're welcome . Enjoy your stay !",
+ "Have a good day !",
+ "Have a great day !",
+ "Thank you for using this system and please call again . Goodbye .",
+ "Thank you for contacting us and have a nice day .",
+ "Glad I could help , enjoy your stay in Cambridge .",
+ "Thank you for using our service . Please have a great day .",
+ "thank you for using our system .",
+ "It has been a pleasure . Have a great day .",
+ "Fantastic . Enjoy your time in Cambridge !",
+ "thank you and good bye",
+ "Have a nice stay in the town , and enjoy the play in the theatre .",
+ "If that is all , I would like to thank you for using our service .",
+ "Thank you for using our services . Have a great stay !",
+ "Happy to help ! Please take care !",
+ "You are welcome . Have a good day .",
+ "I ' m sorry there seems to be an error in our system . Please send your request again .",
+ "I ' m happy to help you with that . Is there something in specific I can tell you about ?",
+ "Thank you for contacting the Cambridge Towninfo Centre . Have a great day .",
+ "Thank you for using our system ! Have a great day !",
+ "Great . I hope you have an excellent day .",
+ "Okay , great ! Enjoy your day .",
+ "You 're welcome . Have a great day !",
+ "You are welcome . I hope they are able to help you .",
+ "You 're welcome , have a nice day .",
+ "Thank you for using our service . Have we met all of your needs today ?",
+ "Thank you for using our service !",
+ "thanks for using our services",
+ "We hope you enjoy your visit . Thank you for contacting us .",
+ "Ok i will find you one as soon as possible and inform you thanks a lot",
+ "LOL , well , Thank you ! I hope you have a great stay !",
+ "Have a good day and if you need anything else please contact us .",
+ "Thank you for contacting us today and have a nice day .",
+ "I ' m glad I could help .",
+ "Thank you . Let me know if there is anything else I can assist you with .",
+ "Wonderful . Glad to help .",
+ "Thank you for using our services .",
+ "Pleasure all mine , have a good day !",
+ "It was a pleasure to help . Have a good day .",
+ "Thank you , and have a great day !",
+ "No problem , have a great day .",
+ "Ok . Have a good day !",
+ "Enjoy your trip !",
+ "Thank you for using this system !",
+ "Have a good day .",
+ "I\"m sorry I do n't understand you have a pet ?",
+ "Have a great day !",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "It 's been my pleasure . Have a great night !",
+ "Have a wonderful day !",
+ "Thank you for contacting Cambridge Towninfo Centre . Have a nice day !",
+ "Thank you for using our service . Have a great day !",
+ "Okay thank you for calling .",
+ "You are most welcome !",
+ "I was glad to assist you today .",
+ "Have a great day !",
+ "enjoy your meal !",
+ "Alright then . Have a wonderful day .",
+ "Thank you for using our service !",
+ "Sure thing . I can work on getting that booked for you .",
+ "Glad I could help . Have a great day .",
+ "Alright , enjoy the rest of your day .",
+ "Great ! Hope you enjoy your trip !",
+ "Thank you for using our system today !",
+ "I hope you have a wonderful meal .",
+ "You are very welcome . Have a great day .",
+ "Thank you for using the service today .",
+ "Thank you and enjoy your stay in Cambridge !",
+ "Thank you for using our services .",
+ "Thanks for using our service . Good day .",
+ "It 's been my pleasure to assist you .",
+ "Thank you for contacting Cambridge TownInfo centre . Have a great day !",
+ "Have a great day !",
+ "Thanks for using Cambridge TownInfo centre . Have a wonderful trip !",
+ "Okay , have a great day !",
+ "Thank you for using our services .",
+ "thanks too for choosing us",
+ "I hope you have a wonderful time .",
+ "Enjoy your stay and if you need anything in the future feel free to contact us .",
+ "thanks again have a great day",
+ "Great , thanks for using our service . have a great day .",
+ "That 's great , thank you , have a nice day .",
+ "OK . I apologize for not getting the contact number for you the first time you asked . I hope you have a great day .",
+ "Okay , have a great day !",
+ "You 're very welcome . Good day !",
+ "Okay , have a fantastic time !",
+ "welcome . at your service next time",
+ "You 're very welcome , have a great day !",
+ "Great ! Well , thanks for calling ! You have a good day !",
+ "Thank you for allowing me to assist you today . Please enjoy your stay and let us know if there 's anything we can help you with in the future !",
+ "Happy to help !",
+ "thank you for calling .",
+ "yes and they are a number without",
+ "Thank you & have a good day",
+ "Great ! I can help you with any tourist information you may need .",
+ "great , have a nice day",
+ "Thank you for using our system !",
+ "No problem . Have a great day .",
+ "Thanks for letting me assist you today . Enjoy your trip !",
+ "Thanks you for visiting us in Cambridge and enjoy your trip !",
+ "Okay , have a great day !",
+ "It was a pleasure helping you . Have a great day !",
+ "i am glad iwas of help . great day",
+ "Thank you for using the Cambridge TownInfo centre . Enjoy the rest of your day .",
+ "Thanks !",
+ "Okay . Glad I could be of help . Please call us again .",
+ "Have a great rest of your day , and I hope your visit to Cambridge is everything you dreamed it would be .",
+ "I ' m sorry to hear that . Please reply if you need any further assistance .",
+ "Thank you for using the Cambridge TownInfo centre . Have a wonderful day !",
+ "It was my pleasure to serve you . Please contact us again if you need any more assistance . Have a good day .",
+ "Thank you . Enjoy your meal .",
+ "welcome . at your service next time",
+ "Thanks for using us . Have a nice trip .",
+ "Thank you for using Cambridge TownInfo centre . Please consider us for your future travel needs ?",
+ "To you , as well . Thank you for using the service .",
+ "Goodbye . Enjoy your trip .",
+ "Let us know if we can help you further . Good day .",
+ "Thank you and enjoy your stay in Cambridge !",
+ "Thank you and enjoy your time with us !",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "It has been my pleasure ! Do n't hesitate to contact us again if you require any additional assistance .",
+ "Awesome . Glad we could help !",
+ "Thank you for letting us assist you today ! Enjoy your visit !",
+ "Thank you for using our service today !",
+ "No problem . I ' m glad I could help .",
+ "Thank you for using Cambridge TownInfo centre . Have a great day !",
+ "Great , glad I could help !",
+ "My pleasure . Have a great day .",
+ "It 's no problem , contact us again any time .",
+ "Let me look that up for you .",
+ "Have a great night . Enjoy your trip .",
+ "No problem . Glad to help .",
+ "Thank you for using Cambridge TownInfo centre , have a nice day .",
+ "Have a safe trip .",
+ "Thank you for using our service ."
+ ]
+ },
+ "general-reqmore": {
+ "none;": [
+ "You are welcome . Is there anything else I can help you with today ?",
+ "Sure , what do you need to know ?",
+ "I ' m sorry , there seems to be an error . Can you please restate your request ?",
+ "Okay , is there anything else I can help you with ?",
+ "OK . Is there anything else I can help you with today ?",
+ "Okay , will that be all today or is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Did you need any further assistance today ?",
+ "I am sorry I do not understand what you just said . Please repeat in a way that makes sense .",
+ "Anything else I can look up for you ?",
+ "I ' m sorry , there seems to be an error . Can you please restate your request ?",
+ "Will you be needing a reference number ?",
+ "Well then should I search for a college in the north instead , if you want it close to your hotel ?",
+ "Great ! Can I assist you with anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Great . Is there anything else that you need help with ?",
+ "May I help you find a hotel or attraction in town ?",
+ "Is it Monday then ? I want to make sure this is correct . ( roles are reversed )",
+ "I am sorry we did n't reserve a table for you at any restaurant , would you like to do that now ?",
+ "Let us know if you need anything else .",
+ "Will you needing a reference number ?",
+ "Is there anything else I can assist with regarding your travels ? Perhaps a hotel stay ?",
+ "Sure , what are you interested in ?",
+ "I ' m not sure what I need to get you ?",
+ "Is there anything else I can help you with today ?",
+ "Ok ! Is there anything else I can do for you ?",
+ "Are you sure there is nothing more I can help with today ?",
+ "Is there anything else I can help you with today ?",
+ "Thank you , I hope you have a great day , too . If there 's anything else you 'd like help with just let me know .",
+ "Can I look up anything else for you ?",
+ "Thank you is there anything else",
+ "The system is unable to provide me with such information is there anything else ?",
+ "Is there anything else i can you with such as booking reservations for entertainment ventures afterwards .",
+ "Is there anything else that I could help you with today ?",
+ "Ok . Is there anything else I can help you with today ?",
+ "What information are you looking for ?",
+ "You 're welcome ! Can I help you with anything else ?",
+ "Would you like for it to have a certain number of stars ?",
+ "Is there anything else I can help you with ?",
+ "Can I help you with anything else today ?",
+ "I can certainly help with that .",
+ "Is there anything else I can assist you with today ?",
+ "Are you certain you do n't need further assistance ?",
+ "Yes , Addenbrookes Hospital is in your area , would you like me to book you an appointment ?",
+ "Can I look up anything else for you ?",
+ "Of course . What would you like to know ?",
+ "Will you be needing anything else today ?",
+ "Is there anything else that you would like ?",
+ "Can I help you with anything else ?",
+ "Do you need any further assistance ?",
+ "Is there anything else I can do for you today ?",
+ "OK , how can I help you ?",
+ "No problem . Can I help you with anything else ?",
+ "I ' m sorry . I do n't have that information . Can I help you with anything else ?",
+ "Yes , I have a car for that time , would you like me to book it ?",
+ "Sure , do you have any other preferences I can add to my search ?",
+ "Okay . Is there anything else you need ?",
+ "I can help you find a hotel that you might like .",
+ "Okay I will give you the information I have on them .",
+ "Is there anything else I can help you with today ?",
+ "Yeah , sorry for the inconvenience . Can I do anything else for you though ?",
+ "Okay . Can I help you with anything else ?",
+ "No problem . Are you finished ?",
+ "the postcode is CB41JY is there anything else I can help you with ?",
+ "Okay , how can I help you ?",
+ "Do you need a taxi ?",
+ "Was that everything you needed ?",
+ "Is there anything else I can be of help with today ?",
+ "Sure I ' ve got it right here . What do you want to know about it ?",
+ "If I can help you with any other information . Please let me know ?",
+ "Is there anything else I may help you with ?",
+ "Can I be of further assistance today ?",
+ "Do you need anything else today ? Can I book something for you ?",
+ "Is there anything else I can do ?",
+ "You 're welcome . Can I help you find anything else ?",
+ "You 're welcome . May I help with something else , like a restaurant or attraction ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "Was that all you needed ?",
+ "You are welcome ! Is there anything else I can do for you ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Would you like more information ?",
+ "Is there anything else you need ?",
+ "Would you like me to look up entertainment for you ?",
+ "Is there anything else I can help you with ?",
+ "Do you need me to look up anything else for your trip ?",
+ "May I book you a taxi ?",
+ "I do not have the postcode , phone number , and area for the train station . May I help you with anything else ?",
+ "Yes it is . Is there anything else I can do for you ?",
+ "Okay , will you be needing a reference number ?",
+ "If you would n't like me to book you a ticket , is there anything else you need ?",
+ "Do you need any further assistance ?",
+ "Well what area are you interested in ?",
+ "Is there anything else that you need ?",
+ "Ok , is there anything else I can help you with today then ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "What else may I do for you today ?",
+ "Is there anything else I can help you with ?",
+ "Was there anything else I could assist you with today ?",
+ "Sure , I can help you get here . Where will you be leaving from ?",
+ "I can search and make a few recommendations for you .",
+ "Is there anything else I can assist you with today ?",
+ "Hours of operation are not available to us , you would have to call them , any other questions ?",
+ "Is there anything else you 'd like my help with today ?",
+ "Sorry , there are hotels with that criteria . Would you like me to modify the area or some other part and look again ?",
+ "Do you need any further assistance ?",
+ "Would you like me to book you a train , or possibly a taxi ?",
+ "Is there anything else I can help you with today ?",
+ "Have we fulfilled all of your requests today ?",
+ "Is there anything else I can help you with ?",
+ "Is there something else I can help you with then ?",
+ "Do you need any other information ?",
+ "I ' m sorry , there seems to be an error in my system . Can you please restate your train requirements ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else that you need help with ?",
+ "Is there anything else I can help you with today ? A train , perhaps ?",
+ "Is there anything else I can look up for you today ?",
+ "No problem . Are you finished ?",
+ "Let us know if there 's anything else we can do !",
+ "Is there anything else you need ?",
+ "Is there anything more I can help you with ?",
+ "May I assist you with something else , today ?",
+ "Is there anything else ?",
+ "I can book your taxi for you if you would like , would you care to go ahead and book one ?",
+ "What was the location of the accident ? I can send the police .",
+ "Do you need any further information ?",
+ "Is there anything else I can assist you with today ?",
+ "Can I help you with anything else today ?",
+ "May I look anything else up for you ?",
+ "I need some more specifics to help you . What type of information do you need ?",
+ "Can I help you with anything else ?",
+ "Yes , that should be fine . Please adjust it for me .",
+ "Can I help you with anything else today ?",
+ "Okay , is there anything else I can help you with today ?",
+ "I have an Addenbrookes Hospital , would that be okay ?",
+ "Sure , are you looking for anything specific ?",
+ "Can I do anything else for you today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Can I look up anything else ?",
+ "Excellent ! What can I help you with ?",
+ "Certainly . What can I help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you ?",
+ "Would you like me to book anything else or provide anymore info ?",
+ "Is there anything else I can help you with ?",
+ "Are you sure you do n't need anything else ?",
+ "All right , and how can I help with that ?",
+ "Can I help with anything else today ?",
+ "Anything else today ?",
+ "Can I look up any attractions , taxi or anything else for you ?",
+ "Is there anything else you need to know ?",
+ "Fine . Is there anything else I can help with today ?",
+ "We are happy to help you with some information for our city . What specifically can I assist you with today ?",
+ "May I help you with anything else ? Do you need a taxi ?",
+ "You are quite welcome . Do you require any further assistance ?",
+ "Can I help you with anything else today ?",
+ "How many tickets do you need ?",
+ "Was there anything else I could help you with today ?",
+ "Did you need anything else ?",
+ "What information are you looking for ?",
+ "Sounds great , before i let you go , I just want to make sure we have covered everything that you need .",
+ "Is there anything else I can assist you with today ?",
+ "If you ever need anything else , please contact us .",
+ "Ok just let me know when you are ready .",
+ "Can I help you find anything else , today ?",
+ "Well that 's ok we can book it later if you want . Is there anything else I can help you with ?",
+ "I need to know what you 're looking for first .",
+ "Understood . Do you need anything else then ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you today ?",
+ "Do you need any further assistance ?",
+ "Is there anything else I can help you with ?",
+ "I ' m sorry , but there seems to be an error in my system . Could you please restate your requirements ?",
+ "Sure thing what would you like to know about it ?",
+ "Is there anything else that I can help you with ?",
+ "Is there anything else I can assist you with today ?",
+ "Glad I could help . Is there anything else I can do for you ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Do you need a train ? Or would you like information on restaurants , attractions , or hotels ?",
+ "Are you sure there is n't anything else you need today ?",
+ "Ok , is there another train I can check for you ?",
+ "Is there anything else I can do for you before we go ?",
+ "Would you like more details on any of the available restaurants before booking a table ?",
+ "Will you be needing anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you ?",
+ "Sure . What would you like to know ?",
+ "is there anything further I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "Do you want the phone numbers to Restaurant One Seven ?",
+ "The nearest hospital is Addenbrookes Hosipital . Would you like the address and phone number ?",
+ "Is there anything else I can help you with ?",
+ "is there anything else you 'd like me to find you ?",
+ "Is there anything else you want in a hotel ?",
+ "Is there anything else I can help you with ?",
+ "I ' m not showing any entries here . Can I help with anything else ?",
+ "Can I help you with anything else today .",
+ "Can I look up anything else for you today ?",
+ "Is there anything else I can assist you with today ?",
+ "and what would you like to do ?",
+ "I can certainly help ! What is the name of the restaurant you are looking for ?",
+ "Can I help you with anything else ?",
+ "Is there anything else you need help with ?",
+ "Is there anything else I can assist you with ?",
+ "Are you sure you do not want me to book you a room ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything in particular you are looking for ? Hotels or restaurants perhaps ?",
+ "Can I look up anything else for you ?",
+ "Do you need any further assistance ?",
+ "Can I assist you with anything else ?",
+ "Yes I am certain , I am sorry . Is there anything else you needed to know ?",
+ "Is there anything else that I can assist you with today ?",
+ "We are happy to help . Do you need further assistance ?",
+ "Is there anything else I can help you with ?",
+ "So we have you at a place to stay with something to do for fun , anything else before I let you go ?",
+ "Do you need a taxi ?",
+ "You are welcome . I can help with attractions and restaurants , if you wish .",
+ "Is there anything else I can help you with today ?",
+ "Can I assist you with anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Was there anything else I could assist you with today ?",
+ "Anything else today ?",
+ "Is there anything else I can do for you today ?",
+ "Would you like the phone number ?",
+ "May I book you a taxi or anything else ?",
+ "got it right here . What would you like info on ?",
+ "What aspects of it would you like me to help you with ?",
+ "You are welcome . Do you need any further assistance ?",
+ "What type of information are you looking for ?",
+ "Can I look up anything else for you today ?",
+ "What can I help you find ?",
+ "Is there anything else I can help you with today ?",
+ "I can also recommend restaurants and arrange transportation . Do you need help with these ?",
+ "Is there anything else I can do for you today ?",
+ "Are you certain I ca n't help with anything else right now ?",
+ "What else can I do for you ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "What information do you want in particular ?",
+ "Would you like me to look up anything else for you today ?",
+ "Is there anything else I can assist you with today ?",
+ "I think i can get for you anything else",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "Is there anything else I can do for you ?",
+ "I ' m sorry , there seems to be an error . Could you please restate your request ?",
+ "Was there anything else I could help you with today ?",
+ "Ok , will do . Is there anything else I can do ?",
+ "which area of town would you prefer ?",
+ "Are you looking for a place to stay , to eat , or a attraction to visit ?",
+ "I have the info for that place , what would you like to know ?",
+ "Will there be anything else I can assist you with today ?",
+ "Are you sure ? We have so many different places to go - I 'd love to get some more input from you .",
+ "Can I do anything else for you today ?",
+ "Are you sure I ca n't help you with anything else ?",
+ "Would you like the name , address and phone number of a few of them ?",
+ "Okay glad we could be of help . Will you require a taxi to get there ?",
+ "Okay ! What would you like to know ?",
+ "Are you looking to go by train or taxi ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "ok , anything else i can help you with ?",
+ "To be clear you do n't need me to look up any other information for you ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "Do you need any further assistance ?",
+ "Let me know if I can help more .",
+ "Do you need any info on travel etc ?",
+ "There is no option for me to book it . Is there anything else I can help you with ?",
+ "We are happy to help . Thank you for using our service . Have we met all of your needs ?",
+ "You 're welcome . Is there anything else I can do for you ?",
+ "No problem . Can I help you with anything else at this time ?",
+ "Sure , is there anything else I can do for you before we go ?",
+ "Okay , anything else I can help you with ?",
+ "Is there anything else I can do for you ?",
+ "What are you interested in ?",
+ "Is there anything else I can assist you with today ?",
+ "Thank you for using ours services . Have we met all of your needs today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anythign else I can help you with today ?",
+ "Is there anything else ?",
+ "anything else i can help you with ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "Is there anything else I can do for you ?",
+ "Wonderful , could I help you with finding a place to stay ? Do you need a train or any information on local attractions ?",
+ "What information are you looking for specifically ?",
+ "Can I help you with anything else today ?",
+ "Is there something else I can help you with ?",
+ "All right . Is there anything else I can do for you ?",
+ "It 's been my pleasure . Can help with something else ?",
+ "Excellent ! Can I help you with anything else today ?",
+ "You 're welcome is there anything else I can do for you ?",
+ "No problem , is there anything else I can help with today ?",
+ "What information are you looking for ?",
+ "Is there anything else I can do for you at this time ?",
+ "Okay . Just let us know if you need anything else !",
+ "I was not able to verify if they 're still in business , but I was able to pull up their phone number . Would you like their phone number ?",
+ "Is that all ?",
+ "Is there anything else you need ?",
+ "If there is any other way I can help you please let me know .",
+ "Is there anything else I can do for you ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else you need help with ?",
+ "Okay , is there anything else that I can help you with ?",
+ "Can I look up anything else for you ?",
+ "Okay sounds good is there anything else I can do ,",
+ "Can I help you with anything else ?",
+ "I do n't know if it is the newest theater . Would you like directions to it or information on another attraction ?",
+ "May I help you with a booking for a restaurant or lodging ? Or have I answered all your questions for today ?",
+ "Is there anything else i can help you with today ?",
+ "Do you need any help with anything else ?",
+ "No problem , anything else besides the hotel and train today ?",
+ "We are happy to help . Have all of your needs been met ?",
+ "Glad we could help . Please contact us again if you should have further questions or need a booking . Thank you .",
+ "Well how can I help you with that ?",
+ "sure , i have their information . what would you like to know ?",
+ "How can I help you today ? Are you needing train information or is there something else I can do for you ?",
+ "Terrific , is there anything else I can help you with today ?",
+ "Is there anything else I can help you with , such as finding a restaurant or an attraction ?",
+ "Will you be needing anything else today ?",
+ "Is there anything else I can help you with ? Possibly entertainment or places to visit on your trip ?",
+ "yes it is . can i give you the contact ?",
+ "Is there anything else that I can assist with ?",
+ "Can I look up anything else for you today ?",
+ "Is there anything else I can help you with today , then ?",
+ "Will there be anything else ?",
+ "Is there anything else I can help you with ?",
+ "Will that be everything for you today then ?",
+ "Can I assist you further , today ?",
+ "Do you need anything else ?",
+ "No I ' m sorry . Something else perhaps ?",
+ "I do not have information about tours , would you like the phone number for Trinity College ?",
+ "Do you need help arranging transportation or lodging at this time ?",
+ "Can I help you with anything else today ?",
+ "Is there anything more I can help you with ?",
+ "Unfortunately , my system is not able to pull up that information . I do have information available on restaurants or attractions . Can I help you with any of those ?",
+ "Is there anything else you need help with today ?",
+ "Is there anything else I can help you with .",
+ "Is there anything else I can assist you with today ?",
+ "I do n't know what their entrance fees are . I can give you the phone numbers to call both of these places .",
+ "Is there anything else you need today ?",
+ "Is there anything more I can assist you with today ?",
+ "You 're welcome . Can I do anything else for you ?",
+ "Is there anything else I can help you with ?",
+ "What would you like to see while there ?",
+ "Most things yes , can you let me know what you want to see ?",
+ "Is there anything else you need today ?",
+ "What type of information can I help you with ?",
+ "Is there anything else I can assist you with today ?",
+ "Okay , great . Can I help you with anything else today ?",
+ "Do you need anything else today ?",
+ "May I assist you with anything else ?",
+ "I would be happy to get that information for you . Can I help you find a restaurant or an attraction ? Or would you like assistance with accommodations ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you ?",
+ "I ' m not familiar with that place . If you could tell me what type of place it is we might be able to find it for you .",
+ "Will that be all for today ?",
+ "Can I look up anything else for you ?",
+ "Is there anything else I can help you with ?",
+ "I can help you with that . What info did you need per say ?",
+ "Before i let you go , I just want to make sure that you do not need anymore info or a booking on the attraction or hotel ?",
+ "Yes . Is there anything else I could help with ?",
+ "Do you need anything else ?",
+ "You 're welcome . Anything else I can help you with today ?",
+ "Is there anything else that I could help you with ?",
+ "What information are you looking for ?",
+ "Would you be interested in trying a different hotel ?",
+ "Yes , that is correct . Is there anything else I can help you with ?",
+ "I can help you out ! What would you like to see ?",
+ "ok did you need an attraction ?",
+ "No problem at all ! Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "I ' ve located that for you . What would you like to know about it ?",
+ "Can I help you with anything else ?",
+ "Are you looking for a place to visit , eat or stay ? Do you need transportation ?",
+ "Yes , I need more information on your trip first .",
+ "Thank you for allowing me to assist you today . If there 's anything else you might need do n't hesitate in the future to contact us , we look forward to helping you !",
+ "Is there anything else I can help you with today ?",
+ "Can I help with anything else ?",
+ "Do you need help with anything else ?",
+ "I can definitely help you . Are you interesting in lodging , transportation , entertainment or perhaps some place to eat ?",
+ "Can I help you with anything else today ?",
+ "No problem . Is there anything else I can help you with today ?",
+ "That is all unless you need something more from me .",
+ "We are glad to help . Do you need any further assistance ?",
+ "Congratulations ! When are you traveling ? Would you like to come by bus or train ?",
+ "is there anything else I can help you with today ?",
+ "Okay is there anything else I can do for you ?",
+ "Is there anything else I can assist you with today ?",
+ "No problem . Anything else I can do for you ?",
+ "Is there anything else I can do for you today ?",
+ "Is there anything I can do for you ?",
+ "Very good , is there anything else I can help you with today ?",
+ "Is that everything you needed today ?",
+ "Your welcome . Can I help you find anything else today ?",
+ "Is there anything else I can assist you with today ?",
+ "Do you need additional help today ?",
+ "Anything else you need today ?",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Is there anything else I can help you with ?",
+ "What specific information are you looking for ?",
+ "Is there anything else I can help you with today ?",
+ "You are quite welcome . Do you need any further assistance ?",
+ "OK , can I help with any other travel plans ?",
+ "I can help with that , what sort of information do you need ?",
+ "Is there anything else I can help you with today ?",
+ "sure , what would you like to know ?",
+ "ok , is there anything else i can help you with today ?",
+ "What information are you looking for ?",
+ "Can I look up any other information for you ?",
+ "Is there anything else I may help you with ?",
+ "Is there anything else I can do for you today ?",
+ "You 're welcome . Anything else I can help with today ?",
+ "OK , before I let you go , I just want to make sure that you do not need info on a place to stay , train or attraction ?",
+ "Are you certain there is n't anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Yeah any time let us know if you need anything else .",
+ "OK , I can definitely help you with that ! Can you give me some specifics as to your requirements ?",
+ "What other requirements do you have ?",
+ "Do you need me to look up any more info about anything else for your stay ?",
+ "Is there anything else I can do for you ?",
+ "Is there anything else I can help you with today ?",
+ "sure , do you know what you 're looking for ?",
+ "I will book it for you , is there anything else I can do for you ?",
+ "Do you have any other preferences ?",
+ "Is there anything else I can help you with today ?",
+ "i ' m sorry could you clarify what it is you 're looking for ?",
+ "If you need reservations or information in the future , we will be happy to assist you .",
+ "Great ! Can I help you with transportation , lodging or attractions while here ?",
+ "Do you need any further assistance ?",
+ "You 're welcome ! Is there anything else I can help you with ?",
+ "Is there anything else I can help you find today ?",
+ "Can I help you with anything else today ?",
+ "OK , and how can I help you ?",
+ "Will you be needing further assistance today ?",
+ "Okay , is there anything else I can help you with ?",
+ "Are you looking for an attraction to go to ? Or are you looking for a restaurant or a hotel or something else ? I need more information .",
+ "You 're welcome . Is there anything else I can help you with today ?",
+ "I have no matches . Do you have any other preferences ?",
+ "Do you need the taxi to pick you up at the museum and take you to the restaurant ?",
+ "Do you need anything else ?",
+ "Great ! What can I help you with today ?",
+ "I am not sure if you are referring to a place to stay or an attraction , can you be more specific please ?",
+ "can get you the address ?",
+ "Was that all you needed today ?",
+ "Are you sure there is nothing else ?",
+ "Thank you for using our service . Are you certain you do n't need any further assistance ?",
+ "I ' m glad I could help . Is there anything else ?",
+ "Alright , is there anything else I can do for you ?",
+ "In review , did you need a restaurant reservation or more information ? Also , I have cancelled your train booking .",
+ "Can I help you find another place to dine ?",
+ "Will you be needing a reference number ?",
+ "Alright I will connect you so you will get tickets for the event .",
+ "is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can do for you ?",
+ "When and where did this accident occur ?",
+ "Will you be needing a reference number ?",
+ "Is there anything else I can help you with ?",
+ "Of course . Is there anything else I can help you find today ?",
+ "Is there anything else I can help you with ?",
+ "No problem at all . What else can I do for you ?",
+ "They are indeed . Is there anything else you need today ?",
+ "My pleasure . Can I help you with something else ?",
+ "Certainly ! What information specifically are you looking for ?",
+ "Yes , it seems our roles have been mixed up . I think everything has been satisfied . Thanks for all the help and customer service :)",
+ "You 're welcome . Can I help you with anything else ?",
+ "You 're welcome . Did you need anything else ?",
+ "Would that be all for today or would you need assistance with something else ?",
+ "I ' m sorry , the attractions segment on my computer system seems to be down at the moment . Can I perhaps help with something else ?",
+ "Is that all that you will be needing today ?",
+ "Okay ! Do you need any information about that museum ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else I may help with ?",
+ "The address for which restaurant ?",
+ "You are quite welcome . Do you require any further assistance ?",
+ "Oh dear I am sorry to hear that . I can get you the phone number for Parkside Police Station if you would like ?",
+ "Let us know if you have any more questions !",
+ "I need more specifics to help you . What type of information do you need ?",
+ "I have booked 6 seats for you on saturday . Would you like some restaurant suggestions in ely ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else that I can help you with today ?",
+ "What can I help you with ?",
+ "You are welcome . Do you need any further assistance ?",
+ "Well , I am here to help , but I need to know what you want me to look for .",
+ "Is there anything else I can help you with today ?",
+ "Thank you for using our services . Have all of your needs been met then ?",
+ "You 're welcome . Enjoy your day .",
+ "Can I help with anything more ?",
+ "Is there anything else that I can help you with ?",
+ "Is there anything else I can do for you today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "sure , what would you like to know ?",
+ "Okay , great ! Is there anything else I can help you with today ?",
+ "Do you need any further help with booking ?",
+ "Is there anything else you need today ?",
+ "Certainly , do you have any special requests or preferences ?",
+ "First we need to find you a attraction then we could book your taxi I think .",
+ "Okay ! What would you like to know ?",
+ "Do you need a taxi to or from anywhere ?",
+ "What kind of information were you looking for ?",
+ "Can I help you with anything else ?",
+ "I do n't think you do but it 's not in the database . Would you like the number so you can check before you go ?",
+ "Can I help you with anything else ?",
+ "Thank you for using our services . Have all of your needs been met today ?",
+ "can you give me more specifications on the hotel you need ?",
+ "Can I help you with anything else ?",
+ "Okay , is there anything else I can help with today ?",
+ "Is there anything else that I can assist with today ?",
+ "Is there anything else I can help you with today ?",
+ "sure , what would you like to know ?",
+ "Can I do anything else for you today ?",
+ "It does ! Can I help you with anything else ?",
+ "you selected attraction can you please correct so I can search .",
+ "You 're welcome , let me know if there 's anything else I can do !",
+ "Okay . Let us know if you need further assistance .",
+ "Are you certain you do not need further assistance ?",
+ "Great . Do you need anything else ?",
+ "You 're quite welcome . Is there anything else I can assist you with ?",
+ "What else may I help you with ?",
+ "I ' m afraid I do n't have that information . Can I help you with anything else ?",
+ "Is there anything else I can help you with today , or are you all set ?",
+ "okay what information do you need per say ?",
+ "Is there anything else I can do to help you today ?",
+ "Are you injured ? Do you need hospital information ?",
+ "Is there anything else I can help you with today ?",
+ "Would you like to narrow that down a bit ?",
+ "Is there nothing else you need ?",
+ "i am not sure is that a restaurant ?",
+ "do you need the address ?",
+ "You are welcome . Do you need any other Cambridge bookings ?",
+ "Is there anything else I can help you with today ?",
+ "I apologize . I do n't want to misunderstand your request . So , you are wanting to look for an attraction or a restaurant ?",
+ "Perfect . Can I assist you with anything else today ?",
+ "Please do n't hesitate to let us know if you need anything else .",
+ "Is there anything else I can help you with today ?",
+ "No problem ! Is there anything else I can help you with today ?",
+ "Anything else I can help you with today ?",
+ "What would you like me to look up for you ?",
+ "Is there anything else I can help you with ?",
+ "Did you need any further assistance today , or are you all set ?",
+ "Do you need me to look up info about another place or attraction ? Anything ?",
+ "Is there anything else I can do for you ?",
+ "Is there anything else I can assist you with today ?",
+ "What type of information ?",
+ "Is there anything further I can assist you with ?",
+ "I appreciate the offer , but it is my job to help you . Is there anything else ?",
+ "Do you need to cancel the booking ?",
+ "Ca I help you with anything else ?",
+ "Is there anything else I can do for you ?",
+ "Sure I can get you a taxi for any of them .",
+ "OK , is there anything else I can do for you today ?",
+ "anything in particular you had in mind and when is your stay ?",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you ?",
+ "Absolutely ? What was the name of the hotel and I can get that information for you .",
+ "Is there anything else I can assist you with today ?",
+ "Absolutely , do you have any other requirements ?",
+ "Let me know if I can be of further assistance .",
+ "Is that all you need for today ?",
+ "Do you need anything else ?",
+ "Will that be all today ?",
+ "Can I help you with anything else ?",
+ "Great ! Is there anything else I can help you with before we go ?",
+ "Would you like any more information on other attractions ?",
+ "Is there anything else I can do for you today , then ?",
+ "Oh dear , I am sorry . I have the number for Parkside Police , is that close to your location ?",
+ "Great , is there anything else I can help you with ?",
+ "Absolutely , the address is 15 - 19 Trumpington Street . Is there anything else I can assist you with today ?",
+ "Can I look up anything else for you ?",
+ "Is there nothing else you need ?",
+ "No problem , let me know if you need anything else .",
+ "Do you need me to look up any more info ?",
+ "You are most welcome . Do you have any other requests ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Excellent ! Do you need assistance with transportation arrangements ?",
+ "There are 66 medical facilities in Cambridge . Do you have a specific hospital in mind ?",
+ "Would you like the main number or a department number for any of the facilities in the hospital ?",
+ "Of course , will that be all for today ?",
+ "Is there nothing else I can help with ?",
+ "great , what can i help you with today ?",
+ "You 're welcome ! Is there anything else I can help you with ?",
+ "You 're welcome . Is there anything else you need assistance with ?",
+ "Is there anything else I can help you with today ?",
+ "Ok , will there be anything else I can assist you with ?",
+ "Is there anything else I can assist you with ?",
+ "Thank you for using our services . Do you need any further assistance ?",
+ "Is there anything else I can assist you with ?",
+ "Ok , is there anything else that I can assist with ?",
+ "Sure , what would you like to know about it ?",
+ "Will you need anything else at the moment then ?",
+ "Is there anything else I can help you with ?",
+ "OK . Can I help you with anything else today , then ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome . Is there anything else I can help you with today ?",
+ "That is the address we have available to us . Is there anything else we can help with ?",
+ "Do you need help finding attractions or booking a taxi ? I can assist you .",
+ "I certainly can . What did you have in mind ?",
+ "I can also recommend restaurants and book trains . Are you interested ?",
+ "Is there anything else I can help you with ?",
+ "Was there anything else I could help you with today ?",
+ "Is there anything else I could assist you with today ?",
+ "You are welcome . Is there anything else I can assist you with today ?",
+ "What else can I do for you today ?",
+ "Is there anything else I can help you with ?",
+ "Did you need anything else today , or may I close this conversation in our system ?",
+ "You are welcome . Let me know if there 's anything else I can do !",
+ "Do you have any special requests ?",
+ "Excellent ! How can I help you ? I can assist with attractions , hotels , taxis , and more .",
+ "Isd there anything else ?",
+ "I do n't have that information in front of me I can give their phone number",
+ "Okay I have not booked a train yet , is there something else you 'd like me to look up for you ?",
+ "I do n't think we have any affiliations with Groupon . Is there anything else I can help you with today ?",
+ "Is there anything else that I can help you with ?",
+ "Great . Is there anything else I can help you with today ?",
+ "You 're welcome , is there anything else you need ?",
+ "Can you give me the name of the hotel you 're looking for ?",
+ "What would you like to know about it ?",
+ "I am happy I was able to confirm your booking . Is there anything else I can assist you with today ?",
+ "You really should be including something to search for instead of a general statement , what do you want me to search for ?",
+ "Well then , can I do anything else for you today ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our services . Do you need any further assistance ?",
+ "Sounds great ! Is there anything else I can assist you with ?",
+ "Is there any other information I can get for you at this time ?",
+ "Unfortunately , I do not have that information . Is there something else I can help you with ?",
+ "You 're welcome , is there anything else I can help with ?",
+ "Thank you for using our services . Do you require any further assistance ?",
+ "Ok , is there anything else you need assistance with ?",
+ "You 're welcome . Enjoy your trip . Are you quite sure there 's nothing else I can help with ?",
+ "You 're welcome . Can I help you with anything else today ?",
+ "Is there anything else I can get for you today ?",
+ "I ' m sorry , that information is not available . Is there anything else I can help you with ?",
+ "Did you need help finding information on restaurants ?",
+ "Can I help with anything else today ?",
+ "Did you need any help with anything else or have I met your needs today ?",
+ "Do you need anything else ?",
+ "Let us know if we can help more .",
+ "You are welcome . Can I assist with anything else today ?",
+ "Let me know if you need anything else .",
+ "Can I help you with anything else ?",
+ "I ' m happy to have assisted you . Is there anything else I can do for you today ?",
+ "Can I help you with anything else ?",
+ "May I help with anything else ?",
+ "There is no street number . Anything else I can do for you ?",
+ "Is there anything else that I can help you with ?",
+ "Will you need any thing else now ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can do for you today ?",
+ "Is there anything else I can help you with today ?",
+ "Excellent , can I help you with anything else today ?",
+ "If we can help you with anything else in the future , please contact us .",
+ "Would you like the reference number ?",
+ "Sure , is there anything specific you 'd like to know ?",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "Great , is there anything else you needed help with today ?",
+ "Is there anything else I can help you with today ?",
+ "Thank you . Can I direct you to a specific department ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else I can help you with todoay ?",
+ "Thank you for using our services . Have we met all of your needs ?",
+ "Of course , are you looking for a hotel or attraction to visit ?",
+ "If there 's nothing else I can do for you , have a great stay .",
+ "Alright , can I get anything else ?",
+ "Do you need any more help booking ?",
+ "Is there anything else I can assist you with today ?",
+ "Yes , of course . What would you like to know ?",
+ "No problem . Are you finished ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Sure . What sort of information do you require ?",
+ "Is there anything else you need ?",
+ "Please contact us again if there is anything else you should need .",
+ "Is there anything else I can help you with today ?",
+ "Do you need any further assistance ?",
+ "Can I help you with anything else ?",
+ "Was there anything else you needed today ?",
+ "Anything else that I can assist with today ?",
+ "Okay . Would you like help with anything else ?",
+ "Anything else I can help you with today ?",
+ "OKay let us know if you need anything else .",
+ "Is there anything else I can help you with ?",
+ "Of course . No problem . Can we help you with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with at this time ?",
+ "Is it anything else i can help you with ?",
+ "May I help you with anything else ?",
+ "Great - how can I help you ?",
+ "Are you certain you do not require further assistance ?",
+ "Anything else I can get you today ?",
+ "Pardon me for saying so , but you sound somewhat confused . Would you like me to contact the police to assist you in getting to the hospital ?",
+ "Thank you for using our service . Have all of your needs been met today ?",
+ "I ' m afraid our restaurant system is currently down . Can I help you with something else at this time ?",
+ "Is there anything else I can help you with today ?",
+ "Is there any other information I can get for you at this time ?",
+ "Thank you for using our service . Is there any further assistance you need ?",
+ "Was that all you needed today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else you need me to help you with ?",
+ "Sure , what kind of information do you need ?",
+ "Is there anything else I can help you with ?",
+ "Sure , what do you need to know ?",
+ "May I book you a train and or a taxi ?",
+ "May I assist you with anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Let me know if you need anything else .",
+ "Can I help you with anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Can I help with anything else today ?",
+ "I ' m sorry the full address is n't listed would you like there postcode and phone number ?",
+ "Great , is there anything else I can do for you today ?",
+ "i hope i have been of help to you",
+ "Do you need any further assistance with anything else ?",
+ "Are you sure you do not need any thing else ?",
+ "You 're very welcome . Can I find you a restaurant , or help in any other way today ?",
+ "What other information do you need ?",
+ "May I assist with anything else ?",
+ "Can I look up anything else for you ?",
+ "Great ! Is there anything else I can assist you with ?",
+ "You are welcome . Anything else I can help you with ?",
+ "Alright , is there anything else I can do for you today ?",
+ "Was there anything else I could help you with today ?",
+ "Is there anything else ?",
+ "okay can you be a little more specific ?",
+ "Do you need anymore help ?",
+ "Can I ask you some questions to help find a hotel that meets your specifications ?",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else I can do to help you today ?",
+ "Is there anything else I can do for you ?",
+ "Will you need anymore information concerning your stay ?",
+ "Is there anything else I can help you with ?",
+ "Was that everything you needed today ?",
+ "I can also book you a restaurant in the area , if you wish . I can also give you train information for your arrival or departure . Is there anything else ?",
+ "Is there anything else you need help with ?",
+ "You are welcome . Do you need any more information or do you have any transportation needs ?",
+ "Do you need a train , hotel or anything else while your in town ?",
+ "Okay would you like their telephone , address or postcode ?",
+ "Can I help you with anything else ?",
+ "Sure , anything else I can do for you .",
+ "What would you like to know ?",
+ "You 're welcome . Is there anything else I can do for you today ?",
+ "Would you like anything else ?",
+ "I can help you with travel , restaurants , attractions and places to stay .",
+ "Can I help you with any thing else ?",
+ "What sort of information do you need ?",
+ "Is there anything else I can help you with ?",
+ "Okay , do you need a reference number ?",
+ "Can I help with anything else ?",
+ "That sounds like fun ! What information can I help you find ?",
+ "Definitely ! Can you give me some more specifics so I can help ?",
+ "Is there anything else I can help you with today ?",
+ "Can I look up anything else for you ?",
+ "kindly be more specific",
+ "Would you like for me to search for something else .",
+ "No problem . Is there anything else you need ?",
+ "Will you be needing a reference number ?",
+ "Will you be needing a reference number ?",
+ "I am sorry sir , this information is not available to us . Is there anything else I can help you with ?",
+ "Are you sure there is nothing else I can do for you today ?",
+ "Is there anything else I can help you with today ?",
+ "Will you be needing anything else today ?",
+ "Is there anything else I can help you with ?",
+ "I am happy to help , can you please give me some information on what you would like me to search for ?",
+ "Of course , do you need anything specific ?",
+ "Is there anything else I can do for you ?",
+ "Sorry , None of these places are 3 stars . Would you like to try something different ?",
+ "Is there anything else you need today ?",
+ "Yes , which details would you like to have ?",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything that I may help you with today ?",
+ "And what sort of details would you like then ?",
+ "anything else I can assist you with today ?",
+ "Was there anything else I can assist you with today ?",
+ "Anything else I can do for you ?",
+ "Was there anything else you needed today ?",
+ "Is there anything else I may do for you right now ?",
+ "Please let me know any other way I can help .",
+ "It is a public park . You can just walk through it without a booking .",
+ "Is there anything else that I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome . Do you need information regarding a specific department in the hospital ?",
+ "Sure . Is there anything else I can do for you before we go ?",
+ "You 're welcome . Is there anything else you may need ?",
+ "What can I help you with ?",
+ "May I assist you with anything else today ?",
+ "Glad I can help . Do you need anything else ?",
+ "I see . What sort of information can I help you with ?",
+ "Can I help you with anything else today ?",
+ "Unfortunately , we do n't have that information available . I am sure if you call them they can provide that information to you . Is there anything else I can assist you with ?",
+ "Would you like a reference number ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can do for you today ?",
+ "Is there anything else you need ?",
+ "Is there anything else I can do for you today ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Should you need anymore help , please reach back out to us .",
+ "What type of information do you need help with ?",
+ "Would that be all ?",
+ "Glad I could be of assistance ! If you need anything else , let me know .",
+ "All right . If there 's anything else you need help with , please contact us again . Have a great day .",
+ "Is there anything else I can do for you ?",
+ "Absolutely . Can you provide me with more specifics to narrow down your search ?",
+ "I do not have anything . Can I try something else ?",
+ "Okay . Thank you for calling .",
+ "Glad I could help . Do you need assistance with anything else today ?",
+ "Okay what can I do for you ?",
+ "Will you be needing a reference number ?",
+ "Is there anything else I can assist you with ?",
+ "Can I be of any further assistance ?",
+ "Will you be needing anything else today ?",
+ "Are you sure that 's all you needed today ?",
+ "Is there anything else ?",
+ "Can I help you with anything else ?",
+ "I am definitely assist with planning that trip . Do you want to start with booking a train , or search a restaurant ?",
+ "Just let me know what you decide or if I can help you with something else .",
+ "sure , what can i help you find ?",
+ "That 's an interesting question , but unfortunately I have n't that information . Is there anything else I can help you with , though ?",
+ "Is there anything else I can help you with today ?",
+ "Can I help you with anything else ?",
+ "Do you need any further help ?",
+ "Thank you for using our services . Is there anything else we can help you with ?",
+ "I ' m sorry , our system does not have that information . Is there anything else i can help you with ?",
+ "Do you need anything else today ?",
+ "Thank You for using our service , have we met all of your needs ?",
+ "Will you need a taxi ? Or anymore info on your stay ?",
+ "Is there anything else I can assist you with today ?",
+ "You 're welcome , I ' m glad I could help . If you need anything else feel free to ask .",
+ "what would you like to know ?",
+ "Is there anything further I can assist you with ?",
+ "Do you need help with anything else ?",
+ "sure , what can i help you find ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our service . Have we met all of your needs today ?",
+ "Are there any other tasks you need help with ?",
+ "Okay , well , did you need anything else today ?",
+ "Certainly , is there anything else you need ?",
+ "You 're welcome . Please let us know if there is anything else we can help you with .",
+ "Do you need any further assistance ?",
+ "What else can I look up for you ?",
+ "Thank you , let me know if I can assist with anything else .",
+ "I ' m sorry , I do not understand your question . Can I help with anything else ?",
+ "OK . Please let me know if you need anything else .",
+ "Can I look up anything else for you ?",
+ "I am unable to do that . I can phone the police , call you a cab , or book you an appointment at the hospital . How can I help you ?",
+ "Are you sure you do n't want any more assistance ?",
+ "Was that everything you needed ?",
+ "Is there any thing else you need ?",
+ "Okay , may I help you with anything else ?",
+ "Is there any other info or booking I can do ?",
+ "You 're welcome , do you need any further assistance ?",
+ "I ' m sorry , our system seems to be missing that information . Is there anything else you need help with today ?",
+ "I ' m afraid I do n't have the information about the entrance fee to Parkside pool , sorry about that . Is there anything else I can help you with ?",
+ "I ' m sorry , there was an error in our system . Could you please rephrase your question ?",
+ "Do you need me to book or look up anymore info ?",
+ "Anything else I can do for you ?",
+ "Is there anything else that you need ?",
+ "There are no results . Is there another search I can try ?",
+ "Is there anything else I can help you with ?",
+ "No problem , are you all set or is there anything else that has n't been covered yet ?",
+ "You 're very welcome . May I help you with anything else ?",
+ "Is there anything else I can help you with ?",
+ "Is there something else I may be able to help you with today ?",
+ "One more time let me know exactly what you need by looking at what you wrote down on your right , so we can book you .",
+ "Can I help with anything else today ?",
+ "I am still getting no results . How else may I help you ?",
+ "Sorry , there are n't any . Could I check for something else ?",
+ "My pleasure . Please call us back if you need anything else .",
+ "Is there anything else I can help you with today ?",
+ "Can I help you with anything further ?",
+ "Are you certain you do n't need further assistance ?",
+ "You do n't need any other information ?",
+ "Is there anything else you need assistance with ?",
+ "Thank you is there anything else today ?",
+ "Glad to help . Is there anything else I can assist you with ?",
+ "Thank you for using our services . I hope we see you again .",
+ "Anything else I can do for you ?",
+ "You 're welcome . Is there anything else I can help with ?",
+ "Do you need any further assistance ?",
+ "Is there anything else I can search for you today ?",
+ "Is there a taxi I may book ? Or would you like more info on anything ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "May I book you taxi or anything else ?",
+ "Can I assist you with anything else today ?",
+ "sure , what would you like to know about it ?",
+ "What would you like to know ?",
+ "Sure , are you looking for anything specific ?",
+ "Happy to help ! Is there anything else I can do for you ?",
+ "Is the anything else I can help you with ?",
+ "Is there anything else I could help you with today ?",
+ "Is there any other information I can assist you with today ?",
+ "Do you want me to call 911 ?",
+ "Let us know if you need more help .",
+ "Okay , what kinda of information are you looking for ?",
+ "I ' m sorry , is there anything else I can help you with today ?",
+ "All right , what else can I help you with ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else we can help you with today ?",
+ "There are several hospitals in the area what department do you want ?",
+ "What are your other requirements ?",
+ "Thank you , do you need anything else ?",
+ "great , what would you like to know ?",
+ "Is there anything else i can assist you with ?",
+ "Excellent ! Do you need assistance with transportation arrangements ?",
+ "Please contact us if you need further assistance during your visit .",
+ "Is there anything else I can assist you with ?",
+ "Do you have everything you need ?",
+ "Do you need us to book anything else ?",
+ "is there anything else i can help with ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our services . Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else you need help with today ?",
+ "Is there anything else I can help you with today ?",
+ "Okay is there anything else I can do for you today ?",
+ "what is your location so i can reach the nearest hospital for you .",
+ "Perhaps I could help you find an attraction to visit while you 're in town ?",
+ "Can I help you with anything else today ?",
+ "Thank you . Can I help with anything else at all today ?",
+ "Can I help you with anything else today ?",
+ "Do you need any further assistance ?",
+ "I have that here . What would you like to know ?",
+ "Can I help you with anything else ?",
+ "Is there anything else you need help with ?",
+ "I ' m sorry , but I do n't have that information in my database . Is there anything else I can assist you with today ?",
+ "Is there anything else I can help you with ? Can I recommend a nearby attraction ?",
+ "Any other requests ?",
+ "You 're welcome . Do you need help with anything else ?",
+ "Is there anything else I can help with today ?",
+ "Are you certain you do n't need further assistance ?",
+ "I am glad that you are visiting , but I can not help you until you give me something to search for ?",
+ "Can I look up anything else for you ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else you need today ?",
+ "Ok is there anything else that I can assist you with ?",
+ "Is there anything else I can help you with ?",
+ "I ' m sorry , could you please repeat your request ? There seems to be an error .",
+ "Is there anything else I can help you with today ?",
+ "Are you certain you do n't need further assistance ?",
+ "No problem ! Is that all I can help you with today ?",
+ "Is that everything that you will be needing today ?",
+ "Is there anything else I can assist you with ?",
+ "Can I help you find anything else today ?",
+ "that is the train that will arrive earliest sorry . can it be of help ?",
+ "Is there anything else I can help you with ?",
+ "Sure . Is there anything else I can assist you with today ?",
+ "How many people will be in the taxi ?",
+ "You are very welcome . Is there anything else I can do for you ?",
+ "Have I answered all your questions today ?",
+ "NO worries , can I provide any other information on help with anything else ?",
+ "Absolutely ! What information are you looking for ?",
+ "I hope you not going to sit in your room by yourself for 5 days , are you sure that you do nt want to know about a restaurant or attraction ?",
+ "Can I look up anything else for you today ?",
+ "I can certainly help you with that ! What do you want to know ?",
+ "Is there anything else I can do for you today ?",
+ "It is in the centre are and the phone number is 0122351241 . May I help you with anything else today ?",
+ "Do you want the hospital telephone number or a specific department ?",
+ "Do you need anything else ?",
+ "great , is there anything else i can help you with ?",
+ "You 're welcome . Can I help you with anything else today ?",
+ "Are you sure there 's nothing else I can assist you with today ?",
+ "is there anything i may help you with ?",
+ "You are all set ? Or would you like some help with something else ?",
+ "Absolutely , would you like an address or phone number ?",
+ "Okay if you decide you need anything else come me .",
+ "Sure , what can I help you with ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else I can assist you with today ?",
+ "What would you like to know ?",
+ "Yes , that 's the correct number for the restaurant . Is there anything else I can do for you ?",
+ "If you are sure you do not need anything ?",
+ "You 're welcome . Is there anything else needed ?",
+ "Can I assist you with anything else today ?",
+ "I am sorry something more specific ?",
+ "sure , what can i help you with ?",
+ "Are you sure that there is absolutely nothing else that you need ?",
+ "You 're welcome . Is there anything else I can help you with today ?",
+ "You are welcome . Is there anything else I can assist you with ?",
+ "Can I help you with anything else ?",
+ "Anything else I can do for you ?",
+ "Can I help you with anything else ?",
+ "Do you need anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Is that all you needed today ?",
+ "You are very welcome . Can I offer any other assistance ?",
+ "Yeah , let me know the winning numbers on the next lottery , lol . Can I help you with anything else ?",
+ "Do you need anything else ?",
+ "Is there anything else I can assist you with today ?",
+ "Can I assist you with anything else or will that be all for you today ?",
+ "We will have to start over now .",
+ "Sounds good . I will be glad to take care of that for you .",
+ "Great ! I can help you with train information , if you need it .",
+ "What else can I help you with today ?",
+ "Is there anything else that I can book for you or assist you with for your upcoming trip ?",
+ "Feel free to call in case you need something .",
+ "No , there is n't a reference number just the car type and contact number . Will there be anything else I can assist you with today ?",
+ "Yes I do have that attraction in my system . What information do you need in regard to it ?",
+ "You are welcome . Do you need help with anything else ?",
+ "No , none of them are cheap in the north . Would you like to change your criteria ?",
+ "Before I let you go , do you need info on a restaurant , an attraction or travel arrangements ?",
+ "Is there anything else I can help you with ?",
+ "I ' m sorry , I do not understand your request . Would you like help with anything else ?",
+ "Ok . What kind of information are you looking for ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "To be clear do you need me to fine you a place to eat ?",
+ "I ' m confused . Should I look for a restaurant ?",
+ "great , what would you like to know ?",
+ "Is there anything else I can help you with ?",
+ "I am sorry , I have no details for restaurants at your Bishops Stortford destination . Can I help you with anything else ?",
+ "Is there anything else that I can do for you ?",
+ "Is there anything else you need ?",
+ "Is there a particular price range that you would prefer ?",
+ "Is there anything else I can help you along with ?",
+ "Certainly . Is there anything else I can do for you ?",
+ "That is correct . Anything else I can do for you ?",
+ "Thank you for using our services . Please let us know if there 's anything else we can do for you .",
+ "Is there anything else I can assist you with ?",
+ "Do you need anything else today ?",
+ "No problem . Do you have any preference ?",
+ "Is there anything further I can help you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "Okay , what requirements do you have for a place to stay ?",
+ "Thank you again ! Is there anything else I could help you with ?",
+ "Okay , anything else I can help with ?",
+ "Do you need to book anything for travel ?",
+ "What else can I do for you ?",
+ "Thank you for contacting us . Please let us know if we can help in the future .",
+ "Thank you for using our services . Do you need any further assistance ?",
+ "Can I assist you with any other questions ?",
+ "Can I be of further assistance today ?",
+ "Would you like to search for something else ?",
+ "Is there anything else you need ?",
+ "is there anything else i can help you with ?",
+ "Did you need the train number or price today ?",
+ "sure , do you need some information ?",
+ "Is there anything else you need today ?",
+ "Is there anything more I can be of assistance with ?",
+ "Absolutely , are you looking for anything specific ?",
+ "Is there anything further that I can assist you with today ?",
+ "I ' m so sorry but i ' m confused . What would you like me to search for your place to stay ?",
+ "Did you want me to look up another college ?",
+ "Can I help you with anything else today ?",
+ "Do you need any information ?",
+ "that is a great choice . do you need an address ?",
+ "Is there anything else I can assist you with today ?",
+ "You 're very welcome ! Is there anything else you need help with today ?",
+ "Would you like anything else ?",
+ "I ' m sorry , we are unable to do that at this time . Is there anything else I can help you with today ?",
+ "Ok great , is there anything else I can do for you ?",
+ "anything else today ?",
+ "Do you need me to look into anything else for you ?",
+ "What are the other requests ?",
+ "Sure , what is your question ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "May I help you with anything else such as lodging or area attractions ?",
+ "Did you come up with anything ?",
+ "OK , is there anything else I can help you with ?",
+ "Do you need help finding a restaurant ? Cambridge has all types of cuisines .",
+ "Can I be of any further assistance ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can do for you ?",
+ "Is there anything more I can assist you with today ?",
+ "Do you need me to book transport or provide anymore info ?",
+ "Can I help you with anything else today ?",
+ "Can I be of further assistance to you today ?",
+ "I really hope you enjoy it . Can I help you with anything else ?",
+ "We are happy to help . Can I assist you with anything else ?",
+ "There are many places to go in the centre . Are you looking for an attraction or restaurant ?",
+ "Yes , I can find that for you . What would you like to know about the restaurant ?",
+ "I will found you a different restaurant .",
+ "want to know the price ?",
+ "Very good . Is there anything else I can help you with today ?",
+ "Is there anything else I could help you with ? Perhaps a list of local restaurants or attractions nearby ? Will you be needing a taxi from the train ?",
+ "I can . There are 66 different listings for medical services in the area . Did you need a specific department ?",
+ "Is there anything else I can help you with ?",
+ "Let us know if you need anything else .",
+ "You 're more than welcome . May I do anything else for you today ?",
+ "Do you need any further assistance ?",
+ "Can I help you with anything else ?",
+ "I am planning to run a search for places in cambridge . Sounds like we are a perfect match ! What would you like me to look up for you ?",
+ "Okay . Is there anything else I can help you with ?",
+ "Do you need any further assistance ?",
+ "You are very welcome . Is there anything else I can help you with today ?",
+ "Is there anything else I may help you with today ?",
+ "Great ! What can i help you find ?",
+ "Let me know if there is anything else you need .",
+ "What would you like to know about it ?",
+ "What type of information do you need ?",
+ "Do you need anything else ?",
+ "Okay , is there anything else I can help you with ?",
+ "I can help you find a train or a taxi , depending on where you are departing from .",
+ "Okay , but do you still need a taxi ?",
+ "Sure , what would you like to know ?",
+ "I can help you with all kinds of information . What are you looking for ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "Anything else I can do for you ?",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else that I can help you with ?",
+ "Is there anything else we can help you with ?",
+ "Is there anything else I can help with ?",
+ "Sure . I have double checked , and everything looks good . Do you need anything else ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Would you like some info on that venue ?",
+ "What would you like to know ?",
+ "No problem . Do you need anything else today ?",
+ "What can I help you with ?",
+ "Is there anything else I can help you with ?",
+ "Sure thing what kinda of info are you looking for ?",
+ "Is there anything else I can assist you with today ?",
+ "You are very welcome . Is there anything else I can help you with ?",
+ "Will there be anything else I may help you with ?",
+ "Is there anything else you may need ?",
+ "For how many people ?",
+ "Great ! Thank you for confirming that . Is there anything else I can do for you today ?",
+ "What information are you looking for ?",
+ "Before we go is there anything else I can do for you today ?",
+ "Do you need any further assistance ?",
+ "May I please get a phone number for the reservation ?",
+ "You are quite welcome . Is there anything else I can assist you with ?",
+ "Absolutely , do you have any preferences ?",
+ "Is there anything else you need today ?",
+ "Is there anything else I can help you with today ?",
+ "What information are you looking for specifically ?",
+ "Let me know if you need anything else .",
+ "Do you need help with anything else ? Hotel , attraction , etc ?",
+ "If there is anything else you might need please feel free to call back . Enjoy your day !",
+ "Do you have any other criteria ?",
+ "Sorry , just to clarify , did you actually not need a taxi after all then ?",
+ "Going by train or in a tree ? Not in a car ! Please , let me be ... helpful by telling me what I can help you with for your trip",
+ "Certainly ! What information do you need to know ?",
+ "Is there anything else I can do for you ?",
+ "What department are you looking to contact ?",
+ "Thank you anything else you need help with today ?",
+ "Is there anything else I may help you with today ?",
+ "i have their info , what would you like to know ?",
+ "Okay ! What would you like to know ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can help you with ?",
+ "Can I help you with anything else today ?",
+ "Is there anything else I can help you with ?",
+ "need any other help ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else you need today ?",
+ "Glad I could help today , is there anything else that I can resolve for you ?",
+ "Are you sure you do n't need a taxi or a restaurant recommendation ?",
+ "Yes , what do you have in mind ?",
+ "Fell free to call if you need anything in the cause of the day .",
+ "Do you need any suggestions for attractions or hotels ? I can help .",
+ "Will you need anything else right now ?",
+ "Was there anything more I could assist you with today ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "OK , I 'll be here !",
+ "Is there anything else I can help you with today ?",
+ "Will you need help with transportation , food , lodging or attractions while there ?",
+ "okay is there anything else i can help you with ?",
+ "Anything else you need ?",
+ "What information can I get for you ?",
+ "Of course , what train information may I get for you today ?",
+ "Is there anything else I can help you with today ?",
+ "Thank you for using our services . Can I assist you with anything else ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Is there any more information that I can get for you or something that you need booked ?",
+ "Is there anything else you will be needing right now ?",
+ "You 're welcome . Can I help you with anything else ?",
+ "You 're very welcome ! Do n't hesitate to call again if you need anything else .",
+ "Can I look anything else up for you today ?",
+ "You 're welcome . Do you need any further assistance ?",
+ "Unfortunately we are unaware of whether there is an entrance fee for this particular location . May I help with anything more ?",
+ "You 're very welcome . Do you need any further assistance ?",
+ "Okay , let us know if you need anything else .",
+ "It 's my pleasure . Is there anything else I can help you with ?",
+ "is there anything else i can help you with ?",
+ "Is there anything else you need help with today ?",
+ "Unfortunately , I do not have that information , would you like the phone number for Hobsons House to check the rates ?",
+ "can please provide more information to help us serve you better .",
+ "Is there anything else I can do ? Perhaps find a great attraction for you to visit while you 're in town ?",
+ "Do you need anything else .",
+ "Certainly . I have the listing here . What do you need to know ?",
+ "Any time . That 's why we are here . Need anything else ?",
+ "Is there anything else I can help you find today ?",
+ "Thank you for using our services . Do you need any further assistance ?",
+ "Haha , that is funny . I am the clerk so why would I need a reservation . But , is there anything else I can help you with ? A restaurant possibly ?",
+ "Is there anything else I can help you with today ?",
+ "Yes I am sure . Can you change your criteria ?",
+ "Is there anything else I can help you with ?",
+ "Thank you . Is there anything else",
+ "Can I look up anything else for you ?",
+ "I am sorry I can not see the reviews . I can give you their phone numbers and you may call them if you like .",
+ "Ok is there anything else I can help you with ?",
+ "Thank you for using our services , do you need any further assistance ?",
+ "the incorrect domain was selected , please fix .",
+ "Do you need help with anything else ?",
+ "Is there anything else I can help with today ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our service , have we met all of your needs ?",
+ "Sure , what would you like to know about it ?",
+ "May I help with anything else ?",
+ "Can I help you with anything else today ?",
+ "I have no entries for that area , would you like me to check another ?",
+ "Is there anything else I can assist you with ?",
+ "Is there anything else I can help you with ?",
+ "Let me know what else you need .",
+ "Yes , that 's the postcode . Is there anything else I can assist you with ?",
+ "Are you planning a trip to Cambridge ? If so , what type of information are you looking for today ?",
+ "No problem at all ! Is there anything more I can help you with today ?",
+ "Is there anything else I can do for you today ?",
+ "Of course , what would you like to know ?",
+ "I ' m sorry but it does not give me that information . Would you like me to call them for you ?",
+ "Unfortunately I do n't have any information about the entrance fee . Is there any other information you need to know ?",
+ "Is there anything else I can do for you ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome . Can I help you with anything else ?",
+ "That is correct . Can I help with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "Do you need me to book anything else or look up anymore info ?",
+ "Is there anything else I can help you with today ?",
+ "Do you need anything else ?",
+ "Is there anything else I can help you with today ?",
+ "What else can I look up for you ?",
+ "You 're welcome . Please let us know if there is anything else we can help with .",
+ "My pleasure ! anything else I can help you with ?",
+ "Can I look up anything else for you ?",
+ "Is there anything else I can help you with ?",
+ "The Addenbrookes Hospital is here in town . Is there particular department you need help contacting ?",
+ "Thank you for contacting us . Do n't hesitate to contact us in the future if you need any more help .",
+ "Yes , I have pulled up information on this . What would you like to know ?",
+ "May I help you with anything else , such as a restaurant ?",
+ "Are you looking for a hotel ?",
+ "I do n't see where you have chosen a hotel . Perhaps we should look at that first ?",
+ "Is there anything else I can assist you with today ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "Yes it was , can I assist with anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Ok , what kind of information about Cambridge do you need ?",
+ "Is there anything else I can help you with ?",
+ "What would you like to know ?",
+ "No problem is there anything else I can help you with today ?",
+ "Do you need anything else ?",
+ "Are you certain you do n't need further assistance ?",
+ "Are you certain you do n't need further assistance ?",
+ "You are welcome . Can I help you with anything else today ?",
+ "Ok , let me know whenever you 're ready .",
+ "Do you need a taxi between the guesthouse and the park ? I can handle that , also .",
+ "Is there anything else I can assist you with today ?",
+ "You are quite welcome . Do you need any further assistance ?",
+ "Thank you . Is there anything else ?",
+ "I need just a little more information to help . I think all places in Cambridge are special , and I would like to be able to narrow it down for you .",
+ "Is there anything else I can help you with today ?",
+ "Do you need me to look up anything else for you ?",
+ "Ok great . Anything else you need ?",
+ "Thank you is there anything else today that I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "You are very welcome . Do you need any further assistance ?",
+ "Is there anything else I can help you with ?",
+ "Was there anything else I can do for you today ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome . Please feel free to return to this service if you need anything else .",
+ "I can help ! What are you looking for ?",
+ "i ' ve got their information , what would you like to know ?",
+ "We are happy to help . Do you require any further assistance ?",
+ "We are happy to help . Have all of your needs been met ?",
+ "Let 's start over . Are you looking for a train ?",
+ "I can help with that ! What do you want to know ?",
+ "OK , is that all you needed today , then ?",
+ "Is there anything else I can help you with today ?",
+ "I ca n't book it but I can provide you with the address if you 'd like .",
+ "great , is there anything else i can assist you with today ?",
+ "is there anything else i can help you with ?",
+ "Alright , how can I help you today ?",
+ "What kind of injury do you have ? I can direct you to a specialty hospital , or would you like me to send you the closest one ?",
+ "Is there anything else you need today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "I can help you with that ! What information are you looking for ?",
+ "Thank you , Can I help you with anything else ?",
+ "Is there anything else I can do to assist you today ?",
+ "Is there anything else I can help you with today ?",
+ "I am sorry but you can not book a museum but I can provide you with information about it .",
+ "OK - is there anything else I can help you with today ?",
+ "You 're very welcome . Is there anything else I can assist you with today ?",
+ "Great ! What were you interested in doing while you 're here ?",
+ "Is there anything else I can help you with ?",
+ "I found no matching records for your requests . Do you want to try something else ?",
+ "Ok great , is there anything else I can help you with today ?",
+ "Will you be needing anything else today ?",
+ "Is there anything else I can help you with ?",
+ "Can I help you with anything else ?",
+ "Can I help you with anything else ?",
+ "Hmmmm , our system does seem to be having an error right now . Perhaps we could find some other information for you and then come back to the hospital .",
+ "Can I assist you with anything else today ?",
+ "Is there anything else I can do for you today ?",
+ "May I help you with anything else today ?",
+ "You are welcome . Do you need anything else ?",
+ "I ' m sorry , can you restate your request , please ?",
+ "Anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "You are quite welcome . Do you need any further assistance ?",
+ "is there anything else I can help you with ?",
+ "Yes , I do . What would you like to know ?",
+ "You are welcome . Is that all for today ?",
+ "You are quite welcome . Do you require any further assistance ?",
+ "You 're welcome . Is there anything else I can help you with ?",
+ "Sure , are you looking for anything specific ?",
+ "What sort of information are you looking for ?",
+ "Can I look anything else up for you ?",
+ "Is there any other info you need ?",
+ "no problem ! let me know if there is anything else i can do to help",
+ "What do you want to know ?",
+ "You 're welcome . Please let us know if there 's anything else we can help you with .",
+ "We are happy to help . Do you have anything else you 'd like assistance with ?",
+ "Will you be needing a taxi ? Is there anything else that I can do for today ?",
+ "Is there anything else that I can assist you with today ?",
+ "Is there anything else I can help you with ?",
+ "Did you need anything further today ?",
+ "Is there anything else I can do ?",
+ "It sure does . Can I get you more information ?",
+ "Can I help you with anything else ?",
+ "sure , what would you like to know ?",
+ "Will that be all for today ?",
+ "Can I help you with anything else ?",
+ "Is there anything else I can do for you today ?",
+ "is there anything else i can help you ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "I apologize . Can you verify that time for me again please ?",
+ "Is there anything else that you need ?",
+ "Of course , is there anything else that I can help you with today ?",
+ "Do n't hesitate to contact the help desk again if you require assistance .",
+ "Yes I found it , what information would you like ?",
+ "Not a problem ! Do you need anything else ?",
+ "Alright do n't hesitate to contact us again if you need more assistance .",
+ "Sure . Let me know if you need anything else .",
+ "No problem ! Is there anything else I can help you with today ?",
+ "It looks like the Parkside Police Station is closest to your location , does this sound right ?",
+ "Sorry , that does n't really narrow it down , they all have plenty of open seats .",
+ "You are welcome . May I help you with anything else ?",
+ "Great ! Would you be interested in hearing about some attractions in the area ?",
+ "Okay is there something else I can do ?",
+ "We have n't talked about a hotel .",
+ "Is there anything else that you might need ?",
+ "I ' m sorry , our signals may have gotten crossed . What would you like to know the entrance fee , address , and phone number for ?",
+ "Is there anything more I can assist you with today ?",
+ "Is there anything else ?",
+ "Anything else you need today ?",
+ "Thank you . Is there anything else I can help you with today ?",
+ "I hope you enjoy your trip . Are you sure you have everything you need ?",
+ "May I help you with any thing else ?",
+ "Is there anything I can do for you ?",
+ "Is there anything else I can help you with ?",
+ "Okay , and is there anything else you need help with or will that be all ?",
+ "Would you like me to reserve it for you ?",
+ "You are welcome . Is there anything else I may assist you with today ?",
+ "Can I help with anything else ?",
+ "Ok . Do you need anything else then ?",
+ "Can I assist you with anything else today ?",
+ "Can I help you with anything else ?",
+ "Are you certain you do not need anything else ?",
+ "What information do you require about that place ?",
+ "Great if you need further assistance , you can always contact us .",
+ "We have plenty of information . Would you like to know about restaurants , hotels , trains , or attractions ?",
+ "Is there anything else I can assist you with today ?",
+ "Can I help you with anything else ?",
+ "Was there anything else you needed today ?",
+ "Can I assist you with anything further , today ?",
+ "You have come to the right place ! What can I do for you ?",
+ "Thanks for using our services . Can I help with anything else ?",
+ "Have all of your needs been met for today ? Do you require further assistance with anything ?",
+ "With so few details , I ca n't book you a taxi quite yet .",
+ "What would you like to know ?",
+ "Is there anything else I can do for you today ?",
+ "You are very welcome . Please let us know if you anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Glad to be of help . Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "You ' ve come to the right place . What can I help you with today ?",
+ "My apologies the arrival time is 10 minutes earlier . I assume that 's okay ?",
+ "Are you certain you do n't need further assistance ?",
+ "Do you need any help with any thing else ?",
+ "I have found the restaurant you are looking for . Would you like the address ?",
+ "You 're welcome ! Is there anything else I can help you with ?",
+ "Anything else I can do for you ?",
+ "May I help you with anything else for your stay ?",
+ "Can I help you with anything else today ?",
+ "Can I help you with anything else ?",
+ "May I help you find an attraction or something else in town ?",
+ "Can I help you with anything else ?",
+ "How many people will the taxi be for ?",
+ "You are most welcome . Is there anything else I can help with ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can do for you today ?",
+ "I ' m sorry , I do n't understand . Did you need more help from us today ?",
+ "Is there anything else I can do for you today ?",
+ "Absolutely . Is there anything else I can help you with today ?",
+ "Can I help you with anything more today ?",
+ "Was there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Will you needing a reference number ?",
+ "Are you sure there is nothing else I can help you with today ?",
+ "If you need anything else , please let us know .",
+ "Is there anything else I can help you with today ?",
+ "We are happy to help . Thank you for using our service . Do you need any further assistance ?",
+ "Is there anything else you would like me to lookup for you ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Yes , it appears it is still open . Would you like more information on this pool ?",
+ "Is there something else I may be able to help you with today ?",
+ "Just let me know !",
+ "Is there anything else I can help you with today ?",
+ "The cops are on the way . What is your location ? Is anyone hurt ?",
+ "Sure , what can I help you with ?",
+ "Is there anything else I can help you with ?",
+ "Did you need any further help ?",
+ "i will find you one thanks a lot its a pleasure to serve you",
+ "We are happy to help . Do you need any further assistance ?",
+ "Is there anything I can help you with today ?",
+ "No you do not need a reservation number for the taxi . Is there anything else I can help you with ?",
+ "sure , do you need a train to get here ?",
+ "You 're welcome . Is there anything else I can do for you today ?",
+ "No , problem . Will that be all for you today ?",
+ "What information would you like ? The phone number , address , or postcode ?",
+ "I can give you the address for only one , is there one in particular you wish to learn more about ?",
+ "Anything else I can do for you ?",
+ "You are quite welcome . Do you need any further assistance ?",
+ "Can I help you with anything else ?",
+ "Is there anything else that I can assist you with , today ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome ! May I help with anything else ?",
+ "You need a bus as well as the taxi I already booked ?",
+ "Would there be anything else ?",
+ "What would you like to know ?",
+ "Great . Is there anything else I can help you with today ?",
+ "Is there anything else that you need today ?",
+ "Is there anything else you need from me ?",
+ "Hmm , my restaurant reservation system seems to be down at the moment . Is there anything else I can help you with right now ?",
+ "OKay , Do you need any more info then ?",
+ "Is there anything else i can do for you today ?",
+ "Is there anything else you want ?",
+ "Glad I was able to help . Is there anything else I could help you with today ?",
+ "If you need anything else , please contact us .",
+ "Would you like a reference number ?",
+ "Is there anything else that I can do for you ?",
+ "You 're quite welcome . Is there anything else I can assist you with today ?",
+ "Do you need anymore information ?",
+ "I ' m glad I could help . Do you need anything else today ?",
+ "Okay , would you like some more information about that hotel ?",
+ "Can I get you information on anything else ?",
+ "Can I assist you with anything else today ?",
+ "Is there anything else that I can assist you with today ?",
+ "Thank you is there anything else ?",
+ "Is there anything else I can help you with ?",
+ "Do you need any further assistance today ?",
+ "Can I help you with anything else ?",
+ "Sure what would you like to know ?",
+ "I can also help you with attractions and trains , if you are interested .",
+ "Can I look up anything else for you ?",
+ "Is there anything else you need ?",
+ "Sure . Is there anything else I can help you with today ?",
+ "Is there anything else I can do for you today ?",
+ "Ok , do you require any further assistance ?",
+ "Before I let you go , are there any other questions that I can assist with today ?",
+ "Do you need any further assistance ?",
+ "You 're very welcome , I hope you have a great dinner . Is there anything else at all that I can assist you with ?",
+ "What part of your trip may I be of assistance with ?",
+ "Can I look up anything else before you go ?",
+ "thank you . Is there anything else ?",
+ "Sure , what type of information ?",
+ "Can I help you with anything else today ?",
+ "Ok . Is there anything else you need ? Information about attractions or a restaurant reservation perhaps ?",
+ "OK , you 're all set . Is there anything else I can do for you ?",
+ "Did you need a reference number or anything like that ?",
+ "Yes it is . Can I help you with anything else today ?",
+ "Will there be anything else today , or have I answered all your questions ?",
+ "Can I help you with anything else today ?",
+ "You 're welcome . Would you like their phone number ?",
+ "How man passengers ?",
+ "You 're very welcome . Will there be anything else ?",
+ "Is there anything else I can help you with today ?",
+ "Sorry . Is there anything else I may help you with ?",
+ "Are you sure you do n't need help with anything else ?",
+ "Would you like the address ?",
+ "Can I help you with anything else ?",
+ "Do you need help with anything else ?",
+ "Is there anything else that I can do for you ?",
+ "Is there anything else I can do for you ?",
+ "Thank you , is that all ?",
+ "Of course ! Is there anything else I can assist you with today ?",
+ "Do you mean book a train ?",
+ "Do you need any further assistance ?",
+ "So , is that all you needed today ?",
+ "Is there anything else I can help with ?",
+ "Okay , how else can I help then ?",
+ "Is there anything else I can assist you with ?",
+ "Can I assist you with anything else today ?",
+ "Can I help you with anything else ?",
+ "It seems there was a glitch in our system . Let me just confirm with you ... is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Would you like anything else ?",
+ "Is there anything else I can assist you with ?",
+ "Are you sure I ca n't help you find some attractions while in town ?",
+ "There is no car what are you referring .",
+ "Is there anything else you need help with today ?",
+ "You are very welcome . Is there anything else I can help you with today ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "Anything else I can help with ?",
+ "Is there anything else I can help you with today ?",
+ "sure , what would you like to know ?",
+ "Thank you for calling Cambridge TownInfo centre ! Is there anything else I can help you with today ?",
+ "Is there anything else I can assist you with today ?",
+ "great , would you like some information ?",
+ "Before I let you go , has everything been resolved or are there other questions ?",
+ "Can I help you with anything else today ?",
+ "Let us know if we can further assist you .",
+ "Can you be more specific please ?",
+ "Anything else I can help you with ?",
+ "OK , I can definitely help you out , but I will need some more information from you first !",
+ "Do you need any further assistance ?",
+ "Can I help you with anything else ?",
+ "Unfortunately there are no such venues . Can I help you with anything else ?",
+ "Certainly , what can I use to narrow down your search ?",
+ "Is there anything else I can do for you today ?",
+ "Sure , did you need anything else specifically ?",
+ "Can I look up anything else for you today ?",
+ "Yes , what do you have in mind ?",
+ "OK , please let me know if there is anything else I can do to assist you .",
+ "Can I help you with anything else ?",
+ "Will that be all for today ?",
+ "Can I help you with anything else today ?",
+ "I can help you with that . Are there any other requirements you are looking for ?",
+ "May I assist you with anything else today ?",
+ "Do you need me to look up anything else for you ?",
+ "of course , what would you like to know ?",
+ "What information are you seeking ?",
+ "sure , what kind of information are you looking for ?",
+ "Is there anything else you will need today ?",
+ "Is there anything else I can help you with today ?",
+ "You 're welcome ! Can I help you with anything else ?",
+ "Is there anything else I can help you with ?",
+ "Would you like me to suggest one for you ?",
+ "What information are you looking for ?",
+ "You are welcome . Please call back if you need any more help or if you want me to book it for you .",
+ "Great , will you need a taxi perhaps ? I can also give you information on attractions in the area .",
+ "You 're very welcome ! Is there anything else I can help you with today ?",
+ "Can I be of further assistance today ?",
+ "Is there anything else we can help you with ?",
+ "Would you like to come by bus , or train ?",
+ "Yes nice place . Did you need any info on it ?",
+ "Okay , please let me know if I can be of further assistance .",
+ "Is there anything else that I can help you with ?",
+ "i have their info , what would you like to know ?",
+ "Do you want an attraction or a restaurant ?",
+ "It 's no problem . Is there something else I could assist you with today ?",
+ "Great ! Is there anything else I can assist you with ?",
+ "Is there anything else I can do for you ?",
+ "Is there anything else I can do for you today ?",
+ "Can I assist you with anything further ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Will there be anything else you need ?",
+ "Is there anything else I can help you with today ?",
+ "Is there anything else I can help you with ?",
+ "Thank you for using our services . Have all of your needs been met today ?",
+ "Do you need help with anything else ?",
+ "Thank you for using our service . Have all of your needs been met ?",
+ "The prompt before this call came through said that you needed two things , do you need anything regarding a hotel , transport or attractions ?",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Is there anything else I can assist with ?",
+ "Is there anything else I can help you with today ?",
+ "I ' m glad to have been of service to you . Is there anything else I can assist you with ?",
+ "Can i help you with anything else today ?",
+ "No problem , is there anything else you 'll be needing from me ?",
+ "You are very welcome ! Is there anything else I can assist you with ?",
+ "sure , what information do you need ?",
+ "Yes on both of those . Is there anything else I can do for you ?",
+ "Would you like a reference number .",
+ "Can I help with anything else today ?",
+ "You are welcome ! Is there anything else I can assist you with ?",
+ "sure , what can i help you find ?",
+ "I can help you find what you are looking for .",
+ "Is there anything else I can assist you with today ?",
+ "Is there anything else I can help you with today ?",
+ "My pleasure . Do you need any other assistance while in town ?",
+ "Okay . Please let us know if there 's anything else we can do for you during your visit to Cambridge .",
+ "Is there anything else I may help you with today ?",
+ "Are you sure you still do n't need a restaurant ?",
+ "Is there anything else I can do ?",
+ "I ' m sorry , I do n't understand your question . Do you need to book a taxi ?",
+ "Do you need information on any attractions ? Is there anything else that I can help you with today ?",
+ "Thank you for using our service . Have we met all of your needs today ?",
+ "I have it right here",
+ "Thank you for using our services . Have we met all of your needs today ?",
+ "Can I assist you with anything else ?",
+ "How many people will be in the taxi ?",
+ "Okay , will you be needing a reference number ?",
+ "What price range would you like ?",
+ "Can I help you with anything else ?",
+ "is there anything else i can do for you ?",
+ "You are welcome . Do you need additional information about restaurants or attractions ?",
+ "Do you need anything else today ?",
+ "Is there anything else you need help with ?",
+ "Is there anything else I can help you with",
+ "You 're welcome ! What else can I do for you ?",
+ "Is there anything else I can help you with today ?",
+ "Great , is there anything else I can help you with ?",
+ "You are quite welcome . Is there anything further I can assist you with ?",
+ "Do you need anymore info ?",
+ "Are you certain you do n't need further assistance ?",
+ "You are welcome . Please let me know if you need any further assistance .",
+ "Excellent choice , my fellow human . What can I help you with ?",
+ "You are very welcome . It has been a pleasure assisting you today . Enjoy your trip and have a great day . Goodbye"
+ ]
+ },
+ "general-welcome": {
+ "none;": [
+ "Great . Thank you for contacting Cambridge Towninfo Centre .",
+ "you are welcome",
+ "Welcome , it was a pleasure serving you .",
+ "You 're welcome ! I hope you have a wonderful trip !",
+ "Very please to have been of assistance today .",
+ "Okay ! Glad I could help . Enjoy your stay .",
+ "You are welcome . Have a good day !",
+ "you are welcome",
+ "You 're welcome . Have a good day !",
+ "You are welcome enjoy !",
+ "You 're welcome . Enjoy your visit .",
+ "You are welcome enjoy .",
+ "Your welcome . Hope your have a great trip .",
+ "I ' m glad I could help .",
+ "You are very welcomed have a good day .",
+ "Great , glad we could help !",
+ "You are welcome .",
+ "You are very welcome !",
+ "Your welcome , have a great day !",
+ "You 're welcome . Please contact us again if you need any additional help .",
+ "You are welcome , enjoy your stay in cambridge .",
+ "you are welcome",
+ "welcome anytime you ant our help",
+ "You 're welcome . Have a great day .",
+ "You 're very welcome . Have a lovely day .",
+ "You are welcome enjoy",
+ "welcome and have a great day",
+ "You 're welcome . Enjoy your trip !",
+ "You 're welcome . Enjoy your visit !",
+ "You 're welcome , Have a great day .",
+ "Your welcome ! Please contact us anytime . Good bye .",
+ "Thank you for choosing Help Desk .",
+ "you are welcome .",
+ "You are more than welcome !",
+ "You are very welcome ! It was a pleasure assisting you , and I hope you have a wonderful time in Cambridge !",
+ "You 're welcome . Enjoy your stay",
+ "Thanks for using our service today !",
+ "You are welcome",
+ "your welcome , have a great day !",
+ "You 're welcome .",
+ "You 're welcome .",
+ "You 're welcome and have a wonderful trip !",
+ "Thank you for using our system !",
+ "Thank you for using our system today !",
+ "You are most welcome !",
+ "You 're welcome . Have a great day !",
+ "Happy to help !",
+ "You are welcome .",
+ "You are welcome ! I hope you enjoy your visit to Cambridge ! Please call us again if we can help you further .",
+ "You 're most welcome !",
+ "You 're welcome . If we can be of further assistance , please let us know . Good - bye .",
+ "Okay , you are so welcome ! Goodbye !",
+ "Your welcome , I ' m glad I could help .",
+ "Okay , thank you , and have a great day .",
+ "You 're very welcome ! Have a great day !",
+ "You are very welcome . Is there anything else I can assist you with ?",
+ "You are welcome enjoy .",
+ "Okay glad I could be of help !",
+ "Thank you and have a wonderful day !",
+ "My pleasure .",
+ "welcome andenjoy yourself",
+ "You are welcome . If you need anything else , please contact us .",
+ "You 're welcome ! Have a great day !",
+ "You 're welcome .",
+ "you are welcome",
+ "You 're welcome . Enjoy your trip .",
+ "You 're very welcome . Have a good day .",
+ "You are welcome . I was glad to assist you .",
+ "Have a good day . Thank you for using our service .",
+ "you are welcome",
+ "You are most welcome !",
+ "You are welcome enjoy .",
+ "Your very welcome and have a nice day .",
+ "Thank you for using our service today .",
+ "You 're very welcome ! Have a great day !",
+ "Great ! Have a nice day !",
+ "Thank you for using our system today !",
+ "Okay , glad I could be of help .",
+ "Thank you for using this system",
+ "Your welcome . I am glad I could help you out .",
+ "You 're welcome . Enjoy your day .",
+ "Okay great . I am glad I could help .",
+ "Glad to have helped !",
+ "You are very welcome . I hope you have a wonderful day .",
+ "welcome next time",
+ "you are most welcome",
+ "You 're welcome . I am glad I could assist you .",
+ "You 're very welcome ! Take care !",
+ "You 're very welcome . Use the Cambridge TownInfo centre whenever you need guidance around towne !",
+ "You are welcome . Thank you for using Cambridge TownInfo Centre . Goodbye .",
+ "Sure thing let me get that for you .",
+ "welcome all the time",
+ "You 're welcome . Have a lovely day !",
+ "You 're welcome , please let me know if I can assist with anything else .",
+ "You 're welcome , have a great day !",
+ "You 're welcome , enjoy your food .",
+ "You are very welcome .",
+ "You are quite welcome . Have a wonderful day .",
+ "You 're welcome . I hope everything is okay .",
+ "You are welcome ! Enjoy your trip !",
+ "You 're very welcome ! Take care !",
+ "you are welcome to use our services any time",
+ "It was a pleasure , thank you so much .",
+ "you are welcome",
+ "I ' m glad I could help .",
+ "You 're welcome !",
+ "welcome again some other time",
+ "You are welcome enjoy .",
+ "Okay . Glad I could be of assistance .",
+ "I am glad I could help . Have a good day and a fun trip !",
+ "You 're welcome , enjoy your food .",
+ "Happy to be of help , and I hope you enjoy your meal !",
+ "You 're welcome , have a great day !",
+ "You are more than welcome !",
+ "You 're welcome ! Have a great day !",
+ "You 're welcome , have a great day .",
+ "You 're very welcome !",
+ "You are quite welcome . Is there anything else you need assistance with ?",
+ "You are very welcome . Have a great day !",
+ "You are welcome . I am so glad I was able to assist you .",
+ "You 're welcome , have a lovely day .",
+ "You 're welcome .",
+ "You 're welcome have a great day",
+ "You are quite welcome ! Enjoy your stay in Cambridge !",
+ "You are more than welcome !",
+ "You 're welcome . Let me know if you think of anything else you need .",
+ "Thank you and You 're welcome . Good night .",
+ "thanks and you and you are welcome anytime",
+ "You as well . Thanks for using the service !",
+ "Glad to have been of assistance !",
+ "Okay great I am glad I could assist you today .",
+ "You are quite welcome !",
+ "You 're welcome , have a nice day !",
+ "You are very welcome ! Goodbye now !",
+ "You 're welcome , enjoy your meal .",
+ "Glad I could help and enjoy your stay .",
+ "You 're very welcome !",
+ "Glad to have been of assistance .",
+ "You 're welcome , have a great day !",
+ "Your welcome , enjoy your stay in cambridge .",
+ "You are very welcome .",
+ "welcome all the time",
+ "I ' m pleased I could assist you .",
+ "you are welcome",
+ "It was a pleasure to help you .",
+ "Have a wonderful time .",
+ "You 're welcome , have a great day !",
+ "No , thank you and I hope the rest of your day goes great .",
+ "you are welcome all the time",
+ "you are welcome anytime",
+ "Your very welcome .",
+ "you are welcome , enjoy yourself .",
+ "You are more than welcome !",
+ "thank you for using our services",
+ "You 're welcome .",
+ "You 're welcome .",
+ "Thank you for using our system !",
+ "You are welcome . enjoy your stay and call us if you need anything else .",
+ "You 're welcome , please contact us if you need help with something else .",
+ "Your welcome , have a nice day !",
+ "Thank you very much .",
+ "you 're welcome , thank you for using our system .",
+ "thanks for your service",
+ "You also . Let us know if we can assist you with anything more .",
+ "you are welcome and thank you too",
+ "You 're welcome , have a great day .",
+ "I ' m glad I could help .",
+ "You 're welcome . Goodbye .",
+ "You are welcome , have a blessed day .",
+ "Glad I could help .",
+ "You are welcome enjoy",
+ "You are most welcome !",
+ "Okay I am glad I could be of help .",
+ "You 're Welcome . Have a great day !",
+ "You 're welcome , have a good day .",
+ "You are more than welcome .",
+ "You 're welcome .",
+ "OKay great it was a pleasure working with you today .",
+ "You are very welcome . Enjoy your dinner .",
+ "You 're welcome .",
+ "You are welcome",
+ "You 're welcome . Thanks for contacting the Cambridge TownInfo centre and have a great day .",
+ "You 're welcome , it was a pleasure serving you !",
+ "You are more than welcome !",
+ "Glad to be of assistance , have a great day !",
+ "I am glad I could be of assistance .",
+ "You are welcome . Have a pleasant stay in Cambridge . Bye .",
+ "Thanks for calling us .",
+ "You have a great day too .",
+ "You are welcome , have a great trip .",
+ "You 're more than welcome !",
+ "You are welcome . Enjoy your day !",
+ "You 're welcome , glad I could help .",
+ "You 're welcome . Have a great day !",
+ "You are welcome . Please comeback if we can do anything more for you !",
+ "you are welcome .",
+ "Since you contacted the help desk for cambridge I assumed this , can you please give me a starting point to begin a search ?",
+ "yes it is",
+ "I ' m glad I could help . Have a great day and thanks for contacting Cambridge TownInfo centre !",
+ "you are welcome , enjoy yourself .",
+ "You 're welcome ! Have a great day !",
+ "You 're welcome , have a great day .",
+ "You 're welcome , have a great day !",
+ "i m glad to have satisfied you",
+ "You 're welcome . Have a nice day !",
+ "You 're welcome . Have a nice day .",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "You 're welcome ! Call anytime .",
+ "Thank you for using our services .",
+ "You 're welcome . Please let me know if you need anything else .",
+ "thanks and welcome anytime",
+ "Glad I could be of help .",
+ "you are welcome .",
+ "Oh , you are most welcome . The museum will be awesome .",
+ "you are welcome and thanks for choosing us",
+ "welcome anytime you need use",
+ "You 're very welcome ! Have a wonderful trip !",
+ "I ' m glad I could help you .",
+ "thank you for inquiring with us .",
+ "Your welcome . Have a great day .",
+ "You are welcome .",
+ "you are welcome",
+ "You 're very welcome ! Have a great day !",
+ "Okay you are welcome .",
+ "Glad I can help enjoy your stay .",
+ "helping ha been m pleasure",
+ "welcome anytime you need to know about anything",
+ "Thank you so much for your help",
+ "YEah , anytime . It was my pleasure .",
+ "Okay . Do not hesitate to call us back if you need anything else .",
+ "You 're very welcome ! Have fun !",
+ "Thank you .",
+ "Your welcome . Is there anything else I can help you with ?",
+ "You 're welcome . Have a great day .",
+ "You are most welcome , have a wonderful day !",
+ "You are welcome , enjoy your stay",
+ "You 're welcome , have a great day !",
+ "You are very welcome . Would you like the address for the restaurant ?",
+ "Thank you , I ' m glad I was able to help !",
+ "You 're very welcome . I hope you and your mom have a great time !",
+ "You 're very welcome , enjoy your visit !",
+ "You are welcome , hope your stay in cambridge is memorable .",
+ "Okay glad I could be of help .",
+ "you are most welome",
+ "You 're welcome , have a great day .",
+ "Thank you .",
+ "Thank you and enjoy your stay in cambridge !",
+ "You 're welcome . Enjoy !",
+ "You 're welcome . Enjoy your time in Cambridge .",
+ "I hope when you come the weather will be clement .",
+ "OKay , I am glad I could assist .",
+ "you are welcome to Cambridge",
+ "You 're welcome , have a great day .",
+ "you 're welcome . i hope you 'll have a wonderful and adventurous picnic . Goodbye",
+ "You 're welcome . Thank you for using our service !",
+ "Glad to have helped .",
+ "You 're very welcome . Please contact us again , if we can be of further service .",
+ "I am glad to have helped .",
+ "Yeah , you are welcome . I was happy to help .",
+ "I ' m glad to help , you 're welcome !",
+ "No problem at all .",
+ "You are most welcome !",
+ "You are welcome , enjoy the stay in Cambridge .",
+ "You 're welcome . Have a wonderful trip !",
+ "You are quite welcome ! Enjoy your stay !",
+ "You 're welcome . Have a nice day !",
+ "you 're welcome . thank you for using our sysyem .",
+ "Happy to assist .",
+ "You are very welcome . Enjoy your stay .",
+ "Well I am glad to help enjoy your stay",
+ "Glad I could help !",
+ "You 're welcome . Let us know if we can help you .",
+ "You are most welcome !",
+ "You are welcome . Have a nice train ride .",
+ "You 're welcome , have a nice day and a wonderful trip .",
+ "Yeah , you are very welcome . i was happy to assist .",
+ "Well thank you . It has been my pleasure to assist you today . I hope you have a wonderful day and a very enjoyable trip .",
+ "Well I am glad I can help . Enjoy !",
+ "You are very welcome ! Have a safe travel !",
+ "You are more than welcome !",
+ "Thank you for letting me help you today .",
+ "You are very welcome . Please contact us again if you need further assistance .",
+ "you are welcome and thanks",
+ "You 're welcome . Have a wonderful day .",
+ "You 're welcome , glad I could help .",
+ "You 're welcome ! Have a great trip !",
+ "You 're very welcome .",
+ "You are most welcome !",
+ "You 're welcome , glad I could help .",
+ "You 're welcome , have a great time .",
+ "You are welcome . Good bye .",
+ "You 're welcome , have a great day .",
+ "You 're welcome , have a great day !",
+ "Ok have a safe trip .",
+ "Thank you for using this system !",
+ "No problem . Glad I could be of help .",
+ "You 're welcome .",
+ "You are welcome , enjoy your stay .",
+ "You 're welcome . Have a nice day .",
+ "you 're very welcome !",
+ "You are most welcome , have a wonderful day !",
+ "Your welcome . Have a nice day and do n't hesitate to call back .",
+ "No , thank you for visiting the city of Cambridge !",
+ "You 're welcome . Do n't hesitate to ask if there 's ever anything else we can help you with .",
+ "thanks for inquiring with us .",
+ "You 're welcome and glad I could assist you .",
+ "No problem , happy to be assistance .",
+ "You 're welcome , have a great day .",
+ "Happy to help .",
+ "Your , welcome ! Have a great day !",
+ "You 're welcome , have a great day !",
+ "You 're welcome . Goodbye .",
+ "You 're welcome . Remember we are here for you . Goodbye .",
+ "You 're welcome , enjoy your stay in Cambridge !",
+ "Your welcome . I am glad I could be of help .",
+ "You 're welcome .",
+ "I have already done that . The information is above .",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "You 're welcome , have a lovely day !",
+ "You are welcome . Have a nice day .",
+ "You are welcome , have a great day .",
+ "You 're welcome , have a great day .",
+ "You 're welcome ! Have a great day !",
+ "welcome and have a great day",
+ "Okay great . Glad I could help .",
+ "You 're very welcome . I ' m glad I could help . Have a wonderful trip . Goodbye .",
+ "You are welcome . Have a good day .",
+ "You are more than welcome !",
+ "Have a wonderful day !",
+ "Thank you for using our system !",
+ "welcome . at your service next time",
+ "you are always welcome",
+ "Thank you for allowing me to help you today .",
+ "You 're welcome . Have a great day !",
+ "You 're welcome , glad I could help .",
+ "You 're welcome . Enjoy the rest of your day . Goodbye .",
+ "You 're welcome .",
+ "you are welcome to use our services anytime .",
+ "i am glad i have been of help to you",
+ "Great Glad I could be of help to you .",
+ "thanks you very much",
+ "You 're welcome . Enjoy your time in Cambridge !",
+ "You 're welcome , just let us know if you need anything else !",
+ "You 're welcome . Enjoy your stay .",
+ "you are welcome",
+ "Enjoy your meal sir and you are welcome .",
+ "glad we could help !",
+ "You 're welcome . Is there anything else I can do for you ?",
+ "Okay . Glad I could be of assistance .",
+ "you are welcome .",
+ "You 're welcome , have a great day !",
+ "I hope we were able to help you today .",
+ "You 're welcome , glad I could help .",
+ "Okay , you 're oh so welcome ! Have a wonderful visit !",
+ "You 're very welcome !",
+ "I am glad to have been able to assist you .",
+ "You are welcome .",
+ "welcome all the time",
+ "You are welcome . Have a great day .",
+ "You are welcome .",
+ "Glad I could help you today !",
+ "You 're welcome , enjoy your stay !",
+ "I am happy to help",
+ "You are more than welcome !",
+ "Ok , get back in touch if you need a booking .",
+ "welcome . at your service next time",
+ "You are welcome , have a great day .",
+ "You 're welcome . I hope everything is okay !",
+ "Okay thank you for calling .",
+ "Your welcome . Please contact us again if we can help you with anything .",
+ "You 're very welcome .",
+ "You 're welcome . Call back if you need further bookings or assistance .",
+ "You are quite welcome !",
+ "You 're welcome , have a great day !",
+ "welcome and thanks for inquiring with us",
+ "You 're very welcome ! Have a great day !",
+ "You 're welcome . And I apologize again for the confusion . If I can help you with anything else in the future do n't hesitate to ask .",
+ "Alright , glad I could help .",
+ "You 're welcome . Have a great day !",
+ "Thank you for using our service today ?",
+ "I hope you have a lovely day .",
+ "Thank you !",
+ "Thank you for using our services .",
+ "You are most welcome !",
+ "You are welcome enjoy .",
+ "That 's all , thank you for using our system .",
+ "You are very welcome .",
+ "You are welcome .",
+ "You 're welcome , have fun !",
+ "You 're welcome , enjoy your time in Cambridge .",
+ "You 're very welcome . Enjoy your dinner !",
+ "You are most welcome !",
+ "I ' m glad I could help .",
+ "Sure , I can !",
+ "You 're very welcome .",
+ "You 're welcome . The police will help you immediately . Goodbye .",
+ "You 're welcome . Goodbye !",
+ "You are very welcome . Glad I could help .",
+ "Thank you for choosing Help Desk . Have a great day .",
+ "Pleasure serving you !",
+ "You are welcome .",
+ "You 're very welcome . Have a wonderful day and do call us again .",
+ "You are welcome enjoy your day .",
+ "It was a pleasure to help you . Have fun .",
+ "You are welcome . Thank you for using our service . Goodbye !",
+ "Excellent ! I hope the hotel is a pleasure .",
+ "You are most welcome !",
+ "You 're welcome , have a good day .",
+ "you are welcome",
+ "You 're welcome ! Have a great time !",
+ "You 're welcome . Have a nice day .",
+ "Okay , well you have a great day !",
+ "Thank you for allowing me to help you today .",
+ "You 're welcome . Have a great day !",
+ "You 're quite welcome . I hope you enjoy your trip . Bye !",
+ "Have a fantastic day !",
+ "Thank you very much .",
+ "You 're welcome ! Thanks for contacting Cambridge TownInfo centre !",
+ "You are very welcome happy to help .",
+ "You are welcome . Please contact us if we can help you with anything else .",
+ "You 're welcome and enjoy your stay .",
+ "You 're welcome . Is there anything else I can do for you today ?",
+ "My pleasure , feel free to use us again for anything else you may need ,",
+ "I ' m glad that I can be of help please have a great trip .",
+ "You are more than welcome !",
+ "You are quite welcome , thanks for using our services .",
+ "you are welcome all the time",
+ "Okay please call us again .",
+ "thanks and welcome anytime",
+ "welcome anytime you need us",
+ "I am glad to help enjoy !",
+ "Have a great time .",
+ "You 're welcome ! Enjoy your time in cambridge !",
+ "Yeah you are welcome . I am glad I could assist .",
+ "Thank you for using our service !",
+ "You 're welcome ! You have a great day !",
+ "It was my pleasure .",
+ "You 're welcome , have a great day !",
+ "You 're welcome and enjoy your stay .",
+ "You 're welcome , have a great day !",
+ "You 're welcome . I hope you can decide soon .",
+ "You 're welcome and enjoy your stay .",
+ "You 're welcome .",
+ "You are most welcome !",
+ "You 're welcome and enjoy your stay .",
+ "If you need anything else , we 're always here and ready to help !",
+ "You 're welcome . Have a great day !",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "And , again , you are welcome .",
+ "It was a pleasure and thank you for contacting us .",
+ "Welcome . Have a lovely day .",
+ "You are welcome , just let me know if you need anything else .",
+ "You 're welcome , glad I could help .",
+ "You 're welcome ! Have a great day !",
+ "Thank you for calling , enjoy !",
+ "No problem at all happy to assist .",
+ "i am glad i have been of help",
+ "You 're very welcome !",
+ "You 're welcome , have a great day !",
+ "You are so welcome .",
+ "You are welcome . Goodbye .",
+ "You are most welcome !",
+ "Okay . Glad we could help !",
+ "You 're welcome .",
+ "Okay great . Enjoy your time in Cambridge .",
+ "I ' m glad I could help .",
+ "Well you ' ve come to the right place . What sort of information can I help you find ?",
+ "i am happy you used our services . welcome again anytime",
+ "You 're welcome ! Have a great trip !",
+ "You are welcome . Enjoy your day .",
+ "You are very welcome . Have a nice day .",
+ "You 're so welcome . Thank you .",
+ "You 're quite welcome . Enjoy !",
+ "You 're welcome .",
+ "You 're welcome , have a great day !",
+ "You 're very welcome ! Have a great day !",
+ "You 're welcome , glad I could help .",
+ "You are very welcome .",
+ "You 're welcome . Have a great trip .",
+ "you are very welcome",
+ "Okay . Great . I am glad I could help .",
+ "You are welcome . Take care .",
+ "You 're welcome . Is there anything else I can do for you today ?",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "You 're very welcome .",
+ "thanks you so much",
+ "Well thank you for calling .",
+ "You are welcome .",
+ "You 're welcome . Be sure to call us again if you need anything .",
+ "you are welcome , enjoy your stay .",
+ "You are very welcome , anytime .",
+ "You 're welcome . Sorry I had such a hard time booking for you !",
+ "You 're very welcome , enjoy your Cambridge visit !",
+ "you are so welcome",
+ "you are very welcome",
+ "You 're welcome . Thank you for using this system .",
+ "You are more than welcome !",
+ "Thank you .",
+ "you are welcome",
+ "You 're welcome and I hope you enjoy your museum visit .",
+ "You are welcome , have a great day !",
+ "You are quite welcome , goodbye !",
+ "You are very welcome , please let us know if we can be of any further assistance .",
+ "You 're welcome , have a great day !",
+ "You 're welcome ! Have a great day !",
+ "You are quite welcome .",
+ "You are welcome .",
+ "You are welcome . Enjoy your stay in Cambridge . Bye .",
+ "Your welcome and enjoy your meal !",
+ "You 're welcome , goodbye .",
+ "You 're very welcome ! Have a great time ! Bye !",
+ "You 're very welcome . Please contact us again if you need further assistance for your visit to Cambridge .",
+ "I am glad I was able to accommodate your needs .",
+ "Yeah , no problem happy to help .",
+ "You are welcome , have a good day .",
+ "I ' m glad I could be of help .",
+ "You 're welcome and enjoy your stay .",
+ "You 're welcome . Please call again if there is any way we can assist you . Goodbye .",
+ "you are welcome .",
+ "thanks you too",
+ "You 're very welcome . Enjoy your visit !",
+ "You are welcome .",
+ "You 're welcome . Thank you for using our service .",
+ "You 're very welcome . Thank you and goodbye !",
+ "Okay . Thank you again .",
+ "Thank you for using Cambridge TownInfo centre .",
+ "You are very welcome ! Call anytime for assistance and we will be happy to help you further . Have a fantastic day !",
+ "You are welcome . Thank you for calling the Cambridge TownInfo Centre . Good bye .",
+ "you are welcome any time",
+ "You 're welcome ! I ' m happy I could help .",
+ "You 're welcome .",
+ "Absoluting I will get right on that .",
+ "You 're welcome .",
+ "You 're welcome . Have a nice evening .",
+ "You 're welcome . I am happy you ' ve enjoyed using our services . Bye for now .",
+ "You 're welcome . Have a nice day . Good bye .",
+ "You 're welcome , have a great day !",
+ "You are welcome happy that I could assist .",
+ "You 're welcome , have a great day as well .",
+ "Thank you for using this system !",
+ "You 're very welcome . Have a lovely day .",
+ "you are welcome . it has been a pleasure talking to you .",
+ "Okay . Glad I could help . Enjoy your dining experience .",
+ "You are welcome , glad to help . Bye .",
+ "You are welcome . Call back anytime you are ready to book .",
+ "Glad I was able to help . Thank you .",
+ "You 're very welcome . I hope you enjoy yourself in our city !",
+ "You are very welcome ! Have a great day !",
+ "Thank You",
+ "You 're welcome , have a great day .",
+ "If you need any thing else , let us know .",
+ "This is what we ' ve requested for you . You 're all set .",
+ "I am glad I can help and enjoy .",
+ "You 're welcome , and I hope you have a good time .",
+ "Thanks for using the Cambridge TownInfo centre !",
+ "We are happy to help , thank you for using our services !",
+ "Thank you for using our system !",
+ "You are welcome . Goodbye !",
+ "Okay . Glad I could help .",
+ "Any time more than happy to help .",
+ "You are welcome and I am glad we could be of help .",
+ "You 're welcome !",
+ "you are welcome any time",
+ "Okay glad I could help .",
+ "i m glad i was of some help",
+ "You 're welcome , please enjoy your visit to Cambridge .",
+ "You 're welcome , have a great day !",
+ "welcome any time you need our help",
+ "Yes , I will work on getting that for you and be right back with you .",
+ "Thank you for using our service !",
+ "You 're more than welcome !",
+ "Thanks so much that is great .",
+ "Your welcome . If you change your mind and want reservations , feel free to contact us again .",
+ "You are welcome enjoy .",
+ "You 're welcome . Have a great day !",
+ "Okay . Glad I could be of help .",
+ "welcome . at your service next time",
+ "Thank you for using our system .",
+ "Your welcome , have a great day !",
+ "You 're welcome . Have a great day .",
+ "you are welcome . I am glad I could assist .",
+ "thank you and welcome to Cambridge",
+ "You 're quite welcome . Is there anything else I can find for you today ?",
+ "You 're very welcome ! Have a great day !",
+ "You 're welcome , enjoy your meal .",
+ "You 're welcome .",
+ "Yeah , anytime . I was happy to help .",
+ "You are welcome , enjoy your stay",
+ "Thank you for using our system .",
+ "You are welcome , enjoy your stay in Cambridge .",
+ "You 're welcome . Do you need any further assistance ?",
+ "You 're welcome , have a great day .",
+ "you 're welcome , have a great day !",
+ "You 're welcome . Have an awesome day .",
+ "You 're welcome , have a nice day .",
+ "I ' m glad I could help .",
+ "I ' m glad we were able to help .",
+ "welcome anytime you need us",
+ "Great ! Have a nice day !",
+ "welcome anytime you need our help",
+ "Thank you for using our services .",
+ "You are more than welcome !",
+ "You are welcome . Anytime .",
+ "You 're welcome , have a great day !",
+ "You 're very welcome .",
+ "Thank you for using our service today .",
+ "That was quick , are you sure you do not need any other assistance ?",
+ "You 're very welcome ! Enjoy your trip !",
+ "Any time . I was happy to help .",
+ "You 're certainly welcome .",
+ "You 're welcome . I hope you enjoy your trip !",
+ "You are welcome . Have a great day .",
+ "you are welcome",
+ "You 're welcome . Goodbye",
+ "You 're welcome , have a great day !",
+ "Thank you for using our services !",
+ "Thanks for using our service today !",
+ "You 're welcome . Have a nice day too",
+ "You are more than welcome !",
+ "You are very welcome have a nice day .",
+ "welcome when ever you want to inqure anything",
+ "I ' m glad I could help .",
+ "Okay ! Thank you for calling .",
+ "You 're welcome and enjoy your stay .",
+ "you are welcome .",
+ "You 're welcome , have a great day !",
+ "Yeah anytime . I am happy I could help out .",
+ "Your welcome . I ' m glad I was able to help .",
+ "You 're welcome . Have a wonderful time !",
+ "Sure , any time !",
+ "You are very welcome . Enjoy your stay !",
+ "You 're welcome , have a great day !",
+ "Okay you are welcome ! Thank you for calling .",
+ "You are very welcome . I am happy to help anytime . Have a wonderful day .",
+ "You 're welcome . Have a great day too !",
+ "Thank you I ' m glad I could help .",
+ "Glad I could be of service .",
+ "OKay I will work on looking this up for you .",
+ "You are welcome . Enjoy your stay .",
+ "Welcome , it was a pleasure serving you .",
+ "You 're welcome !",
+ "Thanks for using our service today !",
+ "It was my pleasure .",
+ "You 're very welcome . Have a lovely day .",
+ "you are welcome anytime",
+ "You 're very welcome . Enjoy your meal !",
+ "You are welcome . Glad I could help .",
+ "You 're welcome , and you , too .",
+ "No problem . Thank you for contacting Cambridge Towninfo Centre .",
+ "You are very welcome . Have a great time .",
+ "You 're very very welcome ! Goodbye , enjoy your stay !",
+ "Thank you , I ' m glad that I could help !",
+ "You are welcome .",
+ "You 're very welcome !",
+ "You are welcome , enjoy your day .",
+ "You 're welcome . Thank you for using our service .",
+ "you are welcome always",
+ "You are more than welcome !",
+ "thank you for using out service",
+ "I will get that number for you now .",
+ "welcome anytime you wish to inquire anything",
+ "you are welcome any time you need us",
+ "You are very welcome ! good bye .",
+ "Okay thank you",
+ "you are welcome",
+ "You 're very welcome .",
+ "You are most welcome",
+ "I ' m glad I could help .",
+ "You 're more than welcome !",
+ "You are welcome , enjoy your stay in cambridge .",
+ "You 're welcome ! Have a great day !",
+ "You 're most welcome .",
+ "You 're welcome .",
+ "welcome anytime you need us",
+ "I hope you get your belongings back .",
+ "I hop you enjoy your stay . Have a good day .",
+ "You 're very welcome !",
+ "You are welcome .",
+ "welcome again some other time",
+ "You 're welcome ! Have a great day !",
+ "You 're welcome .",
+ "Glad to be of service .",
+ "You 're welcome ! Have a wonderful day .",
+ "you are welcome and thanks for using our services",
+ "You 're welcome , have a great day !",
+ "You are certainly welcome .",
+ "You 're welcome ! Have a great day .",
+ "You 're welcome .",
+ "You are most welcome !",
+ "Thank you for using our system today !",
+ "You 're welcome . Have a nice day !",
+ "You 're very welcome ! Bye !",
+ "Thank you for using our system !",
+ "You 're welcome . If you need anything else , please contact us .",
+ "You are welcome , enjoy the museum .",
+ "You 're welcome , enjoy your time in Cambridge !",
+ "your very welcome !",
+ "thank you for choosing us",
+ "Alright . Well thank you for calling .",
+ "You are welcome and if you ever need anything else , please contact us .",
+ "You 're welcome . Enjoy your trip .",
+ "Okay . Glad I could be of help .",
+ "Your welcome , I am glad I was able to help .",
+ "You are welcome have a great time !",
+ "you 're welcome",
+ "You 're welcome . You as well . Bye !",
+ "You 're very welcome .",
+ "Okay great . Glad I could be of help .",
+ "Okay happy i could assist .",
+ "Okay glad I could be of help .",
+ "Thank you",
+ "My pleasure , thank you for using Cambridge TownInfo centre .",
+ "You 're welcome . Feel free to contact us again if you need any more information .",
+ "You 're welcome , have a great day !",
+ "You are so welcome . Have a great day and enjoy Cambridge !",
+ "Of course , happy to help !",
+ "You are welcome , enjoy your stay !",
+ "You are welcome . Goodbye .",
+ "thanks for using our services and welcome anytime",
+ "Thank you for using our service today .",
+ "You are quite welcome !",
+ "You are welcome , if you need anything else , just contact us we are always happy to help .",
+ "No , thank you for your interest in Cambridge !",
+ "You 're very welcome . Please contact us again , if we can be of further assistance . Good - bye .",
+ "You 're welcome , glad I could help .",
+ "You 're very welcome ! You have a great day too !",
+ "You 're welcome ! Enjoy your travels .",
+ "You 're welcome , have a nice day .",
+ "You 're welcome , come back anytime . Your total fee is 241.92 GBP .",
+ "You 're welcome . I look forward to when you call us again .",
+ "thanks for inquiring with us . welcome all the time",
+ "You 're welcome . Have a great time !",
+ "You 're welcome , have a nice day .",
+ "Your are very welcome ! Enjoy your stay here .",
+ "Thank you for using our system !",
+ "You 're welcome . Have a great day !",
+ "You are very welcome . Thank you for using our service !",
+ "you 're welcome , have a great day !",
+ "welcome . at your service next time",
+ "You 're welcome and enjoy your stay .",
+ "You 're welcome , have a good day !",
+ "You are welcome enjoy .",
+ "Okay . Glad I could be of assistance .",
+ "You 're very welcome ! Have a great day !",
+ "You 're very welcome !",
+ "Okay . Enjoy your journey .",
+ "You 're welcome , have a nice day .",
+ "You 're welcome . Have a nice day .",
+ "Okay . Glad I could be of help .",
+ "You 're welcome . Enjoy your visit !",
+ "You are most welcome !",
+ "You 're welcome .",
+ "its been a pleasure serving you",
+ "You 're welconme",
+ "You are welcome enjoy",
+ "Please feel free to contact us back if you have any issues during your travels .",
+ "Okay just let me know",
+ "You are very welcome !",
+ "You are welcome !",
+ "you are welcome all the time",
+ "you are welcome to use our services anytime .",
+ "You are very welcome . Thank you for using Cambridge TownInfo centre !",
+ "welcome . at your service next time",
+ "Okay glad I could help .",
+ "You are welcome .",
+ "Okay well I ' m glad I could help .",
+ "You 're welcome , enjoy .",
+ "Thank You",
+ "You 're welcome , have a safe trip .",
+ "I ' m glad I could be of assistance .",
+ "You are welcome ! Have a nice day .",
+ "You are most welcome . Do n't hesitate to callback .",
+ "Okay glad I could be of help .",
+ "Thank you for using our service !",
+ "you are welcome to use our services anytime .",
+ "Thanks for your help",
+ "You are very welcome .",
+ "You 're welcome , have a great day !",
+ "I hope you have a pleasant stay !",
+ "You 're welcome . Have a nice day .",
+ "You are more than welcome !",
+ "You 're welcome .",
+ "You 're welcome , have a great day !",
+ "Thank you for using our services .",
+ "your welcome , have a great day !",
+ "You 're welcome , have a great day !",
+ "You 're very welcome . Please contact us again , if we can be of further assistance .",
+ "You are welcome ! Thank you for contacting the Cambridge TownInfo centre .",
+ "You 're welcome , have a wonderful time !",
+ "You 're welcome , let me know if I can help again .",
+ "My pleasure , if you should need more information please feel free to contact us again .",
+ "You 're welcome , have a great day !",
+ "Thank you .",
+ "Thanks a lot welcome again",
+ "Wonderful ! Thank you",
+ "You are welcome . Have a good evening .",
+ "Okay Glad I could help you .",
+ "you 're welcome to use our services anytime",
+ "You 're welcome , have a good day .",
+ "You are welcome .",
+ "Anytime , happy to help .",
+ "You 're welcome , have a great day !",
+ "I am glad to be of service , enjoy your stay in Cambridge .",
+ "You 're welcome . Have a nice day .",
+ "You 're welcome ! Goodbye !",
+ "You are welcome .",
+ "It was a pleasure .",
+ "Okay , I ' m glad to have assisted you today !",
+ "Thanks . I ' m glad I could help .",
+ "Thank you for contacting us .",
+ "You 're welcome , glad I could help .",
+ "You are welcome , call me if you need anything else .",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "You 're very welcome .",
+ "welcome and thanks for using our services .",
+ "You are most welcome !",
+ "You are welcome , let us know if we can help with anything else .",
+ "Your welcome , enjoy your stay .",
+ "I ' m glad I could help .",
+ "You 're welcome ! Please let us know if you need assistance with anything else .",
+ "You are welcome , enjoy your stay in cambridge .",
+ "You are welcome . Enjoy your stay .",
+ "You 're welcome ! Have a great day !",
+ "Give me one moment for the reference number .",
+ "You are welcome . Have a nice day .",
+ "You 're welcome . Have a great day !",
+ "Welcome , have a nice day .",
+ "you are so welcome",
+ "you are welcome any time you need our help",
+ "Your welcome , I ' m glad I could help .",
+ "You 're welcome and enjoy your stay .",
+ "You are most welcome !",
+ "you are welcome , call me if you need anything else .",
+ "I ' m glad I could help .",
+ "your welcome and enjoy your stay in cambridge !",
+ "You 're very welcome . Thank you and have a good day . Goodbye .",
+ "Thank you so much . greatly appreciated . '",
+ "The pleasure is all mine !",
+ "You are more than welcome !",
+ "You 're very welcome . Good day .",
+ "welcome any time",
+ "welcome anytime you need help",
+ "You are more than welcome !",
+ "Great I ' m glad I Could help .",
+ "You 're welcome , let me know if I can assist with anything else .",
+ "You 're welcome , thanks for using Cambridge TownInfo centre , have a great day !",
+ "welcome . at your service next time",
+ "Thank you .",
+ "You 're very welcome ! Thank you !",
+ "You 're welcome , have a great day !",
+ "you are welcome",
+ "You are welcome , have a good trip .",
+ "You 're welcome , thanks for contacting us . Text back any time !",
+ "Have a great day !",
+ "You are welcome . Goodbye .",
+ "You are welcome , have a great night .",
+ "You are very welcome . I hope you enjoy your trip and have a fantastic day ! Call anytime for assistance .",
+ "I ' m glad help and hope you have a pleasant trip .",
+ "You 're welcome , glad I could help .",
+ "Thank you for using the Cambridge TownInfo centre today .",
+ "Sure , I ' m happy to help .",
+ "Glad I could be of help .",
+ "Well , you 're welcome ! And you have a great day !",
+ "You are most welcome , contact us if you need more assistance .",
+ "You 're more than welcome !"
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_user_template_nlg.json b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_user_template_nlg.json
new file mode 100644
index 0000000..34e4a00
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/auto_user_template_nlg.json
@@ -0,0 +1,40929 @@
+{
+ "Attraction-Inform": {
+ "none;": [
+ "I am planning a trip to town and want to sight see a bit . Can you let me know some attractions I may be interested in ?",
+ "Hi , I am planning a trip and need some help with a particular attraction .",
+ "Yeah , I ' m looking for an entertaining tourist attraction , can point me in the direction of some places to check out ?",
+ "Something fun . It needs to be an attraction . Can you make a suggestion ?",
+ "I ca n't wait to get there and see some of the local attractions . I am looking for a place to stay . Can you help me ?",
+ "I am looking for tourist attractions .",
+ "No but I need an attraction in the center part of town .",
+ "I am looking for a particular attraction .",
+ "CAn you help me plan a trip to see a particular attraction ?",
+ "I am coming to Cambridge soon to see the many local attractions .",
+ "I ' m excited about seeing local tourist attractions ! ! Can you help me ? ?",
+ "The boating attraction sounds like a lot of fun . How much do they charge to get in ?",
+ "I am traveling to Cambridge and excited about seeing local tourist attractions , any suggestions for me ?",
+ "Thank you ! And this is a cinema attraction ?",
+ "No , what attractions are available ?",
+ "Hi there ! I ' m looking for some kind of fun attraction in the center of town .",
+ "Thank you so much . What about helping me look for an attraction ?",
+ "Hello , I am traveling soon and ca n't wait to see some local tourist attractions . Can you help me find a place to stay when I am there ?",
+ "I actually would like to hear about some attractions , then schedule my cab . Where are the fun places to go in town ?",
+ "i want information about a place i can see local attractions .",
+ "Yes , can you give me some information ? I am looking for a particular attraction .",
+ "Anything , really , just trying to kill some time . What 's your favorite attraction ?",
+ "I am also looking for an attraction .",
+ "We are interested in attractions in the center of the city .",
+ "I need to leave the attraction by 3:30 .",
+ "I do n't care about the attraction .",
+ "No , that 's OK . The Allenbell is great . What i need is information on boat attraction in the same pay off town .",
+ "i ' m also interested in a particular attraction .",
+ "OK , now can you tell me about some of the attractions in the center of town ?",
+ "I am visiting Cambridge soon and am looking for someplace to go to while there , can you look up attractions for me ?",
+ "I am looking for a particular attraction .",
+ "I am looking for information on the Kings college attraction",
+ "What kind of attraction is it ?",
+ "I 'd like to know about a particular attraction .",
+ "Hi , I ' m curious about attractions located in the center of town .",
+ "What kind of attraction is it ?",
+ "I need info on attractions in the center of the town .",
+ "What kind of attraction are there here ?",
+ "Hi , I am planning a trip and could use some help with a particular attraction .",
+ "Any interesting attractions in that part of town ?",
+ "No you have been most kind . Thank you for doing the bookings . Are there any attractions in the same area ?",
+ "Yes , attractions in the Centre of town would be great .",
+ "I have decided I do n't really need an attraction . I think that will be all today .",
+ "Cow Pizza Kitchen ? That is great . lol . Can you help me find a certain attraction now ? I believe it 's called Gallery at Twelve .",
+ "Yes , I ' m looking for a place to stay . My family ca n't wait to visit some of the local attractions there .",
+ "Hi there . I am excited about seeing some local tourist attractions . Can you help me find a place to stay while I am there ?",
+ "Thanks ! Can you also tell me if there are any multiple sports attractions in the center of town ?",
+ "I am excited to see some local attractions . Can you help me with a particular one ?",
+ "I would like to find an attraction .",
+ "I do n't have a specific attraction , can you suggest one ?",
+ "Yes please , can I have the names of some other theater attractions ?",
+ "There 's an attraction I ' m looking for in Cambridge .",
+ "Not right now , but I am interested in seeing some attractions while I am in town .",
+ "I ' m sorry , no , I ' m interested in a multiple sports attraction .",
+ "Hello . I will be a tourist in Cambridge and I ' ve heard there are many local attractions .",
+ "Hi , could you help me with some information on a particular attraction ?",
+ "Can you suggest some places I can go on my upcoming visit ? I ' m super excited to be able to see some of the local attractions .",
+ "Yes . Are there attractions with swimming pools in that area ?",
+ "I do n't have a preference on type of attraction .",
+ "I also need to find an attraction while I ' m there .",
+ "Ok I need to firm up a attraction to visit then that will be my pick up location .",
+ "The guesthouse is booked and I have two attractions to visit . That 's all I need for now . Thanks , again .",
+ "Yes , attractions to visit .",
+ "Thank you . Are there any colleges with free admission in the area ? Or any other attractions that I may visit inbetween my meetings ?",
+ "Hi , I ca n't wait to see some of your local tourist attractions . Can you help me with some places to go ?",
+ "I ' m sorry , I just remembered I ' m looking for an attraction as well . Can you help ?",
+ "I ' m looking for attractions in Cambridge regarding sports .",
+ "I do n't have any in particular . What would be the highest rated attraction in that area ?",
+ "I would like to visit an attraction the has multiple sports .",
+ "Can you tell me about the attractions in the center of town ?",
+ "And just to clarify , what sort of attraction is it ? I assume it 's a college but sometimes things are named oddly , you understand .",
+ "Are there any attractions I can check out if I decide to go ?",
+ "I have an attraction in mind that I need help finding .",
+ "Sorry , I ' m looking for an attraction .",
+ "I will be traveling soon and am excited about seeing some attractions . I am looking for a place to stay when I get there .",
+ "Whatever is the most popular attraction",
+ "Hi , I am traveling to Cambridge and am super excited to see some local tourist attractions . I am looking for some suggestions on places to go in town .",
+ "That sounds like the best attraction ever . Thank you for all your careful assistance . Have a lovely day ! Bye ! !",
+ "Hello . What sort of attractions are available in the center of town ?",
+ "I ' m looking for an attraction in the category of swimming pool .",
+ "I am traveling to Cambridge and excited about seeing local tourist attractions , can you help ?",
+ "I would like a mutilple sports attraction please .",
+ "I have a particular attraction I want to see , can you help ?",
+ "Can you tell me about some of the attractions in the center of town ?",
+ "I need to find an attraction to visit in town .",
+ "What attraction do you suggest ?",
+ "I ' m hoping you can help me find a particular attraction .",
+ "I am looking for some attractions in downtown Cambridge/",
+ "I am looking for a place to stay on my upcoming visit . I ca n't wait to see some of your local tourist attractions .",
+ "I will be traveling to Cambridge and I ' m excited about seeing local tourist attractions .",
+ "I am also looking for an attraction to go to . Is there any in town ?",
+ "Surprise me and pick one for me ! Just make sure to let me know what kind of attraction it is .",
+ "I would like to commute between Graffiti and Whale of a time . I will be heading to the attraction after eating .",
+ "I want to leave the attraction by 7:15 .",
+ "Hello , could you tell me about the swimming attractions around Cambridge . Something pool based please .",
+ "Okay . Are there any architectural attractions ?",
+ "Hi , I am planning my Cambridge trip and could use some help with a particular attraction .",
+ "No , I need help with a particular attraction . Can you help ?",
+ "I also need a place to eat near the attraction .",
+ "I am traveling to Cambridge and I ' m excited about seeing the local tourist attractions .",
+ "Any type is fine , so please list all 44 attractions .",
+ "I am traveling to Cambridge and ca n't wait to see some attractions . I am interested in a particular attraction .",
+ "Great , thanks so much . I am also looking for a particular attraction . Can you see if it is still in Cambridge ?",
+ "Yes , actually . Are you able to find me a multiple sports attraction ?",
+ "Try to find a multiple sports attraction , please .",
+ "Yes , what attractions will be available when I get there ?",
+ "Hi , I ca n't wait to get to Cambridge and am especially excited about seeing some local tourist attractions . I could definitely use some help with the rest of my trip .",
+ "Hi , I am traveling to Cambridge next month and am so excited to see some local tourist attractions . I do need help with a place to stay .",
+ "i need info on some attractions",
+ "Hi , I am excited to visit some of Cambridge 's tourist attractions soon . Can you help me find a place to stay ?",
+ "Could you help me with a particular attraction in Cambridge ?",
+ "Any type of attraction will do .",
+ "No thank you . Could you find me an attraction to go visit ?",
+ "Are there any architectural attractions near there ?",
+ "I am traveling to Cambridge and am excited to see some tourist attractions . Can you help me find a place to stay while I am there ?",
+ "Thanks for the info ! What about attractions in the area ?",
+ "Hi , I ' m traveling to Cambridge soon and am looking forward to seeing some local tourist attractions .",
+ "I ca n't wait to tour some local attractions . I ' m looking for some places to go when I ' m in town . Can you help with that ?",
+ "No . I do n't need a booking . Sorry . I do need help finding an attraction .",
+ "Hi , I am looking for information for my upcoming trip . Can you help me with some attractions ?",
+ "Hi , could you tell me some attractions in Cambridge ?",
+ "I am also looking for a good attraction in the center part of town .",
+ "I am also looking for places to go . Could you recommend me any attraction in the center ?",
+ "What attractions are at the Botanic Gardens ? Is there a cost associated with the Gardens ?",
+ "Can you find specific attractions for people ?",
+ "Thank you and what attractions are near therte ?",
+ "I would like to get information about some tourist attractions in Cambridge , especially those located in town .",
+ "I ca n't wait to see some local attractions when I visit . I am looking for a convenient place to stay while I ' m there .",
+ "I have some questions about attractions , today .",
+ "Hi , I ' m looking for an attraction in the center of town to visit .",
+ "Looking forward to visiting and seeing some local attractions . I am looking for a place to stay . Can you help ?",
+ "How expensive is it ? And is there any nearby attractions ?",
+ "I am visiting Cambridge and looking for local attractions . Can you suggest a place to go in town ?",
+ "I need to find an attraction .",
+ "Hello . I am working out some details regarding my trip to Cambridge . I am sort of overwhelmed by the number of attractions and need your help .",
+ "I also want to go to an attraction in the center part of town .",
+ "I ' m open to anything . Surprise me with your favorite please . Just make sure you tell me what kind of attraction it is .",
+ "Sorry , I am looking for a fine attraction which is also in the center of town .",
+ "What kind of attraction is that ?",
+ "What kind of attraction is that and how much does it cost to get in ?",
+ "I am looking for a attraction in the type of entertainment please , .",
+ "What other local attractions are there to explore ?",
+ "Is there any attraction in town near where I am staying ?",
+ "I will be in Cambridge soon and look forward to seeing at least one of your attractions .",
+ "to the attraction",
+ "The old schools attraction is fine .",
+ "Hi , I am coming to Cambridge next week and am really excited by all tourist attractions available .",
+ "I am also looking for an attraction in the middle of town .",
+ "Hi , I am planning a trip and could use some help finding a particular attraction .",
+ "I would also like to find an attraction to go to after the meal in the same part of town .",
+ "I 'd like to find an interesting attraction in the city center .",
+ "I will be visiting Cambridge soon and definitely want to see some local attractions . Can you help me ?",
+ "Yes , can you provide me with information on the attraction Gallery at Twelve and High Street ?",
+ "I am looking for some places to go in town . I ' m so excited about seeing some of the local attractions .",
+ "I am excited about visiting a particular attraction in Cambridge . Can you help me ?",
+ "I wanted to search for a specific type of attraction in town .",
+ "There are no architectural attractions anywhere in town ?",
+ "What kind of attraction is it ?",
+ "Are there any multiple sports attractions in the same area ?",
+ "Okay , great . I ' m also looking for an attraction in the same area . I 'd like it to be multiple sports .",
+ "I will be visiting Cambridge soon and ca n't wait to see some of your local attractions . I do need your help with some information .",
+ "You have been most helpful . Are there any colleges in the area with free admission . Or other attractions available close by ?",
+ "Hi , can you suggest some attractions I could visit in Cambridge ?",
+ "Would you be able to help me with a particular attraction ?",
+ "I do n't need an attraction . I am done for now . Thank you .",
+ "What kind of cool attractions to we have in town ? Maybe in the water .",
+ "Yes , i would like help locating an attraction .",
+ "i am also looking for a particular attraction .",
+ "Can you help me find some attractions in town ?",
+ "Yes - are there any multiple sports attractions in the center of town ?",
+ "Are there any attractions when we get there ?",
+ "I ca n't wait to see some of the local attractions when I get there . I ' m looking for some places to go in town .",
+ "I ' m looking for a particular attraction , could you assist ?",
+ "Could you help me find an interesting attraction nearby ?",
+ "no . i ' m looking for a particular attraction .",
+ "Thank you . What sort of attraction is it ?",
+ "I am looking for something to do . Are there any attractions related to archaeology ?",
+ "I ' m looking for an attraction in the center of town .",
+ "Hi , I am so excited to see some local tourist attractions on my upcoming trip . Can you help me find a place to dine when I am there ?",
+ "I need to leave the attraction by 6:15 .",
+ "Thanks . Yes , I am looking for a particular attraction .",
+ "I ' m also looking for attractions in center and free entrance .",
+ "I need to leave the attraction by 9:15 .",
+ "Can you help me find some local tourist attractions ?",
+ "I also need an attraction .",
+ "Any attraction is fine honestly , but how about a night club ?",
+ "How about a boating attraction ?",
+ "I have the name of an attraction that I need help finding .",
+ "I am looking for places to visit in downtown Cambridge . What are some popular attractions ?",
+ "Thanks ! Can you also tell me if there are any multiple sports attractions in the center of town ?",
+ "Hi , I will be traveling to Cambridge and am excited about seeing local tourist attractions .",
+ "What attractions are nearby ?",
+ "I have the name of an attraction that I need directions to .",
+ "I am planning a trip and need information on a particular attraction .",
+ "I am travelling to Cambridge , soon , and would like to gather some information on local tourist attractions .",
+ "Hello , I was wondering if there are any multiple sports attractions in the center of town .",
+ "I 'd like some help finding an interesting attraction in the center of town .",
+ "Could you tell me what kind of attraction that is ?",
+ "Hello . I am excited to see some local tourist attractions on my trip to Cambridge . Can you suggest some places to go ?",
+ "I want an entertainment attraction in the center part of town also thanks .",
+ "I have no preference but I would like an attraction to visit in the city center .",
+ "Can you help me find a place to stay for my upcoming trip ? I am excited to see some of your local attractions .",
+ "I am also looking for an attraction in the same are .",
+ "That 's great . What time does each attraction open ?",
+ "Yes , are there any boat attractions ?",
+ "Yes , I am planning a trip and could use some information on attractions .",
+ "I need some help finding an attraction . I have the name here .",
+ "I wanted to visit a place called Center , could you tell me the hours it 's open , and if it is an attraction that I would need to book in advance ?",
+ "Hello ! I ' m looking for a fun attraction in the center of town .",
+ "Hi , I am traveling to Cambridge and could use some help for sure . I am so excited to see some local tourist attractions .",
+ "Before we do that are there any attractions that feature a swimming pool in town ?",
+ "I need to leave the attraction by 11:30 .",
+ "Hi , I am planning a trip and am looking for a particular attraction .",
+ "Hi there ! I ' m looking for something fun to do in the center of town . What kind of attractions are there ?",
+ "No thank you . Can you help me find an attraction ?",
+ "I need help with attractions ! Can you help me out ?",
+ "What kind of sports attractions are available in the center of town ?",
+ "Thank you . There 's one more thing . I have a few hours to unwind while I am in town . What type of attractions are available ?",
+ "I ' m actually looking for an attraction in the center of town ."
+ ],
+ "Area;": [
+ "I 'd like something in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit on in town #ATTRACTION-INFORM-AREA# please .",
+ "Are there anything fun to do in city #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for some attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Great . I am also looking for suggestions on places to go in the #ATTRACTION-INFORM-AREA# of town . Can you help me with that ?",
+ "I 'd like a sports place in the #ATTRACTION-INFORM-AREA# please .",
+ "I am also looking for places to go in town . Maybe something in the #ATTRACTION-INFORM-AREA# .",
+ "I also need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Can you recommend some fun entertainment in the #ATTRACTION-INFORM-AREA# ?",
+ "I am staying in the #ATTRACTION-INFORM-AREA# of town for the weekend , what is there to do there ?",
+ "I am looking for a fun attraction to go to in the #ATTRACTION-INFORM-AREA# . Do you have any recommendations ?",
+ "Thank you , can you also tell me about places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you give me some info on the one in the #ATTRACTION-INFORM-AREA# ?",
+ "Great thank you I also am looking for some place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Are there any entertainment places in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a multiple sports location in the #ATTRACTION-INFORM-AREA# of town",
+ "Thank you , I ' m also looking for place to go in town , specifically the #ATTRACTION-INFORM-AREA# . What kinds of things are there to do ?",
+ "When I get to Cambridge , I 'd like to see some attractions in the #ATTRACTION-INFORM-AREA# of town . What is there to see and do ?",
+ "Yes , I also need something to do in the #ATTRACTION-INFORM-AREA# part of town as well please .",
+ "I ' m looking for a sporting attraction in the city #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for any type of attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go in town in the #ATTRACTION-INFORM-AREA# .",
+ "Anything in the #ATTRACTION-INFORM-AREA# area what do you recommend ?",
+ "Great , can you help me find a multiple sports place to visit in the #ATTRACTION-INFORM-AREA# also ?",
+ "Yes , I 'd also like to check out a cool place in the #ATTRACTION-INFORM-AREA# area .",
+ "I am looking for somewhere to go in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you ! I also need a swimming pool in the #ATTRACTION-INFORM-AREA# area of Cambridge .",
+ "I ' m bored and need to venture out into the #ATTRACTION-INFORM-AREA# . What should I absolutely go see ?",
+ "I would like to visit an attraction in the #ATTRACTION-INFORM-AREA# area please .",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Great , thanks . I ' m also interested in finding an attraction that is also in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a swimming pool to go to in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find a nice attraction to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "What is there to see in the #ATTRACTION-INFORM-AREA# and what is the postcode ?",
+ "Anything you 'd recommend , as long as it 's in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit a museum or a nice nightclub in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a fun place to visit in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I am looking for a attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes , I 'd like more information on one in the #ATTRACTION-INFORM-AREA# area please .",
+ "Hi , I am traveling to Cambridge and I am looking for things to do in the city #ATTRACTION-INFORM-AREA# . Can you help me find something to do ?",
+ "I am looking for places to go and I would like something in the #ATTRACTION-INFORM-AREA# .",
+ "I would also like to find some place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I would like to go to the #ATTRACTION-INFORM-AREA# area please .",
+ "I am heading to Cambridge and I would like to know about some places to see in the #ATTRACTION-INFORM-AREA# , do you have any suggestions ?",
+ "I ' m looking for things to do in the #ATTRACTION-INFORM-AREA# . Can you recommend anything ?",
+ "Hi ! I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like somewhere to go in town . Something in the #ATTRACTION-INFORM-AREA# please .",
+ "I would also like to find someplace to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "That sounds great , but come to think of it I should try something close to our hotel in the #ATTRACTION-INFORM-AREA# . Anything there ?",
+ "Yes you can . I 'd like to see a few things while I ' m in town so find me something nice to check out on the #ATTRACTION-INFORM-AREA# side .",
+ "I ' m planning a trip to Cambridge I am looking for places to go in #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! I ' m also looking for places to go in the town #ATTRACTION-INFORM-AREA# . Are there any multiple sports attractions ?",
+ "I need some places to go . Can you tell me about some concert halls in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes i need places to go in the #ATTRACTION-INFORM-AREA# .",
+ "The #ATTRACTION-INFORM-AREA# would be great",
+ "is there a nice night club in the #ATTRACTION-INFORM-AREA# that you can recommend ?",
+ "Before booking , what are some interesting sites to visit that are in the #ATTRACTION-INFORM-AREA# area ?",
+ "I ' m looking for attractions in the #ATTRACTION-INFORM-AREA# area .",
+ "Yes , I am looking for something to do during my stay . I 'd like it to be around the #ATTRACTION-INFORM-AREA# area .",
+ "I would like it in the #ATTRACTION-INFORM-AREA# , please .",
+ "Hello , I ' m looking for places to go located in the #ATTRACTION-INFORM-AREA# part of town .",
+ "i ' m also looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# , what do you have ?",
+ "Great ! Can you also help me with a place to go in town . I would like it to be in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I 'd also like to find some places to go while I ' m in town . What is there in the way of architectural attractions in the city #ATTRACTION-INFORM-AREA# ?",
+ "Hi ! I ' m looking for somewhere to go in the #ATTRACTION-INFORM-AREA# area .",
+ "Hmm . Well , let 's talk attractions for a moment . What kind of sports venues exist in the #ATTRACTION-INFORM-AREA# of town ?",
+ "You know what , I change my mind . Let 's look for an attraction for entertainment in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a place to go in the city #ATTRACTION-INFORM-AREA# .",
+ "Hi , I ' m visiting the area and would like to find some local tourist attractions to the #ATTRACTION-INFORM-AREA# of here .",
+ "I am traveling to the #ATTRACTION-INFORM-AREA# area of cambridge and am looking for something to do . Can you recommend places to go .",
+ "I am looking for something to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "Which one is in the #ATTRACTION-INFORM-AREA# ?",
+ "Hello , I am looking for some places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Wonderful . Yes , can you also help me find a cool place to check out in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes , I am also looking for places to go on the #ATTRACTION-INFORM-AREA# side of town . Can you suggest some places ?",
+ "Thank you . Can you also recommend places to go in the #ATTRACTION-INFORM-AREA# of town that involves multiple sports ?",
+ "I need a sports attraction in the #ATTRACTION-INFORM-AREA# , can you give me more info ?",
+ "Thank you . What are some of the attractions in the #ATTRACTION-INFORM-AREA# area ?",
+ "Can you check in the #ATTRACTION-INFORM-AREA# please . That would be ideal .",
+ "Hello , I am looking for places to go in the #ATTRACTION-INFORM-AREA# ? Can you help me ?",
+ "Whatever is popular , but I would like it to be in the #ATTRACTION-INFORM-AREA# area .",
+ "I 'd like to find a place to go that 's in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! Are there any swimming pools located in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I would also like to see somewhere fun to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for places to go in town . Can you search in the area of #ATTRACTION-INFORM-AREA# ?",
+ "I ' m interested in find a place to see in the #ATTRACTION-INFORM-AREA# of the town .",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Awesome . I ' m looking for a concert hall in the #ATTRACTION-INFORM-AREA# too .",
+ "I ' m interested in any info about places to go in the #ATTRACTION-INFORM-AREA# side of Cambridge",
+ "I m looking for a place to go in the #ATTRACTION-INFORM-AREA# area with multiple sports .",
+ "Hello . I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m also looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I 'd like to stay in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for a multiple sports attraction in the #ATTRACTION-INFORM-AREA# of town",
+ "Please focus your search to the #ATTRACTION-INFORM-AREA# .",
+ "Help me find something fun to do in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Is there a theater in the #ATTRACTION-INFORM-AREA# ?",
+ "I also want to find a multiple sports place in the #ATTRACTION-INFORM-AREA# area .",
+ "Yes I am in Cambridge and I would like to know good places to go in the #ATTRACTION-INFORM-AREA# area of town .",
+ "Yes I would prefer to be in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for attractions in #ATTRACTION-INFORM-AREA# Cambridge .",
+ "I am staying in the #ATTRACTION-INFORM-AREA# of cambridge , can you tell me about places to go there ?",
+ "Yes . I am looking for a fun place to visit while I ' m in the #ATTRACTION-INFORM-AREA# side of town . Is there an awesome attraction you could recommend ?",
+ "Oh , okay . I need something in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for places to go in town in the #ATTRACTION-INFORM-AREA# . What do you recommend ?",
+ "I ' m looking for some attractions in the #ATTRACTION-INFORM-AREA# area .",
+ "Thank you ! Are there any places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Well , I guess I forgot to specify that I need something on the #ATTRACTION-INFORM-AREA# end of town .",
+ "Are there any attractions at all on the #ATTRACTION-INFORM-AREA# side of the city ?",
+ "No , I ' m actually looking for something in the #ATTRACTION-INFORM-AREA# . Is there anything available there please ?",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# area .",
+ "Yes , do you have any suggestions of places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Thanks , I ' m also looking for some places to go in the #ATTRACTION-INFORM-AREA# .",
+ "Are there any multiple sports in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Yes , what is a good place to see in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am looking for some places to go , do you have any attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I want a place to go in the #ATTRACTION-INFORM-AREA# , a swimmingpool . Or another type of entertainment , if there is no pool ?",
+ "Are there any places to go in the town #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for attractions in the #ATTRACTION-INFORM-AREA# , please .",
+ "What kind of places are there to go to in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for somwhere to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for multiple sports in the #ATTRACTION-INFORM-AREA# please .",
+ "Alright , since I ' m going to be in the city #ATTRACTION-INFORM-AREA# for awhile , could you tell me of any interesting places there ?",
+ "First tell me about the attractions in town in the #ATTRACTION-INFORM-AREA# .",
+ "It should be in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m actually just looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "Hi ! I ' m looking for someplace to go in the #ATTRACTION-INFORM-AREA# .",
+ "i am looking for somewhere to go in the #ATTRACTION-INFORM-AREA# of Cambridge",
+ "I think we would like it to be in the #ATTRACTION-INFORM-AREA# of town please .",
+ "it should be in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for some places to go in the #ATTRACTION-INFORM-AREA# of multiple sports . Can you help ?",
+ "Thank you so much ! I also need some entertainment in the #ATTRACTION-INFORM-AREA# . What do you recommend ?",
+ "I am looking for a swimming pool to visit on the #ATTRACTION-INFORM-AREA# side of town . Can you help me with that ?",
+ "Yes , I am also looking for somewhere to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Not right now , thanks . I am also looking for some places to go in the #ATTRACTION-INFORM-AREA# area of town . What attractions do they offer there ?",
+ "I would like to do a little site seeing . Do you have any good attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any places in the #ATTRACTION-INFORM-AREA# of town that are recommended to go to ? Thanks .",
+ "Can you find me an attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes , I would like some suggestions on places to go on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am looking for places to go in town #ATTRACTION-INFORM-AREA# . What are some options ?",
+ "I want somewhere fun to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "can you help me find some attractions in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "Are there any in the #ATTRACTION-INFORM-AREA# ?",
+ "I would like a museum close to the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a multiple sports attraction in the #ATTRACTION-INFORM-AREA# . Anything available ?",
+ "Do you have any that are in the #ATTRACTION-INFORM-AREA# ?",
+ "Before we worry about the taxi , I guess it would help to find which attraction . Sorry to confuse you . What attractions do you have in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes please ! Can you also recommend some places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Thanks I ' m also looking for a fun attraction to go in the #ATTRACTION-INFORM-AREA# . Can you make a recommendation ?",
+ "In the #ATTRACTION-INFORM-AREA# , please",
+ "I have been working all week in Cambridge and need to blow off some steam , what nigthclubs are in the #ATTRACTION-INFORM-AREA# area ?",
+ "Can you suggest something to do on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "It 's does n't matter what attraction it is just as long as it 's in the #ATTRACTION-INFORM-AREA# . Do you have any recommendations ?",
+ "Yes , since there is no multiple sports location can you pleas find me something in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "what attractions do you have in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m just looking for a place to go in the #ATTRACTION-INFORM-AREA# of the town .",
+ "I also am looking for an attraction to visit in the #ATTRACTION-INFORM-AREA# of town , can you recommend something ?",
+ "Yes , I am looking for places to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m looking for a nighclub in the #ATTRACTION-INFORM-AREA# part of the town .",
+ "I want some help finding a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , I would like to know about places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town . Can you make suggestions ?",
+ "I am also hoping to check out some sports locations in the same area . Can you see what attractions are available in the #ATTRACTION-INFORM-AREA# ?",
+ "I guess that will do . How about entertainment venues ... what 's there in city #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for attractions to go in the #ATTRACTION-INFORM-AREA# of Cambridge , please .",
+ "I am looking for a attraction in the #ATTRACTION-INFORM-AREA# part of town",
+ "Can you find me a multiple sports attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes are there any multiple sports places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Not at this time , can you tell me about places to go near the #ATTRACTION-INFORM-AREA# ?",
+ "I am also looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m so bored ! Can you find me something to do on the #ATTRACTION-INFORM-AREA# end of the city , please ?",
+ "Also , can you please provide me with attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m going #ATTRACTION-INFORM-AREA# in town , anything interesting to go to there ?",
+ "How about in the #ATTRACTION-INFORM-AREA# ?",
+ "i also want a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like to find an attraction to visit , something on the #ATTRACTION-INFORM-AREA# side .",
+ "I apologize , my mind wandered there for a second , I was really looking for an attraction to see in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes , I would like to see an attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Actually , I 'd like to go to a multiple sports attraction in the #ATTRACTION-INFORM-AREA# if there is one ?",
+ "I am also looking for somewhere fun in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for information on the town #ATTRACTION-INFORM-AREA# .",
+ "No particular attraction but I do need it to be in the #ATTRACTION-INFORM-AREA# .",
+ "I just want to find somewhere in the #ATTRACTION-INFORM-AREA# to visit",
+ "Well , I do n't know what sorts of options are available . I do need something located on the #ATTRACTION-INFORM-AREA# side .",
+ "Are there colleges in the #ATTRACTION-INFORM-AREA# of town ?",
+ "How about a #ATTRACTION-INFORM-AREA# ?",
+ "No , I 'd really like either a cinema or a museum on the #ATTRACTION-INFORM-AREA# side of town . Could you please look again for me ?",
+ "Are there any places to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "i m also looking for a cool sporty place to go in the #ATTRACTION-INFORM-AREA# of town , any recommendations ?",
+ "Hello ! I ' m planning my trip to Cambridge and I am looking for places to go on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am looking for a multiple sports venue in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great I also am looking for some place to go for an attraction in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I would like to visit one in the #ATTRACTION-INFORM-AREA# .",
+ "I was really hoping for something in the #ATTRACTION-INFORM-AREA# , what other attractions are available in the west area ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes I need a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I think maybe the #ATTRACTION-INFORM-AREA# for this trip .",
+ "It is in the #ATTRACTION-INFORM-AREA# of town .",
+ "i am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am going to the #ATTRACTION-INFORM-AREA# part of Cambridge and want to see a good attraction .",
+ "Yes , i am looking for places to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Hello , I am interested in seeing the attractions on the #ATTRACTION-INFORM-AREA# side of town . Can you assist me ?",
+ "Awesome . Thank you . Can you please find an architectural attraction for me in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for an attraction to go in the #ATTRACTION-INFORM-AREA# . Can you help ?",
+ "What attractions are in the town #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit an attraction in the #ATTRACTION-INFORM-AREA# area of town ?",
+ "i need information about attractions in the #ATTRACTION-INFORM-AREA# .",
+ "No thanks . I ' m also looking for multiple sports that are in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find an architectural attraction to go to in the #ATTRACTION-INFORM-AREA# . Can you help me ?",
+ "Yes , I am looking for places to go while I ' m in town . Perhaps something in the city #ATTRACTION-INFORM-AREA# .",
+ "Not really . I would like to stay toward the #ATTRACTION-INFORM-AREA# of town though .",
+ "Great , I also need a place to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am also looking for places to go in town , preferably in the #ATTRACTION-INFORM-AREA# .",
+ "I need some place fun to go on the #ATTRACTION-INFORM-AREA# side . Any suggestions ?",
+ "Thanks ! i ' m also looking for something to do in town , in the #ATTRACTION-INFORM-AREA# .",
+ "In the #ATTRACTION-INFORM-AREA# please",
+ "I would like to find places to go to in the #ATTRACTION-INFORM-AREA# of town .",
+ "What attractions are in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am interested in seeing some of the attractions in town , particularly in the #ATTRACTION-INFORM-AREA# . Can you help me ?",
+ "What do you recommend in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a pool somewhere in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "I would like to visit the #ATTRACTION-INFORM-AREA# part of town .",
+ "I want to find somewhere to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for someplace to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "I do n't have a preference , but I 'd like it to be in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , could you recommend a swimming pool in the #ATTRACTION-INFORM-AREA# ?",
+ "I would also like to know more about fun places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go , do you have any attractions in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I would like a swimming pool at the #ATTRACTION-INFORM-AREA# of town .",
+ "I would like that in the #ATTRACTION-INFORM-AREA# please .",
+ "Can you find me attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I am staying in the #ATTRACTION-INFORM-AREA# part of cambridge and would like to know about some places to go .",
+ "Yes , the #ATTRACTION-INFORM-AREA# please .",
+ "Preferably the town #ATTRACTION-INFORM-AREA# .",
+ "Yes , do you have any in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thanks , that 's all I need for the train for now . Are there any interesting attractions in the town #ATTRACTION-INFORM-AREA# ?",
+ "I need to find a swimming pool in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# part of town while I ' m there .",
+ "I 'd like to find an attraction to visit . Something in the #ATTRACTION-INFORM-AREA# .",
+ "Yes I need an attraction in the #ATTRACTION-INFORM-AREA# . Anyone will do . Whatever you recommend .",
+ "Thanks a lot . I am also looking for places to go to in the #ATTRACTION-INFORM-AREA# of town .",
+ "No , but I want it to be located in the #ATTRACTION-INFORM-AREA# .",
+ "Something in the #ATTRACTION-INFORM-AREA# , please .",
+ "Any kind , whatever you recommend . It should be located in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , please find more information on the park and boat attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Could you recommend me some places to go that is in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you also help me find an attraction on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I ' m looking for places in the #ATTRACTION-INFORM-AREA# of town to go to .",
+ "I would like to go to a mutiple sports attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "No , not really . What 's your favorite thing to do in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "somewhere in the #ATTRACTION-INFORM-AREA# , sorry need the phone # and admission fee",
+ "I need to find a swimming pool in the #ATTRACTION-INFORM-AREA# area of Cambridge .",
+ "Thanks , yes please . I ' m also looking for something to do in the city #ATTRACTION-INFORM-AREA# . Can you recommend anything ?",
+ "I do n't have anything in mind . It just needs to be in the #ATTRACTION-INFORM-AREA# . Can you suggest anything ?",
+ "I ' m looking for some places to go in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I am looking for sports facilities in the town #ATTRACTION-INFORM-AREA# .",
+ "What attractions do you have in town , preferably near the #ATTRACTION-INFORM-AREA# ?",
+ "No , I 'll do that tomorrow . Could you help me with some places I could visit in the town #ATTRACTION-INFORM-AREA# ?",
+ "I want to find a place to visit in the #ATTRACTION-INFORM-AREA# in Cambridge please .",
+ "I ' m also looking for places to go in town that is in the #ATTRACTION-INFORM-AREA# .",
+ "I will be in Cambridge and am looking for some places to go in the #ATTRACTION-INFORM-AREA# while I visit .",
+ "Great . Can you suggest someplace I could go in the #ATTRACTION-INFORM-AREA# to pass a few hours ? I really do n't have any preferences myself .",
+ "Can you tell what there is to do in the #ATTRACTION-INFORM-AREA# area ?",
+ "Are any of them in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for someplace in the #ATTRACTION-INFORM-AREA# , please .",
+ "Can you recommend some places to go in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m also looking for something to help kill some time on the #ATTRACTION-INFORM-AREA# side of town . Do you have any recommendations ?",
+ "Do you have any in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m sorry , I meant to ask for help finding something fun to do in town in the #ATTRACTION-INFORM-AREA# side of town . I do n't need a restaurant after all .",
+ "I am also looking for a multi sports in the #ATTRACTION-INFORM-AREA# of town .",
+ "I need a cinema in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks . I ' m also interested in some sort of entertainment in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you . Are there any attractions I could visit in the town #ATTRACTION-INFORM-AREA# ?",
+ "I need a #ATTRACTION-INFORM-AREA# attraction .",
+ "No thanks . I also need places to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hi , I am looking for some attractions that are in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi , I ' m looking for information about places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Are there any boat attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "Where are some places to go on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Are there any concert halls in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for attractions of multiple sports located in the #ATTRACTION-INFORM-AREA# . What is available ?",
+ "Yes the #ATTRACTION-INFORM-AREA# please .",
+ "I am looking for architectural spots to visit on my trip to Cambridge . On the #ATTRACTION-INFORM-AREA# side .",
+ "Hi , I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# part of town . Are there any interesting attractions ?",
+ "I was really hoping for something in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thanks I am also looking for a swimming pool in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "i think something in the #ATTRACTION-INFORM-AREA# of town would be good .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I just needed that information , what attractions do you have in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Are there places in town #ATTRACTION-INFORM-AREA# of architectural interest ?",
+ "For now I 'd like to hear about places to go in the #ATTRACTION-INFORM-AREA# of town . Where all the action happens !",
+ "I ' m looking for places to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "No . Can you recommend something in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you help me find an attraction in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town that is a theater .",
+ "Yes , I am looking for places to go in the #ATTRACTION-INFORM-AREA# area .",
+ "Hi ! Can you help me find some places to go on the #ATTRACTION-INFORM-AREA# side of the city ? I ' m super bored !",
+ "Yes i am looking to go to a sporting events up #ATTRACTION-INFORM-AREA# . Do you have any suggestions ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am also looking for places to go on the #ATTRACTION-INFORM-AREA# side of town . Can you give me suggestions ?",
+ "Yes . I am looking for places to go on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Is it in the #ATTRACTION-INFORM-AREA# ? I need something in that area .",
+ "I 'd like to visit the #ATTRACTION-INFORM-AREA# side of town .",
+ "Do you have any concert halls located in the #ATTRACTION-INFORM-AREA# ?",
+ "Okay , great . I ' m also looking for attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am also looking for a place to go for some entertainment in the #ATTRACTION-INFORM-AREA# . Any Recommendations ?",
+ "Yes , the #ATTRACTION-INFORM-AREA# is where I will be staying .",
+ "Hi ! Can you help me find an attraction to visit in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Yes , thank you . I 'd also like to find a swimming pool in the town #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I could really use some help finding something fun to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for some type of entertainment venue in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you tell me about architectural attractions on the #ATTRACTION-INFORM-AREA# side ?",
+ "Yes , I ' m looking for something in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# .",
+ "Wonderful . Can you also help me find a place to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "are their any swimming pools in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes . I am also looking for a concert hall to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Could you make it the #ATTRACTION-INFORM-AREA# side of town please .",
+ "I want to visit a concert hall . Are there any in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I really wanted a concerthall in the #ATTRACTION-INFORM-AREA# area , are you certain there is n't one ?",
+ "Hi , I ' m planning a trip to Cambridge and I ' m looking for places to visit in the #ATTRACTION-INFORM-AREA# .",
+ "I need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hi . Are there any interesting places to visit in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Are there any interesting places to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Great ! Thanks ! I ' m also looking for something to do in the #ATTRACTION-INFORM-AREA# of town , can you tell me what 's in that area ?",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# . An attraction . Please tell me about some places .",
+ "Great . Can you find me a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "How about a swimming pool in #ATTRACTION-INFORM-AREA# ?",
+ "Yes a theatre in the #ATTRACTION-INFORM-AREA# is what I am looking for .",
+ "I ' m looking for some kind of entertainment in the #ATTRACTION-INFORM-AREA# of Cambridge . Can you help ?",
+ "Any area is fine . Perhaps the #ATTRACTION-INFORM-AREA# area if there is a good one there .",
+ "What is there to do in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am looking for information on attractions in the #ATTRACTION-INFORM-AREA# side of town .",
+ "I ' m also interested in places to go . What kind of entertainment is there in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m also looking for places to go while I ' m there , preferable something in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like to know of interesting places to go situated in the #ATTRACTION-INFORM-AREA# of cambridge .",
+ "You 're right , we should an attraction first . I ' m pretty open to anything as long as its located in the #ATTRACTION-INFORM-AREA# .",
+ "How about in the #ATTRACTION-INFORM-AREA# of town ? What s available there ?",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I also need to find an attraction in the #ATTRACTION-INFORM-AREA# area .",
+ "Okay , can you find attractions near the #ATTRACTION-INFORM-AREA# ?",
+ "I need help finding some places to go in the #ATTRACTION-INFORM-AREA# part of the city when I visit .",
+ "I am though looking for places to go in the #ATTRACTION-INFORM-AREA# as well .",
+ "Can you recommend an attraction that is also in the town #ATTRACTION-INFORM-AREA# ?",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for some places to go in town . I want something in the #ATTRACTION-INFORM-AREA# that has multiple sports .",
+ "I am looking for a place to go visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "No . I do need some options for Entertainment sort of attractions . In the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for places to on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Where can I go that is located in the #ATTRACTION-INFORM-AREA# in town ?",
+ "Anything in the #ATTRACTION-INFORM-AREA# will do . What 's your favorite ?",
+ "I would like to find something to do in the #ATTRACTION-INFORM-AREA# part of the city .",
+ "I am looking for something to do later in the #ATTRACTION-INFORM-AREA# of town .",
+ "i am also looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# .",
+ "Can you find one in the #ATTRACTION-INFORM-AREA# please ?",
+ "Great ! I am also looking for a place to go on the #ATTRACTION-INFORM-AREA# side of town . What would you recommend ?",
+ "What 's the best place to go on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Is it true Cambridge has the best attractions ? We are looking for something unusual to do in the #ATTRACTION-INFORM-AREA# .",
+ "I am visiting the #ATTRACTION-INFORM-AREA# area and need to find an attraction to visit .",
+ "How about in the #ATTRACTION-INFORM-AREA# ?",
+ "What are the really hot attractions I should visit in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any attractions in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "Hi , I was going to visit the #ATTRACTION-INFORM-AREA# , and wanted to know if there were any professional or semiprofessional teams playing during my visit .",
+ "Would you happen to know if there is a swimming pool in the #ATTRACTION-INFORM-AREA# ?",
+ "I need information on the town #ATTRACTION-INFORM-AREA# .",
+ "I want to know what attractions are in the #ATTRACTION-INFORM-AREA# , please .",
+ "I 'd like something on the #ATTRACTION-INFORM-AREA# side , please .",
+ "Can you tell me about some attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I need to go to #ATTRACTION-INFORM-AREA# , near a place that has a boat . What is the entrabnce fee ?",
+ "Actually , I wanted to stay in the #ATTRACTION-INFORM-AREA# . Can you see if there is something there ?",
+ "I ' m also looking for a recommended attraction in the #ATTRACTION-INFORM-AREA# . I do n't care what type it is .",
+ "Hi , I ' m coming into town and looking for some things to do and places to go on the #ATTRACTION-INFORM-AREA# side of Cambridge . Do you have any suggestions ?",
+ "do you have information about attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I do n't care as long as it is in the #ATTRACTION-INFORM-AREA# .",
+ "Can you recommend some attractions to go to on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "What kind of attractions are available in the #ATTRACTION-INFORM-AREA# ?",
+ "Great thanks and I ' m also looking for places to go in town which should be in the #ATTRACTION-INFORM-AREA# . Can you please help ?",
+ "I want to find some good places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for something to do on the #ATTRACTION-INFORM-AREA# side of town .",
+ "The attraction should be in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "No . I am also looking for attractions , a swiming pool in the #ATTRACTION-INFORM-AREA# .",
+ "i ' m looking for things to do in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you . Could you recommend a place to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Actually , I 'd like some information about an attraction in the #ATTRACTION-INFORM-AREA# dealing with multiple sports .",
+ "No , I 'd like the name of one in the #ATTRACTION-INFORM-AREA# please .",
+ "Can you find a multiple sports attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m traveling to Cambridge and looking for things to do in the town #ATTRACTION-INFORM-AREA# .",
+ "Do you happen to have any entertainment places in the #ATTRACTION-INFORM-AREA# of town to visit ?",
+ "I ' m also looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "How about one in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you tell me what 's interesting to do on the #ATTRACTION-INFORM-AREA# side ?",
+ "Yes , I would like information on attractions in the #ATTRACTION-INFORM-AREA# .",
+ "In the #ATTRACTION-INFORM-AREA# of town , if possible .",
+ "I am looking for something in town #ATTRACTION-INFORM-AREA# , is there a place for multiple sports in that area ?",
+ "Awesome . I ' m also looking for places to go in the #ATTRACTION-INFORM-AREA# of town . Any suggestions ?",
+ "We need to work off some energy - can you find us a multiple sports place in town ? Closer to the city #ATTRACTION-INFORM-AREA# would be best .",
+ "can you recommend a good place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any architectural attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for something in the #ATTRACTION-INFORM-AREA# of town , maybe an art museum ?",
+ "Not really sure but I 'd like it to be in the #ATTRACTION-INFORM-AREA# of town . Do you have any suggestions ?",
+ "Yeah , I ' m also looking for a place to go , perhaps an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Can you recommend one to visit in the #ATTRACTION-INFORM-AREA# of town ?",
+ "No but I need information on places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Do you have any great places to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for attractions in the #ATTRACTION-INFORM-AREA# , can you help me ?",
+ "Great ! I was also interested in finding a swimming pool in the #ATTRACTION-INFORM-AREA# .",
+ "Are there any entertainment attractions in the #ATTRACTION-INFORM-AREA# of the city ?",
+ "I need something in the #ATTRACTION-INFORM-AREA# .",
+ "I just wanted to confirm that the attraction you recommended is located in the #ATTRACTION-INFORM-AREA# part of town . I forgot to mention that .",
+ "I would also like some where fun to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m interested in places to in the #ATTRACTION-INFORM-AREA# .",
+ "Hi ! I m looking for some information - can you tell me about places to go in the city #ATTRACTION-INFORM-AREA# ? Maybe a multiple sports attraction ?",
+ "I am looking for an attraction in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "Yes , please find any museums in the town #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any good attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am looking to visit the #ATTRACTION-INFORM-AREA# while I am here . What types of attractions are available for tourists ?",
+ "I would like information on pools in the #ATTRACTION-INFORM-AREA# .",
+ "Great I also am looking to find an attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , I 'd like some information about a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an attraction located in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to know a few attractions to visit in town around the Cambridge #ATTRACTION-INFORM-AREA# .",
+ "Thanks . Can you also find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "We are looking for a place to go while in town in the #ATTRACTION-INFORM-AREA# .",
+ "Hi I am looking for a place to go in town , I want to see multiple sports in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you also direct me to some attractions in town in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any colleges in the #ATTRACTION-INFORM-AREA# ?",
+ "No thank you . I am also looking for a place to go in the #ATTRACTION-INFORM-AREA# section of town . Can you help with that ?",
+ "Hello ! I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town . Can you help me with that ? !",
+ "Thanks . I 'd also like someplace to go in the #ATTRACTION-INFORM-AREA# . Maybe some sort of attraction .",
+ "Hi ! I ' m looking for someplace to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Are there any places in the #ATTRACTION-INFORM-AREA# section of town the has to do with multiple sports ?",
+ "I 'd like something in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks . What 's interesting in the way of attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I really need one in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for somewhere fun to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Please find a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you very much . Also , do you have any suggestions on someplace fun to visit in the #ATTRACTION-INFORM-AREA# as well ?",
+ "Hello , I am going to nee a place to go in the #ATTRACTION-INFORM-AREA# of town . Multiple sports would be best .",
+ "I would like the attraction to be in the #ATTRACTION-INFORM-AREA# .",
+ "I like Greek food . I also need to get a list of local attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I 'd like to stay in the #ATTRACTION-INFORM-AREA# part of town please .",
+ "I am looking for interesting places to go in the #ATTRACTION-INFORM-AREA# part of town . Can you help me with that ?",
+ "I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# . What would you recommend ?",
+ "I would like to find a place with multiple sports in the #ATTRACTION-INFORM-AREA# of the city .",
+ "What entertainment choices are in the #ATTRACTION-INFORM-AREA# ?",
+ "Ok are there any attractions in the #ATTRACTION-INFORM-AREA# you recommend ? I need a phone number for whatever you chose .",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , are there any fun places to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Yes , I would prefer it to be in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for something to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "I like to play sports . Are there any facilities for that in the #ATTRACTION-INFORM-AREA# section ?",
+ "I am also looking for places to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am planning a trip to cambridge and would like a place to go in the #ATTRACTION-INFORM-AREA# area .",
+ "I am looking for an attraction to try out in the #ATTRACTION-INFORM-AREA# part of town , what is available ?",
+ "Sure , I ' m looking for places to go in town , something in the #ATTRACTION-INFORM-AREA# . Can you help ?",
+ "Hello , I ' m looking for places to go in the city #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for some entertainment in the #ATTRACTION-INFORM-AREA# , is there anything interesting to see there ?",
+ "Can you tell me about nightclubs in the #ATTRACTION-INFORM-AREA# area ?",
+ "I want to learn about attractions in the #ATTRACTION-INFORM-AREA# side of town .",
+ "I ' m looking for some place to go in the town #ATTRACTION-INFORM-AREA# . Something sports related .",
+ "As long as it is in the #ATTRACTION-INFORM-AREA# of town , yes .",
+ "I was hoping for some information about places to go in the #ATTRACTION-INFORM-AREA# area .",
+ "I would like to find something to do in the #ATTRACTION-INFORM-AREA# .",
+ "Hello , I ' m looking for attractions in the #ATTRACTION-INFORM-AREA# , can you help me out ?",
+ "I ' m looking for a sports facility in the town #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in #ATTRACTION-INFORM-AREA# . Any ideas ?",
+ "Great ! Can you also recommend a fun attraction to visit in the town #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a museum in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a place that has multiple sports in the #ATTRACTION-INFORM-AREA# of town . Do you have any suggestions ?",
+ "I ' m sorry , I meant the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places in the #ATTRACTION-INFORM-AREA# to go to .",
+ "Yes , I ' m look for a places to go while I ' m in town . Could you find me an attraction in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I 'd like to find a place to go . Something in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , can you also tell me what there is to do in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am also looking for something to do in town . Are there any facilities for multiple sports on the #ATTRACTION-INFORM-AREA# side ?",
+ "Yes , I ' m also interested in things to do in the #ATTRACTION-INFORM-AREA# area . Can you make some suggestions ?",
+ "Hi , I 'd like to find someplace to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m going to be in #ATTRACTION-INFORM-AREA# Cambridge and am looking for something to do . Suggestions ?",
+ "I also need to find a place to go located in the #ATTRACTION-INFORM-AREA# .",
+ "I need it in the #ATTRACTION-INFORM-AREA# and you can make a suggestion .",
+ "Can you help me find some information about places to go on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Now I need to find a place to go visit , should be in the #ATTRACTION-INFORM-AREA# part of the town",
+ "I want to go somewhere in the #ATTRACTION-INFORM-AREA# part of town . Can you give me information on places to go and attractions there ?",
+ "I am looking for suggestions on where to go in town , I would like it to be entertaining and in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to stay in the #ATTRACTION-INFORM-AREA# area .",
+ "what attractions do you have in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for somewhere to go in the #ATTRACTION-INFORM-AREA# part of town . Can you help me ?",
+ "i want a place i can watch multiple sports in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m sorry , let 's back up . We 'll worry about the taxi later . First , can you help me find a college on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Actually , I could use some help finding something fun to do in the #ATTRACTION-INFORM-AREA# .",
+ "Did I say food ? Sorry , I meant places to go . I ' m looking for entertainment in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for an attraction in the #ATTRACTION-INFORM-AREA# of the city .",
+ "I also need to find a place to visit in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Hi . I am looking for a good attraction in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am looking for a place to go on the #ATTRACTION-INFORM-AREA# side maybe a cinema .",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for things to do on the #ATTRACTION-INFORM-AREA# side of Cambridge . Is there anything you can recommend ?",
+ "In the #ATTRACTION-INFORM-AREA# of town please",
+ "I am also interested in finding something fun to do in the #ATTRACTION-INFORM-AREA# . Are there any \" must see \" attractions you suggest ?",
+ "please find me a place to go in the #ATTRACTION-INFORM-AREA# and it should be a collage",
+ "Hello , I am looking for something to do in the #ATTRACTION-INFORM-AREA# part of town . It sould involve multiple sports .",
+ "What 's fun to do on the #ATTRACTION-INFORM-AREA# side ?",
+ "Hi , I am looking for attractions in the #ATTRACTION-INFORM-AREA# of town . Do you have any recommendations ?",
+ "I ' m looking for places to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Do you have anything else closer to the #ATTRACTION-INFORM-AREA# of town ? Or perhaps a theater ?",
+ "Oh , thank goodness . I was getting worried . Can you recommend any fun things to do in the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I do n't know the city very well . Do you have any recommendations for attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any in the #ATTRACTION-INFORM-AREA# you can tell me about as well ?",
+ "Can you find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you tell me about attractions located in the #ATTRACTION-INFORM-AREA# of town ?",
+ "This heatwave is killing me and the kids are screaming about being too hot , can I get info on pools in the #ATTRACTION-INFORM-AREA# area ?",
+ "I am looking for an attraction in the #ATTRACTION-INFORM-AREA# that has multiple sports .",
+ "Yes , I ' m looking for something interesting to see in the #ATTRACTION-INFORM-AREA# . What would you recommend ?",
+ "I want to know where I can go in the town #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "I am interested in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Take your pick . I am open to anything as long as it is in the #ATTRACTION-INFORM-AREA# area .",
+ "I going to be staying in the #ATTRACTION-INFORM-AREA# part of town , what is there to do at that area ?",
+ "I ' m looking for one on the #ATTRACTION-INFORM-AREA# end .",
+ "I am traveling to Cambridge and am looking for places to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Hello , I ' m looking for places to go in the city #ATTRACTION-INFORM-AREA# .",
+ "Thank You . I would also like to know about places to go in the #ATTRACTION-INFORM-AREA# area .",
+ "I need a place in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a good attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Great ! I ' m also looking for a place to go in the #ATTRACTION-INFORM-AREA# . Any suggestions for something fun ?",
+ "Yes those are fine . I also need find an attraction in the #ATTRACTION-INFORM-AREA# of town to visit .",
+ "I am looking for some where to go , in the #ATTRACTION-INFORM-AREA# of town .",
+ "I 'd like to go to an attraction in the #ATTRACTION-INFORM-AREA# side of town .",
+ "i also want a place to go in the #ATTRACTION-INFORM-AREA# of town",
+ "I would like to find some attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a nightlclub located in the #ATTRACTION-INFORM-AREA# of town , might you suggest one ?",
+ "I want to check out a theater in the #ATTRACTION-INFORM-AREA# area of cambridge .",
+ "Hmm , nope . We ' ve been there . How about a concert hall in the #ATTRACTION-INFORM-AREA# of town ?",
+ "i am looking for places to go in town #ATTRACTION-INFORM-AREA# , should be of multiple sports",
+ "What attractions can you recommend in the #ATTRACTION-INFORM-AREA# ?",
+ "Help ! I need to find something to do , I ' m super bored . I ' m on the #ATTRACTION-INFORM-AREA# side of the city , can you help me find somewhere to go ?",
+ "Are there any attractions on the #ATTRACTION-INFORM-AREA# ?",
+ "Thanks . I am also looking for a multiple sports attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great , how about finding a cool place for us to check out in the #ATTRACTION-INFORM-AREA# area also ?",
+ "I would like one in the #ATTRACTION-INFORM-AREA# please .",
+ "I 'd like to stay close to the action in the #ATTRACTION-INFORM-AREA# of town .",
+ "Are there any attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "How about ones in the #ATTRACTION-INFORM-AREA# , what 's available ?",
+ "I am looking for places to go in town located in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi , I 'd like to find some place to go in the #ATTRACTION-INFORM-AREA# . What 's good to visit ?",
+ "I ' m looking for places to go in #ATTRACTION-INFORM-AREA# Cambridge .",
+ "Hello , I ' m looking for local tourist attractions located in the #ATTRACTION-INFORM-AREA# . May I please have that information ?",
+ "Hi I am looking for a place to go in the #ATTRACTION-INFORM-AREA# . Can you help ?",
+ "I ' m looking for attractions that are in the #ATTRACTION-INFORM-AREA# , could you help me find some ?",
+ "Ok , that 's fine . I do n't need to book that yet . I do need to find some places to go in the #ATTRACTION-INFORM-AREA# of town too .",
+ "Hi , I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hello , I am new to town and would like some ideas on whee I should go in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m planning my first trip to Cambridge and looking for places to go in the #ATTRACTION-INFORM-AREA# , can you give me some suggestions on what and where to go ?",
+ "I ' m planning a trip to Cambridge , I would like to visit multiple sports in the #ATTRACTION-INFORM-AREA# area .",
+ "I would like the something in the #ATTRACTION-INFORM-AREA# .",
+ "Please find a theater in the #ATTRACTION-INFORM-AREA# .",
+ "I need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I do n't have anything specific in mind , what are some of the most popular attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I would like some suggestions for entertainment venues to visit in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Please recommend some worthwhile places to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Can you find me a place in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Do you have one in the #ATTRACTION-INFORM-AREA# area . That would be nice .",
+ "I would also like to find some where fun to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m excited to be traveling to cambridge and would like to find some places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I would like to go to the #ATTRACTION-INFORM-AREA# of town",
+ "Is there any good attractions in the #ATTRACTION-INFORM-AREA# , you 'd recommend ?",
+ "I ' m looking for something to do in Cambridge . I ' m interested in architecture , is there any interesting buildings around the city #ATTRACTION-INFORM-AREA# ?",
+ "Can you suggest somewhere around here where I can see multiple sports and is in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you help me find a place to go on the #ATTRACTION-INFORM-AREA# side of town where I can enjoy multiple sports ? Thanks .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great I also am looking for a multiple sports attraction in the #ATTRACTION-INFORM-AREA# of town too .",
+ "I am looking for somewhere to go in the #ATTRACTION-INFORM-AREA# .",
+ "My bad , I meant the #ATTRACTION-INFORM-AREA# .",
+ "Can you look for something in the #ATTRACTION-INFORM-AREA# ?",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Yes , the college should be in the #ATTRACTION-INFORM-AREA# .",
+ "No . Are there any swimming pools on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I am looking for an attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I am also interested in attractions in the #ATTRACTION-INFORM-AREA# . Specifically , I am interested in multiple sports facilities",
+ "Any type , but I would like it to be in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# ?",
+ "I need a place in the #ATTRACTION-INFORM-AREA# . I welcome any suggestions you may have .",
+ "I will be in the #ATTRACTION-INFORM-AREA# part of town . I ' m looking for a place to go . I might even want to go swimming . Any suggestions ?",
+ "I also need a sports place to go on the #ATTRACTION-INFORM-AREA# side of town .",
+ "In the #ATTRACTION-INFORM-AREA# would be great !",
+ "The #ATTRACTION-INFORM-AREA# , please .",
+ "What theaters are on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I need some recommendations for attractions in Cambridge at the #ATTRACTION-INFORM-AREA# , what would you suggest ?",
+ "We are going to the #ATTRACTION-INFORM-AREA# for a night out . Hear you have some great attractions can you help me find something fun ?",
+ "Thanks , I am also looking for somewhere to go in the #ATTRACTION-INFORM-AREA# area .",
+ "Yes , I am also looking for a multiple sports attraction in the city #ATTRACTION-INFORM-AREA# . Are you aware of any ?",
+ "I ' m so bored ! Can you find me something to do in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# area .",
+ "I would like to the information for the one #ATTRACTION-INFORM-AREA# .",
+ "I ' m interested in doing something touristy in the #ATTRACTION-INFORM-AREA# , where should I stop first ?",
+ "Are there any sports related entertainment venues on the #ATTRACTION-INFORM-AREA# side of Cambridge ?",
+ "Is that a multiple sports attraction in the #ATTRACTION-INFORM-AREA# ? How much does it cost ?",
+ "Could you see if there 's a swimming pool in the #ATTRACTION-INFORM-AREA# area , as well ?",
+ "I need some place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town . Can you help ?",
+ "Thank you I am also looking for an attraction in the #ATTRACTION-INFORM-AREA# of town too",
+ "Great , I ' m also looking for a swimming pool in the #ATTRACTION-INFORM-AREA# . Can you find me one ?",
+ "Yes , I ' m also looking for something to do on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I want to find a place to go in the #ATTRACTION-INFORM-AREA# to enjoy some entertainment . Can you help ?",
+ "Anything in the #ATTRACTION-INFORM-AREA# .",
+ "We will be staying in the #ATTRACTION-INFORM-AREA# part of town , somewhere near there would be fine .",
+ "Hello , I am going to be visiting Cambridge soon and I am interested in what attractions are in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like to look around the #ATTRACTION-INFORM-AREA# area .",
+ "i would also like places to go in the #ATTRACTION-INFORM-AREA# of town",
+ "I need a place to go in the #ATTRACTION-INFORM-AREA# for entertainment .",
+ "I ' m looking for a boat attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Any in the #ATTRACTION-INFORM-AREA# ?",
+ "I 'd prefer a cinema that 's in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m also looking for an attraction to go to in the #ATTRACTION-INFORM-AREA# . Do you have any recommendations ?",
+ "I am interested in some attractions in the #ATTRACTION-INFORM-AREA# as well . What is there ?",
+ "Yes , I ' m looking for places to see in the #ATTRACTION-INFORM-AREA# .",
+ "No , looking for a pool in the #ATTRACTION-INFORM-AREA# in town .",
+ "I ' m interested in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thanks ! I ' m also looking for an attraction in the #ATTRACTION-INFORM-AREA# area .",
+ "What good attractions are there in the city #ATTRACTION-INFORM-AREA# ?",
+ "I was actually wanting an architecture attraction in the #ATTRACTION-INFORM-AREA# . Are there any ?",
+ "I m in the #ATTRACTION-INFORM-AREA# side of town , are there any pools on the westside ?",
+ "Yes , I will be on the #ATTRACTION-INFORM-AREA# side , can you recommend any places to go for me ?",
+ "Actually , I 'd rather find information about a park , somewhere on the #ATTRACTION-INFORM-AREA# end of town if possible .",
+ "Thank you . I also need info on a place to go in the #ATTRACTION-INFORM-AREA# . Any one will do . Just something to see .",
+ "I need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I will be in the #ATTRACTION-INFORM-AREA# area and would like to visit some atractions . Can you assist me .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for something fun to do on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Never mind , I do n't want a restaurant . I want to go to a mulitple sports #ATTRACTION-INFORM-AREA# in the centre of town .",
+ "I 'd like to visit an attraction in the #ATTRACTION-INFORM-AREA# . Suggest something for me please .",
+ "I would like to find a place to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am looking for something fun to do in the #ATTRACTION-INFORM-AREA# part of town . Do you have any suggestions on a great attraction ?",
+ "I would also like to find something fun to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "I wish I could go be funky and fun ! I was really looking more for something in #ATTRACTION-INFORM-AREA# , though .",
+ "Thanks . I ' m also looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hello , I ' m looking for some sports arenas to go to in Cambridge that 's located in the #ATTRACTION-INFORM-AREA# . I like all different sports , so please tell me everything that is available .",
+ "Could you tell me if there is a multiple sports place in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m just looking for something fun to do in the #ATTRACTION-INFORM-AREA# of town . Do you have any recommendations ?",
+ "Hello ! I ' m looking for some entertainment in the #ATTRACTION-INFORM-AREA# please !",
+ "I would also love a suggestion of something to do in the city . Something in the #ATTRACTION-INFORM-AREA# would be preferred .",
+ "I am looking for something in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go here in the #ATTRACTION-INFORM-AREA# of town . Could you please assist me ?",
+ "I ' m looking for places to go in town . The attractions should be in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places go to in the #ATTRACTION-INFORM-AREA# of town .",
+ "No thanks . Could you find a multiple sports attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "Thank you . I also would like to visit somewhere in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes I need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find one in the #ATTRACTION-INFORM-AREA# . Are there any in that area ?",
+ "I am looking for something to do in the #ATTRACTION-INFORM-AREA# .",
+ "Can you tell me about an attraction found in the #ATTRACTION-INFORM-AREA# ?",
+ "Certainly . I 'd like to know what sorts of attractions are available on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am visiting and would like to see something interesting in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like to check out an attraction on the #ATTRACTION-INFORM-AREA# side .",
+ "I want general information on places to go in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I am looking for something entertaining in the #ATTRACTION-INFORM-AREA# .",
+ "What part of town is that in ? I 'd like to stick to the #ATTRACTION-INFORM-AREA# side , if possible .",
+ "yes , thank you . I am also looking for some places to visit in the #ATTRACTION-INFORM-AREA# of town . Any recommendations ?",
+ "Hi , I was wondering if there were any swimming pools in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Hello , I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I do n't need to book any train tickets , thanks . What attractions do you recommend in the #ATTRACTION-INFORM-AREA# ?",
+ "Great , thanks for the info . I will go ahead and book myself later . Do you know of any good attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "The #ATTRACTION-INFORM-AREA# please . Nothing further than that .",
+ "Any attraction is fine as long as it 's in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you help me find an interesting place to visit on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Hello , can you help me locate swimming pools on the #ATTRACTION-INFORM-AREA# side of Cambridge ?",
+ "What is a fun place to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I need the taxi to pick me up at the theatre . But I suppose we should figure out exactly which theatre that is . You mentioned one in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for an exciting place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great . I also need a multiple sports attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m interested in finding some things to do in the #ATTRACTION-INFORM-AREA# area of town . Specifically I am interested in multiple sports attractions . Can I get more information ?",
+ "I ' m trying to find a concert hall in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I would like the #ATTRACTION-INFORM-AREA# area please .",
+ "Thanks , I 'd also like to find an attraction in the #ATTRACTION-INFORM-AREA# , please .",
+ "I ' m looking for architectural attactions in the #ATTRACTION-INFORM-AREA# . Can you recommend one ?",
+ "I 'd like to visit something in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am looking for attractions in the #ATTRACTION-INFORM-AREA# .",
+ "i am looking for a swimming pool in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Are there any multiple sports attractions in the #ATTRACTION-INFORM-AREA# area ?",
+ "Yes , please try the #ATTRACTION-INFORM-AREA# .",
+ "Hi , I am looking for attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for general information on places to go in the #ATTRACTION-INFORM-AREA# area of town .",
+ "Is there anything interesting to see in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for places to go to in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I AM LOOKING FOR A PLACE TO GO and it should be in the #ATTRACTION-INFORM-AREA# .",
+ "What attractions do you have in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes , could you give me some suggestions on places to go to in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I will be visiting the #ATTRACTION-INFORM-AREA# .",
+ "Are there any good places to visit in the #ATTRACTION-INFORM-AREA# of town ? Thankyou .",
+ "No , I ' m also looking for some attractions in town . Any multiple sports attractions located around the #ATTRACTION-INFORM-AREA# ?",
+ "I 'd like it to be in the #ATTRACTION-INFORM-AREA# , please .",
+ "I have no preference . Just find something in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi , what kind of attractions are there in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m wanting to find an attraction to go to in the #ATTRACTION-INFORM-AREA# part of town . Do you have any suggestions ?",
+ "I ' m looking for places to visit . I 'd like to find any sports related attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Hello ! I ' m lookng for someplace to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hi ! What can you tell me about the attractions on the #ATTRACTION-INFORM-AREA# side ?",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "Hello , I ' m hanging around town tomorrow due to an appointment and want to do something fun while I ' m there . I 'll be on the town #ATTRACTION-INFORM-AREA# most of the day .",
+ "I am also interested in places to go in the #ATTRACTION-INFORM-AREA# area . Can you help with that ?",
+ "I would say let 's look for an attraction first . Can you recommend something to do in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am also looking for some places to go in the #ATTRACTION-INFORM-AREA# . Any Recommendations ?",
+ "What is located in the #ATTRACTION-INFORM-AREA# ?",
+ "Never mind . Do you have any theaters in the #ATTRACTION-INFORM-AREA# area ?",
+ "It 's so hot today , can you help me find a good pool to visit on the #ATTRACTION-INFORM-AREA# side of the city ?",
+ "Can you find an attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "Not really . I just want to see some local tourist attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for multiple sports in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I 'd like to find something to do in the #ATTRACTION-INFORM-AREA# of town .",
+ "That 's not necessary . You can help me locate a concert hall in the #ATTRACTION-INFORM-AREA# end , however .",
+ "I need something to do in canbridge in the #ATTRACTION-INFORM-AREA# that has lots to do with sports",
+ "I would like an attraction in the #ATTRACTION-INFORM-AREA# please .",
+ "I ' m looking for an attraction to visit . Is there anything located in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I would really like to go find places in the #ATTRACTION-INFORM-AREA# of town .",
+ "How about #ATTRACTION-INFORM-AREA# ?",
+ "I ' m going to be in the #ATTRACTION-INFORM-AREA# . Can you tell me a little about the one there ?",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# . Could you suggest some places ?",
+ "Can you assist me to find places in the #ATTRACTION-INFORM-AREA# part of town to go to ?",
+ "I actually would like something in the #ATTRACTION-INFORM-AREA# .",
+ "i am looking for attractions in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I 'd like to find an attraction in the #ATTRACTION-INFORM-AREA# of town , please .",
+ "Hi , I ' m looking for information on concert halls in the #ATTRACTION-INFORM-AREA# . Can you give me any suggestions ?",
+ "Yes an you check the #ATTRACTION-INFORM-AREA# please ?",
+ "Sure , the one in the #ATTRACTION-INFORM-AREA# please .",
+ "I am looking for places to go on the #ATTRACTION-INFORM-AREA# side of town . Can you help me with that ?",
+ "In the #ATTRACTION-INFORM-AREA# , please .",
+ "No tickets yet . But I do need info on a swimming pool in the #ATTRACTION-INFORM-AREA# . I you could recommend one ?",
+ "I really would like to go to an attraction in the #ATTRACTION-INFORM-AREA# area . Something fun maybe ?",
+ "Hi , I am interested in finding attractions on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "What can you tell me about attractions in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "Not now . But can you tell me something about concert halls in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any fun places to go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Thanks you , I m think of doing something after I eat , are there any good entertainment places in the #ATTRACTION-INFORM-AREA# area ?",
+ "I 'd like to find an attraction to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Can you recommend some places to go in the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Hello , I am trying to find an attraction in the #ATTRACTION-INFORM-AREA# part of town . Can you help me ?",
+ "I ' m looking for place to go in town in the #ATTRACTION-INFORM-AREA# area .",
+ "I ' m looking for something to do in town . Are there any interesting attraction in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I 'd prefer somewhere in the #ATTRACTION-INFORM-AREA# .",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of entertainment .",
+ "I will be visiting Cambridge and I need a list of the main attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am coming to visit and will be in the #ATTRACTION-INFORM-AREA# area . I would like an attraction to visit .",
+ "Hello , I am looking for places to go in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! Oh , I ' m also looking for places to go in town at the city #ATTRACTION-INFORM-AREA# . I need some form of entertainment . Can you help ?",
+ "I ' m also looking for places to go in the city #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Are there any musems in #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for an #ATTRACTION-INFORM-AREA# - based place to go in town .",
+ "I 'd like a type of entertainment in the #ATTRACTION-INFORM-AREA# , please .",
+ "Hi there , I ' m in the #ATTRACTION-INFORM-AREA# of town and I ' m bored . Can you tell me about what sorts of things to do there are around here ?",
+ "Thank you . We are also looking for an entertainment attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Where can I go in the #ATTRACTION-INFORM-AREA# for multiple sports ?",
+ "Yes . I would like to know about places to go in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# side of town .",
+ "Do you have anything like that in the #ATTRACTION-INFORM-AREA# ?",
+ "is there a swimming pool in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thanks - I am also wondering if there are any multiple sports attractions in the city #ATTRACTION-INFORM-AREA# .",
+ "Yes , I ' m looking for places to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Anything in the #ATTRACTION-INFORM-AREA# of town available ?",
+ "What are some attractions on the #ATTRACTION-INFORM-AREA# side ? Is there a swimming pool available ?",
+ "I need a swimming pool in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great . I am also looking for some entertainment in the #ATTRACTION-INFORM-AREA# of town . Any ideas ?",
+ "I think I 'd like to visit the #ATTRACTION-INFORM-AREA# .",
+ "Thanks . I am also looking for places to go in town . Perhaps an attraction in the city #ATTRACTION-INFORM-AREA# .",
+ "Hello . I am looking for attractions in the #ATTRACTION-INFORM-AREA# Cambridge area , can you help me ?",
+ "Yes , can you help me find a great place to spend my time and money in town . I prefer the #ATTRACTION-INFORM-AREA# . It 's time to live life to the fullest !",
+ "I ' m looking for an attraction in the #ATTRACTION-INFORM-AREA# of town . Do you have any suggestions ?",
+ "I am also interested in places to go in town #ATTRACTION-INFORM-AREA# . Can you offer me some ideas ?",
+ "I am looking for a place to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thanks , I ' m also looking for places to go in the #ATTRACTION-INFORM-AREA# . What can you tell me ?",
+ "What is in the #ATTRACTION-INFORM-AREA# ?",
+ "I would prefer the #ATTRACTION-INFORM-AREA# side of Cambridge .",
+ "Where can I find a swimming pool in the #ATTRACTION-INFORM-AREA# of town ?",
+ "i also want a place to go in the #ATTRACTION-INFORM-AREA# side of town",
+ "An attraction please . Something in the #ATTRACTION-INFORM-AREA# please .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am also looking for some recommendations on places to go in the #ATTRACTION-INFORM-AREA# .",
+ "The only requirement I have is that it be located in the #ATTRACTION-INFORM-AREA# area of town . Surprise me .",
+ "I ' m in the #ATTRACTION-INFORM-AREA# of town and need suggetions on things to see .",
+ "Nothing particular . What is your favorite attraction in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I would like one in the #ATTRACTION-INFORM-AREA# .",
+ "No , I do n't need to book now . On the other hand , I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# of city .",
+ "Hello , do you know of any points of interest in the #ATTRACTION-INFORM-AREA# of Cambridge ?",
+ "Is there anything fun to do in the #ATTRACTION-INFORM-AREA# ?",
+ "The #ATTRACTION-INFORM-AREA# is fine and free would be great !",
+ "I would like to visit a college in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you tell me about museums in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Hi , what are some fun attractions in #ATTRACTION-INFORM-AREA# Cambridge ?",
+ "I want to go to a theater in the #ATTRACTION-INFORM-AREA# part of town . Can you help me find some ?",
+ "What type of attractions are in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m sorry , I am also looking for an attraction in the town #ATTRACTION-INFORM-AREA# . Can you locate anything architectural ?",
+ "Yeah , I ' m looking for an entertainment place in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great , thanks . Can you also recommend something fun to do in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I would like some information on attractions in town that would be in the #ATTRACTION-INFORM-AREA# of town .",
+ "What kind of attractions are available in the #ATTRACTION-INFORM-AREA# ?",
+ "I am in the #ATTRACTION-INFORM-AREA# of town and I need somewhere to go .",
+ "I 'd like to find some place to go on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am interested in attractions located in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks . I ' m looking for a place to go on the #ATTRACTION-INFORM-AREA# .",
+ "What about the #ATTRACTION-INFORM-AREA# side of town ? Are there any there ?",
+ "I also am looking for an attraction to go to in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes , in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi , I need to spend some time in the town #ATTRACTION-INFORM-AREA# . Any interesting sights there ?",
+ "I want to visit the #ATTRACTION-INFORM-AREA# while I am here , what are some of the attractions available to me ?",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Preferably in the #ATTRACTION-INFORM-AREA# , I 'll be staying in that area with some friends ."
+ ],
+ "Type;": [
+ "I was hoping to see local places while in cambridge . Some #ATTRACTION-INFORM-TYPE# would be great .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# type attraction .",
+ "A #ATTRACTION-INFORM-TYPE# type of attraction .",
+ "Do you have any #ATTRACTION-INFORM-TYPE# attractions",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I was also wondering if you would be able to help me find a place to go to see some great #ATTRACTION-INFORM-TYPE# .",
+ "Thanks . I ' m also looking for some #ATTRACTION-INFORM-TYPE# close to the restaurant . Any suggestions ?",
+ "No thank you , but I am looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "How about a #ATTRACTION-INFORM-TYPE# to visit instead ?",
+ "Yes , I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the centre of town .",
+ "I am also trying to find places to go for #ATTRACTION-INFORM-TYPE# . Can you please help me ?",
+ "Yes , I would consider a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Thanks . Could you also find a #ATTRACTION-INFORM-TYPE# to go to in town ?",
+ "am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I need the address to a #ATTRACTION-INFORM-TYPE# in town",
+ "I am a #ATTRACTION-INFORM-TYPE# buff , does not matter what they have in them , I 'll go . What museums are in Cembridge ?",
+ "How about a #ATTRACTION-INFORM-TYPE# in the west ?",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# ?",
+ "Hi , I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "What kind of attractions are there in Cambridge ? I would like to visit a #ATTRACTION-INFORM-TYPE# . Can you suggest a college ?",
+ "That works . I ' m also looking for an attratiction that is #ATTRACTION-INFORM-TYPE# type .",
+ "Hmm , okay . Well , maybe we should take a look at a local #ATTRACTION-INFORM-TYPE# in town centre . Could you recommend one ?",
+ "I am going to visit and would like to go to a #ATTRACTION-INFORM-TYPE# . Any suggestions ?",
+ "Let 's check out some stuff in the #ATTRACTION-INFORM-TYPE# type .",
+ "Thank you . I am also looking for a #ATTRACTION-INFORM-TYPE# to visit . Do you have any recommendations ?",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Anything would be fine , but lets look up #ATTRACTION-INFORM-TYPE# .",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "We are visiting for a couple days and would like to see some #ATTRACTION-INFORM-TYPE# attractions in town . What do you have available ?",
+ "I have n't decided on what area of town I will be staying in , I would just like to know the #ATTRACTION-INFORM-TYPE# attractions please .",
+ "Ok . I would like the name of a specific #ATTRACTION-INFORM-TYPE# attraction please .",
+ "can you try #ATTRACTION-INFORM-TYPE# ?",
+ "What about a type of #ATTRACTION-INFORM-TYPE# ?",
+ "i need a place to go which is the type of a #ATTRACTION-INFORM-TYPE# .",
+ "Thank you . I am also looking for a #ATTRACTION-INFORM-TYPE# to visit near the restaurant .",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m sorry my brain got jumbled there , no to booking a seat on the train . I do need to find some #ATTRACTION-INFORM-TYPE# to look at while visiting .",
+ "Could you find some interesting #ATTRACTION-INFORM-TYPE# then ?",
+ "Well , could you look for a #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for places to go in a #ATTRACTION-INFORM-TYPE# in the Cambridge area . Can you help me ?",
+ "I think a #ATTRACTION-INFORM-TYPE# sounds good .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# . Can you tell me about any parks in the city ?",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Yes that 's fine . I am looking for something to do for #ATTRACTION-INFORM-TYPE# , any attractions you could tell me about ?",
+ "I prefer the #ATTRACTION-INFORM-TYPE# , is there one in the same postcode as the restaurant ?",
+ "Thank you . Can you also help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the city center .",
+ "I was told about a beautiful #ATTRACTION-INFORM-TYPE# called saint catharine 's . Could I get some information on it ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# . Which one is your favorite ?",
+ "Thanks , can I also find a #ATTRACTION-INFORM-TYPE# to go to .",
+ "Yes , I am also looking for places to go in town specifically a #ATTRACTION-INFORM-TYPE# .",
+ "I am interested in finding a great #ATTRACTION-INFORM-TYPE# to take a friend to .",
+ "A #ATTRACTION-INFORM-TYPE# sounds like fun . Recommend one please",
+ "I am hearing some good things about queens #ATTRACTION-INFORM-TYPE# , can you give me some basic info on them ?",
+ "I am looking for a place to go maybe a #ATTRACTION-INFORM-TYPE# .",
+ "Is there a #ATTRACTION-INFORM-TYPE# ?",
+ "I am coming to cambridge and would like some type of #ATTRACTION-INFORM-TYPE# while visiting .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "Thanks ! I ' m also looking for a good #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "Thanks for that info . I also need attractions in the same section of town as the restaurant . Do you have any #ATTRACTION-INFORM-TYPE# activities ?",
+ "Hello , I am planing to visit Cambridge and I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the west ?",
+ "Could you tell me if there is a #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "I ' m also looking for places to go . Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Ok , how about a #ATTRACTION-INFORM-TYPE# in the centre ?",
+ "I am looking for a place to go in town . I would like to find a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# .",
+ "I would love to see some of the beautiful #ATTRACTION-INFORM-TYPE# that Cambridge has to offer .",
+ "I need to find a place to go for #ATTRACTION-INFORM-TYPE# .",
+ "Thank you . I am also looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "Yes , get me some more information on magdalene #ATTRACTION-INFORM-TYPE# please",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in town",
+ "I would also like somewhere fun to go , a #ATTRACTION-INFORM-TYPE# I think .",
+ "I would love to maybe tour a #ATTRACTION-INFORM-TYPE# if I can .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# please .",
+ "No . I ' m thinking it may be nice to visit a #ATTRACTION-INFORM-TYPE# . Can you please recommend one of those ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking to go to a #ATTRACTION-INFORM-TYPE# .",
+ "i need a #ATTRACTION-INFORM-TYPE# to visit in Cambridge",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# attraction .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Could you help me find a #ATTRACTION-INFORM-TYPE# , please ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ? I think we would enjoy seeing a show !",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in town .",
+ "I want a nice #ATTRACTION-INFORM-TYPE# to visit while i ' m in town .",
+ "Could you help me find some #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Hello , I would to know about some places to go in Cambridge . I 'd like to do something on a #ATTRACTION-INFORM-TYPE# , if possible .",
+ "I prefer the #ATTRACTION-INFORM-TYPE# type .",
+ "No , I need help finding a #ATTRACTION-INFORM-TYPE# located in the east",
+ "Yes , I was also hoping to find a #ATTRACTION-INFORM-TYPE# to visit while I ' m in town .",
+ "I would like to visit something like a #ATTRACTION-INFORM-TYPE# , no specific part of town .",
+ "Please I want to book an expensive restaurant . First however help me find a place to go in town . Is there a nice #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Yes , I 'd like to see some #ATTRACTION-INFORM-TYPE# near the restaurant . Could you recommend me something good ?",
+ "Can you help me find an #ATTRACTION-INFORM-TYPE# attraction to visit ?",
+ "I would like to visit an #ATTRACTION-INFORM-TYPE# attraction",
+ "Can you search for a #ATTRACTION-INFORM-TYPE# attraction instead then ? And provide the phone number for me please .",
+ "I ' m wondering if there are any #ATTRACTION-INFORM-TYPE# attractions in town ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "How about let 's try a #ATTRACTION-INFORM-TYPE# ?",
+ "i am also looking for a #ATTRACTION-INFORM-TYPE# or something in town .",
+ "i am looking for a #ATTRACTION-INFORM-TYPE# in Cambridge",
+ "Great and I 'd like to find some #ATTRACTION-INFORM-TYPE# .",
+ "I keep hearing about this great #ATTRACTION-INFORM-TYPE# called the Fitzwilliam . Can you tell me a little about it ?",
+ "Yes , can you recommend a place to go in town , maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Are you sure there are no attractions for #ATTRACTION-INFORM-TYPE# ?",
+ "Are you sure there is n't any type of #ATTRACTION-INFORM-TYPE# attraction at all ?",
+ "Are there any places listed simply as \" #ATTRACTION-INFORM-TYPE# \" that are in the south ?",
+ "Yes I was wondering if you could tell me about the #ATTRACTION-INFORM-TYPE# attractions that are available in town ?",
+ "I ' m looking to have a little fun at a #ATTRACTION-INFORM-TYPE# .",
+ "Sure , is there a #ATTRACTION-INFORM-TYPE# in that part of town ?",
+ "Would you mind double checking . I thought I visited a #ATTRACTION-INFORM-TYPE# in the centre of town before .",
+ "I ' m sorry , I do n't know what came over me . I ' m just looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "How about a #ATTRACTION-INFORM-TYPE# then ?",
+ "Yes , can you tell me what type of #ATTRACTION-INFORM-TYPE# places are in cambridge ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# attraction please .",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# .",
+ "No , I can do that . I am looking for places to go in town , a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I am also looking for a #ATTRACTION-INFORM-TYPE# to visit in the center of town .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Yeah , I 'd like to find a #ATTRACTION-INFORM-TYPE# attraction to go to in town .",
+ "I am looking for some #ATTRACTION-INFORM-TYPE# .",
+ "No thank you what about a #ATTRACTION-INFORM-TYPE# ?",
+ "Okay , what about a #ATTRACTION-INFORM-TYPE# in the same area ?",
+ "Thanks . I am also looking for a place to go in town . Can you recommend your favorite #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd also like to explore the town . Where 's the nearest #ATTRACTION-INFORM-TYPE# ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Do you know of any places I can go for #ATTRACTION-INFORM-TYPE# ?",
+ "I would like a #ATTRACTION-INFORM-TYPE# place to visit .",
+ "Yes , I ' m looking for a place to go in town . Something with interesting #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for places to go in Cambridge , a type of a #ATTRACTION-INFORM-TYPE# .",
+ "Yes please . I am also looking for a #ATTRACTION-INFORM-TYPE# type attraction in town .",
+ "I was looking for #ATTRACTION-INFORM-TYPE# , but if there is nothing how about a college ?",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd really like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , are there any #ATTRACTION-INFORM-TYPE# attractions then ?",
+ "Can you recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "Oh ! I bet my boyfriend would love an #ATTRACTION-INFORM-TYPE# place . Can you tell me a little about those ?",
+ "I m sorry for being so loop , how about a #ATTRACTION-INFORM-TYPE# in that area , whatever you recommend .",
+ "I also am looking for places to go and would like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I believe I 'd like something in the #ATTRACTION-INFORM-TYPE# area . Is there anything like that ?",
+ "Looking for places to go in the same area as the hotel , possibly a #ATTRACTION-INFORM-TYPE# .",
+ "Hmmm ... how about a #ATTRACTION-INFORM-TYPE# , instead ?",
+ "I wish to go to a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "Thank you for the reservation . I am also looking for a lovely #ATTRACTION-INFORM-TYPE# in north Cambridge .",
+ "I ' m looking to go someplace in town . Maybe for #ATTRACTION-INFORM-TYPE# . Do you have any recommendations ?",
+ "I ' m looking to go to a #ATTRACTION-INFORM-TYPE# in town . Can you help me find one ?",
+ "Thanks ! Can you suggest to me something to visit that is n't a church or architecture ? Maybe a museum or a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , I 'd like to visit an #ATTRACTION-INFORM-TYPE# attraction .",
+ "Find me a #ATTRACTION-INFORM-TYPE# , please .",
+ "I would also like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "I feel like visiting a #ATTRACTION-INFORM-TYPE# , find me one please",
+ "I would prefer a lively #ATTRACTION-INFORM-TYPE# in the centre , please .",
+ "No thank you . I do need to find a #ATTRACTION-INFORM-TYPE# to visit though .",
+ "Can you try a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , I 'd like to know about some places to go in town . Are there any #ATTRACTION-INFORM-TYPE# I could visit ?",
+ "Yes can you look for a #ATTRACTION-INFORM-TYPE# ?",
+ "Oh , a #ATTRACTION-INFORM-TYPE# would be lovely ! What kind are available ?",
+ "How about #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am looking for an attraction of #ATTRACTION-INFORM-TYPE# .",
+ "I want to go to a place that has #ATTRACTION-INFORM-TYPE# .",
+ "Thanks . I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the same place at the hotel .",
+ "I do n't need to book , I ' m looking for somewhere to go in town with the same area as the hotel and it should be a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I ' m also interested in going to the #ATTRACTION-INFORM-TYPE# . Can you help me find one ?",
+ "I was hoping you can help me find a place to go that has to do with #ATTRACTION-INFORM-TYPE# .",
+ "I 'd really like to check out some interesting #ATTRACTION-INFORM-TYPE# while I ' m in town . Can you recommend anything ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# type of attraction . Is there any ?",
+ "Thanks . Can you also find a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# with a restaurant .",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# ?",
+ "please find me a good #ATTRACTION-INFORM-TYPE# to go",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# attraction in town . Any suggestions ?",
+ "I want to find a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , i am looking for a #ATTRACTION-INFORM-TYPE# attraction to visit near the restaurant .",
+ "Something that is #ATTRACTION-INFORM-TYPE# , please .",
+ "Yes , I 'd also like to find a place to go . I was thinking a #ATTRACTION-INFORM-TYPE# would be fun .",
+ "I need one near a #ATTRACTION-INFORM-TYPE# .",
+ "Anything that would be #ATTRACTION-INFORM-TYPE# .",
+ "Okay , perhaps you can find a #ATTRACTION-INFORM-TYPE# that I can visit .",
+ "Can you get me information on a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Nothing particular . Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Can you give me a few places to go in town for #ATTRACTION-INFORM-TYPE# ?",
+ "Are there any attractions to see in town ? I ' m interested in going to a #ATTRACTION-INFORM-TYPE# if any exist .",
+ "Thanks . I also want to find a #ATTRACTION-INFORM-TYPE# to visit while I am in town . Any type will be fine .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# attractions to visit .",
+ "Great , thank you . I ' m also looking for a #ATTRACTION-INFORM-TYPE# in town , do you have any recommendations ?",
+ "I need a place to go , something interesting to see . I was thinking maybe a #ATTRACTION-INFORM-TYPE# .",
+ "Oh wait . I really want to find a #ATTRACTION-INFORM-TYPE# .",
+ "Maybe if there is one that is in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "I am also looking for places to go while in town . Do you have a #ATTRACTION-INFORM-TYPE# ?",
+ "Hello , I ' m looking for places to go that is a type of #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I 'd like to find more information on #ATTRACTION-INFORM-TYPE# attractions .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# attraction , please .",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Hmm , that kind of stinks . Well , how about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I just need adress for the #ATTRACTION-INFORM-TYPE# , thank you",
+ "I want it to be a type of #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# venue in the centre of town . Are there any ?",
+ "Hi , could you help me find a #ATTRACTION-INFORM-TYPE# to visit ? Any recommendation would be great .",
+ "I would like it to be a #ATTRACTION-INFORM-TYPE# please .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "Hi , I 'd like to find a #ATTRACTION-INFORM-TYPE# please .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# please .",
+ "Yes . I am looking for a #ATTRACTION-INFORM-TYPE# as a place to go in town .",
+ "Yes , please . Multiple sports would be great . If not , #ATTRACTION-INFORM-TYPE# is my second choice .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Is there one that has #ATTRACTION-INFORM-TYPE# ?",
+ "Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "I am coming to visit cambridge . Would you happen to be able to find me a #ATTRACTION-INFORM-TYPE# to go to ?",
+ "I am looking for places to go in town I prefer a #ATTRACTION-INFORM-TYPE# .",
+ "Can you tell me if there 's a #ATTRACTION-INFORM-TYPE# in the city center ?",
+ "Hi I am looking for a #ATTRACTION-INFORM-TYPE# to go to in town .",
+ "i could also want to go to a place in town and this should be in a #ATTRACTION-INFORM-TYPE# .",
+ "Actually never mind . I would just like to find a #ATTRACTION-INFORM-TYPE# to visit in town .",
+ "Okay . How about a #ATTRACTION-INFORM-TYPE# anywhere in town ?",
+ "It does n't matter . I ' m looking for a nice #ATTRACTION-INFORM-TYPE# .",
+ "I am excited to be coming to visit and hoping to see a #ATTRACTION-INFORM-TYPE# while in town .",
+ "How about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for something to do tonight . Maybe the #ATTRACTION-INFORM-TYPE# ?",
+ "Thanks , now can you help me find a #ATTRACTION-INFORM-TYPE# in town ? You can choose your favorite and just tell me the phone number for it",
+ "i do n't care , but i want to look at some #ATTRACTION-INFORM-TYPE# . i especially like old churches .",
+ "Thank you . Can you help me find a #ATTRACTION-INFORM-TYPE# in town to visit ?",
+ "Yes , please . I am looking for a #ATTRACTION-INFORM-TYPE# type of attraction .",
+ "Could you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Okay , what about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in town",
+ "I also wanted to find a #ATTRACTION-INFORM-TYPE# to visit while I ' m there .",
+ "Is there a #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# attractions to go to in town .",
+ "I would like to visit some of the #ATTRACTION-INFORM-TYPE# here in town . Can you help me with this ?",
+ "Can you recommend me a #ATTRACTION-INFORM-TYPE# where I can get jiggy with it ?",
+ "I ' m looking for a fun #ATTRACTION-INFORM-TYPE# here in town .",
+ "I would prefer the #ATTRACTION-INFORM-TYPE# .",
+ "I would like to visit the #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a place to go in Cambridge . Perhaps an #ATTRACTION-INFORM-TYPE# attraction .",
+ "Maybe a #ATTRACTION-INFORM-TYPE# would be nice . I am not sure .",
+ "I would also like to find a #ATTRACTION-INFORM-TYPE# .",
+ "I think we 'd like to see a #ATTRACTION-INFORM-TYPE# - do you have any recommendations ?",
+ "What #ATTRACTION-INFORM-TYPE# would you recommend ?",
+ "A #ATTRACTION-INFORM-TYPE# would be nice",
+ "No , can you look for a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Tell me more about the #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Yes , I also need places to go in #ATTRACTION-INFORM-TYPE# .",
+ "I ' m interested in getting some #ATTRACTION-INFORM-TYPE# later .",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions ?",
+ "How about a #ATTRACTION-INFORM-TYPE# to visit in the same area .",
+ "Wow , thanks . I might check them out later but the people I ' m with think we should have a picnic in the #ATTRACTION-INFORM-TYPE# . Are there any in the south ?",
+ "i ' m looking for a #ATTRACTION-INFORM-TYPE# to visit",
+ "Perhaps a #ATTRACTION-INFORM-TYPE# , then . Could you recommend one ?",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "Tell me about the #ATTRACTION-INFORM-TYPE# attraction .",
+ "what about the #ATTRACTION-INFORM-TYPE# , is it free admission ?",
+ "Not at this time thank you , is there a #ATTRACTION-INFORM-TYPE# close by the restaurant by chance ?",
+ "Thank you . Can you also find me an #ATTRACTION-INFORM-TYPE# attraction near Bloomsbury ?",
+ "I also need to find a place to go to look at #ATTRACTION-INFORM-TYPE# in the city center .",
+ "I want to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I need a #ATTRACTION-INFORM-TYPE# in the centre please .",
+ "I 'd like some #ATTRACTION-INFORM-TYPE# .",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "Entertainment venues please . If they are not available then #ATTRACTION-INFORM-TYPE# venues .",
+ "Ok . Could you try for a #ATTRACTION-INFORM-TYPE# .",
+ "Sounds great , but I actually would prefer to maybe visit a #ATTRACTION-INFORM-TYPE# campus . Can you recommend one ?",
+ "I feel like going to a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , can you recommend a #ATTRACTION-INFORM-TYPE# I could visit while I am there ?",
+ "Thank you . I ' m also looking for a #ATTRACTION-INFORM-TYPE# to go to in town , what do you recommend ?",
+ "What about a #ATTRACTION-INFORM-TYPE# in the centre of town ?",
+ "Hm . Okay . well how about a #ATTRACTION-INFORM-TYPE# attraction ?",
+ "Please help me find general information about #ATTRACTION-INFORM-TYPE# type places to go in Cambridge .",
+ "Is there something like a #ATTRACTION-INFORM-TYPE# ?",
+ "I am going off to #ATTRACTION-INFORM-TYPE# soon and want to visit a campus . Can you help me find one ?",
+ "Yes please . I ' m looking for a good #ATTRACTION-INFORM-TYPE# in town . Can you suggest one that you like ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit . Would you have any suggestions ?",
+ "Can you help me find somewhere in town to go to for #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for a place to visit in town that is #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# then ?",
+ "Hi there , can you help me find a #ATTRACTION-INFORM-TYPE# to visit please ?",
+ "Maybe we can do a picnic in the #ATTRACTION-INFORM-TYPE# . Can you tell me about what 's available ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "That 's okay . How about a #ATTRACTION-INFORM-TYPE# in the same area ?",
+ "Find me places to go in town . I want to go to #ATTRACTION-INFORM-TYPE# type attractions .",
+ "I also need an attraction that has a #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in any part of the city . Can you recommend one ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "Thanks so much . I am also looking for a #ATTRACTION-INFORM-TYPE# I could visit .",
+ "Sounds good ! I also need to find a #ATTRACTION-INFORM-TYPE# in town . Can you help ?",
+ "No , please try for a #ATTRACTION-INFORM-TYPE# instead",
+ "Could you recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "I am also looking for a place to go in town . Preferably a #ATTRACTION-INFORM-TYPE# .",
+ "Hi , I ' m looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "I like looking at the #ATTRACTION-INFORM-TYPE# of old buildings . I think it says a lot about how we used to live .",
+ "Is there a type of #ATTRACTION-INFORM-TYPE# ?",
+ "Any suggestions for #ATTRACTION-INFORM-TYPE# ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# in the centre area that you could give me more information on ?",
+ "looking for places to go in cetre part of town a type of #ATTRACTION-INFORM-TYPE# and I need the adress",
+ "I want to find places to go in town , specifically #ATTRACTION-INFORM-TYPE# attractions .",
+ "No problem , how about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit in Cambridge ?",
+ "A #ATTRACTION-INFORM-TYPE# , if possible .",
+ "No but could you look for a #ATTRACTION-INFORM-TYPE# ?",
+ "I would also like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I am also looking to go to a #ATTRACTION-INFORM-TYPE# .",
+ "What I 'd really like is to find a #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for something like #ATTRACTION-INFORM-TYPE# .",
+ "Hmm , how about a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , please . And after that I 'd like some help finding a #ATTRACTION-INFORM-TYPE# attraction .",
+ "Could you recommend a nice #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# . What do you have in town within walking distance ?",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# spot in town .",
+ "Can you suggest a nice place that has a #ATTRACTION-INFORM-TYPE# ?",
+ "Thank you . I also want to go to a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Yes I ' m also looking for places to go in town . Prefer that the attraction be a type of #ATTRACTION-INFORM-TYPE# .",
+ "I am trying to find a really neat #ATTRACTION-INFORM-TYPE# to visit . Would you be able to tell me what s available out there ?",
+ "Hello , can you help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "Hello I am looking for a #ATTRACTION-INFORM-TYPE# , can you help me ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit !",
+ "Thank you . Could you recommend a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "can I get a #ATTRACTION-INFORM-TYPE# ?",
+ "I am also needing a place to go for #ATTRACTION-INFORM-TYPE# . Can you help me find a place ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Hello ! I ' m looking for new places to go in Cambridge and am wondering if there is a #ATTRACTION-INFORM-TYPE# closeby .",
+ "Hi I will be in cambridge next week and I need to find a type of #ATTRACTION-INFORM-TYPE# , in the north can you help me find one ?",
+ "Thank you I also need to find a #ATTRACTION-INFORM-TYPE# to go to .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# , are there any in the area ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "I do n't need a hotel . I 'd just like a recommendation for a #ATTRACTION-INFORM-TYPE# near the restaurant .",
+ "Do you happen to know if there is a #ATTRACTION-INFORM-TYPE# in the centre ?",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions in town ?",
+ "can you find me a #ATTRACTION-INFORM-TYPE# ?",
+ "Not right now , thanks . I would like to go to a #ATTRACTION-INFORM-TYPE# while I ' m in town , though .",
+ "Yes one more thing , I am looking for an attraction in the \" #ATTRACTION-INFORM-TYPE# \" category and I would like it to be close to the hotel please .",
+ "I would like to see a #ATTRACTION-INFORM-TYPE# while I am in Cambridge .",
+ "Something that is for #ATTRACTION-INFORM-TYPE# , cinemas , museums , theatres , please .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "How about some #ATTRACTION-INFORM-TYPE# to visit in the center ?",
+ "Could you find me a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to go to in Cambridge .",
+ "I am interested in #ATTRACTION-INFORM-TYPE# attractions .",
+ "Yes , I would like a #ATTRACTION-INFORM-TYPE# near the hotel .",
+ "I ' m looking for an attraction to visit . How about a #ATTRACTION-INFORM-TYPE# ?",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# while I am in town .",
+ "Thanks ! Can you also tell me about the best #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "If there is no such attraction , how about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "We would like to visit a #ATTRACTION-INFORM-TYPE# while we are in town .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# while in cambridge .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would prefer #ATTRACTION-INFORM-TYPE# .",
+ "Could you try a #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd like an #ATTRACTION-INFORM-TYPE# attraction , please .",
+ "No never mind I just need to ask you about #ATTRACTION-INFORM-TYPE# venues in town .",
+ "Great , i also need something to do , a #ATTRACTION-INFORM-TYPE# maybe . What type of college attractions are available ?",
+ "Can you help me find a nice #ATTRACTION-INFORM-TYPE# ? I need to plan my trip to Cambridge .",
+ "Okay then can we search for a #ATTRACTION-INFORM-TYPE# in the north instead then ?",
+ "I 'd like a #ATTRACTION-INFORM-TYPE# please .",
+ "Wonderful . Can you also help me find a cool place to visit in town , maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "I would love to look at Cambridge 's #ATTRACTION-INFORM-TYPE# . Is this possible ?",
+ "Can you suggest some good #ATTRACTION-INFORM-TYPE# attractions ?",
+ "I need to find a #ATTRACTION-INFORM-TYPE# to go to .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I want to see a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , please . I would like to visit a #ATTRACTION-INFORM-TYPE# while I am in town .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# places to go in town .",
+ "Yes , I would like a #ATTRACTION-INFORM-TYPE# type of attraction please .",
+ "Is there one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "Hello I am looking for a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "I was hoping to relax and visit a #ATTRACTION-INFORM-TYPE# while in cambridge .",
+ "Yes , I 'd also like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "A #ATTRACTION-INFORM-TYPE# sounds nice . What are my options ?",
+ "Fantastic , can you also find me a #ATTRACTION-INFORM-TYPE# attraction ?",
+ "A #ATTRACTION-INFORM-TYPE# would be fine . Just pick a good one for me please .",
+ "Great . I wanted to find a #ATTRACTION-INFORM-TYPE# to visit while I ' m in town .",
+ "I also want to go to a #ATTRACTION-INFORM-TYPE# in the center part of town .",
+ "I would like a #ATTRACTION-INFORM-TYPE# .",
+ "My first choice , actually , is not a museum , but an #ATTRACTION-INFORM-TYPE# attraction . What type of entertainment attractions are available ?",
+ "You know , on second thought a #ATTRACTION-INFORM-TYPE# may be fun . Could you search listings for a museum in the centre ?",
+ "Oh well . I guess maybe a #ATTRACTION-INFORM-TYPE# instead .",
+ "No , thank you . Is there a #ATTRACTION-INFORM-TYPE# in the centre area ?",
+ "Let 's try for a #ATTRACTION-INFORM-TYPE# type instead then",
+ "I would also like to know about fun things to do in town . What types of #ATTRACTION-INFORM-TYPE# is available near the hotel ?",
+ "I would love to visit a #ATTRACTION-INFORM-TYPE# attraction",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "Wow , you are snippy for an Info centre ! Perhaps a #ATTRACTION-INFORM-TYPE# .",
+ "How about an #ATTRACTION-INFORM-TYPE# place in the east ?",
+ "Can you also help me find places to go in the center of town like a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# please .",
+ "What about an #ATTRACTION-INFORM-TYPE# attraction ?",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# to visit on the west side ! Is there any ?",
+ "How about a #ATTRACTION-INFORM-TYPE# type ?",
+ "Yes I would like to visit some #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "Hey , any #ATTRACTION-INFORM-TYPE# type places in this town ?",
+ "I would consider a #ATTRACTION-INFORM-TYPE# . Are there any in the east ?",
+ "No , maybe a #ATTRACTION-INFORM-TYPE# instead . Are there any of those ?",
+ "Hi , I want to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for something fun to do while in town . A #ATTRACTION-INFORM-TYPE# would be nice .",
+ "How about a #ATTRACTION-INFORM-TYPE# attraction ?",
+ "I would really like it to be #ATTRACTION-INFORM-TYPE# .",
+ "It depends on what #ATTRACTION-INFORM-TYPE# you recommend .",
+ "Is there anything listed as simply \" #ATTRACTION-INFORM-TYPE# \" in the center ?",
+ "Can you look for a nice #ATTRACTION-INFORM-TYPE# instead ?",
+ "Possibly a #ATTRACTION-INFORM-TYPE# ?",
+ "yes , i am also looking for a #ATTRACTION-INFORM-TYPE# near the restaurant .",
+ "Yes , I would like to go to a #ATTRACTION-INFORM-TYPE# with free admission .",
+ "Can you recommend a tour of the #ATTRACTION-INFORM-TYPE# near the hotel ?",
+ "Why do n't you search for a #ATTRACTION-INFORM-TYPE# attraction instead please",
+ "Hi I am looking to go to a #ATTRACTION-INFORM-TYPE# in town please .",
+ "I am looking to visit a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "Lets drop entertainment and look up one for the type of #ATTRACTION-INFORM-TYPE# .",
+ "Actually , is there a #ATTRACTION-INFORM-TYPE# around ?",
+ "I ' m thinking a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# . What do you suggest ?",
+ "I would also like to check out a #ATTRACTION-INFORM-TYPE# .",
+ "Actually yes , I 'd also like to visit a #ATTRACTION-INFORM-TYPE# while I am in town .",
+ "Thanks again . I wonder if there are any #ATTRACTION-INFORM-TYPE# attractions nearby . Can you suggest something ?",
+ "Can you search for a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes . Can you please search for an attraction in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "Can you tell me what sorts of #ATTRACTION-INFORM-TYPE# are offered in the city center ?",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd like some places to go . Some sort of #ATTRACTION-INFORM-TYPE# .",
+ "On second thought , I 'd rather go to a #ATTRACTION-INFORM-TYPE# spot . Got any of those ?",
+ "Thank you I am also looking for a #ATTRACTION-INFORM-TYPE# to visit in town",
+ "i am also looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would like to take in some #ATTRACTION-INFORM-TYPE# while I am visiting . Can you find me something ?",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Hi there ! Can you recommend a great #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "I ' m looking for an attraction in the category of #ATTRACTION-INFORM-TYPE# in the center of town",
+ "I am looking for a place that has great #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in the centre of town .",
+ "Actually , yes . Can you help me locate a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Great . Thanks . I ' m also looking for a #ATTRACTION-INFORM-TYPE# to check out . Can you help me with that ?",
+ "No . Do n't try a different area . But what about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Actually , I do not need a restaurant for now , I am look for a #ATTRACTION-INFORM-TYPE# type place to go to in town .",
+ "Can you please help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "Wait ! Before you go , can you tell me about your favorite #ATTRACTION-INFORM-TYPE# to visit in town ?",
+ "No . Instead of swimming I think I will go to #ATTRACTION-INFORM-TYPE# . Any of those around here ?",
+ "I want a #ATTRACTION-INFORM-TYPE# to visit",
+ "Hey there . I am hoping you might be able to tell me what kind of #ATTRACTION-INFORM-TYPE# is happening tonight in town near where I am staying .",
+ "I am interested in visiting a #ATTRACTION-INFORM-TYPE# while I am there .",
+ "Not really . But I am also interested in finding some #ATTRACTION-INFORM-TYPE# to look at .",
+ "Oh , well you mentioned that there was . Okay , well how about a #ATTRACTION-INFORM-TYPE# .",
+ "I also am looking for places to go in the same area as the restaurant . I would like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to find some place to go in town where I can look at #ATTRACTION-INFORM-TYPE# . Can you help ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the center of town , please .",
+ "Yes , are there any #ATTRACTION-INFORM-TYPE# attractions ?",
+ "Actually , the part of town does n't matter . I 'd just like to take a #ATTRACTION-INFORM-TYPE# ride or look at some boats , please .",
+ "What 's your favorite #ATTRACTION-INFORM-TYPE# to visit in Cambridge ?",
+ "Yes , I ' m also looking for a #ATTRACTION-INFORM-TYPE# I can visit in town .",
+ "I ' m looking for places to go watch #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in centre . What do you recommend ?",
+ "What about a type of #ATTRACTION-INFORM-TYPE# ?",
+ "A #ATTRACTION-INFORM-TYPE# will be okay , just looking for somewhere to get exercise on the trip .",
+ "I ' m looking to go to a #ATTRACTION-INFORM-TYPE# , can you suggest any ?",
+ "I am looking for an attraction focused on #ATTRACTION-INFORM-TYPE# .",
+ "Either one is fine . I just want to attend some type of #ATTRACTION-INFORM-TYPE# attraction .",
+ "No problem , how about a #ATTRACTION-INFORM-TYPE# ?",
+ "We are visiting and hoping to find some great #ATTRACTION-INFORM-TYPE# in the area .",
+ "Hi there . Can you assist me in finding a #ATTRACTION-INFORM-TYPE# in Cambridge ?",
+ "Do you have a #ATTRACTION-INFORM-TYPE# to recommend instead ?",
+ "I also need the name of a #ATTRACTION-INFORM-TYPE# in town .",
+ "Can I get the info to a #ATTRACTION-INFORM-TYPE# please ?",
+ "I would also like to find a nice #ATTRACTION-INFORM-TYPE# in the middle of town .",
+ "I ' m actually looking for a place that 's considered an #ATTRACTION-INFORM-TYPE# venue .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to go visit .",
+ "Great ! I ' m also looking for a #ATTRACTION-INFORM-TYPE# type of attraction in town . Is there anything like that ?",
+ "Hi I am looking to go see a #ATTRACTION-INFORM-TYPE# while in Cambridge . Can you tell me about any of them ?",
+ "Yes what about a #ATTRACTION-INFORM-TYPE# .",
+ "On second thought , I 'd really like an #ATTRACTION-INFORM-TYPE# venue .",
+ "Can you look for a #ATTRACTION-INFORM-TYPE# ?",
+ "No , why do n't you try a #ATTRACTION-INFORM-TYPE# , instead .",
+ "Yes , I could use a suggestion on a great #ATTRACTION-INFORM-TYPE# to visit after we eat at the restaurant .",
+ "Hello ! What is your favorite #ATTRACTION-INFORM-TYPE# in town ?",
+ "A #ATTRACTION-INFORM-TYPE# perhaps ?",
+ "Yes , I ' m also looking to sight - see in town . Can you recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "Do you have any recommendations for places to go in town maybe some #ATTRACTION-INFORM-TYPE# ? That are in the same area as the restaurant ?",
+ "Thank you . Can you help me find a place to go ? maybe a #ATTRACTION-INFORM-TYPE# .",
+ "Can you try an #ATTRACTION-INFORM-TYPE# attraction instead ? Thanks .",
+ "I ' m seeking an attraction ! A #ATTRACTION-INFORM-TYPE# one will be nice .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I am also looking for something to do while I ' m in town . Can you recommend any #ATTRACTION-INFORM-TYPE# attractions ?",
+ "Well , I ' m wanting to visit a #ATTRACTION-INFORM-TYPE# as well . Let 's find that first .",
+ "Yeah what about #ATTRACTION-INFORM-TYPE# 's ?",
+ "I actually do n't want to visit a college . I want to visit a place in the city centre that offers #ATTRACTION-INFORM-TYPE# .",
+ "Yes , are there any kind of #ATTRACTION-INFORM-TYPE# tours available through town ?",
+ "I there a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am sorry I mean I want a #ATTRACTION-INFORM-TYPE# to go in the wast side of town .",
+ "Tell me a good #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for a place to go that is #ATTRACTION-INFORM-TYPE# .",
+ "I am trying to find a #ATTRACTION-INFORM-TYPE# to go to while I am in Cambridge on holiday .",
+ "Great , thanks so much . Can you also recommend a #ATTRACTION-INFORM-TYPE# to visit in town ?",
+ "Hi , would you be able to recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "What about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I ' m looking for a good #ATTRACTION-INFORM-TYPE# to visit in the center of town . Can you recommend anything ?",
+ "Hi , I ' m looking for a #ATTRACTION-INFORM-TYPE# in town please .",
+ "Ok , how about a #ATTRACTION-INFORM-TYPE# in the east ?",
+ "You convinced me . How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for attractions in town that are in the #ATTRACTION-INFORM-TYPE# category .",
+ "Thank you ! I ' m also looking for a good #ATTRACTION-INFORM-TYPE# to go to .",
+ "Can you help me find an interesting #ATTRACTION-INFORM-TYPE# to visit ?",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# please ?",
+ "Yes , what do you recommend for #ATTRACTION-INFORM-TYPE# ?",
+ "No , I would like to check out going to a #ATTRACTION-INFORM-TYPE# .",
+ "Ok , how about a #ATTRACTION-INFORM-TYPE# ?",
+ "I would really like to see a #ATTRACTION-INFORM-TYPE# . Maybe get a little more culture under my belt .",
+ "I do n't care where- just a #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit while in town .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "could you tell me some of the places to go in town ? #ATTRACTION-INFORM-TYPE# - like",
+ "I 'd like one in the type of #ATTRACTION-INFORM-TYPE# please",
+ "No booking right now . I ' m also looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Hi , can you help me find an #ATTRACTION-INFORM-TYPE# based attraction to go to ?",
+ "I was also interested in finding a place to go in town to see some #ATTRACTION-INFORM-TYPE# .",
+ "I also need a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Hmm , how about a #ATTRACTION-INFORM-TYPE# , then ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# attraction in town .",
+ "Yes , I was also interested in finding a #ATTRACTION-INFORM-TYPE# to visit while I ' m in town .",
+ "In that case , can you check and see if there is one in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "What 's a good #ATTRACTION-INFORM-TYPE# to go to in cambridge ?",
+ "I ' m looking for a place to go for #ATTRACTION-INFORM-TYPE# in town .",
+ "What about something for #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m also looking for a cool #ATTRACTION-INFORM-TYPE# to visit in cambridge . Do you have any recommendations ?",
+ "Yes , hi . Can you help me locate a #ATTRACTION-INFORM-TYPE# .",
+ "The attraction should be in the type of #ATTRACTION-INFORM-TYPE# . I do n't care about the price range or the area",
+ "How about a #ATTRACTION-INFORM-TYPE# then ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# options in cambridge .",
+ "Could you help me find an #ATTRACTION-INFORM-TYPE# attraction ?",
+ "Thank you very much , can you also give some recommendations for places to go for #ATTRACTION-INFORM-TYPE# students ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in town . Can you recommend something ?",
+ "I also need a place to go in town , i ' m thinking a #ATTRACTION-INFORM-TYPE# .",
+ "Could you look up a #ATTRACTION-INFORM-TYPE# instead then ?",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# to visit",
+ "Thank you . Can you help me find a place to go , maybe something to do with #ATTRACTION-INFORM-TYPE# ?",
+ "That s unfortunate , can you give me the name of a #ATTRACTION-INFORM-TYPE# that i can visit in town ?",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# in the centre of town .",
+ "Okay . How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Thanks . I 'd also like suggestions on attractions in town under the #ATTRACTION-INFORM-TYPE# category .",
+ "I need to find a #ATTRACTION-INFORM-TYPE# in cambridge",
+ "Yes , I am looking for a #ATTRACTION-INFORM-TYPE# . Can you recommend any ?",
+ "I am also looking for something to do that is #ATTRACTION-INFORM-TYPE# .",
+ "Could you help me find a place to go ? I 'd like to find some #ATTRACTION-INFORM-TYPE# .",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m also looking for an #ATTRACTION-INFORM-TYPE# attraction to go to . Do you have information on any of those ?",
+ "it should be a #ATTRACTION-INFORM-TYPE# . get me the entrance number",
+ "Then can you tell me a good #ATTRACTION-INFORM-TYPE# .",
+ "Thanks ! Are there any #ATTRACTION-INFORM-TYPE# - type attractions in the center ?",
+ "What about #ATTRACTION-INFORM-TYPE# attractions ?",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# for later .",
+ "should be in the type of #ATTRACTION-INFORM-TYPE# in the South part of town",
+ "How about something with #ATTRACTION-INFORM-TYPE# ?",
+ "I want to visit some #ATTRACTION-INFORM-TYPE# .",
+ "Hi , can you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "No certain area , but I ' m looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Got any #ATTRACTION-INFORM-TYPE# related museums ? If so , give me one of those .",
+ "Thanks for handling that . One more thing . I want to explore town and see an attraction . I love #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "a #ATTRACTION-INFORM-TYPE# please",
+ "Yes , could you help me find a nice #ATTRACTION-INFORM-TYPE# to visit .",
+ "I think a #ATTRACTION-INFORM-TYPE# sounds nice .",
+ "Hello , I ' m looking for an #ATTRACTION-INFORM-TYPE# .",
+ "How about at a #ATTRACTION-INFORM-TYPE# ?",
+ "Ok , well what about a #ATTRACTION-INFORM-TYPE# in the centre instead ?",
+ "No . Hmm . What about a #ATTRACTION-INFORM-TYPE# ?",
+ "Thanks ! I ' m also looking to visit a #ATTRACTION-INFORM-TYPE# in town .",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "I think a #ATTRACTION-INFORM-TYPE# would be interesting . Do you have a favorite ?",
+ "No , thanks . I ' m thinking I want to visit a #ATTRACTION-INFORM-TYPE# .",
+ "How about something that is an #ATTRACTION-INFORM-TYPE# venue in that area ?",
+ "I would also like to find a #ATTRACTION-INFORM-TYPE# attraction .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I am hoping to try some restaurants while in town but before that , I would like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "We would like to attend an event at the #ATTRACTION-INFORM-TYPE# while we are in town .",
+ "I actually want #ATTRACTION-INFORM-TYPE# type of place .",
+ "I am wanting to visit a #ATTRACTION-INFORM-TYPE# while I am traveling in town . Do you have any listings ?",
+ "Could you find an #ATTRACTION-INFORM-TYPE# attraction ?",
+ "As I mentioned before , can you tell me about a good #ATTRACTION-INFORM-TYPE# ?",
+ "How about a #ATTRACTION-INFORM-TYPE# then ?",
+ "Yes , a #ATTRACTION-INFORM-TYPE# sounds good . Do you have any suggestions ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# , actually .",
+ "I am also in the mood for a #ATTRACTION-INFORM-TYPE# .",
+ "Hello , I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "No thanks , can you help me find a #ATTRACTION-INFORM-TYPE# to go to ?",
+ "I ' m looking for attractions in Cambridge that involve a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I do . I would like to find some interesting places to go while we are in town . Perhaps , some sort of #ATTRACTION-INFORM-TYPE# . Any suggestions ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , I am looking for a #ATTRACTION-INFORM-TYPE# in the town .",
+ "I ' m looking to visit a #ATTRACTION-INFORM-TYPE# in Cambridge . Can you tell me a little about what you have ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to go to while I ' m in town .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I want a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in town",
+ "Is there a #ATTRACTION-INFORM-TYPE# then ?",
+ "Could you help me find an interesting #ATTRACTION-INFORM-TYPE# ?",
+ "I need information on a #ATTRACTION-INFORM-TYPE# to visit .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the centre of town ?",
+ "Would you be able to recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "I would also like to explore the local #ATTRACTION-INFORM-TYPE# while in town . Can you suggest a place to visit ?",
+ "Could you help me find a good #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "I am actually looking for places to go . Specifically , I would like to find a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m so bored , can you find me some kind of #ATTRACTION-INFORM-TYPE# in the city centre please ?",
+ "What about a #ATTRACTION-INFORM-TYPE# somewhere ?",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# .",
+ "i am also looking for a #ATTRACTION-INFORM-TYPE# to visit in town . do you have any suggestions ?",
+ "I ' m viviting Cambridge and would really love to do something while I am here on a #ATTRACTION-INFORM-TYPE# . Are there any attractions like that ?",
+ "What about an attraction featuring #ATTRACTION-INFORM-TYPE# ?",
+ "Thank you ! ! Can you also find a good #ATTRACTION-INFORM-TYPE# in town for us ?",
+ "How about you look for a type of #ATTRACTION-INFORM-TYPE# .",
+ "No I would prefer a #ATTRACTION-INFORM-TYPE# .",
+ "Can you also help me find a place to visit while I am in town . Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , it 's going to be one of the #ATTRACTION-INFORM-TYPE# ... I need a suggestion for that . I need to leave the attraction by 2:00 to go to the restaurant .",
+ "Ok , what about an #ATTRACTION-INFORM-TYPE# venue instead ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Sure let 's try a #ATTRACTION-INFORM-TYPE# .",
+ "Yes please suggest a #ATTRACTION-INFORM-TYPE# and I will need the entrance free for that .",
+ "Great . I also am looking for somewhere to go near the hotel . Preferably an #ATTRACTION-INFORM-TYPE# attraction that I can visit nearby .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Where can I find the best #ATTRACTION-INFORM-TYPE# ?",
+ "Could you tell me about a place to go in town , maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Hi there . I am looking to visit a great #ATTRACTION-INFORM-TYPE# in town . Can you recommend one ?",
+ "Thank you , yes , I 'd like to also find a nice #ATTRACTION-INFORM-TYPE# to visit while I ' m in town . Can you see if there is one near my hotel ?",
+ "No , but can you try to find a #ATTRACTION-INFORM-TYPE# in the west please ?",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# in town that I can go to ?",
+ "I apologize . I need to clarify that I ' m looking for an #ATTRACTION-INFORM-TYPE# type of attraction in the center of town .",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# .",
+ "Yes I would like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Yes , I am looking for places to go while I ' m there . Perhaps a #ATTRACTION-INFORM-TYPE# ?",
+ "Thanks ! Can you also help me find a #ATTRACTION-INFORM-TYPE# to visit in town ?",
+ "Could you also help me find a #ATTRACTION-INFORM-TYPE# to check out ?",
+ "Also I want to go see some #ATTRACTION-INFORM-TYPE# in town .",
+ "What about a #ATTRACTION-INFORM-TYPE# ?",
+ "I want to visit a #ATTRACTION-INFORM-TYPE# in Cambridge . Can you help me find some ?",
+ "Thanks . I would also love to try a new #ATTRACTION-INFORM-TYPE# to go to . Can you tell me what my options are ?",
+ "Let 's check for a #ATTRACTION-INFORM-TYPE# , then",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# .",
+ "What options do you have for #ATTRACTION-INFORM-TYPE# ?",
+ "Thank you . I am also looking for places to visit in town . I think a #ATTRACTION-INFORM-TYPE# would be nice . Could you recommend one ?",
+ "I am actually looking for a #ATTRACTION-INFORM-TYPE# anywhere in town . Can you recommend an interesting one ?",
+ "No how about a type of #ATTRACTION-INFORM-TYPE# ?",
+ "Thanks . Is there a #ATTRACTION-INFORM-TYPE# nearby ?",
+ "Hm , can you tell me about what #ATTRACTION-INFORM-TYPE# venues might be on the west side of town instead ?",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# to visit . Do you have any recommendations ?",
+ "I am visiting Cambridge and want to see some #ATTRACTION-INFORM-TYPE# .",
+ "Can you find a #ATTRACTION-INFORM-TYPE# for me to visit ?",
+ "I would like something with #ATTRACTION-INFORM-TYPE# I think .",
+ "I need a recommendation for some #ATTRACTION-INFORM-TYPE# in the city .",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# to visit in the center of town .",
+ "I 'd love to visit a #ATTRACTION-INFORM-TYPE# - can you help me find one , please ?",
+ "I would look time find a #ATTRACTION-INFORM-TYPE# in town .",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# to visit while I ' m in town .",
+ "I m also looking for a #ATTRACTION-INFORM-TYPE# to visit .",
+ "Great I am also looking to go to a #ATTRACTION-INFORM-TYPE# .",
+ "yes , how about an #ATTRACTION-INFORM-TYPE# kind of attraction ?",
+ "I would like a #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like to go to the #ATTRACTION-INFORM-TYPE# as well . Can you help me find one ?",
+ "I am actually looking for an attraction rather than a place to eat . Can you help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I would like to visit a #ATTRACTION-INFORM-TYPE# , please .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in Cambridge please",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit somewhere in the north ?",
+ "Hello . I ' m interested in #ATTRACTION-INFORM-TYPE# , is there any interesting buildings in the city centre ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to visit while in Cambridge .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# attraction to go to in town .",
+ "I am looking for a place to get a #ATTRACTION-INFORM-TYPE# . Can you help me ?",
+ "Yes , that sounds good . I am also interested in finding an #ATTRACTION-INFORM-TYPE# centre at my destination .",
+ "I want to visit an #ATTRACTION-INFORM-TYPE# attraction please",
+ "I would also like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in town . How many are there and where are they ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# ?",
+ "Hello ! I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "A #ATTRACTION-INFORM-TYPE# would be nice .",
+ "What sort of #ATTRACTION-INFORM-TYPE# options are there ?",
+ "Can you recommend a #ATTRACTION-INFORM-TYPE# in town , please ?",
+ "I was looking for a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to see some type of #ATTRACTION-INFORM-TYPE# while visiting cambridge .",
+ "I ' m actually just looking for a #ATTRACTION-INFORM-TYPE# I could visit , but not a specific one . Which is your favorite ?",
+ "Good afternoon . It 's such a beautiful day out and I am visiting here . Can you tell me if there is a #ATTRACTION-INFORM-TYPE# nearby to where I am ?",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "I was actually looking for an #ATTRACTION-INFORM-TYPE# venue .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for any type of #ATTRACTION-INFORM-TYPE# attractions in town . Do you have any recommendations ?",
+ "how about one that is in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Okay what about any type of #ATTRACTION-INFORM-TYPE# ? Which is your favorite ?",
+ "Yes , I would appreciate some help finding a nice #ATTRACTION-INFORM-TYPE# to visit in town . Can you suggest one ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# type attractions .",
+ "No . Actually , just find me an attraction in the category of #ATTRACTION-INFORM-TYPE# .",
+ "Could you please try for something in the #ATTRACTION-INFORM-TYPE# category ?",
+ "Perhaps you could locate a #ATTRACTION-INFORM-TYPE# in the south ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit , can you help me ?",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes , I would like a #ATTRACTION-INFORM-TYPE# in the centre .",
+ "Hello . I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit while I am in Cambridge .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# . Do you have any colleges in the centre ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Hi ! Could you help me find a #ATTRACTION-INFORM-TYPE# to go in town ?",
+ "Hello I would like some sort of #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I would . Perhaps a theatre or #ATTRACTION-INFORM-TYPE# ?",
+ "Hello , please find me a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "I am interested in a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Yes I am looking for #ATTRACTION-INFORM-TYPE# venues in the city center .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Thank you . Is there a #ATTRACTION-INFORM-TYPE# close by that we could visit ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# I can visit in Cambridge ?",
+ "Yes ! I ' m also looking for a #ATTRACTION-INFORM-TYPE# in town",
+ "Thank you ! I ' m actually looking for places to go in town , some type of #ATTRACTION-INFORM-TYPE# .",
+ "hmm , what about a #ATTRACTION-INFORM-TYPE# ?",
+ "We want to explore a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "I need to find a place to hang out at a #ATTRACTION-INFORM-TYPE# in Cambridge .",
+ "i am also looking for a place to go in town , #ATTRACTION-INFORM-TYPE# maybe ?",
+ "I need an attraction in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would also like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m also looking for an #ATTRACTION-INFORM-TYPE# attraction near the restaurant .",
+ "Could you tell me the name of that #ATTRACTION-INFORM-TYPE# attraction , please ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# in the north area ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# with free admission .",
+ "Hello , I would like some suggestions for #ATTRACTION-INFORM-TYPE# attractions in town . Could you help me ?",
+ "You could n't find a #ATTRACTION-INFORM-TYPE# in the west area ?",
+ "Yes , please . I also want to find a #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in downtown Cambridge .",
+ "Darn ! I really wanted to go to the cinema . Is there a #ATTRACTION-INFORM-TYPE# located in that area ?",
+ "No , but maybe there is something in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "Okay , well , what 's a good #ATTRACTION-INFORM-TYPE# to try ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# I could visit ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to see .",
+ "Okay , what about an attraction that is in the type of #ATTRACTION-INFORM-TYPE# ?",
+ "Okay , how about a #ATTRACTION-INFORM-TYPE# ?",
+ "that sounds fine . Can you give me some info about a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Yes , I ' m looking for something with the type of #ATTRACTION-INFORM-TYPE# . Thanks !",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# attraction , please .",
+ "Anything that seems fun in the centre . Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "Could you please check for #ATTRACTION-INFORM-TYPE# ?",
+ "Sure , how about a #ATTRACTION-INFORM-TYPE# attraction ?",
+ "Sorry , I needed to find a #ATTRACTION-INFORM-TYPE# in town . Can you help me with that instead ?",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I would like a #ATTRACTION-INFORM-TYPE# .",
+ "Can you recommend a #ATTRACTION-INFORM-TYPE# ?",
+ "Great , could you also help me find somewhere to visit near the restaurant , possibly #ATTRACTION-INFORM-TYPE# to look at ?",
+ "I could use some help finding a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I ' m looking for a popular #ATTRACTION-INFORM-TYPE# in the area .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Okay , thank you . I would also like to go to a #ATTRACTION-INFORM-TYPE# while I ' m in town . Could you give me some information on possible options ?",
+ "Forget about the train and help me find a #ATTRACTION-INFORM-TYPE# to go to while I ' m in town",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , are there any #ATTRACTION-INFORM-TYPE# in the area of the restaurant ?",
+ "Ok , well how about something educational -- like a #ATTRACTION-INFORM-TYPE# maybe ?",
+ "Could you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Not at the moment . But I ' m also looking for an #ATTRACTION-INFORM-TYPE# attraction to visit while in town .",
+ "Okay , how about a #ATTRACTION-INFORM-TYPE# , then ?",
+ "No thank you . I was actually looking for a #ATTRACTION-INFORM-TYPE# and not a cinema . Is there a park on the south side of town ?",
+ "Yes , I ' m also looking for some interesting #ATTRACTION-INFORM-TYPE# in town .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the center of town . Could you help me find something interesting ?",
+ "I ' m looking for places to go in town . I 'd like to visit a #ATTRACTION-INFORM-TYPE# . Can you recommend a good one and provide the address and postcode ?",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "Would you happen to know of any attractions involving #ATTRACTION-INFORM-TYPE# in Cambridge ?",
+ "Thank you . Can you also find me a #ATTRACTION-INFORM-TYPE# to go to ?",
+ "Thanks ! I ' m also looking for a #ATTRACTION-INFORM-TYPE# . I 'll need the postcode , please ?",
+ "Is there any with the type of #ATTRACTION-INFORM-TYPE# here ?",
+ "Sure a #ATTRACTION-INFORM-TYPE# sounds great .",
+ "Yes . I would like to visit a #ATTRACTION-INFORM-TYPE# while I am there .",
+ "Is this attraction an actual #ATTRACTION-INFORM-TYPE# still or are the buildings just there for architecture ?",
+ "Not at the moment . However , I am also looking for a #ATTRACTION-INFORM-TYPE# . Can you assist me with that ?",
+ "Could you please provide me with some information on an attraction that is in he type of #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# attraction preferably .",
+ "Just find me a #ATTRACTION-INFORM-TYPE# anywhere then .",
+ "Why do n't you try looking for a #ATTRACTION-INFORM-TYPE# in that area instead please",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# , fairly close to the restaurant , if at all possible .",
+ "I need a place that is #ATTRACTION-INFORM-TYPE# .",
+ "Yeah I 'd like to go somewhere in town , like a #ATTRACTION-INFORM-TYPE# or something .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I need to find a #ATTRACTION-INFORM-TYPE# to visit while in town .",
+ "I guess we do n't need a restaurant after all . My husband is n't hungry . He wants to take a look at a #ATTRACTION-INFORM-TYPE# instead .",
+ "I do n't know a name , but I know I want the attraction to be in #ATTRACTION-INFORM-TYPE# . Do you have any suggestions ?",
+ "How about a #ATTRACTION-INFORM-TYPE# to visit in the centre of town instead ?",
+ "Thank you , yes I ' m also looking for a #ATTRACTION-INFORM-TYPE# in town . Can you recommend one ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Yes , I am also looking for information on any places of #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "What sort of #ATTRACTION-INFORM-TYPE# is available in the center of town ?",
+ "Yeah , a #ATTRACTION-INFORM-TYPE# sounds good . Can you get me the phone number and postcode for one ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "A #ATTRACTION-INFORM-TYPE# I think would be best .",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# type attraction .",
+ "What 's a good #ATTRACTION-INFORM-TYPE# to visit near the restaurant ?",
+ "Yes could you also help me find a #ATTRACTION-INFORM-TYPE# to visit in the city center ?",
+ "I was hoping to find a #ATTRACTION-INFORM-TYPE# to visit while in cambridge .",
+ "Thank you so much . I ' m also looking for a good #ATTRACTION-INFORM-TYPE# in town .",
+ "How about a #ATTRACTION-INFORM-TYPE# then ?",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions I could go to ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "How about an #ATTRACTION-INFORM-TYPE# venue ?",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# and let me know how much it cost ?",
+ "I want to find a #ATTRACTION-INFORM-TYPE# to visit in town .",
+ "I 'd like a place to go to in the category of #ATTRACTION-INFORM-TYPE# , preferably free .",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# to visit . What are my options ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# type attraction .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I 'd like some information on #ATTRACTION-INFORM-TYPE# 's in town .",
+ "Are there any #ATTRACTION-INFORM-TYPE# I could visit ?",
+ "What about a #ATTRACTION-INFORM-TYPE# in the center of town -- is there anything like that ?",
+ "What about #ATTRACTION-INFORM-TYPE# in the centre ?",
+ "Actually , I would prefer a #ATTRACTION-INFORM-TYPE# .",
+ "Can you look for a #ATTRACTION-INFORM-TYPE# ?",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# . Do you have any suggestions for one in town ?",
+ "How about an #ATTRACTION-INFORM-TYPE# attraction instead ?",
+ "Where is a #ATTRACTION-INFORM-TYPE# that is located in the Cambridge centre ?",
+ "Can you tell me a good #ATTRACTION-INFORM-TYPE# in town ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# . Can you recommend one ?",
+ "Yes I am looking for a #ATTRACTION-INFORM-TYPE# to visit . Can you help me ?",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Oh no , ok . What about a #ATTRACTION-INFORM-TYPE# ?",
+ "I am also looking for a place to go , anything with #ATTRACTION-INFORM-TYPE# .",
+ "How about #ATTRACTION-INFORM-TYPE# attractions ?",
+ "Can you help me find some place to go in town where I can find some #ATTRACTION-INFORM-TYPE# ? Thanks .",
+ "It does n't matter as long as it is a nice #ATTRACTION-INFORM-TYPE# .",
+ "Thanks . I also want to find a #ATTRACTION-INFORM-TYPE# in the center to visit .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the east instead ?",
+ "Hello , I am looking for a #ATTRACTION-INFORM-TYPE# in Cambridge . What museums are there ?",
+ "That 's great . Can you tell me where #ATTRACTION-INFORM-TYPE# attractions are near the center of town ?",
+ "I would be interested in seeing some interesting #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to in town .",
+ "We are also looking to visit a local #ATTRACTION-INFORM-TYPE# . Do you have any recommendations ?",
+ "I am looking for places to go in town . What type of #ATTRACTION-INFORM-TYPE# is there in the centre ?",
+ "How about #ATTRACTION-INFORM-TYPE# type instead ?",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "I also want to find a #ATTRACTION-INFORM-TYPE# to visit .",
+ "I am looking to go to a #ATTRACTION-INFORM-TYPE# and need to find one .",
+ "Yes can you help me find something to do in the center of town that involves looking at a #ATTRACTION-INFORM-TYPE# ?",
+ "I want to visit somewhere with interesting #ATTRACTION-INFORM-TYPE# .",
+ "Let 's try for a #ATTRACTION-INFORM-TYPE# in that case instead please",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# . Can you recommend one ?",
+ "No . Is there a #ATTRACTION-INFORM-TYPE# ?",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions in that area ?",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# in the center of town .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# . Are there any in the area ?",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for places to go , is there a #ATTRACTION-INFORM-TYPE# I could see ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ? What kind are there ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "An #ATTRACTION-INFORM-TYPE# attraction would be good .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit while I am in town .",
+ "I 'd like to go to a #ATTRACTION-INFORM-TYPE# in the same area of town as the hotel .",
+ "How about a #ATTRACTION-INFORM-TYPE# instead ?",
+ "Yes . I also want to go to a #ATTRACTION-INFORM-TYPE# in the area . Can you help me with that ?",
+ "Great , can you also get me information or #ATTRACTION-INFORM-TYPE# in the area",
+ "Hi , I am looking for a #ATTRACTION-INFORM-TYPE# attraction to visit . Do you have any recommendations ?",
+ "My son is a junior in high school , we are looking at #ATTRACTION-INFORM-TYPE# . Can you tell me about what colleges are in cambridge ?",
+ "Yes I am looking for a place to go maybe a #ATTRACTION-INFORM-TYPE# .",
+ "I like a #ATTRACTION-INFORM-TYPE# that has vendors and kids can play",
+ "How about #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m wanting to see the new Reese Witherspoon movie . Would they happen to have a #ATTRACTION-INFORM-TYPE# in that area ?",
+ "An #ATTRACTION-INFORM-TYPE# attraction would be nice .",
+ "I think I 'd like to visit a #ATTRACTION-INFORM-TYPE# perhaps . Can you suggest one ?",
+ "Thanks , could you also help me find a good #ATTRACTION-INFORM-TYPE# to visit while I am there ?",
+ "I would also like to find a #ATTRACTION-INFORM-TYPE# in town .",
+ "Could you check for a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in town . What can you suggest ?",
+ "I ' m headed off to #ATTRACTION-INFORM-TYPE# soon and want to check out one of the campuses while I ' m in the area . Can you help me find one ?",
+ "how about some #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in cambridge .",
+ "how about a #ATTRACTION-INFORM-TYPE# ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Some type of fancy #ATTRACTION-INFORM-TYPE# would be neat .",
+ "Can you help me find places to watch #ATTRACTION-INFORM-TYPE# ?",
+ "Maybe a #ATTRACTION-INFORM-TYPE# then ?",
+ "How about a #ATTRACTION-INFORM-TYPE# in the south ?",
+ "Hello , I ' m looking for an attraction in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I ' m hoping to find a #ATTRACTION-INFORM-TYPE# in town .",
+ "Howdy ! I 'd like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "My ferret would prefer a #ATTRACTION-INFORM-TYPE# .",
+ "Okay , could you look for one that is #ATTRACTION-INFORM-TYPE# instead ?",
+ "how about just #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am also looking for an attraction , some type of #ATTRACTION-INFORM-TYPE# .",
+ "Actually , could you find me a #ATTRACTION-INFORM-TYPE# , instead ?",
+ "I am looking for places to go in Cambridge . I was thinking about visiting a #ATTRACTION-INFORM-TYPE# . Any suggestions ?",
+ "Thanks for the booking . I would like to sightsee a bit . Do you have any #ATTRACTION-INFORM-TYPE# attractions in town ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the centre of town",
+ "No problem , are there any #ATTRACTION-INFORM-TYPE# places ?",
+ "How about a #ATTRACTION-INFORM-TYPE# in the same area ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# of science ?",
+ "I need to find a #ATTRACTION-INFORM-TYPE# in town .",
+ "I want to go to a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in town",
+ "Do you know what this city might have in #ATTRACTION-INFORM-TYPE# venues ?",
+ "Please find a #ATTRACTION-INFORM-TYPE# in town .",
+ "An #ATTRACTION-INFORM-TYPE# attraction would be nice .",
+ "Can you search for a #ATTRACTION-INFORM-TYPE# instead ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in town .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I ' m wanting to go to a #ATTRACTION-INFORM-TYPE# around the middle of Cambridge .",
+ "Ok , how about a #ATTRACTION-INFORM-TYPE# in the east ?",
+ "Thanks ! I ' m also wondering if there are any #ATTRACTION-INFORM-TYPE# type attractions in the center of town .",
+ "I ' m headed to Cambridge later and I would love to go to a #ATTRACTION-INFORM-TYPE# . Could you recommend one ? Any one will do , I ' m pretty flexible .",
+ "I want some #ATTRACTION-INFORM-TYPE# in the centre . What do you have ?",
+ "Actually , I could use some help finding a #ATTRACTION-INFORM-TYPE# to visit in town while I am there .",
+ "Would you like me to look up #ATTRACTION-INFORM-TYPE# for you ?",
+ "How interesting that there 's NO entertainment in the centre of Cambridge , sound like a fun town ... perhaps there is a #ATTRACTION-INFORM-TYPE# I could visit ?",
+ "Great , I am also looking for a #ATTRACTION-INFORM-TYPE# to attend while in town . Do you have any suggestions ?",
+ "I suppose a #ATTRACTION-INFORM-TYPE# would do as well . Any recommendations for museums west of town ?",
+ "What is the best #ATTRACTION-INFORM-TYPE# in Cambridge you can recommend ?",
+ "I am looking for places to go , preferably a #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like to go to the #ATTRACTION-INFORM-TYPE# , can you tell me about what 's available in Cambridge , please ?",
+ "I would like a #ATTRACTION-INFORM-TYPE# type . Thank you .",
+ "No , I do n't need it booked right now . I would really like to find a #ATTRACTION-INFORM-TYPE# to visit in town .",
+ "Thanks . I am also looking for a #ATTRACTION-INFORM-TYPE# to visit while I am in town .",
+ "What about a #ATTRACTION-INFORM-TYPE# in the center ?",
+ "Actually , yes . I wanted to visit a #ATTRACTION-INFORM-TYPE# whilst I ' m in town . Could you recommend one for me ?",
+ "I would like a #ATTRACTION-INFORM-TYPE# please can you send me some info ?",
+ "I want to find a #ATTRACTION-INFORM-TYPE# in town to go to . Do you have any suggestions ?",
+ "Yes . I am looking for a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the centre of town ?",
+ "Great I also am looking for a place to go that is a #ATTRACTION-INFORM-TYPE# .",
+ "Is there anything in the entertainment type ? If not , then a #ATTRACTION-INFORM-TYPE# would be nice .",
+ "I am getting ready to go off to #ATTRACTION-INFORM-TYPE# . I thought while I was in town maybe I could visit one .",
+ "I 'd like to see a #ATTRACTION-INFORM-TYPE# , please .",
+ "I 'd like to ride on a #ATTRACTION-INFORM-TYPE# , if someplace like that is available .",
+ "Well that 's a bummer . Do you have any #ATTRACTION-INFORM-TYPE# attractions you can recommend ?",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# attraction somewhere in Cambridge .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I had always wanted to go to Cambridge and say \" I ' m on a #ATTRACTION-INFORM-TYPE# \" Can you tell me about attractions which are boat places to visit in Cambridge ?",
+ "Can you also recommend a #ATTRACTION-INFORM-TYPE# for me to visit ?",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "No , but I am looking for a #ATTRACTION-INFORM-TYPE# to go to . What ones are there ?",
+ "Hey , can you help me out ? I am looking for something to do . What kind of #ATTRACTION-INFORM-TYPE# is out there in the center of town ?",
+ "Sure , a #ATTRACTION-INFORM-TYPE# sounds good , which one would you recommend ?",
+ "I 'd also like some information on a #ATTRACTION-INFORM-TYPE# near the hotel .",
+ "Let 's go with an #ATTRACTION-INFORM-TYPE# attraction .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to go to .",
+ "Yes , can you please send me the info on a #ATTRACTION-INFORM-TYPE# ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I ' m trying to find a good #ATTRACTION-INFORM-TYPE# in town .",
+ "Please find me some information about the #ATTRACTION-INFORM-TYPE# in the centre",
+ "I am looking for places to go in town , preferably a #ATTRACTION-INFORM-TYPE# .",
+ "Please find a #ATTRACTION-INFORM-TYPE# in the west for me .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the south ?",
+ "I am going to be visiting cambridge and I would love to find a #ATTRACTION-INFORM-TYPE# to go to . Can you help me ?",
+ "Yes I would like to go to a #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like to go the the #ATTRACTION-INFORM-TYPE# and then maybe out for a drink .",
+ "I want to party at a #ATTRACTION-INFORM-TYPE# while I am visiting . Got a good one for me ?",
+ "Thanks . I also need an attraction to visit in the #ATTRACTION-INFORM-TYPE# category . Any suggestions ?",
+ "Please check again for a #ATTRACTION-INFORM-TYPE# in any area .",
+ "I am going to be attending #ATTRACTION-INFORM-TYPE# soon and want to browse one of the campuses while I am in the area .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to go to while I am in Cambridge . Can you give me information on any ?",
+ "Actually , I need to find a #ATTRACTION-INFORM-TYPE# .",
+ "Oh darn . Well how about something in the type of #ATTRACTION-INFORM-TYPE# on the east side ?",
+ "Thanks for recommending the Guest House . I am also looking for some town nightlife , especially a #ATTRACTION-INFORM-TYPE# .",
+ "I am traveling to Cambridge and excited about seeing location attractions . Could you help me find a place to go , like a #ATTRACTION-INFORM-TYPE# ?",
+ "I need some time in the sun , can you help me find a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I am looking for a fun #ATTRACTION-INFORM-TYPE# to visit while I am in Cambridge .",
+ "I 'd like to take a stroll at a #ATTRACTION-INFORM-TYPE# .",
+ "Can you help me with places to go ? I like #ATTRACTION-INFORM-TYPE# .",
+ "How about any that are about #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking to go to a #ATTRACTION-INFORM-TYPE# then instead .",
+ "I could also go to a #ATTRACTION-INFORM-TYPE# instead .",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions in that area .",
+ "A #ATTRACTION-INFORM-TYPE# , please .",
+ "Okay , thanks . And a #ATTRACTION-INFORM-TYPE# ?",
+ "I ' m looking to visit a #ATTRACTION-INFORM-TYPE# .",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# to visit ?",
+ "I am looking for an attraction with a #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "Let 's try for a #ATTRACTION-INFORM-TYPE# in the west instead",
+ "Yes a #ATTRACTION-INFORM-TYPE# sounds good , adress and phone number please",
+ "I am also looking for places to go where I can take a #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Area;Type;": [
+ "Thank you ! I am also looking for a place to go in town . I ' m thinking a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Great , thank you . Now , I need some information on #ATTRACTION-INFORM-TYPE# I can visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am also looking to visit a #ATTRACTION-INFORM-TYPE# , it would need to be in the #ATTRACTION-INFORM-AREA# .",
+ "No , I want to be in the #ATTRACTION-INFORM-AREA# of town . What about #ATTRACTION-INFORM-TYPE# attractions ?",
+ "Yeas , what to recommend if I want to see good #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Can you recommend one ?",
+ "I ' m looking for a place in the #ATTRACTION-INFORM-AREA# of town that is a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . What would you recommend ?",
+ "Thanks . I ' m also looking for places to go in town . Preferably a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Are their any #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of cambridge ?",
+ "I am looking for an attraction to visit in the #ATTRACTION-INFORM-AREA# that involves #ATTRACTION-INFORM-TYPE# , any suggestions ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Something in the #ATTRACTION-INFORM-AREA# of town . Do you have any suggestions for a #ATTRACTION-INFORM-TYPE# maybe ?",
+ "Yes , i am looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# of town .",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of Cambridge . Can you help me with this ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# area .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Yes , I 'd love to visit a #ATTRACTION-INFORM-TYPE# . Is there a nice one in the city #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# of cambridge that would be #ATTRACTION-INFORM-TYPE# based .",
+ "No thanks but could you help me find a good #ATTRACTION-INFORM-TYPE# to visit on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I need a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you also find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , i am looking for a #ATTRACTION-INFORM-TYPE# to visit on the #ATTRACTION-INFORM-AREA# side of town ..",
+ "I am looking for some places to go in the #ATTRACTION-INFORM-AREA# . I 'd like an #ATTRACTION-INFORM-TYPE# attraction . Can you give me some suggestions and phone numbers please ?",
+ "Please help me identify places to go in the #ATTRACTION-INFORM-AREA# of town that are #ATTRACTION-INFORM-TYPE# attractions .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "A #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town",
+ "I ' m going to cambridge and would like to know about places to go in town . I ' m looking or a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I am also interested in visiting a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Could you help me with that ?",
+ "Hello could you give me some information on some #ATTRACTION-INFORM-TYPE# places in the #ATTRACTION-INFORM-AREA# of Cambridge to go visit please ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "i also want to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks so much . And yes , could you possibly point me to some #ATTRACTION-INFORM-TYPE# in the town #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of cambridge .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Any recommendations ?",
+ "The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for some places to go in town . It should be a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# #ATTRACTION-INFORM-AREA# of town with a playground .",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town . I would like some type of #ATTRACTION-INFORM-TYPE# attraction .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Can you check for a type of #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area please ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town . Can you help me with that ?",
+ "I am also looking for a nice #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thank you . I am also looking for places to go in town . Are there any #ATTRACTION-INFORM-TYPE# sights in the city #ATTRACTION-INFORM-AREA# ?",
+ "Thank you . Could you help me find a #ATTRACTION-INFORM-TYPE# that is in the #ATTRACTION-INFORM-AREA# ?",
+ "Hello ! I ' m traveling to Cambridge soon and would love to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Can you help ?",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town please .",
+ "Perfect . Could you also recommend a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town to go to ?",
+ "Yes can you find me a good #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "Are there any good #ATTRACTION-INFORM-TYPE# places in the #ATTRACTION-INFORM-AREA# ?",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Do you have any suggestions ?",
+ "I want to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi there , I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to that 's in the #ATTRACTION-INFORM-AREA# of the city .",
+ "Thank you I also need to find a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# please .",
+ "That 's all the info I needed can you find me a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# of the #ATTRACTION-INFORM-AREA# side .",
+ "Could you help me find a place for #ATTRACTION-INFORM-TYPE# ? Something on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# . Are there any located in the #ATTRACTION-INFORM-AREA# side of Cambridge ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the town #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side .",
+ "I am looking for places to go , preferably a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "am also looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I also need a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# .",
+ "Awesome . Could you also suggest a #ATTRACTION-INFORM-TYPE# for me to visit ? I ' m thinking in the #ATTRACTION-INFORM-AREA# ?",
+ "Actually , I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Which one is your favorite ?",
+ "Can you also help me find some kind of #ATTRACTION-INFORM-TYPE# attraction in city #ATTRACTION-INFORM-AREA# ?",
+ "Yes I am looking for someplace to go in the #ATTRACTION-INFORM-AREA# for #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I would like to see a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . Can you suggest something for me ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to visit .",
+ "How about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Not today thanks . I ' m also want to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I also need something to do while in town . Is there a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# I can visit ?",
+ "Yes . I want to check out a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! I also want to ride on a #ATTRACTION-INFORM-TYPE# , is that something you can help with ? I would like to do this in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , can you look for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Great , thank you . I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# , do you have any recommendations ?",
+ "Yes , I am looking for a #ATTRACTION-INFORM-TYPE# . Possibly in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places to go see good #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of the city .",
+ "I ' m in the #ATTRACTION-INFORM-AREA# . How about something #ATTRACTION-INFORM-TYPE# ?",
+ "Yeah , I need a place to go . I want to go to the #ATTRACTION-INFORM-TYPE# and it should be in the #ATTRACTION-INFORM-AREA# area .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "That 's okay I ' m looking to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town though .",
+ "Thanks ! I ' m also looking for an #ATTRACTION-INFORM-TYPE# type place in the #ATTRACTION-INFORM-AREA# . Can you help me ?",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side , if possible .",
+ "Thanks . I would also like to go a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side .",
+ "Excellent . I ' m also looking to go to a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# part of town .",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# related attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Hi there . I am looking to find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for a fine arts #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Perfect . I also need to book a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . What options do you have ?",
+ "Yes , I ' m looking for #ATTRACTION-INFORM-TYPE# attractions located in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to go to located in the #ATTRACTION-INFORM-AREA# ? Thanks .",
+ "I 'd like to find a very nice #ATTRACTION-INFORM-TYPE# out in the #ATTRACTION-INFORM-AREA# .",
+ "Please . I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "Yes . I am looking for a place to go in the #ATTRACTION-INFORM-AREA# part of town . With preference to #ATTRACTION-INFORM-TYPE# .",
+ "I 'd like a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "i am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Can you help me ?",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I am looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "No I need an attraction in the #ATTRACTION-INFORM-AREA# of town . If there is n't a multiple sports attraction , is there a #ATTRACTION-INFORM-TYPE# there ?",
+ "I would like to go to an #ATTRACTION-INFORM-TYPE# venue in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for some place to go that offers #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . What do you recommend ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area .",
+ "I am looking for places to go . preferably a #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I would love to see some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please",
+ "I ' m looking for some #ATTRACTION-INFORM-TYPE# related places to go in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "Woo that 's steep but thank you . I also am interested in visiting the #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of town , could you give me info on that ?",
+ "Thanks . I also wanted to find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# area .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Actually can you help look for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area ?",
+ "I ' m so bored , can you help me find a nice #ATTRACTION-INFORM-TYPE# in the city #ATTRACTION-INFORM-AREA# to tour ?",
+ "We are in the #ATTRACTION-INFORM-AREA# of town and looking for places to go . We would like maybe a museum and a #ATTRACTION-INFORM-TYPE# . Can you help me ?",
+ "I am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town . I ' m really interested in a #ATTRACTION-INFORM-TYPE# .",
+ "What kind of #ATTRACTION-INFORM-TYPE# is located in town in the #ATTRACTION-INFORM-AREA# area of Cambridge ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# . I seemed to have misplaced the information on it .",
+ "I ' m trying to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Actually yes , find me a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# please",
+ "Yes , I am looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking to hear some music in a #ATTRACTION-INFORM-TYPE# . Are there any in the #ATTRACTION-INFORM-AREA# section of Cambridge ?",
+ "I would to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I think I would like a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town please .",
+ "Perhaps . I ' m also looking for a place to go .. maybe a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Thank you . I also need to find a place to go in the #ATTRACTION-INFORM-AREA# of town . The type of attraction should be #ATTRACTION-INFORM-TYPE# .",
+ "Before I book , I 'd also like to know about #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# area .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "No I would like to go somewhere in the #ATTRACTION-INFORM-AREA# . Is there a #ATTRACTION-INFORM-TYPE# of any type ?",
+ "Thanks , I need a place to go too . What about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side .",
+ "Excellent . I need to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# as well .",
+ "Could you also provide me with a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I was thinking of visiting a #ATTRACTION-INFORM-TYPE# . I think maybe the #ATTRACTION-INFORM-AREA# of town might have better selection .",
+ "I am seeking a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I would really like it to be in the #ATTRACTION-INFORM-AREA# of town and some type of #ATTRACTION-INFORM-TYPE# .",
+ "The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Yes . May I please get a recommendation for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I need to find #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I 'd like something #ATTRACTION-INFORM-TYPE# related in the #ATTRACTION-INFORM-AREA# if possible .",
+ "I want to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Hi , I ' m looking for a #ATTRACTION-INFORM-TYPE# in the town #ATTRACTION-INFORM-AREA# .",
+ "Thank you . I also need info on a #ATTRACTION-INFORM-TYPE# to visit in the town #ATTRACTION-INFORM-AREA# . Anyone will do . Whatever you recommend .",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for places to go in town . Maybe a #ATTRACTION-INFORM-TYPE# . I would prefer it to be in the #ATTRACTION-INFORM-AREA# of cambridge .",
+ "I am also interested in places to go in town . I would like to find an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town . Do you have any suggestions ?",
+ "Thanks , and yes please . I 'd also like to find an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I am also Interested in finding a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# . Can you help with that ?",
+ "Okay . Can you also tell me about a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# ?",
+ "Not at this time but can you also find me an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "While in Cambridge I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town please .",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# .",
+ "I planning a trip to Cambridge toward the #ATTRACTION-INFORM-AREA# side I would like information on the #ATTRACTION-INFORM-TYPE# in this part of the town .",
+ "Wait , I ' m staying in the #ATTRACTION-INFORM-AREA# , that would make more sense . How about a #ATTRACTION-INFORM-TYPE# in the south ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to go to located in the #ATTRACTION-INFORM-AREA# . Can you help me ?",
+ "Let 's try a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# instead then",
+ "I will be in the #ATTRACTION-INFORM-AREA# this week and know I will want to catch a movie , what #ATTRACTION-INFORM-TYPE# 's are in that area ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# .",
+ "I want to find places to go in the #ATTRACTION-INFORM-AREA# of town that are #ATTRACTION-INFORM-TYPE# type attractions .",
+ "No , it needs be in the #ATTRACTION-INFORM-AREA# . Any other #ATTRACTION-INFORM-TYPE# 's are located in the west please ?",
+ "Thanks . I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the area of #ATTRACTION-INFORM-AREA# .",
+ "I need a #ATTRACTION-INFORM-TYPE# to visit in he #ATTRACTION-INFORM-AREA# .",
+ "I would really like to stay in the #ATTRACTION-INFORM-AREA# area . Are there any #ATTRACTION-INFORM-TYPE# attractions available in that area ?",
+ "I am also wondering if you can help me find an #ATTRACTION-INFORM-TYPE# place in the #ATTRACTION-INFORM-AREA# as well .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to go to located in the #ATTRACTION-INFORM-AREA# .",
+ "I want to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town please .",
+ "I want to find a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks a lot . Can you also help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town also ?",
+ "Okay I also need a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town specializing in #ATTRACTION-INFORM-TYPE# .",
+ "How about a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to and it should be in the #ATTRACTION-INFORM-AREA# . I would like free admission .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Great ! I am also looking to do something fun , what kind of #ATTRACTION-INFORM-TYPE# is available in the #ATTRACTION-INFORM-AREA# area ?",
+ "I would like to find some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of the city .",
+ "Perhaps I 'd like to see a #ATTRACTION-INFORM-TYPE# . Are there any in the #ATTRACTION-INFORM-AREA# ?",
+ "Could you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to tour ?",
+ "I ' m also looking for places to go in town . I would like an #ATTRACTION-INFORM-TYPE# type in the #ATTRACTION-INFORM-AREA# .",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m a big fan of #ATTRACTION-INFORM-TYPE# . Is there some in the #ATTRACTION-INFORM-AREA# that I can check out ?",
+ "Sorry , my friend just advised me that a nightclub is n't for him . He would rather visit some place that has some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Is there something ?",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Could you help me find one ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in town to visit , can you suggest a good one ? I ' m thinking in the #ATTRACTION-INFORM-AREA# please .",
+ "I ' m looking for places to go in town . I would like a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# . Any suggestions ?",
+ "i want to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of the town .",
+ "Hmmm ... all of those sound interesting , but I am really looking for a #ATTRACTION-INFORM-TYPE# . Are there any in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I need a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hi , I ' m trying to find a place to go in the #ATTRACTION-INFORM-AREA# . A #ATTRACTION-INFORM-TYPE# would be fun to visit !",
+ "I ' m looking for a place to go that 's in the #ATTRACTION-INFORM-AREA# and deals with #ATTRACTION-INFORM-TYPE# . I think it would be really neat !",
+ "I would also like to find out about any #ATTRACTION-INFORM-TYPE# attractions you might have in the #ATTRACTION-INFORM-AREA# of town .",
+ "Do you have a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I think I 'd like to visit a #ATTRACTION-INFORM-TYPE# , preferably on the #ATTRACTION-INFORM-AREA# end of town .",
+ "I was hoping you can find me a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am also looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Actually I have all the information I need but I would like to find a type of #ATTRACTION-INFORM-TYPE# attraction on the #ATTRACTION-INFORM-AREA# side .",
+ "I am looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town to visit .",
+ "Great I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for #ATTRACTION-INFORM-TYPE# type attractions in the #ATTRACTION-INFORM-AREA# of town",
+ "Please dig up some information on the #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# for me",
+ "I would also like a place to go that is a #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to go to .",
+ "Thank you I also am looking for a place to go in the #ATTRACTION-INFORM-AREA# of town that is #ATTRACTION-INFORM-TYPE# .",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# .",
+ "Could you help me find a #ATTRACTION-INFORM-TYPE# to visit on the #ATTRACTION-INFORM-AREA# side ?",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , I ' m looking for places to go in town when I visit Cambridge . What kind of #ATTRACTION-INFORM-TYPE# attractions are there available in the #ATTRACTION-INFORM-AREA# ?",
+ "I am wanting to go to the #ATTRACTION-INFORM-TYPE# . Are there any in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I really wanted to stay in the #ATTRACTION-INFORM-AREA# . How about a #ATTRACTION-INFORM-TYPE# ?",
+ "What about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# , any suggestions ?",
+ "Actually , I want to visit a #ATTRACTION-INFORM-TYPE# . Somewhere in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a good place for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Any recommendations ?",
+ "cambridge has a #ATTRACTION-INFORM-TYPE# that is in the #ATTRACTION-INFORM-AREA# . I would like to know more",
+ "If there are no swimming pools in the #ATTRACTION-INFORM-AREA# , then I would consider a #ATTRACTION-INFORM-TYPE# in the south of town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I m looking for places to go in town that shows #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# near the #ATTRACTION-INFORM-AREA# .",
+ "I am also looking to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Any recommendations ?",
+ "Great . I am also looking for an #ATTRACTION-INFORM-TYPE# venue in the town #ATTRACTION-INFORM-AREA# . Can you help me with that ?",
+ "I prefer the #ATTRACTION-INFORM-AREA# area . What do you have for places to go ? Type of #ATTRACTION-INFORM-TYPE# maybe ?",
+ "I so excited to see some of your great attractions ! Can you suggest a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ? Also I need a train schedule from airport to Cambridge on Saturday .",
+ "No thanks . How about #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am also looking for a place to go in the #ATTRACTION-INFORM-AREA# I would like to see #ATTRACTION-INFORM-TYPE# .",
+ "Hi I ' m looking for something to do for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "I ' m looking for some places to go in town . Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes I am looking for someplace to tour in town in the #ATTRACTION-INFORM-AREA# involving #ATTRACTION-INFORM-TYPE# .",
+ "Okay , I 'd like to find an #ATTRACTION-INFORM-TYPE# place in the #ATTRACTION-INFORM-AREA# .",
+ "Great I also need to find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Hi , I ' m looking for places to go in Cambridge . Preferably a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I would also like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I also want to find a place to go . I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I ' m looking for #ATTRACTION-INFORM-TYPE# attractions that are available in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , how about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Thank you ! ! Can you also recommend places to go around the #ATTRACTION-INFORM-AREA# . My wife is really into #ATTRACTION-INFORM-TYPE# .",
+ "Thanks . I am also looking for places to go in town . I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area . Can you make a recommendation ?",
+ "That 's good . Is there a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "Can you help me find a place to go in the #ATTRACTION-INFORM-AREA# section of town ? I would like to go to an #ATTRACTION-INFORM-TYPE# attraction .",
+ "I really need it to be in the #ATTRACTION-INFORM-AREA# . If there is no swimming pool in the south , how about an #ATTRACTION-INFORM-TYPE# venue ?",
+ "Maybe later . I 'd love to find a place to go look at #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "How about an #ATTRACTION-INFORM-TYPE# attraction ? Are there any of those in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks . I 'd also like a #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Please find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for places to go in Cambridge . I want to go somewhere in the #ATTRACTION-INFORM-AREA# , and I want it to be a #ATTRACTION-INFORM-TYPE# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side please ?",
+ "That s great thanks . I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to visit- can you make a recommendation ?",
+ "I would also like to visit an attraction . I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am hoping to find some #ATTRACTION-INFORM-TYPE# while I am in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Thanks ! Could you help me find a #ATTRACTION-INFORM-TYPE# please that is also in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m also looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "You know , I really wanted to visit the #ATTRACTION-INFORM-AREA# of town . Can you find a #ATTRACTION-INFORM-TYPE# in the center of town ?",
+ "I am looking for some #ATTRACTION-INFORM-TYPE# , do you know anywhere I could go in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Yes , I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# side of the city .",
+ "Greetings , I am looking for a #ATTRACTION-INFORM-TYPE# to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a hot #ATTRACTION-INFORM-TYPE# around the #ATTRACTION-INFORM-AREA# .",
+ "Actually , I do n't need the ticket right now . Could you recommend a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , though ?",
+ "What kind of #ATTRACTION-INFORM-TYPE# is there in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , any one 's you recommend ?",
+ "Thank you . Are there any #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I ' m looking for information on #ATTRACTION-INFORM-TYPE# attractions located in the #ATTRACTION-INFORM-AREA# .",
+ "Hi I am looking for an #ATTRACTION-INFORM-TYPE# venue in the #ATTRACTION-INFORM-AREA# of town .",
+ "Hello , I am looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# part of town .",
+ "i am looking for a place to go in the #ATTRACTION-INFORM-AREA# and should be the type of #ATTRACTION-INFORM-TYPE# .",
+ "What #ATTRACTION-INFORM-TYPE# attractions are there in the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I would like help finding a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Do you have any attractions in the type of a #ATTRACTION-INFORM-TYPE# then in the #ATTRACTION-INFORM-AREA# area ?",
+ "I need help finding places to go in town . I want to go to #ATTRACTION-INFORM-TYPE# type attractions in the #ATTRACTION-INFORM-AREA# of Cambridge .",
+ "Yes , I ' m looking for something to do in the #ATTRACTION-INFORM-AREA# of town that is #ATTRACTION-INFORM-TYPE# oriented",
+ "Yes , I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for things to do , specifically a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , what kinds of things are there to see like that ?",
+ "How about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Wow , thanks . Could you please also find me a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# area ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to to visit that is in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I will be in the #ATTRACTION-INFORM-AREA# part of town , but I think I am more interested in #ATTRACTION-INFORM-TYPE# visits if you could help me with that .",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Sure , is there a #ATTRACTION-INFORM-TYPE# I could visit ? I 'd like it to be in the town 's #ATTRACTION-INFORM-AREA# please .",
+ "I also need a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Do you have in attractions in a type of #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for a type of #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "No . Could we try a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Sorry , I ' m getting ahead of myself . Can you please recommend a #ATTRACTION-INFORM-TYPE# for me to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# of town .",
+ "i am looking for places to go in town . The attraction should be in the type of #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Thank you for the booking . I also want to visit an attraction in the #ATTRACTION-INFORM-AREA# , something fun involving a #ATTRACTION-INFORM-TYPE# .",
+ "That would be great . I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# . A #ATTRACTION-INFORM-TYPE# would be nice .",
+ "Can you tell me what types of #ATTRACTION-INFORM-TYPE# are in the #ATTRACTION-INFORM-AREA# area ?",
+ "Yes , I ' m also looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . What 's fun ?",
+ "Thank you ! I ' m also looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the town #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I need to go out tonight - what 's the hottest #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side ?",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# , #ATTRACTION-INFORM-TYPE# type .",
+ "Can you help find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "what #ATTRACTION-INFORM-TYPE# would you recommend in the #ATTRACTION-INFORM-AREA# part of cambridge ?",
+ "Hi , I want to find an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# please .",
+ "Hi , I ' m looking for a place to go see #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I need to find an #ATTRACTION-INFORM-TYPE# place in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you . Can yo also find an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town ?",
+ "how about something to do with #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi . Would you happen to be able to suggest a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I am looking for something in the #ATTRACTION-INFORM-AREA# and in the #ATTRACTION-INFORM-TYPE# .",
+ "I am also looking to go out on a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Do you have any recommendations ?",
+ "Looking for a place to go to in the #ATTRACTION-INFORM-AREA# area that has interesting #ATTRACTION-INFORM-TYPE# .",
+ "Can you find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find a place with a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of town .",
+ "I m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to visit while in town",
+ "I am looking for something to do in the #ATTRACTION-INFORM-AREA# area of town . I was thinking maybe a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Can you see if there are any #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Hi , I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking to go somewhere in the #ATTRACTION-INFORM-AREA# to enjoy some #ATTRACTION-INFORM-TYPE# . Can you help ?",
+ "I am traveling to Cambridge and excited to see local tourist attractions . I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to visit on the #ATTRACTION-INFORM-AREA# side of town .",
+ "I need an #ATTRACTION-INFORM-TYPE# attraction to visit in the #ATTRACTION-INFORM-AREA# .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I ' m looking for something to do in town . Are there any place like #ATTRACTION-INFORM-TYPE# I can visit in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m also looking for an attraction preferably on a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I would like a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "I am looking for a place to go in town . Preferably a #ATTRACTION-INFORM-TYPE# that is in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of cambridge",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# town please .",
+ "I would like a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for places to go in town like a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m visiting Cambridge soon and would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Can you help me with that ?",
+ "I 'd like some help finding a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side .",
+ "Great , is there a cool place in the #ATTRACTION-INFORM-AREA# we could check out ? Maybe a #ATTRACTION-INFORM-TYPE# ?",
+ "I am looking for the best #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Please let me know what it is and how much I should expect to pay to get in .",
+ "Actually , I ' m looking for a #ATTRACTION-INFORM-TYPE# to the #ATTRACTION-INFORM-AREA# . Can I get their phone number and address ?",
+ "Great . Can you also help me find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m disappointed but I would love to see a #ATTRACTION-INFORM-TYPE# , too . Is there one in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "No I ' m trying to find an attraction near town #ATTRACTION-INFORM-AREA# , preferably near a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Find me a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# , please .",
+ "I ' m wanting to find a #ATTRACTION-INFORM-TYPE# to go to located in the #ATTRACTION-INFORM-AREA# . Can you help ?",
+ "Yes , I ' m also looking for #ATTRACTION-INFORM-TYPE# places to go in town in the #ATTRACTION-INFORM-AREA# area . Can you help me with that ?",
+ "I would like to see a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of town .",
+ "Great . Could you also help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area of town .",
+ "Thanks . I ' m also looking for a #ATTRACTION-INFORM-TYPE# to visit . Are their any in the #ATTRACTION-INFORM-AREA# ?",
+ "I need something in the realm of #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . What do you have ?",
+ "Stay in the #ATTRACTION-INFORM-AREA# , but try looking for #ATTRACTION-INFORM-TYPE# attractions please .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Yes I also want to find a #ATTRACTION-INFORM-TYPE# attraction in the town #ATTRACTION-INFORM-AREA# .",
+ "I would really like to visit a #ATTRACTION-INFORM-TYPE# while I am here . Are there any located in the #ATTRACTION-INFORM-AREA# ?",
+ "Will you recommend a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Yes , I 'd like to find a #ATTRACTION-INFORM-TYPE# near #ATTRACTION-INFORM-AREA# , too .",
+ "Can you recommend a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Looking for a place to go to in the #ATTRACTION-INFORM-AREA# area , a type of #ATTRACTION-INFORM-TYPE# .",
+ "Hi there . Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the town #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Can you recommend something for me ?",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# instead then ?",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# to to go to in the #ATTRACTION-INFORM-AREA# in town . Can you help me ?",
+ "Yes I am looking for a #ATTRACTION-INFORM-TYPE# in #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of cambridge .",
+ "What sort of #ATTRACTION-INFORM-TYPE# is available on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "I am interested in #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am actually looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# , not a swimming pool .",
+ "I 'd like to definitely see something in the #ATTRACTION-INFORM-AREA# of town . How about a #ATTRACTION-INFORM-TYPE# ? Can you recommend a nice one ?",
+ "I was also wanting to see if there is an #ATTRACTION-INFORM-TYPE# place in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Erm , nevermind , I need a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I want to go visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town please .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to go to .",
+ "Yes , please . I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Can you also give me the name of a #ATTRACTION-INFORM-TYPE# that is also in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I need a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Actually , let 's try looking for a #ATTRACTION-INFORM-TYPE# instead and still in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town to visit .",
+ "I would also line places to go that is #ATTRACTION-INFORM-TYPE# and should be in the #ATTRACTION-INFORM-AREA# of town .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "I m looking for places to go in Cambridge , near #ATTRACTION-INFORM-AREA# part of town and a #ATTRACTION-INFORM-TYPE# in same area",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an #ATTRACTION-INFORM-TYPE# venue to visit in the Cambridge #ATTRACTION-INFORM-AREA# .",
+ "I 'd like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town . Can you recommend one to me ?",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I love looking at #ATTRACTION-INFORM-TYPE# . Can you find me a good place in the #ATTRACTION-INFORM-AREA# area ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town to visit .",
+ "I want to visit an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to go to . Are there any in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I ' m looking for for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Can you give me some information on cinema 's in the south ?",
+ "Can you also help me with places to go in the #ATTRACTION-INFORM-AREA# of town ? I ' m looking for #ATTRACTION-INFORM-TYPE# .",
+ "Okay . Can you search for some #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town ?",
+ "I ' m also looking for #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town . What are my options ?",
+ "I ' m looking for a place to go with #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Are there any museums I can see ?",
+ "I am interested in something in the #ATTRACTION-INFORM-AREA# of town . Are there any #ATTRACTION-INFORM-TYPE# options there ?",
+ "Ok , how about a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Are there any ?",
+ "No thank you . I do need help finding places to go in town . I ' m looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "No that 's okay , I do need an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# , though .",
+ "I 'd really like to stay on the #ATTRACTION-INFORM-AREA# side . What about a #ATTRACTION-INFORM-TYPE# ?",
+ "Not right now . Is there anywhere to go for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "I am also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# of town ?",
+ "I will be in Cambridge and need a place to go for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Can you help me find something ?",
+ "I want general information on #ATTRACTION-INFORM-TYPE# type places to go in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of Cambridge . Can you help me find one ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Hi , I am looking for places in #ATTRACTION-INFORM-AREA# Cambridge that feature #ATTRACTION-INFORM-TYPE# .",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes , thank you . Are there any #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side of town ?",
+ "Greetings , I am planning a trip in Cambridge and am looking for #ATTRACTION-INFORM-TYPE# venues in the #ATTRACTION-INFORM-AREA# of town .",
+ "I also need to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# to go and see .",
+ "I will be in the #ATTRACTION-INFORM-AREA# of cambridge . I am looking for any type of attraction involving #ATTRACTION-INFORM-TYPE# .",
+ "That s ok . I really want something in the #ATTRACTION-INFORM-AREA# . How about any suggestions on a good #ATTRACTION-INFORM-TYPE# to visit ?",
+ "Hi , I am searching for a #ATTRACTION-INFORM-TYPE# to attend in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am looking for places to go in the #ATTRACTION-INFORM-AREA# of town and I would like it to be a #ATTRACTION-INFORM-TYPE# .",
+ "I would like to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to in the #ATTRACTION-INFORM-AREA# , perhaps a #ATTRACTION-INFORM-TYPE# .",
+ "Are there any #ATTRACTION-INFORM-TYPE# attractions near the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for information on a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "Yes , thanks . I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . What would you recommend ?",
+ "Yeah , I also wanted to find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for some places to go in Cambridge . Specifically some time of #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "A #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# would be nice if possible .",
+ "Are there any #ATTRACTION-INFORM-TYPE# spots in the town #ATTRACTION-INFORM-AREA# ?",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# area . Can you help me find one ?",
+ "Oh , well I really wanted to visit the #ATTRACTION-INFORM-AREA# . Maybe you could find me a #ATTRACTION-INFORM-TYPE# instead ? One in the centre of town ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a place to go in the #ATTRACTION-INFORM-AREA# of town that is a #ATTRACTION-INFORM-TYPE# .",
+ "Yes , I am also looking for a good #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you let me knows about what #ATTRACTION-INFORM-TYPE# is available ot visit in #ATTRACTION-INFORM-AREA# cambridge ?",
+ "Fantastic , thanks . I 'd also like to find an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# of town , please .",
+ "I am looking for something to do , preferably on the #ATTRACTION-INFORM-AREA# side of cambridge ; perhaps a #ATTRACTION-INFORM-TYPE# of sorts .",
+ "I will be in the #ATTRACTION-INFORM-AREA# and am wondering if there is a #ATTRACTION-INFORM-TYPE# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "I 'd like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town , please .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# located in #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Hello , I am looking for a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town .",
+ "Can you help me find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "Hello , I ' m looking for an #ATTRACTION-INFORM-TYPE# place to go in the #ATTRACTION-INFORM-AREA# of town .",
+ "Oh my , I got ahead of myself . First , I need a place to go in the #ATTRACTION-INFORM-AREA# for a #ATTRACTION-INFORM-TYPE# attraction . Can you help ?",
+ "I ' m looking for a place to go to in the #ATTRACTION-INFORM-AREA# that has #ATTRACTION-INFORM-TYPE# . Can you help ?",
+ "Yes please - I love interesting #ATTRACTION-INFORM-TYPE# . Is there anything interesting in the #ATTRACTION-INFORM-AREA# ?",
+ "A #ATTRACTION-INFORM-TYPE# sounds fun . Is there one in the #ATTRACTION-INFORM-AREA# of town ?",
+ "Thanks . Next can I get some info on #ATTRACTION-INFORM-TYPE# 's in the #ATTRACTION-INFORM-AREA# ?",
+ "I would also like to know about any attractions that is in the #ATTRACTION-INFORM-AREA# of town that is a #ATTRACTION-INFORM-TYPE# type .",
+ "I ' m also looking for a #ATTRACTION-INFORM-TYPE# to see in the #ATTRACTION-INFORM-AREA# area . Can you give me some matches to this criteria ?",
+ "Not right now . But could you please also find a #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# ?",
+ "I would like to find out about going to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "What about a #ATTRACTION-INFORM-TYPE# on the #ATTRACTION-INFORM-AREA# side ?",
+ "Hello there , when I visit Cambridge , I 'd love to go to a #ATTRACTION-INFORM-TYPE# . Are there any in the #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . Can you help me with this ?",
+ "Could you recommend a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# ?",
+ "The attraction type is #ATTRACTION-INFORM-TYPE# , in the #ATTRACTION-INFORM-AREA# area , please .",
+ "I need a #ATTRACTION-INFORM-TYPE# trip in the #ATTRACTION-INFORM-AREA# please .",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Can you tell me about the #ATTRACTION-INFORM-TYPE# type attractions in the #ATTRACTION-INFORM-AREA# ?",
+ "I also would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking for an #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# .",
+ "Thank you . I also need to find #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . What is available ?",
+ "Yes . I would like help in locating a place to go in town . A #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "I 'd also like to know if there 's a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Hi , I ' m looking to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town , do you have any recommendations ?",
+ "Is there a #ATTRACTION-INFORM-TYPE# in the city #ATTRACTION-INFORM-AREA# ?",
+ "i am looking for places to go in town . The attraction should be in the #ATTRACTION-INFORM-AREA# and should be in the type of #ATTRACTION-INFORM-TYPE# .",
+ "Can you find me a #ATTRACTION-INFORM-TYPE# attraction in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi , I am looking for some #ATTRACTION-INFORM-TYPE# to go to in the #ATTRACTION-INFORM-AREA# of town . Any ideas ?",
+ "I 'd like to attend an #ATTRACTION-INFORM-TYPE# related attraction in the #ATTRACTION-INFORM-AREA# , do you have anything of that nature ?",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# area .",
+ "I would also like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "I am looking to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of Cambridge , can you help me find one ?",
+ "I ' m looking to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# part of town .",
+ "Yes , I also need a #ATTRACTION-INFORM-TYPE# type of place to go in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town as well .",
+ "You can book this . Can you tell me about #ATTRACTION-INFORM-TYPE# type places in the #ATTRACTION-INFORM-AREA# of town ?",
+ "We are planning to be in cambridge . We would like to go to a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# . Are there any available in the east ?",
+ "I want to tour a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# of town . What 's available ?",
+ "Hi , I ' m looking for a #ATTRACTION-INFORM-TYPE# located in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for #ATTRACTION-INFORM-TYPE# places in the #ATTRACTION-INFORM-AREA# of town .",
+ "Yes . I am looking for places to go in the #ATTRACTION-INFORM-AREA# area . I am looking for #ATTRACTION-INFORM-TYPE# .",
+ "I need an #ATTRACTION-INFORM-TYPE# place to go to in the #ATTRACTION-INFORM-AREA# .",
+ "I ' m looking for an attraction which should be in the #ATTRACTION-INFORM-AREA# a #ATTRACTION-INFORM-TYPE# if possible .",
+ "Thanks ! Can you help me find a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "I am also looking for places in the #ATTRACTION-INFORM-AREA# of the town to visit for #ATTRACTION-INFORM-TYPE# . Do you have any suggestions ?",
+ "Thank you ! Could you also suggest a #ATTRACTION-INFORM-TYPE# to visit in the #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit while in Cambridge . Preferably one in the #ATTRACTION-INFORM-AREA# of town .",
+ "I am coming to Cambridge and would like to see some #ATTRACTION-INFORM-TYPE# . Do you have any located in the #ATTRACTION-INFORM-AREA# ?",
+ "Hi ! Can you help me find an awesome #ATTRACTION-INFORM-TYPE# to go to tonight ? I do n't want it to be too far away , so could you find one in the city #ATTRACTION-INFORM-AREA# ?",
+ "I am looking for #ATTRACTION-INFORM-TYPE# attractions in the #ATTRACTION-INFORM-AREA# .",
+ "Hi , I need help planning a trip to Cambridge . I 'd like to go to the #ATTRACTION-INFORM-TYPE# while I ' m in town , and I 'll be in the city #ATTRACTION-INFORM-AREA# . Is there one there ?",
+ "Yes please . Also I am looking for a concerthall in the #ATTRACTION-INFORM-AREA# . If there are none available , how about a #ATTRACTION-INFORM-TYPE# attraction .",
+ "I would like to visit a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# .",
+ "Yes , I ' m also looking for #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# please .",
+ "Thank you . I 'd also like to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# side of town . Do you know of any in that area ?",
+ "Wait , I need to find a #ATTRACTION-INFORM-TYPE# in the #ATTRACTION-INFORM-AREA# first , then i can get a taxi . I ' m very sorry , I got a little ahead of myself ."
+ ],
+ "Name;": [
+ "Yes , I ' m also looking for info on #ATTRACTION-INFORM-NAME# .",
+ "Can you help me find information on #ATTRACTION-INFORM-NAME# ?",
+ "Hello , I ' m looking for the #ATTRACTION-INFORM-NAME# , could you tell me more about it ?",
+ "I am also looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for #ATTRACTION-INFORM-NAME# .",
+ "I am interested in seeing the #ATTRACTION-INFORM-NAME# in Cambridge . Where is it located ?",
+ "do you know where #ATTRACTION-INFORM-NAME# is",
+ "Yeah , I would like to know about an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ca n't seem to find any information about the #ATTRACTION-INFORM-NAME# , please help .",
+ "Great , can you tell me where the #ATTRACTION-INFORM-NAME# is please ?",
+ "I would like to visit an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I also need information on #ATTRACTION-INFORM-NAME# .",
+ "Yes , I ' m looking for a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Can you give me information about the #ATTRACTION-INFORM-NAME# ?",
+ "i am looking for a particular attraction . Its name is called #ATTRACTION-INFORM-NAME# .",
+ "it 's called #ATTRACTION-INFORM-NAME# .",
+ "I hope you can help me find the attraction #ATTRACTION-INFORM-NAME# .",
+ "I am looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Yes , I am searching for a particular attraction named #ATTRACTION-INFORM-NAME# .",
+ "I am planning a trip to Cambridge . I was hoping to find the attraction called #ATTRACTION-INFORM-NAME# .",
+ "Please send me information on a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Hello , I am doing research on plant life in England , and visiting cambridge as part of that , can you give me more info on the #ATTRACTION-INFORM-NAME# .",
+ "Is #ATTRACTION-INFORM-NAME# on the west side ?",
+ "I am looking for #ATTRACTION-INFORM-NAME# .",
+ "I would like to see some general information for #ATTRACTION-INFORM-NAME# please .",
+ "I am interested in the #ATTRACTION-INFORM-NAME# on Trinity Lane , can you give me the information of one ?",
+ "I am looking for #ATTRACTION-INFORM-NAME# .",
+ "i am looking for information about #ATTRACTION-INFORM-NAME# .",
+ "Can I get some information on #ATTRACTION-INFORM-NAME# ?",
+ "Yeah , it 's called #ATTRACTION-INFORM-NAME# I believe .",
+ "No hold off on booking for now . Can you help me find an attraction called #ATTRACTION-INFORM-NAME# ?",
+ "My cousin told me about a place called #ATTRACTION-INFORM-NAME# .",
+ "No thank you . I need information on a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Great I ' m also looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Hi , i want to find out about #ATTRACTION-INFORM-NAME# attraction please .",
+ "i am looking for a particular attraction . Its name is called #ATTRACTION-INFORM-NAME# .",
+ "Ok great . I do n't need to book that now but I would also like some information for #ATTRACTION-INFORM-NAME# , could you help me with that ?",
+ "Thank you so much for your help ! We will arrive there at Frankie and Bennys , 17 : 15 on Thursday . Is it close to #ATTRACTION-INFORM-NAME# ? We are looking for that",
+ "Yeah um how about I can see #ATTRACTION-INFORM-NAME# .",
+ "Yes , I ' m interested in visiting the #ATTRACTION-INFORM-NAME# .",
+ "Thank you . While I have your attention , do you mind looking up a particular attraction for me ? I believe it was called \" #ATTRACTION-INFORM-NAME# . \"",
+ "I am looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Can you give me information on a particular attraction , called #ATTRACTION-INFORM-NAME# ?",
+ "Great . Could you please get me some information on a particular attraction called #ATTRACTION-INFORM-NAME# ?",
+ "Actually I am just looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m planning a trip to Cambridge and I would like some information on #ATTRACTION-INFORM-NAME# . Where exactly is it located ?",
+ "Can I also get information on #ATTRACTION-INFORM-NAME# .",
+ "Do you know anything about #ATTRACTION-INFORM-NAME# ?",
+ "I saw a places with a weird name , #ATTRACTION-INFORM-NAME# . Can you tell me more about it ?",
+ "do you have information about #ATTRACTION-INFORM-NAME# ?",
+ "Yes , I was wondering if you could help me find ou abou an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Sure , I ' m also looking for a particular attraction called the #ATTRACTION-INFORM-NAME# .",
+ "have you heard of #ATTRACTION-INFORM-NAME# ?",
+ "I am looking for #ATTRACTION-INFORM-NAME# in Cambridge",
+ "Excellent . I ' m also look for a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Thank you ! Can you also tell me some information about #ATTRACTION-INFORM-NAME# ?",
+ "What can you tell me about #ATTRACTION-INFORM-NAME# ?",
+ "I am looking for an attracion called the #ATTRACTION-INFORM-NAME# .",
+ "No , thanks . I do need some information on #ATTRACTION-INFORM-NAME# , please .",
+ "i am looking for #ATTRACTION-INFORM-NAME# in cambridge",
+ "I am also looking for a attraction called #ATTRACTION-INFORM-NAME# , can you get me information on that ?",
+ "does #ATTRACTION-INFORM-NAME# still open ?",
+ "I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I suppose #ATTRACTION-INFORM-NAME# sounds cool .",
+ "I was hoping to visit the #ATTRACTION-INFORM-NAME# .",
+ "Yes I was wondering if you can tell me about an attraction called #ATTRACTION-INFORM-NAME# ?",
+ "Yes , I need information on #ATTRACTION-INFORM-NAME# .",
+ "Can you help me find the #ATTRACTION-INFORM-NAME# ?",
+ "I ' m interested in the #ATTRACTION-INFORM-NAME# .",
+ "That all I need on the hotel , can you also give me information on the #ATTRACTION-INFORM-NAME# ?",
+ "I am looking for the #ATTRACTION-INFORM-NAME# .",
+ "Hello , I am looking for information regarding #ATTRACTION-INFORM-NAME# .",
+ "I am also interested in a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Please send info on #ATTRACTION-INFORM-NAME# . Thanks for the help .",
+ "I ' m looking for information in Cambridge ...... Oh , I should tell you what I ' m looking for ! How silly of me ! Can you please give me some information on #ATTRACTION-INFORM-NAME# ?",
+ "Hello , I am looking for a place called the #ATTRACTION-INFORM-NAME# . Can you help me ?",
+ "Yes I am also looking for information on the #ATTRACTION-INFORM-NAME# .",
+ "Please tell me about a place I heard about called #ATTRACTION-INFORM-NAME# .",
+ "Thanks . I ' m also looking for #ATTRACTION-INFORM-NAME# to look around .",
+ "I ' m also looking for information on an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for some info on an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Yes I am looking for information on the #ATTRACTION-INFORM-NAME# .",
+ "i also need information on an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Hi , I ' m visiting soon and am interested in a particular attraction . It 's called #ATTRACTION-INFORM-NAME# . Can you help ?",
+ "I ' m also looking for information on a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Hello . I ' m planning a trip to cambridge soon and would like some information about #ATTRACTION-INFORM-NAME# please .",
+ "I am looking for information on the #ATTRACTION-INFORM-NAME# please .",
+ "Yes , I am also looking for more information on #ATTRACTION-INFORM-NAME# . Can you tell me what kind of attraction it is ?",
+ "I want to go to a particular attraction called #ATTRACTION-INFORM-NAME# . Where is it ?",
+ "Can you please provide me with information on the attraction #ATTRACTION-INFORM-NAME# ?",
+ "No thank you . I need info on #ATTRACTION-INFORM-NAME# .",
+ "I want a particular one called #ATTRACTION-INFORM-NAME# , can you find that ?",
+ "I ' m also looking for information on a place called #ATTRACTION-INFORM-NAME# .",
+ "Something near the attraction #ATTRACTION-INFORM-NAME# would be nice . Where is that located ?",
+ "Thankyou . Can you help me find a attraction called #ATTRACTION-INFORM-NAME# ?",
+ "Thank you . Also , I ' m looking for info on an attraction called the #ATTRACTION-INFORM-NAME# .",
+ "I was wondering if you can tell me more about the attraction called #ATTRACTION-INFORM-NAME# ?",
+ "Hi , I am looking for an attraction in Cambridge called #ATTRACTION-INFORM-NAME# .",
+ "Hello , I am looking for information on #ATTRACTION-INFORM-NAME# . What do you know about that attraction ?",
+ "Not at the moment , but I need some info on #ATTRACTION-INFORM-NAME# .",
+ "I also need to find something called #ATTRACTION-INFORM-NAME# , can you help ?",
+ "Yes . What can you tell me about #ATTRACTION-INFORM-NAME# ? I am interested in visiting it . Do I need to book a tour ?",
+ "I love antiques and heard about a place called #ATTRACTION-INFORM-NAME# . Could you give me more information ?",
+ "I am also looking for an attraction called the #ATTRACTION-INFORM-NAME# .",
+ "Yes I would like information on #ATTRACTION-INFORM-NAME# also .",
+ "Can you give me information about the #ATTRACTION-INFORM-NAME# ?",
+ "Great I also am looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for a place called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for information about a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m also looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Yes I am looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Yes I also need information on #ATTRACTION-INFORM-NAME# .",
+ "Yes , I ' m looking for information on an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Yes , I am looking to visit the #ATTRACTION-INFORM-NAME# . Can I please have more information on that ?",
+ "No but I also need info on the #ATTRACTION-INFORM-NAME# attraction .",
+ "Great , thanks . I ' m also looking for an attraction called the #ATTRACTION-INFORM-NAME# .",
+ "Can you tell me anything about #ATTRACTION-INFORM-NAME# ?",
+ "I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Can you give me some information on #ATTRACTION-INFORM-NAME# please ?",
+ "I ' m looking for information called #ATTRACTION-INFORM-NAME# .",
+ "Excellent . I ' m also looking for a particular attraction . It 's called #ATTRACTION-INFORM-NAME# . Any information ?",
+ "Could you recommend a #ATTRACTION-INFORM-NAME# for me to visit while I ' m in town ?",
+ "It is called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for a place called the #ATTRACTION-INFORM-NAME# .",
+ "I ' m going to a particular attraction called #ATTRACTION-INFORM-NAME# . I need general information about it .",
+ "A friend told me about an attraction called the #ATTRACTION-INFORM-NAME# .",
+ "Thanks ! I ' m also looking for information about an attraction called #ATTRACTION-INFORM-NAME# . Do you have any information on that place ?",
+ "It 's name is called #ATTRACTION-INFORM-NAME# . Do you have that ?",
+ "Hi , can you fill me in on some details about a place called #ATTRACTION-INFORM-NAME# , please ?",
+ "I am looking for the #ATTRACTION-INFORM-NAME# .",
+ "Where is #ATTRACTION-INFORM-NAME# located ?",
+ "Hi , I want to find out about #ATTRACTION-INFORM-NAME# please .",
+ "Can you get me information on a attraction called #ATTRACTION-INFORM-NAME# ?",
+ "Nevermind - I do n't need the taxis after all . Can you help me find a place called #ATTRACTION-INFORM-NAME# , instead ?",
+ "give me information about #ATTRACTION-INFORM-NAME# and a taxi to commute between these two places",
+ "Can you please give me some information about #ATTRACTION-INFORM-NAME# ?",
+ "I ' m looking for info on #ATTRACTION-INFORM-NAME# .",
+ "Great , can you also help me find a museum called #ATTRACTION-INFORM-NAME# ?",
+ "Can you give me information on an attraction called #ATTRACTION-INFORM-NAME# ?",
+ "could you give me information about #ATTRACTION-INFORM-NAME# .",
+ "Thank you , before i let you go , I need information on the #ATTRACTION-INFORM-NAME# .",
+ "Hi I am looking for information on the #ATTRACTION-INFORM-NAME# .",
+ "No I do n't need it , thanks for asking . However I also am interested in an attraction known as #ATTRACTION-INFORM-NAME# . Can you provide their address & contact info ?",
+ "Nevermind . Do you have info on #ATTRACTION-INFORM-NAME# .",
+ "I am looking for a place called #ATTRACTION-INFORM-NAME# , can you give me more information about it ?",
+ "I am planning a trip to Cambridge I want more information on the #ATTRACTION-INFORM-NAME# , do I need tickets or make seating arrangements",
+ "Great , we are meeting friends at #ATTRACTION-INFORM-NAME# before we eat , can you tell me about that place and where it is ?",
+ "I am looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I am planning a visit to Cambridge soon and want to visit a specific attraction people are talking about . Have you heard of the #ATTRACTION-INFORM-NAME# ?",
+ "No but I do need information on #ATTRACTION-INFORM-NAME# .",
+ "You know what ? I do n't need a hotel after all . I heard something about an attraction called #ATTRACTION-INFORM-NAME# , could you give me some information about it ?",
+ "Yes , I would like to find out information about the #ATTRACTION-INFORM-NAME# .",
+ "Can you tell me about #ATTRACTION-INFORM-NAME# ? I 'd like a train into Cambridge on Thursday leaving around 09:00 also . I 'll be leaving from Stratford . What is the fair ? Thank you .",
+ "Can you find a place called #ATTRACTION-INFORM-NAME# .",
+ "Thanks . Can you tell me anything about the #ATTRACTION-INFORM-NAME# attraction ?",
+ "I want to go to a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for the attraction #ATTRACTION-INFORM-NAME# .",
+ "I am also looking for a particular attraction . Its name is called #ATTRACTION-INFORM-NAME# .",
+ "I ca n't wait to go to the #ATTRACTION-INFORM-NAME# , in cambridge . How do I get there ?",
+ "I ' m looking for information on an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Can you get me information on a placed called #ATTRACTION-INFORM-NAME# ?",
+ "Can you tell me more about the attraction called #ATTRACTION-INFORM-NAME# ?",
+ "My friend came here last year and told me a bout a place called #ATTRACTION-INFORM-NAME# , can you give me more info ?",
+ "it 's called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for a place called #ATTRACTION-INFORM-NAME# , can you help me ?",
+ "It is called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "I would like to get some info on the #ATTRACTION-INFORM-NAME# please .",
+ "That would be great . I am also looking for the #ATTRACTION-INFORM-NAME# in town , can you tell me a little about it ?",
+ "I want to visit the #ATTRACTION-INFORM-NAME# .",
+ "i need information about #ATTRACTION-INFORM-NAME# .",
+ "i am looking for a particular attraction . Its name is called #ATTRACTION-INFORM-NAME# .",
+ "I also need to find an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I am looking for a place called the #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for information on the #ATTRACTION-INFORM-NAME# .",
+ "Can you please tell me about #ATTRACTION-INFORM-NAME# ?",
+ "I ' m looking for a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Please help me find #ATTRACTION-INFORM-NAME# .",
+ "Greetings . I 'd like some information about #ATTRACTION-INFORM-NAME# .",
+ "I want to visit #ATTRACTION-INFORM-NAME# .",
+ "Can you tell me more about a particular attraction called the #ATTRACTION-INFORM-NAME# ?",
+ "I am looking for a #ATTRACTION-INFORM-NAME# to visit ? I ' m pretty excited to be coming in a few weeks .",
+ "I am looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "Can you tell me a little about the #ATTRACTION-INFORM-NAME# ?",
+ "do you know anything about #ATTRACTION-INFORM-NAME# ?",
+ "I am looking for #ATTRACTION-INFORM-NAME# . Can you tell me where it is located ?",
+ "Yes I need information on #ATTRACTION-INFORM-NAME# .",
+ "No , I ' m looking info on #ATTRACTION-INFORM-NAME# .",
+ "could you give me information about #ATTRACTION-INFORM-NAME# .",
+ "I am traveling to Cambridge and I ' m looking for an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I am also looking for a attraction called #ATTRACTION-INFORM-NAME# . Do you have more information on that ?",
+ "Yes , could you give me information on #ATTRACTION-INFORM-NAME# ?",
+ "I ' m actually looking for a particular attraction called #ATTRACTION-INFORM-NAME# .",
+ "Thanks , could you also tell me about the #ATTRACTION-INFORM-NAME# ?",
+ "I am also looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "Get me information about #ATTRACTION-INFORM-NAME# please",
+ "I am also looking for an attraction called #ATTRACTION-INFORM-NAME# . Do you have any information about this place ?"
+ ],
+ "Name;Type;": [
+ "Can I also get information on #ATTRACTION-INFORM-NAME# .",
+ "Hello , I ' m trying to find info about a particular attraction in town called #ATTRACTION-INFORM-NAME# . Can you help me ?",
+ "Is the #ATTRACTION-INFORM-NAME# still in operation ?",
+ "What can you tell me about #ATTRACTION-INFORM-NAME# ?",
+ "Can you tell me where the #ATTRACTION-INFORM-NAME# is located .",
+ "I am looking for the #ATTRACTION-INFORM-NAME# .",
+ "I am also looking for information on #ATTRACTION-INFORM-NAME# .",
+ "i am looking for a particular attraction . Its name is called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for the #ATTRACTION-INFORM-NAME# ."
+ ]
+ },
+ "Attraction-Request": {
+ "Addr;": [
+ "Could I get the address for it ? I would also like an expensive place to eat around it .",
+ "It does n't matter . Can I have the address of a good one ?",
+ "Can I get the address of Corpus Christi ?",
+ "Just the address please",
+ "That sounds great ! May I have the address ? Also , what part of town is it located in ?",
+ "that 's okay , give me the number for the college closest to the hotel and is free , may I know the address as well ?",
+ "Is there an exact address , like a street number ? Thanks !",
+ "What is the address ?",
+ "Can I get the address please ?",
+ "Can I get the precise address please ?",
+ "No , not really just get me the address to something good .",
+ "Sure . I just need the address to a place to go that is in the same area as my hotel .",
+ "Could you tell me the address of Clare college ?",
+ "Can you give me the address of the ADC Theatre please ?",
+ "please find me the address .",
+ "I will also need the address as well for the two parks please . Thank you !",
+ "no , but I will need the address .",
+ "Can you recommend one to me and give me the address ?",
+ "Sure . Can you give me the names and addresses of the other 3 as well ?",
+ "Can I get the addresses of both ?",
+ "What 's the address of that college ?",
+ "Yes , can I have more information about the Cambridge Museum of Tech ? What is their address ?",
+ "sorry , what is the address ?",
+ "Ok , that sounds interesting . Can you give me the street address ?",
+ "why do n't you suggest one and give me the address please , that 's why I contacted you to help me",
+ "Could you let me know the address and how much it costs ?",
+ "Great ! Please , give me the address of the park .",
+ "Can I get the address for the cinema ?",
+ "Can I get the address for that please ?",
+ "Can you tell me about the gallery ? What 's the address ?",
+ "Well then , can you give me an address ?",
+ "What is the address ?",
+ "Yeah , could I get its address ?",
+ "A museum would be great . Could I have the address of one you suggest ?",
+ "That sounds great . May I have the address , please ?",
+ "Could you tell me their address as well please ?",
+ "Could you also tell me Abbey Pool 's address ?",
+ "That will do . Please get me their address .",
+ "No , just the phone number and address . I am also looking for places to go in the same area as the hotel .",
+ "Thank you so much ! Are these art or history museums ? I 'd really like it to be art . And do you have the address for any of them ?",
+ "Any of those places are fine . Could I have the address of one of them ?",
+ "Could I get the full address as well ?",
+ "What is the address , please .",
+ "That sounds interesting . Can you give me the address ?",
+ "Thank , I just need their address , and then we can work on a taxi afterwards .",
+ "Could you please provide me the address for that Gallery ?",
+ "That sounds great ! What is their address ?",
+ "That sounds good . Can you give me the address , please ?",
+ "Yes that sounds great . Can you give me the address for that college ?",
+ "Thank you , Yes , I will need a taxi from the Acorn Guest House to corpus christi college . I also did not get the college address .",
+ "That is perfect . Can I get the address for Magdalene College , please ?",
+ "No preference really . Can you suggest one and provide me with the address please ?",
+ "Yes , I 'd like to know the address , please .",
+ "Great , can you please provide the address .",
+ "It does n't matter , pick one for me ? I 'll just need the address .",
+ "Can you also provide me with their address please ?",
+ "What 's the address for the one in the south ?",
+ "Just the address , please .",
+ "The area actually does n't really matter , I just need the address of one of your recommendations , please ?",
+ "I would also like the street address please .",
+ "Is there a street address or landmark to locate them ?",
+ "Great . Please get me their address .",
+ "Any type is fine can I just get the address of one please ?",
+ "Do you have clare hall 's address ?",
+ "recommend one and give me its address",
+ "Could you give me the address please ?",
+ "What is there address ?",
+ "What is the address of Nusha ?",
+ "I just need the address please .",
+ "A free museum is a great choice . What is the address so I can go right away ?",
+ "Can you give me the address , please ?",
+ "I do need the address .",
+ "Can you give me the address to one of the art museums , please ?",
+ "Sure , what is the address for this museum ? Thanks for your help !",
+ "Okay what 's their address ?",
+ "Excellent ! What is the address ?",
+ "ok what 's the address ?",
+ "Can you give me the address and phone number ?",
+ "That sounds fantastic . Could I get the address ?",
+ "thanks i want to get its entry fee and address",
+ "Really anything will do . I have to kill some time in between appointments . Can you recommend something and send me the address please ?",
+ "That sounds perfect . What is there address ?",
+ "Yes please , can I have the address ?",
+ "Oh , first I still need to pick a college in the centre to visit . Can you choose one to recommend and give me their address ?",
+ "Any kind of entertainment would be fine . Please give me an address too .",
+ "Can I please get the address ?",
+ "That sounds fine . Does it have actually street address ?",
+ "Yes could I have their address please ?",
+ "Um , how about the address too please ?",
+ "yes the address please",
+ "Could you provide me the address of All Saints Church ?",
+ "That sounds great ! Can I have their address ?",
+ "Whatever you recommend . I do need an address , though .",
+ "Can I get the address also please ? That will help a lot ! Thanks so much !",
+ "yes . can you please give me the address ?",
+ "Can I get club salsas phone number and address ? I would like the taxi from the club to the restaurant",
+ "What is the address ?",
+ "In what part of the city is Clare Hall , and what is the address ?",
+ "Can I get the address for the Cinema please ?",
+ "What is the exact address ?",
+ "I needed the address , so thanks for that !",
+ "Could I get the complete address please ?",
+ "That sounds perfect . May I get the address please ?",
+ "Surprise me . I just need the address .",
+ "Will I be able to find it with just the street name ? Is that the full address ? Sidney Street ? Please provide me with the full address .",
+ "What is the address of Downing College .",
+ "Sure , get me the address please",
+ "Archaeology . Give me the address , please .",
+ "Please provide the address .",
+ "What is the address ?",
+ "Yes can I get the address to that please ?",
+ "maybe , give me the address of one please",
+ "Could I also have the address of the College ?",
+ "Yes , may I have the address , too ?",
+ "Can you pick one for me and give me the address ?",
+ "Something that you think is interesting , Can I have the address as well ?",
+ "Can you tell me the address ?",
+ "Ok I need the address of the the soul tree .",
+ "No , but can you tell me the address for the best one to visit ?",
+ "can i get the address for Little saint mary 's church ?",
+ "Yes and their address please .",
+ "I need an address for the cambridge leisure park .",
+ "A swimming pool would be great . Can i get the address please ?",
+ "Actually , I would like the address , please .",
+ "Can you provide their full address please ?",
+ "Do you have there address ?",
+ "The museum on the south side sounds good . Could I get an address for that ?",
+ "That sounds great , may I have the address ?",
+ "Can I get the address of that ?",
+ "I do n't mind the area . can I get the address to one of them ?",
+ "No thanks . I ' m actually looking for an address please .",
+ "Ok , what was the address for that place ?",
+ "I like free ! Do you have the address so I can find it on the map ?",
+ "No . Just pick something and give me the address .",
+ "Sure , could you provide me the address for that ?",
+ "Sounds good . What 's the address ?",
+ "What is their address ?",
+ "Anywhere will be fine , as long as I have the address so I know how to get there .",
+ "Alright , that seems like it will be perfect ! Could I have the address for it , please ?",
+ "I never got the address for Corpus Christi College . Could you give that to me ?",
+ "Yes , please . Can I get the address and phone number for the one you reccommend ?",
+ "One of the free ones would be great . Can you give me the name and address of one ?",
+ "Wonderful . The address was exactly what I wanted . You 're so efficient .",
+ "Do you have the address of holy trinity church ?",
+ "Do you have their address ?",
+ "Sorry , I think I garbled that- it 's at 14 King 's ... what 's the address again ?",
+ "Is there one you would recommend and the address please ?",
+ "Not exactly . Something that is popular . With and address please .",
+ "Yes please . Get me the address",
+ "What is the address ?",
+ "Yes , and I need the address ,",
+ "Nothing specific but in the same area as the hotel . I will need the address as well .",
+ "yeah , that sounds good . do you have an address ?",
+ "any that is in the same side as the restaurant . get me the address and entrence fee",
+ "Can I please have the address to the swimming pool ?",
+ "First can I get the address for Whale of a Time ?",
+ "What 's the address for Churchill College ?",
+ "What is the address ?",
+ "Yes , I think so . Let 's try that . Can you tell me their address please ?",
+ "Sounds great . What is the address ?",
+ "I 'll also need the address please .",
+ "I do n't have a preference . Can you make a suggestion and provide the address ?",
+ "Yes , thank you . The address for any on that you recommend .",
+ "maybe the address to the park",
+ "Sorry , I had a lot of background noise and did n't hear the address for Tenpin . Thank you for your understanding .",
+ "Any attraction is fine , thanks ! I just need the address of whatever place you choose .",
+ "Could I get the address there please ?",
+ "That is the full address that you mentioned ?",
+ "Sure , and may I have their exact address please ?",
+ "That sounds good . What 's the address ?",
+ "They both work for me . Can I have the addresses of both please ?",
+ "Yes , can you tell me their address please ?",
+ "Hmmm . Cafe Jello Gallery sounds interesting . May I please get their address ?",
+ "What is the full address for that park ?",
+ "Great , can I please have the address for All Saints church ?",
+ "Do you have its address as well ?",
+ "What is the address ?",
+ "Oh , that 's too bad . I guess just any place that you could recommend ? Something popular . I 'll need an address so I can look it up later .",
+ "I ' m open to anything really . Surprise me and recommend one and get me the address .",
+ "You can choose one for me and give me the address .",
+ "That soudns great . Can I get the address as well ?",
+ "Is that the full address for the museum ? Free School Lane ?",
+ "That would be fine can I get the address please ?",
+ "No , can you choose the best one for me and give me the address ?",
+ "Okay . May I have their address please ?",
+ "The address for the Whipple Museum is free school lane .",
+ "What is the address of Backstreet Bistro ?",
+ "That sounds great ! Can I get the address for it ?",
+ "Could you pick the best on and give me the address ?",
+ "Emmanuel college is fine . What 's the address ?",
+ "Can I get the address please ?",
+ "Give me the address , please .",
+ "What do you recommend ? I will need the address .",
+ "I am not particular but could I have an address for a popular one ?",
+ "Could you give me the address for the one that is 2 pounds .",
+ "That sounds perfect . Can you give me their address , please ?",
+ "Yes . Phone number and address",
+ "And what is the address ?",
+ "Can you give me the address of Cambridge Artworks ?",
+ "A church is great can I have the address of the one you recommend ?",
+ "I do n't mind I just will need their address when you have chosen one .",
+ "Excellent , may I have the address for that park ?",
+ "Can I also have the address of the nightclub ?",
+ "What is the address for Lynne Strover ?",
+ "Yes , I would love the address . Thank you !",
+ "I think the one in the East would be best . Can you give me an address for it ?",
+ "Can I have the address to the cafe jello museum ?",
+ "No , but the address would be nice .",
+ "Okay . Can you just provide the address ?",
+ "Can you give me the address for the cinema ?",
+ "What is the address ?",
+ "What is the address of that museum ?",
+ "Excellent . Can I have their address ?",
+ "could I have the address please ?",
+ "Can I please get the address for Wandlebury ?",
+ "Yes , just one more thing . What 's the address of the Abbey Pool ?",
+ "How about an address ?",
+ "Could you provide me with the address , please ?",
+ "May I have the address ?",
+ "No , it does not matter . You can make a suggestion and provide the address and postcode .",
+ "I ' m not picky , I ' m totally open to suggestions . Can you pick your favorite and let me know the address ?",
+ "I also need the address please .",
+ "Yes . But could you also get the address of the theatre for me ?",
+ "Not really just close to the restaurant . Can you give me the address of the one you recommend ?",
+ "Can you give me the address please ?",
+ "Can I please have the exact address location ?",
+ "Can I get their address as well ?",
+ "May I have the address ?",
+ "May I also get the address for wandlebury country park please .",
+ "What is the address , please ?",
+ "What is the address for that museum ?",
+ "Do you have their address also ?",
+ "The area does n't matter but can you recommend one and give me their address ?",
+ "Can you tell me the address ?",
+ "Would you forward the address for that also please ?",
+ "Please send me their address .",
+ "Could you give me the address for one of the free colleges ?",
+ "Yes . Can I have the address to Wandlebury Country Park ?",
+ "Yes thank you . I 'd love to get the address there .",
+ "what is their phone number and address ?",
+ "That will be fine I need the address please .",
+ "Can I have their address ?",
+ "Surprise me with one . I just need the address .",
+ "Yes please , I need the address for the college .",
+ "Could you give me their address ?",
+ "Could I get the address for the Cambridge Arts Theatre ?",
+ "May I please get the address for Old Schools ?",
+ "Yes , that would work for me . Can I get their address please ?",
+ "No but I do need the address please .",
+ "What was Christ 's College 's address please ?",
+ "I need the address",
+ "I love free . Can you give me the address of Clare Hall ?",
+ "Is that their full address ?",
+ "get me the address please .",
+ "Could I have the address please ?",
+ "Can you tell me the address as well ?",
+ "What is their address ?",
+ "Sounds interesting ! What is the address ?",
+ "Just the address would be fine . Thanks .",
+ "Nothing in particular . Something with high reviews . Can you send me the address of the top choice ?",
+ "I do n't have a preference but can you suggest one and give me their address ?",
+ "Could I have the address and entrance free for Vue cinema ?",
+ "Can I have the full address for Kambar ?",
+ "What is the address ?",
+ "Yes please , and I ' m going to need the address .",
+ "Can I just get the address for Ballare , please ?",
+ "Can I please have its address ?",
+ "Yes can I get the address and fee and number for the theatre ?",
+ "Great ! Can I have the address , please ?",
+ "What is the address for the museum ?",
+ "Yes , may I have their address , please ?",
+ "What is the address ? Thanks so much for helping me .",
+ "I also need their address .",
+ "I ' m sorry , before we get to the , could I get the address to the All Saints Church ?",
+ "That sounds like a place I would enjoy . Can you give me the address ?",
+ "None in particular can you just pick one and give me the address please ?",
+ "Great . Can you please give me the address ?",
+ "Yes , please , and also the address .",
+ "Can you give me the address for Christ 's college please ?",
+ "No there is not , just please provide me with the address of one that you recommend .",
+ "That 's fine , could you give me the address for the gallery please ?",
+ "Yes , that sounds lovely . Can you give me their address , please ?",
+ "That would be fine . What is the name and address of one of those attractions ?",
+ "Please give me their address",
+ "I 'd like the address for the Riverboat Georgina , please ."
+ ],
+ "Fee;Phone;Post;": [
+ "Okay , may I have their postcode , entrance fee , and phone number ?",
+ "I need the entrance fee , phone number , and postcode .",
+ "Okay that will work . Can you please tell me their phone number , postcode and the entrance fee ?",
+ "Which ever one you recommend will work . I need the phone number , entrance fee and postcode please .",
+ "Can you make a recommendation and please provide the entrance fee , phone number , and postcode .",
+ "Could you give me their phone number , postcode , and entrance fee ?",
+ "May I please have entrance fees , phone numbers , and post codes ?",
+ "Sounds great , can I have the phone number , entrance fee , and the postcode please ?",
+ "May I please have the entrance fee , phone number , and post code ?",
+ "Glad to know that there is no entrance fee , I go with whatever you recommend . Ill need the phone number and postal code of whatever place you pick .",
+ "Are there any museums on the west side of town ? I will need the entrance fee , phone number , and postcode .",
+ "Yes , please pick one for me , and let me know the entrance fee , phone number and postcode .",
+ "What 's the entrance fee , phone number , and postcode for that museum ?",
+ "Lammas Land Park sounds like fun . Can you give me the post code , phone number and entrance fee please ?",
+ "Yes , please tell me the phone number , postcode , and entrance fee .",
+ "Which one would you recommend for me to visit as a tourist ? I need the postcode , entrance fee and phone number for it .",
+ "Can you tell me the postcode , entrance fee , and phone number of adc theatre ?",
+ "Yes , please . May I have the phone number , entrance fee , and post code ?",
+ "Yes , I would like to find a park to go to . I will need the phone number and postcode . Also , what is the entrance fee for this ? Thanks !",
+ "No , could you recommend me one to get jiggy at ? I 'll need the phone number , entrance fee , and postcode too please .",
+ "Can I also get the entrance fee , postcode , and phone number ? I also need a train .",
+ "Can you suggest one for me please . I need the postcode , entrance fee if any and phone number",
+ "Any you suggest will be fine . I 'll just need the postcode , phone number , and entrance fee , please ?",
+ "I do n't really care , just something interesting . Can you pick something for me and let me know the entrance fee , postcode , and phone number ?",
+ "Could you provide me the phone number , postcode , and entrance fee ?",
+ "If you could give me the postcode , phone number and entrance fee of the first one on the list that 'll work . Thanks !",
+ "That 's great , can you give me the phone number , postcode , and if there 's an entrance fee ?",
+ "Can you give me the name of a popular one ? I 'd also like the postcode , entrance fee and phone number .",
+ "I need to have the phone number , entrance fee , and postcode please .",
+ "can i please get the phone number , postcode and entrance fee ?",
+ "You can choose but I need their phone number , postcode and entrance fee .",
+ "What is its entrance fee , phone number and postcode ?",
+ "Can I get the phone number , entrance fee , and postcode of one of them ?",
+ "Okay . May I have their telephone number , entrance fee and postcode ?",
+ "Nothing specific , just give me the first one that pops up . I 'll need the phone number , entrance fee and postcode please .",
+ "Any type of college is fine can I just get the postcode , entrance fee , and phone number of one of them ?",
+ "Can you choose one for me and give me their postcode , entrance fee and phone number ?",
+ "Thank you can I have the entrance fee , postcode , and phone number ?",
+ "Check the centre , can I get the phone number , entrance fee , and postcode of one ?",
+ "Thanks , can you also give me the entrance fee , phone number , and postcode ?",
+ "I would like the cinema in the south please . I need the phone number , entrance fee , and postcode .",
+ "That sounds nice can I please get a postcode , entrance fee , and phone number .",
+ "Sure- what is the entrance fee , phone number , and postcode ?",
+ "Yes , that 's fine . Can you give me the phone number , entrance fee , and postcode ? Thanks .",
+ "Yes , just the entrance fee , postcode and phone number .",
+ "Yes , may I have the phone number and postcode ? Also , is there an entrance fee ?"
+ ],
+ "Post;": [
+ "Oh , and what is their postcode , please ?",
+ "what is their postcode ?",
+ "Can I please have the postcode for the Holy Trinity Church ?",
+ "Thank you very much . Can you give me the postcode ?",
+ "Can you tell me their postcode ?",
+ "Yes , that will work great . Can I get their postcode please ?",
+ "I 'd like to get the postcode for the museum first , please . I 'll need the taxi to get from the museum to Lucky Star in time for my booking .",
+ "What is the postcode for this place ?",
+ "Can you let me have their postcode ?",
+ "Are there any outdoor festivals or activities ? I 'll need the postcode and phone number .",
+ "No preference , surprise me . I 'll just need the postcode .",
+ "CAN I GET THE PHONE NUMBER AND POSTCODE PLEASE",
+ "That sounds amazing , what postcode are they in ?",
+ "Can I get post codes ?",
+ "Great , can I get the postcode ?",
+ "Any part of town would be fine , can I just get the postcode of one ?",
+ "Could you give me the postcode ?",
+ "What is the postcode , please ?",
+ "postcode , phone number , and area",
+ "You can choose for me but I would like to know the postcode of the museum .",
+ "I just need the post code . Thank you .",
+ "Can you send me the postcode please ?",
+ "Yes , I 'd like to know the postcode , please ?",
+ "Yes I need their postcode .",
+ "I also need the postcode , please .",
+ "Yes , please . Can I get the phone number and postcode ?",
+ "soundss good . what is the address and postcode ?",
+ "Can I get the post code for Christ 's College ?",
+ "Fantastic . May I have the postcodes for those museums as well ?",
+ "Phone number and postcode please .",
+ "And postcode please like I asked before .",
+ "Surprise me ! Can you send me the postcode of the attraction you choose ?",
+ "Can I get the postcode as well ?",
+ "Excellent . What is the postcode for both museums ?",
+ "What is the postcode for The Vue Cineme ?",
+ "Sorry , could I please get the postcode for the museum ?",
+ "What is their postcode ?",
+ "No but can you get me the postcode .",
+ "That does not matter , can I get the postcode please ?",
+ "Can I have the postcode please ?",
+ "That sounds nice . What is the postcode for that location , and is there a fee ?",
+ "What is the postcode there ? Also , I 'll need a phone number .",
+ "Could I have the postcode for the cherry hinton water play , please ?",
+ "What is their postcode ?",
+ "Sure thing . And could I get the postcode for it too ?",
+ "get me their post code and phone number .",
+ "I need the postcode .",
+ "Where specifically ? Can you give me the postcode ?",
+ "Nah , not really . Can you just give me the postcode for your favorite one ?",
+ "What is the post code ?",
+ "Can you give me the postcode ?",
+ "Yes , may I have their postcode please ?",
+ "Sounds great , what 's the post code ?",
+ "Yes , could you give me the postcode please ?",
+ "What is the postcode ?",
+ "I would like the college to be somewhere near the restaurant you booked for me . Can you also give me a postcode for the college .",
+ "What 's the postcode ? I need to send a letter there . It 's a college , right ?",
+ "Yes , may I have the postcode please ?",
+ "Sounds perfect . What is the postcode ?",
+ "That sounds perfect . What is the postcode ?",
+ "Can I get the post code for Lammas Land Park ?",
+ "Can I get the postcode too please ?",
+ "Okay how much does it cost ? And where the postal code ?",
+ "That would be great . Can you also give me the postcode ?",
+ "What is the postcode ?",
+ "I do n't really have a preference . Can you suggest a college and give me the postcode for it ?",
+ "Great ! Can I get the postcode for that museum ?",
+ "Yes I would like the postcode of a swimming pool you recommend .",
+ "Yes can I get the postcode , and it 's a concerthall you said ?",
+ "Thank you . Can you tell me their post code please ?",
+ "What 's the postcode for your favorite one ?",
+ "I need their postcode actually .",
+ "Just the postcode for the Cambridge and Country Folk Museum , please .",
+ "Can I get the postcode for the museum as well ?",
+ "Which one would you suggest and I need the postcode .",
+ "can you give me the postcode for one of the art museums ?",
+ "What is their postcode too please",
+ "Okay , could I get the postcode for Whale of a Time , please ?",
+ "Yes and the postcode .",
+ "Yes , actually , can you provide their postcode as well please ?",
+ "I ' m sorry . I need the postcode for saint johns chop house , which you said was British food . I also need a taxi there by the booked time .",
+ "Can I have the post code please ?",
+ "Can I just get the postcode ?",
+ "Yes . Could you give me the postcode please ?",
+ "Yes , and their postcode as well .",
+ "Hmm .. whatever theater you would recommend for me . I would like the number , entrance free , and postcode .",
+ "Yeah , holy trinity church sounds good . Can I get the postcode for that ?",
+ "You can choose which ever is best , can I have the postcode ?",
+ "That wo n't be necessary . Can you tell me the postcode for the museum ?",
+ "That does n't actually matter . You can choose the one you most recommend and then please tell me the phone number and postcode",
+ "Could you tell me their postcode and what kind of attraction it is ?",
+ "hughes hall college postal code cb12ew",
+ "Okay that will work , what is the postcode ?",
+ "Can you give me the post code as well please ?",
+ "I would like the postcodes and more information about the types of colleges are in the west .",
+ "How much is it to get in that place ? And what 's their postcode ?",
+ "What is the postcode ?",
+ "Yes please , what is the postal code there ?",
+ "Can I also get the postcode ?",
+ "Yes . What is the postcode ?",
+ "No , but could you tell me more about that one ? is it in the centre ? What 's the postcode ?",
+ "I need the post code also for the museum please .",
+ "What is The Funky Fun House 's postcode ?",
+ "Yes , what is the post code of the fez club ?",
+ "Excellent , can you give me the postcode ?",
+ "May I have the postcode ?",
+ "Could I also have their postcode please ?",
+ "That sounds great . What 's the postcode ?",
+ "Can I have the postcode for Cambridge Artworks , please ?",
+ "That is perfect can I have the postcode please ?",
+ "I do not have a preference . I do need the address , postcode and phone number of a theatre .",
+ "And can you give me the postcode ?",
+ "Thanks so much , that 's very helpful . Could I get the postcode as well , please ?",
+ "Oh gosh , I ' m so sorry . I must have forgotten that I need the postcode for the museum . Can I get that please ?",
+ "Could you get me the postcode for that , please ?",
+ "Yes that would be fine . Can I get the postcode please ?",
+ "Could you give me the postcode , too ?",
+ "Thank you , can I have the postcode for the botanic gardens ?",
+ "What is the address and postcode of the Backstreet Bistoro ?",
+ "Can I have their postcode ?",
+ "Yes please . I 'll need postcodes as well .",
+ "I ' m not really sure , can you tell me about some of them ? And can you let me know their postcodes too please ?",
+ "Could you give me the exact postcode for the museum , please ?",
+ "Yes may I have their postcode please ?",
+ "Yes , that sounds good ! Please provide me with the postcode .",
+ "That sounds great . Can I get the postcode for Castle Galleries ?",
+ "The Holy Trinity Church sounds lovely . Can you give me their postcode , please ?",
+ "What is the postcode ?",
+ "I also need their postcode .",
+ "Can you give me the postcode please ?",
+ "yes and could like to get the post code",
+ "The entertainment places sound fun . Could you provide me their postcodes ?",
+ "Can I get the postcode as well ?",
+ "Can I have the postcode ?",
+ "What is the postcode ?",
+ "Thank you ! Could you tell me the postcode for the college as well please ?",
+ "That sounds interesting ! What is the post code ?",
+ "Thank you ! Can you please tell me the postcode ?",
+ "What about the postcode ?",
+ "Sure , is it labelled as entertainment ? I will just need the postcode .",
+ "What is the postal code for the Whipple Museum ?",
+ "Yes , please . And I will need the postcode for it .",
+ "What is the postcode of the county folk museum ?",
+ "Yes , could I get the postcode for Camboats ?",
+ "can i get the postcode ?",
+ "Yes , that s great . Can you give me their postcode please ?",
+ "Yes that would be fine and I need the postcode of the one you suggest .",
+ "that 's the address . what 's the postcode ?",
+ "Here I think we got confused . Lets start over . Please give me a recommendation of a place to go in the town centre . Please include the postcode .",
+ "That sounds good , what is the postcode ?",
+ "Can I get the postcode please ?",
+ "That sounds great , can you tell me their postcode ?",
+ "Yes . I would also like the postcode as well .",
+ "I just need the postcode please .",
+ "That would be great . Can I get the post code , please ?",
+ "Can you tell me their postcode as well ?",
+ "Can I get the postcode for that as well ?",
+ "All I need is the postcode .",
+ "Okay and what was the postcode for The Place ? I also need a taxi ride from the rice boat to the place .",
+ "Could you also provide the museum 's postcode please ?",
+ "What 's the postcode ?",
+ "What is that college 's postcode ? I ' m also hungry and want somewhere to eat .",
+ "Not really . Can you just tell me your favorite and let me know how it will be for me to get in ? Oh , and the postcode , for my GPS .",
+ "Could you please provide me with the postcode . Thank you !",
+ "Thank you . Do you have the postcode , please ?",
+ "That sounds , good , what is the postcode ?",
+ "It does n't matter just pick a great one for me , and I 'll need the postcode for the museum that you recommend for me .",
+ "Sounds great . Can I get their postcode please ?",
+ "Just the postcode would help and I also will need a place to stay .",
+ "Thanks . Can you also tell me their postcode ?",
+ "Not really , but I would need the postcode of the park please .",
+ "cool , could you also give me the postcode ?",
+ "There is no particular one that I have in mind . Can you give me the information for one ? I would like postcode and to know what kind of attraction it is .",
+ "Thank you very much , could I also have the postcode for the museum ?",
+ "Hmm .. Sounds fun . What is their post code ?",
+ "It does n't matter but I will need the postcode .",
+ "what 's the postcode ?",
+ "Can I get the postcode ?",
+ "What is the postcode for the Cambridge Museum of Technology ?",
+ "I just need the postcode , thanks .",
+ "Yes . What is the postcode for Churchill College ?",
+ "The \" Place \" sounds good , can I get its postcode , please ?",
+ "Can I get the postcode for it as well please ?",
+ "That is perfect , can I get the postcode please ?",
+ "No place in particular , might you suggest one for me please and give me the postcode",
+ "Oh cool ! What is the postcode for that please ?",
+ "What about the post code ?",
+ "Great ! Can I have the postcode please ?",
+ "Fitzwilliam Museum sounds great . What is the postcode ?",
+ "Can I get the postcode for that museum please ?",
+ "Just the postcode please",
+ "Thanks , that 's very helpful . Oh , right , what postcode is it in ?",
+ "Yes , please may I have the postcode for the first one listed ?",
+ "Yes . Whichever you can recommend . Please give me their postcode when you choose . Thank you !",
+ "Could I get the postcode ?",
+ "Yes . Can you give me the postcode for Club Salsa ?",
+ "Please give me their postcode",
+ "That sounds great ! Can I get their postcode please ?",
+ "Please send me their postcode .",
+ "Thank you and what is the postcode ?",
+ "Can I get the postcode ?",
+ "I would like to find a park anywhere . I need the fees , postcode , and phone number .",
+ "Yes , and the postcode , please .",
+ "May I have the postcode ?",
+ "Yes . May I have their postcode please ?",
+ "I would like the post code for the old school",
+ "Yes , and the postcode please !",
+ "Can you give me the postcode for Kettle 's Yard ?",
+ "Can I get the postcode as well for it ?",
+ "What is the postcode for your recommended one ? You choose .",
+ "I just need the postcode .",
+ "OK . Can I have the postcode ?",
+ "can you give me the post code for it ?",
+ "Do you have a favorite ? Pick one for me please . I need the postcode .",
+ "Yes , that would be great . Can you also give me the postcode as well ?",
+ "Nope , choose the one you think is best and let me know the postcode please .",
+ "That sounds great ! Can I get the postcode ? And then I need to find a train .",
+ "What is the postcode for Saint Catherine 's College ? I want to be able to enter the address into my GPS to get there .",
+ "What 's their postcode , and how much is it to get in ?",
+ "What 's the postcode for that ?",
+ "Yeah , that sounds good . Can you give me the postcode ?",
+ "We 're going to be in the centre so maybe that one . Can I get the postcode of that one ?",
+ "That sounds interesting , what is the postcode ?",
+ "No , actually it does n't matter . Can you suggest one and provide me the postcode ?",
+ "That sounds great ! What 's the postcode ?",
+ "I would like the postcode for Corpus Christi too .",
+ "What is the postcode for that one ?",
+ "Great ! What is their postcode please ?",
+ "Okay thank you , and I need the postcode too .",
+ "Can you tell me the postcode also please ?",
+ "Could I get the postcode for Tenpin ?",
+ "What is their postcode ?",
+ "Please just pick a great park for me and provide the postcode .",
+ "That 's great ! What postcode is that ?",
+ "Can I get the postcode for it as well ?",
+ "May I have the postcode for the museum please ?",
+ "Can you tell me what postcode it 's in ?",
+ "May I have the postcode , please ?",
+ "Can you give me the name of the theatre you think is best along with the postcode for it ?",
+ "Yes , can I get the postcode .",
+ "what type of college is it , and can I get the postcode ?",
+ "Yes , please . I need the postcode .",
+ "What is the postcode to the Soul Tree Nightclub ? This sounds like a fun place !",
+ "What is the postcode ?",
+ "No could you recommend one and can i get the postcode for it .",
+ "Either is fine . I need the postcode for the pool . Then I need to find a hotel .",
+ "Yes , please . What is the postcode ?",
+ "Another sort of attraction . Just let me know the postcode and address .",
+ "Sounds great . Thank you for the recommrndation postcode , and I am happy about the free entrance .",
+ "what 's the postcode ?",
+ "Cineworld sounds perfect . What 's their postal code ?",
+ "That 's sounds good . Can I get their number and postcode ?",
+ "Can you tell me the postcode ?",
+ "Yes , I think we will go to the museums . Can I get the postcode for the museums and what do they charge for entry ? Thank you .",
+ "Could i get the postcode for the Cambridge Corn ?",
+ "I need their postcode please .",
+ "Please tell me the postcode",
+ "What is the postcode of Corpus Christi ?",
+ "What is the postcode ?",
+ "Please give me their postcode too .",
+ "That sounds great , what 's the postcode please ?",
+ "Yes , I still need the postcode for All Saints Church .",
+ "Yes please and a postcode .",
+ "Can I also get postcode ?",
+ "I need the post code please .",
+ "Great can I get the postcode of it ?",
+ "I think that sounds interesting . Can you tell me their postcode ?",
+ "I ' m not really sure , you can surprise me with something you think would be fun . I just would need the postcode please .",
+ "I also need the postcode , if you will .",
+ "Surprise me . Give me the postcode as well .",
+ "What is the postcode ?",
+ "Great . May I have their postcode please ?",
+ "No but I would like the number and postcode for The Abbey Pool .",
+ "Yes , do you have the Abbey Pool postcode , please ?",
+ "Could you also provide me with the postcodes for these establishments ?",
+ "What is the post code for the cinema ?",
+ "I 'd also like to know the postcode .",
+ "As long as it 's a museum in the west , I ' m happy . Can you pick one and give me the postcode ?",
+ "I need the postcode please .",
+ "I will also need the postcode please .",
+ "Can I have the postcode ?",
+ "What is the postcode ?",
+ "Not at this moment . I would like the museum 's postcode , though .",
+ "Can you give me the post code ?",
+ "What is the postcode ?",
+ "Sure , can I have the postcode ?",
+ "I do n't really care . Can you suggest a place ? And give me a postcode for the one you suggest please .",
+ "Great can I get the postcode for it ?",
+ "Sure can you give me the postcode ?",
+ "Yes please but can I have the postcode as well ?",
+ "Great . Could you also get me their postcode ?",
+ "That technology museum sounds interesting . Do you have the postcode , please ?",
+ "Sure . What is the postcode ?",
+ "No the Corpus Christi will do , could you just give me the postcode for that also ?",
+ "What part of town is it in ? Do you have the postcode ?",
+ "What 's the postcode please ?",
+ "Can you recommend one and give their post code ?",
+ "It does n't matter . Could you also get me the postcode for Holy Trinity Church ? I forgot to ask .",
+ "Can I also have the postcode ?",
+ "I want the Abbey Pool . What 's its postcode ?",
+ "Great ! What is the postcode for Churchill College ?",
+ "It does n't matter but can I get a postcode for one of them .",
+ "I need the postcode .",
+ "I 'll try that . What 's the postcode please ?",
+ "Great ! Can I get the postcode ?",
+ "Yes , could you tell me their postcode ?",
+ "Can you tell me the postcode for the museum as well ?",
+ "What is the postcode to that place ?",
+ "Sure . What 's the postcode ?",
+ "Can I have the postcode , please ?",
+ "No , I just need the postcode",
+ "Yes , please . Could you give me the name of the park and its postcode ?",
+ "I hear its a pretty cool place . Can I get their postcode please ?",
+ "What is the postcode ?",
+ "Awesome ... what is the postcode for the Ballare ?",
+ "Can I get their postcode too please ?",
+ "Can you just give me the postcode for that one please ?",
+ "That sounds good . Can I get the postcode please ?",
+ "Could you please tell me the postcode ?",
+ "I ' m sorry , could I get the postcode to Cambridge Artworks ?",
+ "How about All Saints ? And could I have a postcode please ?",
+ "What 's the postcode for that ?",
+ "That sounds nice . Can you please give me the address , including the postcode ?",
+ "What 's the postcode and enterance fee ?",
+ "Yes please may I have their postcode ?",
+ "Yes please . Could you make sure I get the postcode ?",
+ "i need the postcode too",
+ "Yes ! Can I have the postcode for it ?",
+ "That would be fine ! What s the postcode for there ?",
+ "I would also like the postcode .",
+ "Can I get the postcode for that please ?",
+ "What is the postcode ?",
+ "What is the postcode ?",
+ "What is their postcode ?",
+ "Actually , I would love it if you could give me a recommendation of one . And give me the postcode as well .",
+ "What is their postcode ?",
+ "Yes I need the post code as well , thanks .",
+ "Could you please check again . If you find one could I have the postcode please ?",
+ "Free is great for entrance fee . I 'll just need the postcode .",
+ "Yes I need their postcode .",
+ "Yes , can I get the postcode ?",
+ "What is their postcode ?",
+ "what is their postcode ?",
+ "Could you recommend one to me ? I am not looking for one in particular . May i also have it 's postcode ?",
+ "What is the postcode ?",
+ "Could you tell me what the postcode is for the camboats ?",
+ "Pick a place for me . I need the postcode .",
+ "That is perfect ! Can you give me the postcode for the sheep 's green park ? That 's in the south area right ?",
+ "no , just the postcode",
+ "The museum I want should be in the west side of town and can I have the postcode for the museum .",
+ "No , thanks . Can I get the postcode for Funky Fun House , please ?",
+ "Yes please ! What 's the postcode , fee , and number ?",
+ "Yes , I just need their postcode",
+ "That sounds good . What is the postcode ?",
+ "Yes what 's the postcode for kings hedges learner pool ?",
+ "Can you recommend one and give me their post code .",
+ "could I have the postcode please",
+ "Sounds good . What is the postcode , please ?",
+ "I need the postcode please .",
+ "I would n't mind seeing Emmanuel College . Can you give me the postcode ?",
+ "Great ! What is their postcode ?",
+ "The Funky Fun House sounds fun actually . What is the postcode for it ?",
+ "Perfect , could you give me their post code ?",
+ "Can I have the postcode ?",
+ "He s , can you provide me the postcode please ?",
+ "get me their post code . i also need a train",
+ "Could you just tell me their post code ?",
+ "Yes . Can I get the postcode ?",
+ "Any is fine . Could I get the postcode once you ' ve found one ?",
+ "What is the name and postcode of any one of those nightclubs ?",
+ "Anything is fine . Send me to your favorite place in the city , just be sure to give me the postcode .",
+ "Thanks , can I have the post code , please ?",
+ "Could you give me the postcode ?",
+ "Sounds good , what is the postcode for the Cambridge Artworks ?"
+ ],
+ "Phone;": [
+ "I just am looking for one in the centre , can I get the phone number of one ?",
+ "Yes can I get the phone number of one you 'd recommend ?",
+ "Can you give me their phone number please ?",
+ "Yes . What is the phone number ?",
+ "Yes I need the phone number as well .",
+ "Please get me their phone number",
+ "Yes , that sounds like a great choice . Can you give me the phone number for them ?",
+ "Sounds good . Could I get the phone number ?",
+ "Can you give me the address and phone number of the free museum ?",
+ "No , I 'd like their phone number if you have it available , please .",
+ "It does n't matter . Can I have the phone numbers ?",
+ "Great can I get their phone number ?",
+ "Yes , please . I 'll need their phone number and address please .",
+ "There will be five people , can I get the phone number in case I have to change it ?",
+ "Can I get the Funky Fun House 's phone number please ? I think I 'll call them and check on it .",
+ "Perhaps their phone number ?",
+ "yes phone number and adress please",
+ "That sounds pretty neat . My daughter is really into the arts . Can I get their phone number please ?",
+ "Can I please get the phone number ?",
+ "Can I get the phone number for The Fez ? I 'll also need a taxi .",
+ "Yes , could I get the phone number for holy trinity church ?",
+ "Can I have their phone number , please ?",
+ "Can you recommend one for me and give me their phone number please ?",
+ "I will need the phone number for them as well please .",
+ "What is their phone number ?",
+ "Yes , please provide their phone number .",
+ "Either is fine . I just need a phone number so I can call one of them . Thanks .",
+ "That sounds great . Can I please have the phone number ?",
+ "Could you please send me the phone number ?",
+ "I have no preference but can I get a phone number to one of them ?",
+ "Could i get the phone number please ?",
+ "Yes , and could you give me the phone number too ?",
+ "i also want to know the phone number so that i can call them up",
+ "Fantastic . Could you provide me with the phone number for that museum ?",
+ "That sounds lovely . What 's their phone number ?",
+ "Can I please have the phone number ?",
+ "I like free ! What was their phone number ? Might be in there , but it 's all a bit smooshed together . Also , I 'd like to book a car service or taxi .",
+ "Any area is fine . Can you provide me the phone number of the first park on the list ?",
+ "That would be great , can you please give me their phone number ?",
+ "Thank you ! Can you please give me the phone number of the free one ?",
+ "That sounds good . Could I get their phone number ?",
+ "Can I get the phone number please ?",
+ "Any one would do but I would need the phone number",
+ "Thank you for that , can I have their phone number as well ?",
+ "Yes , please , what is the phone number ?",
+ "Do you have the phone number ? I also need help finding a train .",
+ "What is the phone number ?",
+ "No I just needed the phone number . Thank You .",
+ "Can I have the phone to it please ?",
+ "Yes the phone number would be great . What are their hours ?",
+ "Thank you very much , could I have the phone number for each of those museums ?",
+ "Sounds great ! Could I get the phone number ?",
+ "What is the phone number for there ?",
+ "Perfect , could I have the phone number please ?",
+ "All saints church would be nice . Could I get a phone number for them ?",
+ "That sounds great . Can you give me the phone number ?",
+ "Just the phone number please . Thanks .",
+ "Which is your favorite ? Get me their phone number , and I 'll check them out .",
+ "Yes that sounds good may I have the phone number please ?",
+ "Yes , the phone number would be fantastic ! thank you !",
+ "Thanks . May I also have the phone number , please .",
+ "Ok , can you recommend one and give me their phone number",
+ "The Fez sounds great . Can I get their phone number ?",
+ "Do you happen to have the telephone number for Christ 's College ?",
+ "The Museum of Archaelogy and Anthropology sounds good . Can I get the phone number ?",
+ "Could I have the phone number please ?",
+ "Can I get the phone number please ?",
+ "I ' m not worried about entrance fees . Could I have the phone number for the most expensive one ?",
+ "Yes . May I have the phone number ?",
+ "Great , could you also provide me with the phone number ?",
+ "No other preferences , I just want to be sure to get the phone number of whichever theatre we pick .",
+ "Let 's go with the cambridge punter . May I get the phone number to that please ?",
+ "Ok that will work . Can I get their phone number please ?",
+ "Yes and can I get the phone number please ?",
+ "No , I 'd just like it to be in the west . Can you pick one and provide a phone number ?",
+ "Can I have the phone number to the museum that 's closest to me ?",
+ "That sounds great , could I get their phone number please ?",
+ "Can I have the phone number for All Saints Church please ?",
+ "I do n't have a preference , but I will need a phone number .",
+ "Great ! Can you give me the phone number to magdalene college ?",
+ "Yes , may I please have the phone number ?",
+ "Can i have their phone number please ?",
+ "Can I have the phone number please ?",
+ "Not really , what do you suggest ? And can you provide a phone number ?",
+ "What is their phone number and what side of town are they on ?",
+ "Could you give me the phone number ?",
+ "Can I get their phone number to contact them please ?",
+ "Can you please recommend one and provide the phone number",
+ "That sounds much better , what 's their phone number ?",
+ "Can you confirm whether this is in the centre area ? And if I can get the phone number please .",
+ "Sure . May I have the phone number please ?",
+ "May I have their phone number please ?",
+ "No particular area . May I have the phone number of one you recommend ?",
+ "I 'd like to go to a museum . Can you tell me your favorite ? And if you have their phone number that would be really great .",
+ "Can you give me the phone number to the closest one to my location ?",
+ "Would you happen to have the phone number ?",
+ "Thank you so much for the phone number . Good bye .",
+ "That is unfortunate . Could you provide me with their phone number so I can ask them myself ?",
+ "Nothing specific . Recommend one and send me their phone number .",
+ "Great , I ' m assuming cb11ly is the postcode , may I also have the phone number there .",
+ "Could I also have the phone number to the museum ?",
+ "Yes , actually , can I have their phone number please ?",
+ "Could you provide me with the phone number ?",
+ "Yes , the phone number would be great .",
+ "Oh , that sounds great . Can I get their phone number please ?",
+ "No location is n't important . Please recommend one , and let me know the phone number .",
+ "That would be perfect . Can I get the phone number , please ?",
+ "I need their phone number .",
+ "Yes . Give me the phone numbers .",
+ "Yes , and I will be needing the phone number also .",
+ "Yes could I please get the phone number ?",
+ "Great . Would you be able to provide me with their phone number ?",
+ "That sounds great , what is their phone number ?",
+ "Perfect . Can you get me a phone number for them ?",
+ "Can you just pick one and give me the phone number ?",
+ "Thank you , do you have a phone number for them ?",
+ "Could I get the phone number for that ?",
+ "Any one will do . I just need the phone number .",
+ "Thank you for the phone number . Thanks for the help !",
+ "I think I would like to visit both Churchill and Magdalene Colleges . May I have their telephone numbers please ?",
+ "What 's their phone number ?",
+ "No , nothing in particular . Please pick out one you might enjoy and we will try that . If you would include the phone number that would be helpful , thanks !",
+ "Yes , give me the phone number please .",
+ "I 'll take the one on top of your list and may I have the phone number please ?",
+ "Could you give me the phone number of Great Saint Mary 's please ?",
+ "That sounds great ! Could you please give me the phone number ?",
+ "Ok , what 's the phone number for that place ?",
+ "No , anything that you would recommend would be great . I just need a phone number that I can call .",
+ "What 's their phone number ?",
+ "Can I get the phone number for one of them ?",
+ "Do you happen to have their phone number also ?",
+ "May I have the phone number for the park please ?",
+ "Can you give me the phone number please ?",
+ "That one sounds great what is the phone number ?",
+ "What type of entertainment are they ? Can you give me phone numbers , please ?",
+ "Can you give me their phone number please ?",
+ "Perfect . Can I get a phone number to Cambridge Artworks ?",
+ "The centre area . looking for Modern Art and the museums phone number please .",
+ "Yes . I want the phone number please .",
+ "Pick any and it does not matter . Please give me the fee cost and phone number once booked .",
+ "Yes , may I please get Magdalene College 's phone number ?",
+ "Yes , please give me the phone number .",
+ "What is their phone number ?",
+ "Yes , please give me the phone number for Jesus Green Outdoor Pool .",
+ "What is this hotel 's phone number ?",
+ "No thanks , I just need their phone number , please .",
+ "That sounds nice . Can you give me their phone number please ?",
+ "Yes , could you provide me with their phone number as well ?",
+ "Can I get the phone number ?",
+ "Awesome , tell me more about the church closest to me right now and get me their phone number please",
+ "What is the museum 's phone number ?",
+ "Could I get the phone number , please ?",
+ "i need to see a theater in the center . find me the phone number",
+ "Yes I need the phone number .",
+ "I do n't need the address , but could I get a phone number ?",
+ "Any area of town is OK , I just need a phone number , please .",
+ "I need their phone number please .",
+ "I need the phone number as well please .",
+ "what type of museum is it , and their phone number too then please",
+ "Do you have there phone number ?",
+ "Can I have the phone number ?",
+ "I just need the phone number please .",
+ "Okay , may I have the phone number of one of the free museums . Whichever one you recommend will be fine .",
+ "No thanks , I just need the phone number please .",
+ "Can I have the phone number for them , please ?",
+ "Yes , please . Can I get the phone number ?",
+ "I just need the phone number of All Saint 's Church , and then I 'll be all set .",
+ "Can I have the phone number ?",
+ "just get me the phone number of any that you will recommend",
+ "What is their phone number ?",
+ "Any church will be fine . Can you give me the phone number of one ?",
+ "What is their phone number ?",
+ "That sounds lovely . Could I get the phone number ?",
+ "Could you tell me their phone number ?",
+ "Can you give me the phone number ?",
+ "Could I have the phone number ?",
+ "What is the phone number for Clare Hall ?",
+ "That sounds perfect ! Can I have their phone number , please ?",
+ "May I have the telephone number please ?",
+ "What is the phone number ?",
+ "Yes , a suggestion would be very helpful along with the phone number so I can call them .",
+ "I do n't care what part of town it is in . Can you recommend one and give me the phone number for it ?",
+ "Can you get me the phone number please ?",
+ "Okay , great . Do you have a phone number for the nightclub ?",
+ "Ok if you read carefully , I also asked for the phone number please .",
+ "can i get the phone number to churchill college",
+ "Yes please , and also the phone number !",
+ "Oh , wait . I ' m so sorry . Before we book a taxi , can you provide me with the phone number to the art museum ?",
+ "I need the phone number please ?",
+ "Which is the best college in the Centre and how can I contact them by phone ?",
+ "Please recommend one in the centre and I would also like the phone number .",
+ "That sounds great , can I please get their phone number ?",
+ "Can I have the phone numbers as well ?",
+ "Can I get the phone number please ?",
+ "Let me have the phone number of the museum closest to the train station ?",
+ "Yes , please give me the phone number . That sounds great !",
+ "I do n't have a preference . Could you just give me the phone number of the first museum on the list please ?",
+ "Yes could I please get the phone number .",
+ "Can i get their phone number ?",
+ "No , suggest one and let me know the fee and phone number .",
+ "Great ! What is their phone number ?",
+ "Sure thing , may I have their phone number ?",
+ "Yes , that would be great . Can you also give me the phone number for that location ?",
+ "Yes , that will work great . Can I get their phone number please ?",
+ "Can you provide me with the telephone number and book two taxi cabs to the restaurant",
+ "That sounds interesting ! May I have their phone number please ? And what is the fee to get in ?",
+ "Okay great ! What is their phone number please ?",
+ "No reservation needed but I would like the museum phone number , please .",
+ "What 's the phone number ?",
+ "That 's some recommendation . Can you at least tell me the phone number too , like I asked ?",
+ "no , thanks I just need the phone number",
+ "That sounds interesting . Can you just give me their phone number please ?",
+ "What is this place ? And could I get the phone number ?",
+ "Thank you . I also need the phone number please .",
+ "That 's awesome ! What 's their phone number ?",
+ "Do you happen to have the telephone number for the college ? I would like to call the main office there .",
+ "Yes please . Get me their phone number",
+ "Great , I would like to get some phone numbers for those places in the centre .",
+ "That sounds good , what 's the phone number ?",
+ "Oh , nice ! Can you tell me their phone number , please ?",
+ "Can you give me their phone number please ?",
+ "That sounds great . Can I get the phone number for it ?",
+ "Do you have their phone number ?",
+ "What is the phone number and how much does it cost to get in ?",
+ "I just need a phone number for one you recommend .",
+ "Yes please , and can I get their phone number ? How much does it cost ?",
+ "What 's their phone number ?",
+ "Great . And the phone number ?",
+ "Yes . Can I also have their phone number .",
+ "Could I please get the phone number for that ?",
+ "i need phone number of either and a taxi to commute between the two places",
+ "That sounds great . Could you give me their phone number ?",
+ "Can I please have the phone number and postcode for those ?",
+ "What is the phone number please ?",
+ "Yes please book one for me . Send me the address phone post code and reference number . Thanks",
+ "Yes , can you provide me with their phone number ?",
+ "Okay , thank you ! What is their phone number ?",
+ "Yes , please . Can I get the phone number as well ?",
+ "Ok . What is the phone number for Holy Trinity Church ?",
+ "Can you give me the phone number for Pembroke College ?",
+ "Yes , thank you . May I have their phone number ?",
+ "I guess I just need a phone number for Christ 's College . Then , I 'll be all set !",
+ "Great . Can I have the phone number ?",
+ "Can I please get a phone number ?",
+ "yes . also findme primavera 's phone number",
+ "Can I get their phone number please ?",
+ "I would like the phone number for the one on Mill Lane please .",
+ "I just want the phone number actually",
+ "Any of those museums will work . Will you select one for me ? I need their phone number , please .",
+ "Sure , and the phone number , please ?",
+ "Any college will be fine what do you recommend ? I need the phone number for whichever you pick .",
+ "No , that sounds fine . Could I get the phone number ?",
+ "Can you give me the phone number for Churchill ?",
+ "Ok , can I get a phone number for the Magdalene ?",
+ "I do n't really care , just pick one and give me the phone number please .",
+ "Yes , please . I just need the phone number .",
+ "Could you please get me the phone number ?",
+ "Can I also get the phone number for that ?",
+ "What is the phone number ?",
+ "cool , what 's their phone number ?",
+ "Yes , may I have the phone numbers to those museums ?",
+ "Do you have their phone number ?",
+ "Could I get the phone number for Downing College ?",
+ "What are the phone numbers for these colleges ?",
+ "I asked you for the phone number not the address .",
+ "That sounds interesting . Can you tell me their phone number and the cost of entrance ?",
+ "That sounds great . Can you please give me the phone number ?",
+ "I ' m sorry , but I forgot to get the phone number for the park . Can you get that for me , please ?",
+ "What is their phone number ?",
+ "Is there a phone number that I can use to contact the Holy Trinity Church ?",
+ "Yes please give me their phone number .",
+ "Their phone number would be super and then I need to book a taxi for getting to and from the camboats to the restaurant on time .",
+ "Just the phone number please ?",
+ "can i get their phone number ?",
+ "What is the phone nymber to Byards ?",
+ "Can you please tell me what the phone number is for The Soul Tree ?",
+ "Could you choose the best and give me their phone number ?",
+ "Could I also get the phone number for the school ?",
+ "Sure . Could I get their phone number please ?",
+ "May I have their phone number ?",
+ "Yes please . I would love the phone number .",
+ "No , I just need the phone number . Thanks so much . Have a good day .",
+ "Could you please recommend one and give me the phone number ?",
+ "Great , can I have their phone number please ?",
+ "What is the phone number ?",
+ "Can you give me the phone number for it ?",
+ "Can you give me the phone number for the pool ?",
+ "Can I get the phone numbers for both please ?",
+ "That 's okay , I just want the phone number for it .",
+ "Yes , I need the phone number please .",
+ "Do you have the phone number to any of these attractions ?",
+ "Could I get the phone number as well ?",
+ "Could I get the phone number for that attraction ?",
+ "Yes , I need their phone number as well .",
+ "Okay Could I have their telephone number please ?",
+ "Can I get their phone number please",
+ "can i get the phone number for wandlebury country park ?",
+ "No , either one will work . Could you get me their phone number ?",
+ "Can you get me the phone number for old schools please ?",
+ "Thanks great . Also I need to have the phone number for All Saints Church on Jesus Lane .",
+ "Could I just get the phone number please ?",
+ "That is a wonderful suggestion . What is the address and may I have their phone number ?",
+ "Can I get the phone number for that ?",
+ "That sounds great , what 's their phone number ?"
+ ],
+ "Fee;": [
+ "I have no preference , I just need to know how much the entrance fee is .",
+ "Is there an entrance fee ?",
+ "Does it have an entrance fee ?",
+ "Yes please . Can you let me know what the entrance fee is too ?",
+ "It does n't matter but can you recommend one and give me the entrance fee ?",
+ "It does n't matter . Can you just recommend one and tell me the entrance fee ?",
+ "Thanks ! will you give me an entrance fee for the nightclub ?",
+ "Yes , what are the entrance fees ?",
+ "Certainly , pick out a good option . I will need the entrance fee please .",
+ "I would like to know the entrance fee .",
+ "What is the entrance fee ?",
+ "Nevermind , Can you help me find some museums in town and how much is the entrance fees ?",
+ "Thanks ! Do you happen to know their entrance fee ?",
+ "Yes , how much is the entrance fee for st . mary 's church ?",
+ "pick a free one for me and get me the entrance fee",
+ "What is the entrance fee ?",
+ "Thanks ! Do you have a phone number so I can find the entrance fee .",
+ "What is the entrance fee ?",
+ "I ' m not sure right now . What are the entrance fees like ?",
+ "That sounds great . How much is the entrance fee ?",
+ "Yes , I 'd like to know the entrance fee , please ?",
+ "Thank you . Going back to the Kings Hedges Learner Pool , what is the entrance fee ?",
+ "Do any of the swimming pools in the north show an entrance fee ?",
+ "Thank you . What is the entrance fee for Downing College ?",
+ "Could I get the entrance fee for wandlebury country park please ?",
+ "What is their entrance fee ?",
+ "Could you please double check then ? If the entrance fee is not known I need to switch",
+ "That would be fine . Can you confirm the entrance fee ?",
+ "Is there an entrance fee for Byard Art ?",
+ "How much is the entrance fee ?",
+ "could you kindly tell me of the entrance fee ?",
+ "Do they have an entrance fee ?",
+ "Can you tell me the entrance fee of All saints church ?",
+ "Yes may I have the entrance fee please ?",
+ "Is there an entrance fee ?",
+ "I would like to go see a movie , but want to compare prices . how much is the Cineworld entrance fee ?",
+ "Can I have the address and entrance fee ?",
+ "Can you tell me the entrance fee please ?",
+ "Anything is fine , just be sure and let me know if there is an entrance fee .",
+ "Yes what is the entrance fee ?",
+ "I also need the entrance fee .",
+ "What is the entrance fee for the Museum of Archaeology and Anthropology ?",
+ "That should work . What 's the entrance fee for that place ?",
+ "What is the entrance fee to the Cambridge Arts Theatre ?",
+ "Can you tell me what the entrance fee is ?",
+ "Are you certain the entrance fee is n't listed ?",
+ "I ' m interested in one of the theatres ! Can I get the entrance fee information for those ?",
+ "Does the other swimming pool say what the entrance fee is ?",
+ "It does n't matter but can I get their entrance fee .",
+ "That should be great ! what about the entrance fee ?",
+ "I 'll take what ever you have first , but I 'll need the entrance fee please .",
+ "No , thank you . Could I get the entrance fee of the Riverboat Georgina ?",
+ "No , I do not mind paying an entrance fee .",
+ "Is there an entrance fee ?",
+ "Just one more thing . What is the entrance fee for the college ?",
+ "Could you tell me if they have an entrance fee ?",
+ "Was there an entrance fee to that nightclub ?",
+ "What 's the entrance fee ?",
+ "What is the entrance fee for the boating attraction ?",
+ "Do you have any contact information for these pools I could have to get the entrance fee ?",
+ "ok and what are their entrance fees ?",
+ "What is the entrance fee ?",
+ "Yes , please . Is there an entrance fee ?",
+ "do they charge entrance fee ?",
+ "You already gave me the phone number thanks , I ' m supposed to get the entrance fee though , my boss insists on it .",
+ "Okay . Can you tell the entrance fee ?",
+ "Yes , and I would also like to know the entrance fee .",
+ "On the swimming pool , what 's the phone number and entrance fee ?",
+ "what is their entrance fee ?",
+ "Is there an entrance fee for this ?",
+ "Sounds good . What is their entrance fee ?",
+ "What 's the entrance fee ?",
+ "Yes what is the entrance fee ?",
+ "Is there an entrance fee at Camboats ?",
+ "What are their entrance fees ?",
+ "that sounds good . how much is the entrance fee ?",
+ "Great . Could you please tell me the entrance fee ?",
+ "Which ever one is your favorite will do . Can I have their contact information and what is the entrance fee ?",
+ "Nothing specific , but I would like to know the entrance fee associated with the activity .",
+ "Is there an entrance fee and if so , how much is it ?",
+ "Yes , can I get the entrance fee ?",
+ "What is the entrance fee ?",
+ "Is there an entrance fee to the fez club ?",
+ "Sounds interesting . What is the entrance fee ?",
+ "hold the phone . what is the entrance fee for christ 's college ?",
+ "Could you give me a recommendation as well as the entrance fee ?",
+ "Is there a entrance fee ?",
+ "The one in the center sounds fun . How much is the entrance fee ?",
+ "Okay , I 'd like to a see a college that you recommend . I will need the entrance fee .",
+ "Is there an entrance fee ?",
+ "I will like a place with no entrance fee and also a taxi that will take me from the restaurant to the place .",
+ "I would like to get the entrance fee and address of them please",
+ "I ' m not quite sure yet . What are the entrance fees for the museums ?",
+ "Can you recommend one that is in the centre ? I need to know the entrance fee , please .",
+ "What is their entrance fee ? I would also like to book a taxi .",
+ "Great ! Do they have an entrance fee ?",
+ "What is the entrance fee ?",
+ "Is there an entrance fee to The Junction ?",
+ "What is the entrance fee ? Is it in the west part of town ?",
+ "Think I will take a dip there , can you let me know if there is an entrance fee ?",
+ "Yes , please . Can I get their phone number and the entrance fee ?",
+ "Yes , how much is the entrance fee ?",
+ "I have no preference . Could you suggest something and let me know the entrance fee , please ?",
+ "Is there an entrance fee ?",
+ "Yes , is there an entrance fee ?",
+ "Yes please give me their phone number and tell me what their entrance fee is please .",
+ "Do you know if they have an entrance fee ?",
+ "Yes , I would also like to know what kind of attraction it is and the entrance fee .",
+ "Which is your favorite ? And what is its entrance fee ?",
+ "find me its entrance fee",
+ "I ' m not ready to book it . I would just like to know the entrance fee .",
+ "Is there an entrance fee ?",
+ "No I do not . I do need the phone number and entrance fee .",
+ "Do you know what the entrance fee is ?",
+ "No , but could you tell me what their entrance fees are ?",
+ "Thank you SO MUCH , I know I was confusing . Can you just tell me the entrance fee for the boats ? That is all I still need to know .",
+ "The area does n't matter but can you provide me the entrance fee of the first 3 on the list .",
+ "That sounds interesting . What is the entrance fee for this museum ?",
+ "Alright . Do you know if there is an entrance fee at that pool ?",
+ "That sounds great ! Can you tell me the entrance fee ?",
+ "In the west and I will need the entrance fee if there is one , please .",
+ "Surprise me . What are the entrance fees ?",
+ "Sounds great , thanks ! Is there an entrance fee ? If so , what is it ?",
+ "Yes , please . I would prefer one with a low entrance fee .",
+ "What one would you recommend and the entrance fee ?",
+ "Let 's go with Nusha . What is the entrance fee , please ?",
+ "What is the Tenpin 's entrance fee ?",
+ "That sounds good . Is there an entrance fee ?",
+ "No , but could you tell me if they have any entrance fees .",
+ "Can you tell me how much the entrance fee is please ?",
+ "You can chose for me but I need a entrance fee .",
+ "I ' m not sure which I 'd like to visit , do you have any recommendations ? Also , please let me know the entrance fee .",
+ "What 's the entrance fee for Castle Galleries ?",
+ "Not really . Can you give me a favorite ? And the entrance fee as well ?",
+ "Whatever you recommend , I just need the name and entrance fee , if you will .",
+ "Yes thanks . That sounds great . I am just interested in the entrance fee .",
+ "what 's the entrance fee for christ 's college ?",
+ "Yes . Is there an entrance fee ?",
+ "Sure that sounds nice . Can you tell me about any entrance fees ?",
+ "Which is your favorite , and how much is the entrance fee ?",
+ "Does it have an entrance fee ?",
+ "Can you provide me with the hours of operation and the entrance fee ?",
+ "What is the entrance fee for that attraction ?",
+ "Okay , that sounds neat ! Is there an entrance fee ?",
+ "what are the ones with an entrance fee ?",
+ "Thank you , I ' m looking for one with an entrance fee .",
+ "Yes , and please provide an entrance fee .",
+ "That sounds fun ! How much is the entrance fee ?",
+ "How about art , and please include the entrance fee .",
+ "How much is the entrance fee ?",
+ "Yes . When you do . Please give me the number and the entrance fee .",
+ "Ok , I did n't catch if it has an entrance fee ?",
+ "Okay and may I have the information on the entrance fee ?",
+ "What is the entrance fee ?",
+ "I just need the entrance fee , please .",
+ "Could you tell me the entrance fee for that ?",
+ "Yes , please . Also , what is the entrance fee ?",
+ "Yes , i ' m looking for places to go in the same town as the restaurant , any ideas and may I know the entrance fee , if there is one please ?",
+ "That sounds good . What is the entrance fee ?",
+ "Is there a entrance fee ?",
+ "what is their entrance fee ?",
+ "Thank you , I 'll call them to ask about any entrance fees .",
+ "What is the entrance fee ?",
+ "Is there an entrance fee ?",
+ "What is their entrance fee ?",
+ "What 's your favorite of them ? And what is its entrance fee ?",
+ "Do you have any information on their entrance fees ?",
+ "Please provide the entrance fees .",
+ "Okay , thank you . What is the entrance fee ?",
+ "What is the entrance fee ?",
+ "I need their entrance fee please",
+ "Do any of them have an entrance fee ?",
+ "What is the entrance fee there ?",
+ "What is the entrance fee ?",
+ "What is the entrance fee to the Parkside Pool ?",
+ "We would like to try that Club . Can you tell me the postcode and if they have an entrance fee ? Thanks !",
+ "And i there an entrance fee ?",
+ "Yes , I ' m just curious of the entrance fee .",
+ "Can you tell me the entrance fee ?",
+ "Which one would you suggest and what is the entrance fee ?",
+ "Please let me know what the entrance fee is .",
+ "No , It does n't matter pick something for me . I 'll need to know what the entrance fee is though .",
+ "Any one of those is fine . May I get the entrance fee ?",
+ "Is there an entrance fee ?",
+ "You can just choose one for me - I have no preference , I 'll just need to know the entrance fee please .",
+ "That sounds great . What is the entrance fee ?",
+ "What is the entrance fee for Kettle 's Yard ?",
+ "Yes , I would like more information please and will you let me know what the entrance fee is ?",
+ "Let 's look at ones that have no entrance fee please .",
+ "Give me the entrance fee instead please .",
+ "What 's the entrance fee for that place ?",
+ "Is there an entrance fee ? If so , what is it ?",
+ "Yes , please and if I can also get their the entrance fee .",
+ "That sounds interesting . What is the entrance fee ?",
+ "How much is the entrance fee ?",
+ "What about the entrance fee ? Is there one ?",
+ "What kind of attraction is it and what are the entrance fees ?",
+ "I ' m not interested in that college . Is there another one you 'd recommend and if so , what is their entrance fee ?",
+ "Could you please name some for me ? I 'll need the entrance fee too please",
+ "If you have any recommendations that would be great ! I will need the entrance fee of whichever you choose .",
+ "Yeah , what is the entrance fee for that ?",
+ "I think Broughton House Gallery will work better for me . Can you tell me the entrance fee , please ?",
+ "Do you know the entrance fee ?",
+ "What is the entrance fee for the museum please .",
+ "What is their entrance fee ?",
+ "Can you tell me what their entrance fee is ?",
+ "What is the entrance fee for Regent Street City Centre ?",
+ "What is the entrance fee ?",
+ "Ok that sounds good . Could you tell me what the entrance fee is there ?",
+ "how much is its entrance fee ?",
+ "Yes , can you tell me how much is the entrance fee ?",
+ "Please , and the entrance fee as well .",
+ "Can I get the entrance fee also please ?",
+ "I 'd like to try the north . What do you suggest in that area ? Please give me the address , phone number and entrance fees if any . Thank you !",
+ "Is there an entrance fee ?",
+ "Oh ? Which one is the best ? How much is their entrance fee ?",
+ "I really need to know the entrance fee . What would be the best way to figure that out ?",
+ "Science is interesting . Could you give me the phone number and entrance fee ?",
+ "Yes , what is the entrance fee for that please ?",
+ "Not really . I would also like to know the entrance fee .",
+ "what is the entrance fee ?",
+ "Is there any entrance fee ?",
+ "can you tell me how much the entrance fee is ?",
+ "What is the entrance fee ?",
+ "Yes , and if you can tell me it 's entrance fee , that 'd be great .",
+ "Does the museum have an entrance fee ?",
+ "thank you . i wish to get entrance fee",
+ "Yes please , what is their entrance fee ?",
+ "OK . What is the entrance fee ?",
+ "What 's the entrance fee ?",
+ "Only the address of the one you recommend please . I will also need the entrance fee .",
+ "No preference , I will go with what you recommend , All ill need is the entrance fee of that place .",
+ "Yes , how much is the entrance fee and can I get their number as well ?",
+ "What is the entrance fee ?",
+ "Can you give me a few samples ? I 'll need the entrance fee , too .",
+ "Can I get their entrance fee , as well ?",
+ "Great , how much is the entrance fee ?",
+ "Location does n't really matter . Is there an entrance fee ?",
+ "It does not matter but I would need the entrance fee",
+ "That 's great . Is there an entrance fee ?",
+ "The boat sounds like something I 'd enjoy . Is there an entrance fee ?",
+ "Thank you . Also , what is the entrance fee if any ?",
+ "I would welcome a recommendation from you . Please provide me with their entrance fee .",
+ "Yes , please . I also need to know what side of town they 're on and what the entrance fee is . Thanks !",
+ "Do they have an entrance fee ?",
+ "Can you select one ? I also need the entrance fee , if there is one .",
+ "It does n't matter what part of town , If you have one you would recommend and let me know the entrance fee , that would be great .",
+ "what is the entrance fee ?",
+ "Sounds awesome ! Is there an entrance fee ?",
+ "Yes , can you get me the entrance fee please .",
+ "Is there a number I can call to get the entrance fee information ?",
+ "What is the entrance fee ?",
+ "What is the entrance fee for those two options ?",
+ "No , i just want to know the entrance fee .",
+ "Yes , what 's the entrance fee for the cinema ?",
+ "Do you know the entrance fees to any of the other places you mentioned ?",
+ "How much is the entrance fee ?",
+ "Thank you . Is there an entrance fee ?",
+ "Is there an entrance fee ?",
+ "Okay . What 's the entrance fee ?",
+ "What are their entrance fees ?",
+ "And what 's the entrance fee ?",
+ "What is the entrance fee for Kettle 's Yard ?",
+ "Is there an entrance fee for Ballare ?",
+ "Yes that sounds lovely . Do any of those listed charge an entrance fee ?",
+ "Is there an entrance fee ?",
+ "Does Castle Galleries have an entrance fee ?",
+ "Are you sure the entrance fee is n't listed ? It should be .",
+ "Ok ! I need the entrance fee please .",
+ "Can you just tell me what the entrance fee is please ?",
+ "No , just Cambridge in general . I 'd also like to know any entrance fees , please .",
+ "Could you tell me what the entrance fee is ?",
+ "I thought someone provided the entrance fee for me before but I just ca n't remember . Are you sure it 's not listed ?",
+ "That sounds lovely , is there an entrance fee there ?",
+ "Thanks , but I needed the entrance fee .",
+ "What is the entrance fee for it ?",
+ "That is fine . What is the entrance fee to get in ?",
+ "yes all I need now are the entrance fees",
+ "Sounds good . What is the entrance fee ?",
+ "Thank you for the recommendation . Is there an entrance fee at Nusha ?",
+ "Sounds great . Do you happen to know the entrance fee for it ?",
+ "Pick one of the best churches for me and let me know the entrance fee please .",
+ "How much is entrance fee and may i also get a number for them ?",
+ "Is there an entrance fee for Downing College ?",
+ "Yes , I ' m random like that ! How much is the entrance fee for The Place ?",
+ "That sounds interesting . What is the entrance fee for the museum ?",
+ "Thanks ! what is the entrance fee ?",
+ "Great what is the entrance fee too ?",
+ "Nothing in particular , I just need to know how much the entrance fee is .",
+ "Area does n't matter . I 'll just need an entrance fee , phone number and postcode for any of them .",
+ "Sure , the history of science sounds cool . How much is the entrance fee for it ?",
+ "What is the entrance fee for the attractions ?",
+ "Yes , I also need the entrance fee and the number .",
+ "That is fine , I just need to know the entrance fee please .",
+ "That might be good . What is the entrance fee ?",
+ "No , can you tell me what the entrance fee is ?",
+ "What is the entrance fee for the school ?",
+ "sounds good . Does it have an entrance fee ?",
+ "no , not really . What are entrance fees on the 8 attractions ?",
+ "Maybe . Unless you can just tell me what the entrance fee is and then I wo n't need it ?",
+ "Okay , what is the entrance fee ? And what part of town was it in again ?",
+ "That sounds great . What is the entrance fee ?",
+ "Sounds great ! Is there an entrance fee ?",
+ "Yes , what is the entrance fee for Clare Hall ?",
+ "Can you tell me what the entrance fee is for those ?",
+ "Yes please , I need to know their entrance fee .",
+ "Yes . Could you tell me what the entrance fee is ?",
+ "Yes please . And can I also get the entrance fee ?",
+ "What 's the entrance fee ?",
+ "Can I please get the entrance fee for the Lammas Land Park ?",
+ "There is no entrance fee ?",
+ "Great . Is there an entrance fee for that gallery ?",
+ "Yes with an entrance fee please .",
+ "Thanks . Do you know if there is an entrance fee ?",
+ "Do you have entrance fees for any of the others ?",
+ "Yes . What are the entrance fees ?",
+ "That sounds great , what is the entrance fee ?",
+ "Can you let me know the entrance fee ?",
+ "What 's the entrance fee as well ?",
+ "Sounds fun . Do you know the entrance fee ?",
+ "Sure that works . What 's the entrance fee ?",
+ "What 's the entrance fee ?",
+ "That s perfect and what is the entrance fee ?",
+ "Yes , that would be great ! And if you could give me the entrance fee that would be great too .",
+ "is there an entrance fee ?",
+ "Can you give me the entrance fee for one of the colleges in the centre ?",
+ "Give me your recommendation for a college with a free entrance fee . Please include a phone number too .",
+ "Is there an entrance fee ?",
+ "That sounds great ! could you tell me how much the entrance fee would cost ?",
+ "Could you please find the entrance fee for me ? I am unable to make the phone call right now .",
+ "Awesome . Is there an entrance fee at ADC Theatre ?",
+ "Can you tell me the entrance fee ?",
+ "Thanks ! What 's the entrance fee ?",
+ "I would like to see an art museum and know the entrance fee .",
+ "Do they charge an entrance fee ?",
+ "Is there an entrance fee ?"
+ ],
+ "Addr;Post;": [
+ "How about one with free entrance . May I have their address and postcode , please ?",
+ "No , but please confirm their address again and their postcode .",
+ "No preference , please just pick one and give me the postcode and address .",
+ "That sounds like it will work . Can I get their address and postcode ?",
+ "Yes , please . What is your favorite museum ? I 'd like their address and postcode . You 're a lifesaver !",
+ "Perfect , could I have the address and postcode please ?",
+ "could i have the address and post code",
+ "Can you recommend one and give me their address and postcode ?",
+ "Either one , i just need the address and postcode .",
+ "Could you give me the address and postcode ?",
+ "Yes that would be great can you give me the postcode entrance for you and address to it ?",
+ "That sounds interesting ! Can you give me their address and postcode , please ? And how much is it to get in there ?",
+ "Could I get the address and postcode please ?",
+ "I 'd like the postcode and address , please .",
+ "Could you suggest one and give me the address and postcode , please ?",
+ "How about the school ? Can I have the postcode and address of it please ?",
+ "What 's their address and postcode ?",
+ "That s okay . Can i just have their address and postcode ?",
+ "Can you please provide the address and postcode ?",
+ "Actually , can I get the address and postcode ?",
+ "Can I get the address and and postal code for the Cambridge Artworks please ?",
+ "That sounds great . Can I get the address and postcode ?",
+ "Yeah that 'd be good can you please give me the address and postcode as well ?",
+ "Can I have their address and postcode .",
+ "Great . What is All Saint 's Church 's address and postcode , please ?",
+ "Sounds great ! Can I get their address and postcode ?",
+ "I do n't care . Could you pick out something good for me ? I just need the postcode and address , too .",
+ "Sure , could you send me their address and postcode ?",
+ "Thank you ! What is the address / postcode for Hughes Hall ?",
+ "No . Why do n't you pick one at random for me and give me the address and postcode .",
+ "What is the address and postcode ?",
+ "Thanks . Can I also have the address and postcode ?",
+ "Sure , please provide me with the postcode and address",
+ "Thank you . Can I also get the address and postcode ?",
+ "I am ok with either option . Choose one you think I would enjoy and let me know the address and postcode .",
+ "Yes , please provide the address and postcode as well .",
+ "First , can you give me the postcode and address for that attraction ?",
+ "Yes , I 'll also need the postcode and address , please ?",
+ "south . and i need to get address and postcode",
+ "That sounds good . Can you give me the address and postcode please ?",
+ "Can I get the address , and postcode ?",
+ "Could you provide me with the address and postcode ?",
+ "Yes that will work I need the postcode and address please .",
+ "Surprise me ! I 'd like the address , fee and postcode .",
+ "Could I have the post code and address for both places ?",
+ "Yes , please . Can I get the address and postcode ?",
+ "Can I have the address and postcode ? Thanks for your help !",
+ "Yes , I need the postcode and address , please .",
+ "Please pick one and send me their address and postcode",
+ "I would like to visit a park . Could you find one and give me the address and postcode ?",
+ "I need the postcode and address .",
+ "The sounds great , can I get their address and postal code ?",
+ "Can you provide the address and postcode for all of those suggestions ? Thank you !",
+ "Yes , can i get the address and postcode ?",
+ "Not really . What 's the address and postcode for your favorite one ?",
+ "Sounds great . Can I get the address and postcode for them please ?",
+ "I need the address and postcode of one you recommend .",
+ "Wonderful . Can you get me the address and postcode ?",
+ "That sound good . Could I have their postcode and address please ?",
+ "I do not mind . I only need the address and postcode of any one of those colleges .",
+ "Surprise me ! Can you send me the address and postcode for the one you choose ?",
+ "Yes , can I have the address and postcode , please ?",
+ "What is the address and post code of the departing station ?",
+ "May I have their address and postcode , too ?",
+ "What is the postcode and address please ?",
+ "Whale of a Time sounds good . Can you give me the postcode and address for that ?",
+ "Awesome , can I have the postcode and address please ?",
+ "Yes please . I would like to get the address and postcode for the riverboat .",
+ "I will take one that you recommend . I will need the postcode and address .",
+ "No just a museum . Can you give me an address and postcode to one or more than one of them for me please ?",
+ "I would also like the address and postcode for The man on the Moon concert hall .",
+ "Find me the best deal , can I get the address and postcode of that ?",
+ "Any area is fine , can you give me the address and postcode of the closest theater to centre ?",
+ "Yes , please . What is the address and postcode ?",
+ "You choose for me . I just need the address and postcode .",
+ "Can you give me the address and postcode for Cambridge Artworks ?",
+ "Thank you . I did n't get an address and postcode for Cambridge museum of technology . Can you provide it , please ?",
+ "Sure . That sounds good . Can I get their address and postcode please ?",
+ "Yes , Is that in the east side of town ? If so could you let me know the address and postcode please ?",
+ "Any of those are fine with me . Could you provide me with the address and postcode for any one of them ?",
+ "Could you give me the address and postcode of one in the North please ?",
+ "Cool . Could you tell me the postcode and their address ?",
+ "Yes , I also need the address and postal code , please .",
+ "Yes , may I please have the full address with postcode for Emmanuel College ?",
+ "Can you give me the address and postcode , please ?",
+ "That sounds great . What 's their address and postcode ?",
+ "That sounds interesting . Could I please get the church 's address and postcode ?",
+ "Any area is fine . Can you tell me the fee , postcode , and address of your favorite one ?",
+ "Yes , may I have both the address and postcode for The Junction Theatre ?",
+ "Churchill College will be fine . I 'll need the postcode and address , please ?",
+ "That sounds great ! What 's their address and postcode ?",
+ "Yes could I have the address and postcode of the college please .",
+ "Excellent , can I get the address and post code please ?",
+ "Nice , in the same area as the restaurant I see . What is the address with postcode ?",
+ "Yes , please . I need the address and postcode of the one you recommend .",
+ "Yes please give me the address in the postcode",
+ "Yes , please . Can you select one of the free ones for me , and then give me the address and postcode ?",
+ "Thank you . Could you also give me the postcode and address of Pembroke college ?",
+ "Yes , pleas send me the address and postcode on both .",
+ "That sounds good . Can I get the address and postcode , please ?",
+ "Yes , please give me the address and postcode .",
+ "Can I get the address and postcode for The Cambridge Punter ?",
+ "What is the address and postcode of the park ?",
+ "Can I get the address and postcode ?",
+ "That sounds perfect . Can you tell me their address and postcode , please ?",
+ "I want the postcode and address , thanks .",
+ "Just the address in the postcode would be great",
+ "Could you please give me the postcode , address and entrance free of a museum ?",
+ "Sounds great ! Can I get their address and postcode ?",
+ "Oops , before we move on to the train , I forgot to ask - what is the address and postcode for Castle Galleries ?",
+ "I also need their address and postcode as I asked before please .",
+ "Give me the address and postcode for Tenpin please .",
+ "Could I have the addresses and postcodes for all of them please ?",
+ "Great , can I have the address and postcode ?",
+ "Yes , the address and postcode , please .",
+ "Great ! What is the post code and the address ?",
+ "Sounds good . Can I get the address with the postcode for that one , please ?",
+ "Can I have the postcode and address for that college ?",
+ "Yes , I also need the address and postcode please .",
+ "Please give me their address and postcode ."
+ ],
+ "Addr;Fee;": [
+ "Can you tell me the address and entrance fee for one of them ?",
+ "I need the entrance fee and address .",
+ "Thank you , that sounds fine . I see you have included the address and the entrance fee . That 's all I need . Thanks very much .",
+ "Not at this time , but can I get their address and entrance fee ?",
+ "Uh , let 's set it up for a park visit . I 'll need the address and is there an entrance fee ?",
+ "Choose the one with the best reputation for me . I will need the address and entrance fee as well please .",
+ "Can you tell me the address for The Whale of a Time entertainment venue ? And is there an entrance fee to get in there ?",
+ "Can you make a recommendation and provide entrance fee , postcode , and address ?",
+ "Yes , can I have entrance fee and address for the one in the south ?",
+ "What is the entrance fee for Abbey Pool ? Can I also get the address ?",
+ "Well I guess that 's where I 'll be then . Can you tell me the address and entrance fee ?",
+ "Not looking for anything specific . Maybe a college or museum if you can give me the address and entrance fee .",
+ "Surprise me ! I ' m always up for an adventure . I will need the address and entrance fee .",
+ "No area preference in mind . Please get me the address and entrance fee - if any - for one of them .",
+ "I do not . Could I have the addresses for all of them and the entrance fees ?",
+ "Great . Can you let me know the address and entrance fee ?",
+ "choose for me one that is good and get me the entrance fee and address .",
+ "address and entrance fee please ?",
+ "please get me the get entrance fee and address .",
+ "No , please pick one . Provide me with the address , post code and entrance fee .",
+ "Can I also have the address and entrance fee ?",
+ "Surprise me . I do need an address and the entrance fee .",
+ "Yes please ! Could I get their entrance fee and address ?",
+ "Not particularly . Which do you recommend ? If you can provide an address , and info on entrance fees for your favorite , that would be great , thanks .",
+ "I need the entrance fee and address please .",
+ "What 's the address and entrance fee for that pool ?",
+ "Vue Cinema , what is the entrance fee and address for that location ?",
+ "I do n't care which one you recommend , but can you tell me the entrance fee and address ?",
+ "Could you provide me with the address of each location including the entrance fee for them as well ?",
+ "What is the entrance fee and address of pembroke college ?",
+ "What is their address and the entrance fee ?",
+ "Great ! Can you provide addresses and entrance fees ?",
+ "Just the address and entrance fee if fine , if there is no info on the fee , than Ill need the number",
+ "Could you give me the address and entrance fee ?",
+ "If you could recommend one that would be great ! Can you send me the address , entrance fee , and phone number ?",
+ "Can you please recommend one and give me their address and entrance fee ?",
+ "Can you also give me the address and entrance fee for the Jesus Green pool ?",
+ "I would love Club Salsa , thanks ! Can I please have the address and is there an entrance fee ?",
+ "I am looking to get an address and entrance fee for a theatre . Can you search for one for me using the criteria I mentioned earlier ?",
+ "Can you get me the address and entrance fee ?",
+ "pick one for me and i would need the address and entrance fee",
+ "Of course . Can you tell me the address and entrance fee please ?",
+ "Yes , can you tell me about the kettle 's yard ? What is the address and entrance fee ?",
+ "What is the entrance fee and address ?",
+ "Yes , can I please get the address and the entrance fee ? Thanks .",
+ "Can you give me the address and entrance fee to this attraction ? Thank you for your help !",
+ "Just one you think is nice . Please give me address , entrance fee and number .",
+ "Mumford Theater sounds great . May I have their address and entrance fee , please ?",
+ "Yes , may I have their address and entrance fee ?",
+ "How about Soul Tree Nightclub ? Could you send me the entrance fee and address ?",
+ "The folk museum sounds interesting . Can I get the address and entrance fee ?",
+ "Yes , I want the address and entrance fee to both please .",
+ "Any type is fine , can I get the address and entrance fee of one ?",
+ "Can I have the entrance fee and address please ?",
+ "Can you tell me what the entrance fee is for Ballare ? I also need the address .",
+ "I have no preference . Could recommend one and provide the entrance fee and address .",
+ "Can I get the address and entrance fee .",
+ "Yes , please . Could you give me the address and the entrance fee ?",
+ "Can you please recommend one and provide me with their entrance fee and address ?",
+ "Yes , could you please provide the addresses and entrance fees for the churches in the center ?",
+ "I 'd like the address for the one with the entrance fee please .",
+ "Thank you , could I get the address and entrance fee for the one you 'd recommend ?",
+ "Pick one for me . I do meed address and entrance fee information , please .",
+ "What is the entrance fee and address ? I think this sounds like a great place to visit .",
+ "Can I have the postcode , address and entrance fee for each ?",
+ "Any of your favorites will do as long as it 's in the north . I 'll need the address and entrance fee information as well , please .",
+ "No , just the first one on the list is fine . Could you provide me with an address and the entrance fee ?",
+ "I am open to anything . Can you just pick a church and give me the address and entrance fee ?",
+ "I would like their entrance fee and address please .",
+ "Can you recommend a cinema that your database does have address and entrance fee information for ?",
+ "Can you just give me the entrance fee amount and the address ?",
+ "I want the address and entrance fee information",
+ "What is the entrance fee and the address ?",
+ "any of your choice . get me the address and entrance fee"
+ ],
+ "Area;": [
+ "Can you tell me what area it is located in ?",
+ "Thank you . What 's the area for the Cafe Jello Gallery ?",
+ "What area is it located ?",
+ "What area of town is that in ?",
+ "Just need to know what area it 's in .",
+ "What area of town is that in ?",
+ "And what area are they in ?",
+ "No thank you , what area is Clare hall in ?",
+ "no specific area . just recommend one .",
+ "Can you tell me what area Emmanuel College is in ?",
+ "What area is it in ?",
+ "The area does n't matter",
+ "No specific area . Just the first thing that pops up .",
+ "I ' m looking for an entertaining place to go this evening in the Cambridge area , please .",
+ "That 's great ! May I also have the area that Williams Art and Antiques is in ?",
+ "Which is your favorite , and what area is it in ?",
+ "could you also tell me what area it 's in ?",
+ "I do n't care about the area . Can you suggest one ?",
+ "Yes , the centre area .",
+ "I 'd like to visit one with a low or free entrance fee . I also need to know in what area the museum is located .",
+ "Can you give me information on a free one and I 'd need to know what area of town it is in please .",
+ "what area is it in ?",
+ "what area is that in please ?",
+ "Is this located in the centre area ?",
+ "What area is it in ?",
+ "No . I would just like you to recommend one and give me the area , number and how much it cost to get in .",
+ "How much is it to get in to ballare ? And which area is it in ?",
+ "Okay , what area is that in ?",
+ "What area is it in ?",
+ "Any area is fine . Which of the 4 swimming pools do you suggest ?",
+ "Any area is fine .",
+ "It can be in any area . Could you suggest one and give me some information about it , please ?",
+ "I do not have a preference on the area .",
+ "That sounds nice . What area is that pool in ?",
+ "Yes , what area of town is that exactly ?",
+ "What area of the city is this in ?",
+ "Not in particular . Please recommend one and provide the area and entrance free .",
+ "It does n't matter . Pick a good one and please give me the area and fee .",
+ "I do n't care about the about the area . I need a table for four .",
+ "What area is the Lynne Strover museum in ?",
+ "Actually , I think that what I really want is a hotel that is in the same area as a swimming pool . Are there any public swimming pools in town ?",
+ "No , no particular area . Which one do you recommend ?",
+ "Nope , just tell me the area where your favorite is located , and I 'll check it out !",
+ "No , I am familiar with the area . Thanks for your help . Bye .",
+ "I do n't have a preference for the area .",
+ "Thanks , I know that Nusha is the south , but I need the name of the area .",
+ "I do not have an area preference , can you recommend a museum ?",
+ "No I do n't have an area preference .",
+ "Five that are located in the center area .",
+ "Any area is fine . Do you have a favorite ? Maybe we can check that one out . Which one do you like ?",
+ "I do n't have one specifically in mind but could you tell me your opinion on what would be a good area ?",
+ "Which area of town is that in ?",
+ "I 'd like to know its area please .",
+ "What area are they located ?",
+ "What areas of town are they in ?",
+ "Yes , could you suggest some thai restaurants in the area ?",
+ "I also need to know what area that is in ?",
+ "Any area is fine",
+ "I do not have a preference on the area .",
+ "ok , what area of town is that ?",
+ "Can you look again and search all areas .",
+ "That 's unimportant I ' m just looking for the area",
+ "What area is the Whipple Museum in ?",
+ "What area of town is that located in ?",
+ "I do n't care what area it is . I was hoping you could make a recommendation .",
+ "Anywhere in town should be fine , I just need to know what area it is in .",
+ "I trust your recommendation on a museum . What area is it in ?",
+ "that sounds good . What area is it in ?",
+ "What is the area ?",
+ "I ' m fine with any area of town .",
+ "I ' m not sure as I ' m not familiar with the area . Do you recommend a particular college ?",
+ "I do n't have a area of town preference .",
+ "I would like an area near town .",
+ "I ' m not particular on the area , do you have a recommendation ?",
+ "no area preferences really anywhere in town would be perfect .",
+ "Where is the area the swimming pool is ? Also can i have contact number and Car type of a taxi to commute between these to place on time .",
+ "No but what exact area is it in ? Center , east , west etc .",
+ "No specific area . What do you recommend ?",
+ "No specific type , I just need the area that it 's in , please .",
+ "How about a moderately prices Italian restaurant in the same area as the hotel ?",
+ "What sort of place is it , and what area of town is it in ?",
+ "Thank you . Can you please tell me the area of town this is in ?",
+ "What area of town is that in ?",
+ "I have no preferences for area , can you just suggest a couple ?",
+ "What area is that in ?",
+ "I do n't care about the area . If you were me , which one would you enjoy the most ?",
+ "No , but you could tell me the area .",
+ "Sure . What area of town is that ?",
+ "The exact area does not matter .",
+ "I do n't have an area preference .",
+ "I really do not have a preference on the area . Which one would you recommend ?",
+ "What is the area that is in ?",
+ "The area does n't matter , can you suggest something to me ?",
+ "Where exactly is that located ? And is there a fee to enter the gallery ? How is the area ? Is there a lot located around it to do ? Thank you !",
+ "Yes please , and what area of the city is that in ?",
+ "Can you try it in a different area please ?"
+ ],
+ "Addr;Phone;": [
+ "Could you give me the address and phone number ?",
+ "How about one of the free ones ? Give me the address and phone number .",
+ "What is the phone number and address for that place ?",
+ "Alright , that sounds good to me . Could you give me their address and phone number please ?",
+ "Great ! May I have the address and phone number ?",
+ "Fantastic . Can you provide me with the address and phone number for the Castle Galleries , please ?",
+ "Yes , and do you have the address and phone number ?",
+ "Okay can you please give me the address and phone number to one that you recommend ?",
+ "If you can recommend 1 of the 5 and provide me with the address and phone number please .",
+ "Could you also get me the address and phone number ?",
+ "Not really . What 's the address and phone number for your favorite attraction ?",
+ "I 'd like the phone number and address , please .",
+ "What is the address and phone number ?",
+ "Any one will do . I would just need to know how much it costs and the address and phone number for it .",
+ "Sounds good , please advise the address and phone number . Thank you .",
+ "plese get me the phone number and address",
+ "Sweet could you give me their phone and address ?",
+ "Can you tell me the address and phone number for the one in the center of town ?",
+ "What is the address and phone number ?",
+ "Could I have their phone number and address please ?",
+ "Sounds good . I need the address and phone number for them too .",
+ "If you can go ahead and recommend one and provide me with the phone number and address please . Thanks so much .",
+ "Sure , can I have the phone number and address ?",
+ "No , just the one you like . I will need the address and phone number .",
+ "Could i please get the phone number and address ?",
+ "Ok , can you give me the phone number and address please ?",
+ "I will take the address , phone number and fee for the one you recommend",
+ "cambridge book abd print gallery sounds wonderful . Can I please have their address and phone number ?",
+ "Yes please . I need an address and phone number , too .",
+ "Can I get the phone number and address for Cambridge Punter ?",
+ "Yes , can I also have the phone number , and address for cambridge contemporary art ?",
+ "Yes , could I get the address and phone number for the pool ?",
+ "Could you please provide me with the address and phone number ?",
+ "Anyone of those would work . Could you recommend something for me ? I 'll need the phone number , and address as well .",
+ "Thanks ! Can I have the address and phone number please ?",
+ "Okay , and what is the address and phone number for the Abbey Pool ?",
+ "pick one that is free and give me the address and phone number",
+ "Yes may I have their phone number and address .",
+ "Can you give me the phone number and address ?",
+ "Could I get the address and phone number for one please ?",
+ "Excellent ! What is the phone number and address ?",
+ "Oh , before I forget . Can I ask for the star rating on Carolina B&B ? And yes , can I get both the address and phone number for the concert hall please ?",
+ "Can I get the address and phone number for the nightclub with an entrance fee of 4 pounds ?",
+ "Can I have the phone number and the address of the museum ?",
+ "I would like the address and phone number .",
+ "Excellent . Can I please have they 're phone number and address please ?",
+ "phone number , address please thank you",
+ "Not sure what area , but could you pick one for me and tell me the address and phone number ?",
+ "Which museum is located in the centre ? Can you give me a phone number and address please ?",
+ "Yes , may I have their phone number and address please .",
+ "Yes , that would work . Could I get the full address and phone details for Clare Hall please ?",
+ "The Cambridge Artworks sounds good . Can I get the address and phone number please ?",
+ "find me its phone number and address .",
+ "Can I get their phone number and address please .",
+ "I would prefer a college in town centre . I 'll need the phone and address also .",
+ "No , any one will be find . Will you pick one for me and send me the address information and phone number ?",
+ "What is the address and phone number of Queens ' College ?",
+ "Please tell me their phone number and address",
+ "Yes . Can I please have the phone number and address ?",
+ "Yes , what is the address and phone number ?",
+ "Can I please have the phone number and address for that place ?",
+ "That sounds nice . Can you give me their address and phone number , please ?",
+ "Not really , what do you suggest , and can you provide address and phone number ?",
+ "i need its address and phone number .",
+ "How about Jesus Green Outdoor pool . Could I have their address and phone number .",
+ "I need the address and phone number , please .",
+ "Can I get the phone number and address of Ballare ?",
+ "May I have the phone number and address for Castle Galleries ?",
+ "Just the address and phone number please .",
+ "Please recommend a good one to me in that area . I need the address and phone number for it as well please .",
+ "Yes , thanks ! What is the address and phone number for Kambar ?",
+ "May I please get their address and phone number ?",
+ "I do not care I need the phone number and address",
+ "Can I also have their phone number and address ?",
+ "Sounds great . Can I get the address and phone number please ?",
+ "Can you tell me the address and phone number to the All Saints Church .",
+ "Ok . What is the address and phone number for old schools ?",
+ "Vue Cinema sounds good . Can I get their address and phone number , and can you tell me how much it is to get in there ?",
+ "Can I get their address and phone number ?",
+ "phone number , and address please",
+ "Give me the phone number and address for King 's College please .",
+ "Could I have the address and phone number to the theater ?",
+ "find me the address , phone number and fee for an art museum in the center of town .",
+ "No thanks , I 'd like to call them first . Can you give me the address , phone number and entry fee for Cherry hinton village centre ?",
+ "Club Salsa sounds right up my alley . Can I get the address and phone number please ?",
+ "Yes can I get the phone number and address for them ?",
+ "Ah , just pick one for me that looks interesting , and give me the address and phone number for that one .",
+ "Sure . Can I have the phone number and address ?",
+ "Sure , just the address and phone number will be fine .",
+ "Okay , could you give me the address and phone number ?",
+ "Can I have the address and phone number , please ?",
+ "That sounds great , can I get its address and phone number ?",
+ "I need their phone number and address .",
+ "Can I get their address and phone number please ?",
+ "Can I have the address and phone number , please ?",
+ "Great , would you be able to give me the address and phone number ?",
+ "The History of Science Museum sounds interesting . Could you please send me the phone number and address ?",
+ "I would like Nusha . Can you give me the phone number and address for Nusha ?",
+ "Just pick one for me and send me their poscode , phone number and address .",
+ "Yes and can I have the phone number and address of one of attraction ?",
+ "That sounds great ! Can I get their address and phone ? And is there a fee to get in ?",
+ "I do n't have a preference . Just recommend one and send me it 's address and phone number .",
+ "That sounds nice . Can you give me the phone number and address ?",
+ "What is the phone number , and address for a free college that you recommend ?",
+ "Can you provide me with their address and phone number please ?",
+ "I do n't . Could you recommend one , and give me the phone number and address ?",
+ "Which one do you recommend ? Can i have the address and phone number ?",
+ "yes please find me their address and phone number",
+ "Please pick the one that you think is the best out of them , and then provide me the phone number and address for it",
+ "May I please have the address and phone number of one that you recommend ?",
+ "What 's the phone number and address for the ADC Theatre ?",
+ "Ok , great . Can you provide me with their address and phone number ?",
+ "I would like the address and phone number .",
+ "Could I have the address and phone number for both of those ?",
+ "Not really . What 's the phone number , fee , and address for your favorite ?",
+ "You can pick for me . I just need the phone number , address .",
+ "Yes ! I 'd like a phone number and address of one of those .",
+ "Could I have the address and phone number ?",
+ "Okay , great . Can I have the address and phone number for Christ 's College ?",
+ "Sounds good . What 's the address and phone number of the Whipple ?"
+ ],
+ "Addr;Fee;Post;": [
+ "Great , can I get the postcode , entrance fee and address of one of them ?",
+ "Can I have the address and postcode of Churchill College and entrance fee ?",
+ "I have no preference . Can you make a recommendation and provide the address , entrance fee , and postcode ?",
+ "Nothing specific . Can you make a recommendation and give me their address , postcode , and entrance fee ?",
+ "I would like the address , postcode and entrance fee .",
+ "Can I have the address , postcode , and entrance fee",
+ "I am looking for any one you 'd recommend , I just need the address , entrance fee , and postcode .",
+ "I do n't care , but could you make me a suggestion but tell me the entrance fee along with their address and postcode ?",
+ "Could I have the postcode , address , and entrance fee ?",
+ "sure , i just need the address , postcode , and entrance fee .",
+ "I like the name . Could you give me Kambar 's address , postcode and entrance fee please ?",
+ "Yes , could I get the address , postcode and entrance fee ?",
+ "Can I get a postcode , entrance fee , and address of one of them ?",
+ "Could you give me the postcode , address please ? Too bad it does n't mention the entrance fee , but I will call them .",
+ "I also would like the postcode , address and entrance fee .",
+ "That 'll be fine . What is the entrance fee , address , and postcode for that ?",
+ "May I also get the postcode , the address , and the entrance fee ?",
+ "I am . Can I please have the postcode , address , and entrance fee of an attraction ?",
+ "I ' m also looking for some places to go in the same area as the hotel . Can you make some suggestions ? I need the address , postcode , and entrance fee if any .",
+ "Oh that sounds good . May I have their address , postcode , and entrance fee , please ?",
+ "You pick something in the east for me . I 'll need the address , postcode and entrance fee . I ' m also wanting information on Anatolia . Thank you !",
+ "Whatever the case might be , I need the entrance fee , postcode , and address as well .",
+ "Yes please , could i get their address , postcode and entrance fee if they have one ?",
+ "The area does n't matter , please just send me the address , entrance fee , and postcode for the most popular museum in the city .",
+ "Actually can I have the post code , address , and information about the entrance fee ?",
+ "Could I get the postcode , address and entrance fee for that location , please ?",
+ "Could I get the address , postcode and entrance fee ?",
+ "Please recommend one that sounds interesting , and give me the entrance fee , address , and postcode .",
+ "I have no preference , I just need the address , postcode , and entrance fee .",
+ "Yes , please . Can I have the postcode , entrance fee , and address ?",
+ "What is the address , entrance fee , and postcode ?",
+ "That sounds like fun . Can you tell me the address and postcode of this place . as well as how much the entrance fee is ?",
+ "Thank you , can I please get an address and postal code . Is there an entrance fee that will be charged .",
+ "What is the entrance fee , address and postcode for the Abbey Pool ?",
+ "What do you recommend ? I will be need the address , entrance fee , and postcode for what you recommend please .",
+ "Could I have the address , entrance fee , and postcode .",
+ "Yes , please . I need the theatre 's entrance fee , address and postcode .",
+ "Would you choose an entertainment venue for me ? Museums and colleges seem so boring . I will need the address , postcode and entrance fee , please .",
+ "How about choosing a famous one and give me the address , postcode and entrance fee .",
+ "Yes , I still need the address , postcode , and entrance fee for the Nusha , please .",
+ "Yes please . I 'll also need the entrance fee , post code and address .",
+ "Not really , what do you suggest ? Can I have the address , postcode , and entrance fee ?",
+ "Can you recommend a college in the west area ? I 'll need the address , entrance fee and post code as well please ."
+ ],
+ "Area;Fee;": [
+ "The area does n't matter , but I do need to know the entrance fee .",
+ "Can you tell me what area Milton Country Park is in and what the entrance fee is ?",
+ "pick one and give me the area and entrance fee",
+ "No , whatever your recommendation is . I will just need the area it 's in and the entrance fee please .",
+ "Give me the entrance fee and area of any theater please .",
+ "I need the area and entrance fee",
+ "Could you tell me what area it 's in , and if there 's an entrance fee ?",
+ "Any type would be fine I just need to know the area and entrance fee of one you would recommend .",
+ "No , it does not matter . I just need information about the entrance fee and the area where it 's located .",
+ "Yes . Please let me know the area and the entrance fees . Thanks for your help !",
+ "What is the area and how much is the entrance fee ? I will need the address and the phone number .",
+ "I do n't have a certain part of town . Pick one that you recommend and I will need the area and entrance fee .",
+ "No , any is fine . Can you tell me what area one of them is in and also the entrance fee ?",
+ "Yes , I need a entrance fee and area",
+ "It does n't matter , pick one for me and I 'll need the area and entrance fee please .",
+ "Great , thanks for that . Can you tell me what area of the city that 's in , and what their entrance fee is ?",
+ "I just want you to recommend one you think is best and then please tell me the entrance fee and area",
+ "Can I get information on area and entrance fee ?",
+ "Yes , what area is this located in ? I may give them a call today and ask about the entrance fee ."
+ ],
+ "Fee;Post;": [
+ "Yes please , including the postcode . Is there an entrance fee ?",
+ "Just the postcode and entrance fee please .",
+ "No just the postcode and entrance fee , if available .",
+ "Can you tell me what the entrance fee is ? May i also have their postcode please ?",
+ "No , but can I get a postcode and the entrance fee ?",
+ "That sounds good , I need the postcode and the entrance fee as well please .",
+ "The park sounds good . Can you give me the postcode ? And is there an entrance fee ?",
+ "Yes , please let me know the postcode and entrance fee of one in the centre area .",
+ "Yeah , can I get the entrance fee and postcode ?",
+ "Any attraction you recommend will be great . I just need the postcode and entrance fee .",
+ "Can you suggest one for me ? I would like to know their postcode and entrance fee please .",
+ "Yes , Can I have the post code and entrance fee for the ADC ?",
+ "Yes , can I get the postcode and entrance fee ?",
+ "That sounds lovely . What is the postcode and entrance fee ?",
+ "I think that would work . Can you tell me their entrance fee and postcode please ?",
+ "Not right now . Can you tell me it 's postcode and entrance fee ?",
+ "Yes please . What 's its entrance fee , contact number , and postcode ?",
+ "Can I have the entrance fees for both of those please , and the associated postcodes ?",
+ "What kind of attraction is Gallery at twelve ? Can you also tell me what their entrance fee and postcode are ?",
+ "May I please have the postcode , and entrance fees for the nightclubs ?",
+ "Can I get their postcode and entrance fee please ?",
+ "Which is your favorite museum ? If you 'll get me their postcode , entrance fee , and phone number , I 'll give them a call .",
+ "Which one would you suggest ? Please give me the phone number , entrance fee , and the postcode . Thank you .",
+ "Yes , I want a museum that does n't admit children . Also , I would like to know what the postcode of the museum , and also I need to know the entrance fee .",
+ "As long as it is in the same area it does n't matter , please recommend one . I want its postcode and entrance fee as well",
+ "please provide me with entrance fee and postcode",
+ "Kings Hedges sounds good , what postcode are they in ? And do they have an entrance fee ?",
+ "What is the entrance fee and the postcode ?",
+ "Perfect , could I have the entrance fee and postcode ?",
+ "recommend any and give me the entrance fee and postcode",
+ "i need to know how how much the entrance fee is and the postcode if you may please ?",
+ "Okay may I have the entrance fee and postcode for that please ?",
+ "i suggest whale of time . i need its address , entrance fee and postcode",
+ "Yes could I have their postcode and entrance fee ?",
+ "Yes , please get me their entrance fee and postcode .",
+ "Actually , just give me the postal code and entrance fee .",
+ "Can you tell me the postcode and entrance fee ?",
+ "Yes , that would be great . Can you also give me the entrance fee and postcode for that college ?",
+ "I do n't mind an entrance fee . Could you actually give me the postcode for that college ?",
+ "I just need the entrance fee and postcode , please .",
+ "Yes , can I get the postcode and also the entrance fee ?",
+ "Can i get their postcode , and entrance fee and is that a museum ?",
+ "Okay , could you tell me he postcode and the entrance fee ?",
+ "I need the post code and the entrance fee .",
+ "Yes . Could you please give me the postcode and entrance fee ?",
+ "Would you also give me the postcode and entrance fee , please ?",
+ "I have no preference for the area , would you recommend one for me ? I would also need the postcode and entrance fee please .",
+ "Can I get the adress , postcode , and entrance fee ?",
+ "Thanks , what is the postcode and entrance fee for kettles yard ?",
+ "I do n't have a preference , but could I have the entrance fee , postcode , and phone number please ?",
+ "You can book that on for me . I will need the entrance fee , phone number , and postcode .",
+ "Yes , what nightclub would you recommend ? Can you tell me the address , including the postcode , and the entrance fee ?",
+ "Can I get the postcode and entrance fee for The Junction ?",
+ "That would work well for me can I get their entrance fee and postcode as well ?",
+ "All of those sound great . Can you recommend one and just give me the postcode and entrance fee ?",
+ "I do n't really care , what do you recommend ? I will need the postcode and entrance fee please .",
+ "No , the first one would be good . Could I also get the entrance fee and postcode .",
+ "The park sounds great , what is the postcode and entrance fee ?",
+ "Anything that you recommend I need the postcode and entrance fee .",
+ "Can you tell me the entrance fee and postcode for The Man on the Moon ?",
+ "Either one is fine . How about the south . Can you give me the postcode and entrance fee for that one ?",
+ "What is the postcode and entrance fee ?",
+ "That sounds great . Can i get the postcode and is there a entrance fee ?",
+ "Can you make a recommendation and proved the entrance fee and postcode ?",
+ "Yes , what is the postcode and entrance fee ?",
+ "Excellent . Can I get the entrance fee and postcode of one of them ?",
+ "What 's the postcode and entrance fee , if any , for your favorite one ?",
+ "Yes , can I have the postcode and the entrance fee , please ! ?",
+ "Is that in the Centre ? If so , could I get the postcode , and how much the entrance fee is ?",
+ "Just the postcode and entrance fee I am afraid .",
+ "Yes please . I 'd like to know the postcode and if there is an entrance fee .",
+ "5 days and I need postcode and entrance fee",
+ "Could I get the postcode and entrance fee for the one in the east ?",
+ "That sounds good . What is the entrance fee if any , and it 's postcode ?",
+ "Yes . What are the postcode and entrance fee ?",
+ "Yes , could you also give me the postcode and entrance fee for the Mumford Theatre ?",
+ "what s the entrance fee and post code . ?",
+ "And , what is the postcode and entrance fee , please ?",
+ "Can I get the entrance fee and postcode , please .",
+ "Whatever you recommend . I just need the name , number , post code and entrance fee .",
+ "Thank you for that . Can you give me the postcode and entrance fee ?",
+ "i also need the entrance fee and postcode .",
+ "I would like to visit a college . May I have the entrance fee and postcard ?",
+ "Can you tell me the postcode on that and the entrance fee ?"
+ ],
+ "Fee;Type;": [
+ "Yes , what is their entrance fee and attraction type ? Thanks !",
+ "Whatever you recommend is fine . I 'll need the entrance fee and attraction type .",
+ "What type of attraction is this ? Maybe I 'll call them and find out the entrance fee .",
+ "can you suggest any attractions in the same area ? I need the entrance fee if any and attraction type",
+ "Yes , can you tell me what type of attraction it is and whether or not there is an entrance fee ?",
+ "What types of attractions are there and what are the entrance fees ?",
+ "I 'd like to find a attraction in the same area of town as the restaurant . Can I get the attraction type and entrance fee ?",
+ "Pick one and I would need the entrance fee and attraction type .",
+ "Please pick your favorite one to recommend to me and provide me with the name , attraction type , and entrance fee . I am open to anything !",
+ "What type of attraction is it and what is the entrance fee ?",
+ "Can you tell me what type of attraction this is and the entrance fee ?",
+ "I like the sound of that . Can you tell me the type and entrance fee please ?"
+ ],
+ "Phone;Post;": [
+ "Can i get the phone number and postcodes for those ? Thank you .",
+ "Great ! Can you get me their phone number and postcode ?",
+ "Excellent , could I also get its postcode and phone number ?",
+ "Great ! I 'll take any of the free ones you have , but can I please have the phone number and the postcode for it ?",
+ "Yes . Can you recommend one place and provide their phone number and postcode ?",
+ "Can I get the postcode and phone number ?",
+ "Can I also get a phone number and postcode for the museum ?",
+ "Yes , can I get the postcode and phone number for the pools ?",
+ "How much do Clare and Queens ' charge ? Can I have their phone number and postcode ?",
+ "Ok , can I have the phone number and postcode , please ?",
+ "I would like the phone number and postcode for it please .",
+ "Can you also tell me the phone number and postcode ?",
+ "May I have a second recommendation with their phone number and postcode ?",
+ "Can I get the phone number and post code for the museum ?",
+ "No that information is enough for now but I would like to find a college to visit on the west side and would appreciate their telephone and postcode .",
+ "What is the one that is free ? Can I get the phone number and postcode ?",
+ "Can you pick the best swimming pool and get me the postcode and phone number please ?",
+ "Is it actually a church ? I will need a phone number and postcode if possible .",
+ "If I could just get the phone numbers and postcodes , that would be great !",
+ "That sounds great can I get the phone number and postcode ?",
+ "Can you give me the phone number and postcode ?",
+ "No , any of them will do . Could you give me the phone number and postcode ?",
+ "I would like Cambridge Artworks . Can you give me the phone number and postcode for it ?",
+ "Do you have any suggestions ? I would just need the postcode and phone number and let me know what kind of attraction you suggest . Thanks !",
+ "Great , can I get the phone number and postcode ?",
+ "What is the postcode and phone number for one of them ?",
+ "All saints church sounds nice , can I please get their postcode and phone number ?",
+ "Can I have their post code and phone number please ?",
+ "Could I also have the postcode and phone number ?",
+ "That sounds good . May I have their postcode and phone number ?",
+ "I do not have a preference . Can you give me the phone number and postcode for one ?",
+ "no , just find me a college anywhere in town please and I 'll need their phone number and post code when you find it please .",
+ "Thank you for the information . Do you happen to have the postcode and phone number for the Man on the Moon ?",
+ "Could you please give me the phone number and postcode for the church ?",
+ "Can you provide the phone number and post code to the attraction ?",
+ "Can you please recommend one and provide me with their post code and phone number ?",
+ "Okay . Could I have their postcode and phone number please ?",
+ "No , just give me whatever . I 'd like a postcode and phone number for the location please .",
+ "Thanks . Can you provide the phone number and postcode too ?",
+ "I would like the phone number and the post code please .",
+ "That sounds great . Can I get their phone number and postcode please ?",
+ "I 'll take one with an entrance fee , and I 'll need the postcode , and phone number please .",
+ "That sounds good . May I have the phone number and postcode ?",
+ "Yes , please . I need the phone number and the postcode , please .",
+ "Thanks . May I have the postcode and phone number , please ?",
+ "Any area is fine . Can you give me the phone number and postcode of your favorite one ?",
+ "Yes , please . May have I have phone number and postcode ?",
+ "Sounds interesting . What is the fee ? Also can I have their phone number and postcode ?",
+ "Can you give me the phone number and postcode for the Jesus Green pool , please ?",
+ "That is their postcode and phone number , please ?",
+ "No . If I could just get the postcode and phone number , please ?",
+ "Could I have the phone number and postcode ?",
+ "Can you give me their phone number and postcode , please ?",
+ "What 's their phone number and postcode ?",
+ "Can you give me their phone number and postcode ?",
+ "Great ! Can you give me the postcode and phone number ? I 'd like to mark that in my notes in case I get lost .",
+ "Could I get the phone number and postcode ?",
+ "Could I get the phone number and postcode as well ?",
+ "Ok , thanks . Can I get the phone number and postcode as well ?",
+ "Yes , please - the phone number and postcode .",
+ "I need the get postcode and phone number .",
+ "The adc theatre sounds perfect . Could I get the postcode and phone number please ?",
+ "That sounds great . Can you get me the postcode and phone number for it ?",
+ "I 'd like the postcode and phone number of that gallery please .",
+ "How about a museum ? And could you provide me with a postcode and phone number please ?",
+ "Any place would be great . If you could pick one and send me the phone number and postcode please .",
+ "Can I have the phone number and postcode for the one in the south ?",
+ "I 'd be interested in boating and swimming . Please give me phone numbers and postcodes .",
+ "I do n't care about the entrance fee . Can you recommend a good museum and give me the postcode and phone number ?",
+ "Yes , I need the phone number and postcode please .",
+ "Can you give me their phone number and postcode ?",
+ "I have no preference . Can you pick one for me ? I 'll need the postcode and phone number please .",
+ "That sounds great , can I get the phone number and postcode please ?",
+ "No thanks . But can I get the phone number and postcode please ?",
+ "Does n't matter . Can you get me the postcode and phone number ?",
+ "what is their postcode and phone number ?",
+ "Yes , what is the phone number and postcode for All Saints Church ?",
+ "Yes that sounds good . What is their phone number and postcode ?",
+ "Just give me the information for the first one that is free in the centre , like their phone number and postcode please .",
+ "I m not familiar to the area , so I will try any nightclub that you suggest , I just need the phone number and postal of whatever you pick .",
+ "You pick one that you think best . Please give me the postcode and phone number please .",
+ "Yes , one of those would be fun . Can you get me their postcode and phone number ?",
+ "May I have the phone number and postcode ?",
+ "Can you give me the postcode and phone number ?",
+ "That sounds great , can I please get the phone number and postcode ?",
+ "Yes . What is the postcode and phone number ?",
+ "Yes , I 'd like the phone number and postcode .",
+ "Yes , I need a phone number and postcode .",
+ "Can I have the postcode and phone number for that park ?",
+ "Let 's do a museum . Can you please send me the postcode , and phone number please .",
+ "I love architecture . Can you please provide the phone number and postcode for Holy Trinity ?",
+ "Thank you , can you give me the phone number and postcode ?",
+ "Can you give me the postcode and phone number for Nusha ?",
+ "That sounds like fun . Please get me their postcode and phone number",
+ "Can you give me the phone number and post code for the Cambridge Artworks ?",
+ "May I have the phone number and postcode ?",
+ "Sure . What is the postcode and phone number , please ?",
+ "Can I also get their phone number and postcode ?",
+ "Pick a good one for me . I need the phone number and postcode for it too .",
+ "Yes , I 'd like their phone number and postcode , please ?",
+ "could you give me the postcode and phone number .",
+ "I do n't care about the area . Can you give me the name , postcode , and phone number of the one with an entrance fee ?",
+ "Can I have the postcode and phone number , please ?",
+ "Can I also have the postcode and phone number ?",
+ "That sounds great . Could I get the phone number and post code please ?",
+ "Just the postcode and phone number .",
+ "Yes , may I please get the phone number and the postcode as well ?",
+ "That sounds great . Can you provide me with Cineworld Cinema 's postcode and phone number please ?",
+ "Can I get the postcode and phone number for them please ?",
+ "Can I get the phone number and postcode for both ?",
+ "That sounds great ! Can I have their phone number and postcode , please ?",
+ "Yes please and can I get the phone number and post code .",
+ "That sounds good . What is their postcode and phone number please ?",
+ "That sounds lovely , could I get the phone number and postal code please ?",
+ "Yes , please give me the postcode and phone number to both places . Thank you !",
+ "Could you give me the postcode and phone number of two of them that are popular tourist destinations ?",
+ "Thank you , can I also have the postcode and phone number ?",
+ "Yes , I need the phone number and postcode please .",
+ "I would be going from Cambridge Arts to Panahar , leaving by 1:00 . Can you please provide the postcode and phone number of Cambridge Arts as well ?",
+ "I m sorry , can I get the phone number and postcode for the museum first ?",
+ "Yes , that sounds good . Can I get their phone number and postcode please ?",
+ "I would like a museum near the centre . Could you please tell me the fee , phone number , and postal code .",
+ "Sure . Could you give me the postcode and phone number of a free one ?",
+ "no . find me where it is located , phone number and postcode",
+ "Yes . Can you please give me their phone number and postcode ?",
+ "Great can I get the phone number and postcode of one you 'd recommend ?",
+ "What is the postcode and phone number there ?",
+ "Thanks , could I please have their phone number and postcode ?",
+ "Yes , I also need their postcode and phone number .",
+ "Christ 's college sounds perfect . Can I get the postcode and phone number please ?",
+ "Great , I like free ! Can you give me the postcode and phone number to all saints church please ?",
+ "That sounds good can I get the postcode and phone number ?",
+ "Can you please provide me with the postcode and phone number for the museum ?",
+ "Sounds good . What is their postcode number as well as their phone number ?",
+ "Could you suggest one and provide the postcode and phone number ?",
+ "Thank you , can I get the postal code and phone number as well ?",
+ "What is the cost to get in ? I need the postcode and the phone number as well .",
+ "I 'd like the phone number and postcode for the museum .",
+ "I have no preference . Can you suggest one and give me their postcode and phone number ?",
+ "Can I get information on the County Folk Museum ? Specifically the phone number and postcode .",
+ "Great , can I also have the postcode and phone number ?"
+ ],
+ "Area;Type;": [
+ "Could you also tell me what type of attraction that is and I will also need to know what area of town that is in .",
+ "Thank you . What area is that in , and what type of attraction is it ?",
+ "Yes . The type of attraction , adress including area as well ."
+ ],
+ "Type;": [
+ "Yes , what is the attraction type ?",
+ "I do n't see it . Is there any other attraction types it 's listed under ?",
+ "And the attraction type is a museum , right ?",
+ "yes I 'll need the attraction type please .",
+ "What type of attraction is this ?",
+ "What type of attraction is Cherry Hinton Hall ?",
+ "What type of attraction is that ?",
+ "That sounds perfect for what I am looking for . Can you tell me what type of attraction that is considered ?",
+ "Thank you . What type of attraction is this ?",
+ "What type of attraction is that college ?",
+ "What type of attraction is is ?",
+ "Actually , can you tell me what type of attraction it is ? My friend suggested it and mentioned the name , but not much else .",
+ "Yes what is the attraction type ?",
+ "What attraction type would you classify it as ?",
+ "The attraction type is college ? I think that 's all the information that I needed , thanks .",
+ "What attraction type is it please ?",
+ "I would really like it to be a attraction type .",
+ "What type of attraction is it ?",
+ "Can you recommend an attraction type ?",
+ "What types of attractions are there ?",
+ "What type of attraction is the museum ?",
+ "Yes , could i get a contact number and vehicle type ?",
+ "That sounds interesting , what type of attraction is it ?",
+ "What is the attraction type ?",
+ "And what attraction type would that be considered ?",
+ "What is the attraction type ?",
+ "What type of attraction is it ?",
+ "Okay , thanks ! What type of attraction is it ?",
+ "Is it a specific type of attraction ?",
+ "Yes , could you tell me what type of attraction this is ?",
+ "That sounds interesting , what type of attraction is it ?",
+ "What type of attraction is the Funk Fun House ?",
+ "Any type will do .",
+ "Would you just recommend one and let me know what type it is please ?",
+ "Great ! Thanks ! Is that just a college or is there any other type of attraction there ?",
+ "Any type is fine .",
+ "Yes , what type of attraction is it ?",
+ "I need to know where a fin place ot go is , I do nt care what type , just in the cetre area near where I am eating .",
+ "What type of attraction is it and how much does it cost ?",
+ "I 'll visit anything . I do n't much care the type .",
+ "Thanks so much . What type of attraction are they ?",
+ "It does n't matter what type , you pick !",
+ "One more thing . Would you confirm the attraction type for the regency gallery and ruskin gallery ?",
+ "Thank you ! What is the attraction type ?",
+ "What type of attractions are they ?",
+ "What type of attraction is it , and what does it cost to get in ?",
+ "What is the attraction type for All Saints ?",
+ "I just need to know what type of car you booked for the taxi .",
+ "How about your favorite ? What type is that ?",
+ "Is there price for admission ? what type of attraction is it ?",
+ "Great what type of attraction are they ?",
+ "Actually , that 's ok . I can find out later . But can you tell me what attraction type they are ?",
+ "What type of attraction is it ?",
+ "What type of attraction is this ?",
+ "What type of attraction is that ?",
+ "I ' m not sure . What types of attractions are there ?",
+ "And what type of attraction is it ?",
+ "Sounds good ! Do you happen to know what attraction type it is ?"
+ ],
+ "Fee;Phone;": [
+ "please get me their phone number and entrance fee",
+ "What 's the phone number and entrance fee for your favorite college ?",
+ "That sounds great . Can you tell me a phone number I can reach them at , and also the entrance fee ?",
+ "Could you give me the entrance fee and phone number ?",
+ "Sure . What is the entrance fee and phone number ?",
+ "Could you recommend one to me and provide their phone number and entrance fee ?",
+ "I do not have any preference on the area . Can I have the phone number and entrance fee to one of the museums ?",
+ "Yes , I would like the phone number adderss and entrance fee .",
+ "What is the entrance fee and phone number ?",
+ "Can I have the entrance fee for the Nusha , as well as the phone number ?",
+ "Can you give me their entrance fee and phone number ?",
+ "It does n't matter . I just need a phone number and entrance fee .",
+ "Can you recommend one ? I 'd like the entrance fee and the phone number , please .",
+ "That sounds great . I just need the phone number and entrance fee .",
+ "What do you recommend I need the phone number and entrance fee information as well .",
+ "Perfect . May I have the entrance fee and phone number please ?",
+ "Could you recommend a college that is enjoyed by the most people ? I would like the college 's phone number and entrance fee , please .",
+ "That 's not necessary , but I would like to know what the entrance fee and phone number for a good one is .",
+ "Please select your favorite and then give me the phone number and entrance fee information",
+ "I would like the entrance fee and phone number .",
+ "Can I get their phone number and entrance fee please ?",
+ "Okay , could you give me the entrance fee and phone number information for your favorite museum there ?",
+ "Great thanks , what is their entrance fee and phone number ?",
+ "Nope , any will be fine . I just need an entrance fee and phone number for one .",
+ "Can I get the entrance fee and phone number for the Abbey Pool please ?",
+ "Yes , could you please make sure it is located in the downtown area . And could you let me know the entrance fee and phone number ?",
+ "Perhaps the center of town . Can you provide me with information regarding the entrance fee and a telephone number too ?",
+ "Yes , I want the phone number and also the entrance fee , please .",
+ "Yes . Also I need the phone number and the amount of entrance fee . I also will be needing a train .",
+ "Do you have their phone number and how much is the entrance fee ?",
+ "Milton Country Park sounds nice , can I get their phone number and entrance fee ?",
+ "Which club to you recommend , can I get the entrance fee and phone number ?",
+ "Yes that would be great . I am also looking for a museum to visit . Could you provide the entrance fee and phone number ?",
+ "I am not . Can you please give the phone number and entrance fee for one of them ?",
+ "Just give me the phone number for the first one on your list , and can you confirm if that one has an entrance fee please .",
+ "That sounds good . Can you tell me the entrance fee and phone number ?",
+ "I have no particular area in mind . Which do you recommend and can I get the entrance fee and phone number please ?",
+ "Yes can you get me the phone number and entrance fee of a museum ? It can be located anywhere in Cambridge .",
+ "Yes and also the entrance fee and phone number .",
+ "Can you tell me the entrance fee and phone number ?",
+ "Can I get the entrance fee and phone number please ?",
+ "Is there an entrance fee ? Please provide a phone number . Also I need a place to stay that has free wifi and parking . Can you suggest a decent place ?",
+ "Please provide the entrance fee and phone number for me",
+ "Yes , I just need the entrance fee and phone number",
+ "That sounds perfect . What is the phone number ? And is there an entrance fee ?",
+ "any place if fine . please give me the phone number and entrance fee ?",
+ "Yes please , can I have the phone number and entrance fee .",
+ "Please give me their phone number and entrance fee .",
+ "A museum sounds good can I get the phone number and entrance fee of one ?",
+ "Yes . Could I get the entrance fee and phone number please ?",
+ "I ' m looking for attractions , can you suggest something interesting ? . I also need the phone number and entrance fee .",
+ "Thank you . I just need the phone number and I ' m wondering how much the entrance fee is ?",
+ "That sounds great . Do you have the phone number and how much the entrance fee is ?",
+ "Yes ! Can I have the phone number and entrance fee please ?",
+ "Sure , just pick one , please ? I 'll need the entrance fee and phone number .",
+ "No , I just need the phone number and entrance fee for each of them .",
+ "Yes please . I would also like the entrance fee and phone number for it as well .",
+ "Can I get the phone number and the entrance fee then ?",
+ "Okay , that sounds nice . Can you give me their phone number and tell me their entrance fee ?",
+ "The school is fine . What is the entrance fee and phone number ?",
+ "Yes , I will also need the phone number and entrance fee please .",
+ "Thank you , either one will be perfect . Can you choose one and get me the phone number , please ? Oh ! And the entrance fee , too .",
+ "Sounds fantastic . Can I get the phone number ? And is there an entrance fee ?",
+ "Yes , please . I would also like to know the entrance fee and phone number for that cinema .",
+ "Please . Could you also provide their phone number and entrance fees ?",
+ "No how about you pick on and give me the entrance fee if any and the phone number please",
+ "Could I get the phone number and what the entrance fee is please ?",
+ "What is the name , entrance fee , and phone number of the one in the center ?",
+ "Could I get the phone number and entrance fee ?",
+ "May I have their phone numbers and the entrance fee for the pools ."
+ ],
+ "Addr;Fee;Phone;": [
+ "Yes and I need to know the entrance fee , address , and phone number",
+ "Okay , thanks ! Can you please tell me the entrance fee , address , and phone number ?",
+ "Thank you ! Can you please tell me the phone number , entrance fee , and address ?",
+ "Yes , what is the museum address and phone number ? I am also curious about the entrance fee , please .",
+ "Surprise me , please . I just need their address , phone number , and entrance fee .",
+ "That 's great , could you pick me one and provide the entrance fee , phone number , and address ?",
+ "Yes that sounds good can I get the phone number , entrance fee , and address .",
+ "Can you please get me the entrance fee , address and phone number for these .",
+ "That sounds interesting ! Can I have their address , entrance fee , and phone number ?",
+ "Nope , I just need the entrance fee , phone number , and address of your favorite one .",
+ "I will take the phone number , entrance fee and address of the one you choose for me .",
+ "I need the address , entrance fee , and phone number .",
+ "That sounds great . Can I get the phone number , address , and entrance fee ?",
+ "Can I get the address , entrance fee and phone numbers for both ?",
+ "Can I have the address , phone number , and entrance fee of Nusha .",
+ "Yes , I 'd like the address , phone number and entrance fee for one of the museums , please .",
+ "What is the phone number for the swimming pool , entrance fee , and address ?",
+ "Sure , can you give me the address , phone number and entrance fee . Thanks .",
+ "Can you recommend one ? I need the address , entrance fee , and phone number too .",
+ "Can you give me the address , phone number , and entrance fee for the museums ?",
+ "that is great . please get for me the entrance fee , address , and phone number .",
+ "Great can I get the entrance fee , address , and phone number please ?",
+ "Which is your favorite ? Give me their address , phone number , and entrance fee , and I 'll check it out .",
+ "Does n't matter . Can I get the entrance fee , address , and phone number please ?",
+ "could you please provide the address , phone number , and entrance fee .",
+ "That sounds great . Can I please have the address , entrance fee , and phone number ?",
+ "Yes can I please get that address phone number and entrance fee for the Cherry Hinton ?",
+ "can I have the address , phone number , and entrance fee please ?",
+ "It might . Can you please tell me the entrance fee , address , and phone number of All Saints Church ?",
+ "Yes . Please get me their address , phone number and their entrance fee .",
+ "Could I please have the entrance fee , phone number and address ?",
+ "Can you please provide me the entrance fee , phone number and address of a contemporary art museum in the centre of town ?",
+ "Yes , I 'd like to have the address , phone number , and entrance fee , please ?",
+ "Thanks , for giving me the address and phone number already . How much is the entrance fee ?",
+ "Is that in the centre area and a museum ? If it is please let me know the address , phone and entrance fee .",
+ "No preference . Can you make a recommendation and give me the address , phone number , and entrance fee ?",
+ "Corpus Christi is fine . May I have the address and phone number ? What is the entrance fee ?",
+ "That would be great . I need the phone number , address and entrance fee .",
+ "Oh great . Please may i have their address , entrance fee and their phone number . Also you can go ahead and book for me a Table for 6 at meghna .",
+ "Boating sounds fun what 's the entrance fee ? I also need the phone number and address .",
+ "Sound good . Can I get their address , phone number and entrance fee please ?",
+ "Yes , I will need the phone and address please . Also , what is their entrance fee ?",
+ "Yes , may I get the address , entrance fee and phone number please ?"
+ ],
+ "Area;Post;Type;": [
+ "What is the post code , area of town , and type of attraction ?"
+ ],
+ "Area;Phone;": [
+ "Yes I 'd like to know where the area is and the phone number .",
+ "postcode , phone number , and area",
+ "Please pick one and give me the phone number and area .",
+ "Yes . I need to get the phone number and area .",
+ "Yes , please . I need the area and phone number .",
+ "Perfect . Could you tell me their phone number and area ?",
+ "Please , what 's their phone number and what area are they in ?",
+ "That sounds great . Can you give me the area and phone number for that museum ?",
+ "Can you tell me what the area of town is ? Can I get the phone number too please ?",
+ "What about the area and phone number ?",
+ "No , can you please give me the area and phone number to the college instead .",
+ "Please just tel me which one you think best , then provide the area it is in and the phone number .",
+ "I just need the area it is located in and the phone number please .",
+ "Sounds great . What area is that in ? And could you get me the phone number ?",
+ "Not really , no . Any area will do . Can you recommend one and provide me the phone number ?"
+ ],
+ "Addr;Phone;Post;": [
+ "Can you please provide me with the address , postcode and phone number ?",
+ "I suppose I could visit the one that cost . Could I get the address , phone number and postcode to that location please ?",
+ "Sure , I 'd like to know the phone number , address , and postcode .",
+ "That sounds wonderful . Can you give me their address , phone number and postcode ?",
+ "Yes , may I please get their address , postcode and phone number ?",
+ "Can I get the postcode , address , and phone number for it ? I also am looking for a place to eat .",
+ "Yes I would . Can you give me the address , post code , and phone number for that museum ?",
+ "I would like the postcode , address and a phone number , please .",
+ "That sounds wonderful . Can you give me the address , postcode , and phone number ?",
+ "Yeah can you give me the Cage jello gallery 's address , phone number and postcode please ?",
+ "Yes . I want the address , postcode and phone number .",
+ "Can you provide me with the phone number , address and postcode please ?",
+ "That 's great , I 'll need to know the address , phone number and post code of Broughton house gallery , please .",
+ "Can you give list me off the first one ? I need the address , phone number and postcode .",
+ "Yes , please provide the address , postcode , and phone number for Cambridge Arts Theatre . I also need to find a hotel to stay in .",
+ "Yes , may I please have the address , postcode , and phone number for the ADC Theatre ?",
+ "Ok great . I will need the phone number , address and postcode .",
+ "it does n't matter . could you provide the postcode , phone number , and address for one that you suggest ?",
+ "Can you give me the postcode , phone number , and address to the one closest to the centre in the east ?",
+ "I would like the postcode , phone number , and address",
+ "Yes , I will need the phone number , postcode and address please .",
+ "Sure may I have the address , postcode and phone number please ?",
+ "You choose . Can I get the phone number , postcode , and address ?",
+ "Yes please . Can you give me the post code , phone number and address please .",
+ "Can you choose the one you like the best and tell me the postcode , phone number , and address ?",
+ "Yes , I would like the phone number , postcode , and address please .",
+ "Yes , can I have the postcode , address , and phone number for Cafe Jello , please ?",
+ "Free is always good . Can you give me the postcode , address , and phone number for one that is historical ?",
+ "That sounds wonderful ! May I please have the address , phone number , and post code ?",
+ "Can I get their address , phone number and postcode please ?",
+ "I have no preference . Can you just make a recommendation and provide the address , postcode , and phone number ?",
+ "Any one would be fine , can I just get the address , phone number and postcode ?",
+ "It does n't really matter , as long as it is in the centre . I will just need the address , postcode , and phone number .",
+ "Yes please , can I get the postcode , phone number , and address ?",
+ "Can you please provide me with the phone number , address and postcode for each of those ?",
+ "Perfect . What is the phone number , address and postcode for Emmanuel College ?",
+ "Yes , that would be great . Can you give me the phone number , address , and postcode . ?",
+ "Nothing specific , please just send me the address , phone number and postcode of the one you would suggest .",
+ "No , any you recommend will be fine . I 'll just need a phone number , postcode and address , please ?",
+ "Thank you . Can please also confirm the phone number , post code , and address ?",
+ "Not really . Surprise me ! I 'll need the phone number , address , and postcode of your favorite , please .",
+ "I really do n't have a preference . I 'll let you pick ! I 'll need the address , postcode and the phone number . Thanks so much !",
+ "i would love to have the phone number , address , and postcode .",
+ "may i have the phone number , postcode , and address ?",
+ "Yes . Can I have the postcodes , phone numbers , and addresses ?",
+ "Can you pick one and get me the postcode , address on phone number ?",
+ "I need the phone number , postcode , and address .",
+ "What is the postcode , phone number and address of this place ?",
+ "I do n't care , just need the postcode , phone number , and address .",
+ "just any . give me one option with its phone number , postcode and address .",
+ "That sounds great , could you give me their address , phone and postcode please ?",
+ "Okay . Could I get the address , postcode , and phone number for that one ?",
+ "Can I please have the address , phone number and postcode for Cambridge Artworks ?",
+ "No not really . I just need to get a phone number , postcode , and address for the one we 'll be attending . Do you recommend one for me ?",
+ "Can I have the name , postcode , phone number , and address for the one in South ?",
+ "Pick one ! I just need to phone number , postcode , and address , please .",
+ "Whale of a Time sounds like a whale of a time ! Yes , can I have their phone number , address , and postcode please ?",
+ "Yes could I have the address , telephone number and postcode of the Cambridge Museum of Technology ?",
+ "Can you give me the phone # , address , and postcode for the ADC theatre ?",
+ "That sounds good . Can you give me the address , postcode , and phone number please ?",
+ "The Primavera sounds good . Can you give me the phone number , address and postcode ?",
+ "Any of them would be fine . Can you just give me the name , address with postcode and the phone number ? Thanks .",
+ "Sounds great . Could you recommend one , and give me the address , postcode , and phone number ?",
+ "Can I get their phone number , address and postcode please ?",
+ "Yes please , I would like the address , postcode , and phone number ."
+ ],
+ "Addr;Type;": [
+ "Can I get the address and what type of attraction it is ?",
+ "Specifically there address and what type of attraction is it ?",
+ "What do you recommend ? I will need the address and attraction type of what you recommend .",
+ "What type of attraction is it ? And the address ?",
+ "I need the attraction type and address .",
+ "I need to know the attraction type and address .",
+ "Sure , can you recommend one to me and give me the address and type ?"
+ ],
+ "Addr;Fee;Type;": [
+ "Great . I also need to find an attraction in the center and would like to know what type , address and entrance fee you find .",
+ "Hmm I ' m feeling indecisive . Why do n't you pick one that you like best and then please tell me the entrance fee , attraction type , and address for it .",
+ "Can you give me the address , attraction type , and entrance fee please ?",
+ "Anything will do , but I would like the address , entrance fee , and attraction type of whatever you pick ."
+ ],
+ "Fee;Phone;Type;": [
+ "I have no preference . Pick any for me and please tell me the attraction type , entrance fee and phone number .",
+ "Anything you recommend . I just need the entrance fee , attraction type and phone number .",
+ "select one and give me its entrance fee , attraction type and phone number",
+ "I do n't have one . how about you pick your favorite attraction and give me the entrance fee , type and phone number .",
+ "It really does n't matter . Can you just recommend one and give me the entrance fee , attraction type , and phone number ?",
+ "I 'd like the attraction type , phone number , and entrance fee , please .",
+ "Any type is fine , can I just get the attraction type , entrance fee , and phone number of one ?",
+ "Yes , can I also get their entrance fee , phone number , and attraction type , please ?"
+ ],
+ "Addr;Area;Post;": [
+ "If you could recommend one that would be great ! Could you give me the postcode , address and the area of the one you choose ?",
+ "23 ? I had no idea ! I was looking for postcodes , areas and addresses .",
+ "I do n't have a preference . I do need the area , address and postcode .",
+ "That would be great . Can you provide me with the area , address , and postcode please ?",
+ "I have no preference . Can you please provide me with the address , postcode , and area on one ?",
+ "Area does n't matter . Please choose your favorite and tell me the area and postcode and address if you could"
+ ],
+ "Addr;Area;Phone;": [
+ "It does n't matter . I will need the address , phone number , and area of town .",
+ "Can I get the phone number , address , and area it is located in ?",
+ "The north please , can I get the phone number , address , and area ?",
+ "get me the address , phone number , and area . i am also looking for a 4 start place to stay in the north",
+ "Whale of time sounds interesting what area is it in ? I also need the address and phone number .",
+ "Sure ! Could you tell me the area , address , and phone number for the Ballare ?",
+ "Before we move on to the taxi , can I get the address and phone number for the Cambridge corn exchange ? And what area is that in ?",
+ "Can you provide me with the phone number , address , and the area ?",
+ "Can you provide me with the area , phone number and address of Christ 's College please ?"
+ ],
+ "Fee;Post;Type;": [
+ "I 'll take the \" Whale of a Time \" , what type of attraction is that , and can I get the postcode and entrance fee please ?",
+ "Can I get the attraction type , entrance fee , and postcode please ?",
+ "I ' m not sure , can you provide me a list of attraction types along with their entrance fees and postcodes so that I can decide ?",
+ "Nope . Any that you recommend will be fine . I 'll just need the postcode , entrance fee , and attraction type .",
+ "Could you just confirm the entrance fee , attraction type , and postcode for Saint Catharine 's ?",
+ "No , surprise me ! I would just like the entrance fee , attraction type , and postcode , please ."
+ ],
+ "Area;Phone;Post;": [
+ "Could I get the phone number , postcode , and the area that The Cost of Clare Hall is located in , please ?",
+ "No , just let me know what you would recommend and give me the postcode , area , and phone number .",
+ "Can I get the phone number , area and postcode please ?",
+ "May I please have the phone number , postcode , and area of a free park that you recommend ?",
+ "That sounds great , may I have the postcode , phone number and area of town it is in ?",
+ "If you could choose your favorite and provide me the area , postcode and phone # that would be great .",
+ "Entrance fee does n't really matter to me . Pick your favorite and let me know the postcard , area , and phone number please .",
+ "That 's okay , I just need the phone number , area and post code please .",
+ "That sounds great to me . Can I get the phone number , postcode , and area please ?"
+ ],
+ "Area;Post;": [
+ "Nothing in particular . Just give me the area , postcode , and phone for one of them .",
+ "Ok , thanks . Can you tell me the postcode and area it 's in ?",
+ "Could I please have the postcode and area to Milton County Park ?",
+ "Yes , please . May I also have the postcode and the area of town ?",
+ "No thank you . Just the area and postcode please .",
+ "What is the post code for that place and the area of town it is in ?",
+ "Please give me their postcode , and the area of town they are located in .",
+ "Yes , what area is it in ? I 'd also like to get the postcode .",
+ "Can I get the postcode and area please ?",
+ "That sounds cool , I will just need the area it 's in and the postcode . Oh , and how much is the cost to get in ?",
+ "I need the area and postcode , please .",
+ "You can just choose the one you like best please and then tell me its postcode and area",
+ "Yes , may I also know the area it is located in and the postcode ?",
+ "Any of them will be ok I also need the postcode and area it 's in .",
+ "Yes , and can I get the area and postcode as well",
+ "No preference , just pick something for me . I 'll need to know the area , postcode and fee to get in .",
+ "What area is it located in and what is the postcode ?",
+ "No , I do n't have any preference , other than it 's a museum . Could you pick one and give me the area and postcode please ?",
+ "If you could find me a good one , just tell me the area and I need a postcode",
+ "I 'd like to know the area , and postcode please .",
+ "pick for me and I would need the area and postcode",
+ "Can you tell me what area they are in and what their postcode is please ?",
+ "Yes , please tell me about it . I would like to know the postcode and area for it ?",
+ "Area does not matter . You pick , just let me know the area and postcode please .",
+ "yes , I would like the area and the postcode ."
+ ],
+ "Phone;Post;Type;": [
+ "The County Folk Museum . I need the phone number , venue type and postcode .",
+ "That sounds great ! Could you send me the phone number , postcode , and attraction type ?",
+ "I need the type , the phone number and the postcode for it please ."
+ ],
+ "Phone;Type;": [
+ "Entrance fee , attraction type , and phone number please .",
+ "Please pick your favorite one and then tell me the type , fee , and phone number associated with it",
+ "What is one of your favorites ? I would need the phone number and type of attraction .",
+ "Nothing in particular . What 's the phone number , type , and fee for your favorite place ?",
+ "A cinema works , could you pick one for me and provide the etrance fee , phone number , and confirm the attraction type ?",
+ "Just choose one that is your favorite and tell me its type and phone number",
+ "That sounds wonderful . Could I get the phone number along with the attraction type ?",
+ "please get phone number and attraction type.thanks"
+ ],
+ "Addr;Area;Fee;": [
+ "No preference ! Can you recommend me one and give me their area , entrance fee if they have one , and their address ? Thanks !",
+ "Sure , but first I 'll need to know the entrance fee , area , and address .",
+ "Will you suggest one ? I 'd like to know the entrance fee , address , and area , as well .",
+ "Yes please . And can you tell me what area it 's in and what the entrance fee is ? And the address too , of course .",
+ "You can pick one but please give me the entrance fee , area and address of what you pick .",
+ "please give me the entrance fee area and address",
+ "Any area is fine , could you give me the address and entrance fee for a place you recommend ?",
+ "That sounds great . I 'll need the address , area , and entrance fee , please ?"
+ ],
+ "Post;Type;": [
+ "Yes , what type of attraction is it and what is the postcode ?",
+ "Great . And what is the postcode ? And attraction type ?",
+ "Could you suggest me one ? Also let me know of what type of attraction it is and the place 's postcode .",
+ "I need attraction type and the postcode .",
+ "Thank you . I 'll also need the postcode and attraction type .",
+ "Whatever is popular , I just need the attraction type on postcode of whatever you pick",
+ "I need the postcode and need to know what type of attraction this is .",
+ "that could do . get me the postcode and the attraction type please ."
+ ],
+ "Addr;Post;Type;": [
+ "What 's your favorite one ? I trust your judgment - let me know the best one 's address , postcode , and attraction type , please .",
+ "I need the attraction type , address , and postcode plerase",
+ "Shopping and maybe a mini mall and I need address , postcode , and attraction type",
+ "Surprise me . I just need the attraction type , address , and postcode .",
+ "Could I get the address , postcode and attraction type ?",
+ "Ca n't you suggest something please ? I need the address , attraction type and postcode when you find it please .",
+ "Just choose one and tell me the type , address , and postcode",
+ "Yes , what type of attraction is this ? Also , could I get the address and postcode ?",
+ "A church sounds great . It does n't matter what type church it is . Will you pick one and send me the address including the postcode ?"
+ ],
+ "Addr;Phone;Type;": [
+ "Yes , can I get the attraction type , the phone number , and the address please ? This sounds like it would be a great place !",
+ "I am not picky , can you pick one you know is good to visit ? I need the address , phone number and type of attraction though please .",
+ "Can you make a suggestion and provide the type , phone , and address ?",
+ "That sounds nice . What type of attraction is that ? Oh , and do you have their full address and phone number ?"
+ ],
+ "Addr;Area;": [
+ "I just need the area and address for one of them .",
+ "Sure , can I get the area it is in and the address please",
+ "may I have the address and area please ?",
+ "I will take your recommendation for one . Could you provide me with the address and area of the one you choose ?",
+ "No , thanks . Please just select one for me and then let me know the area and address .",
+ "There is not . Can you give me the address for one of the colleges ? Also I would like to know which area it is in .",
+ "Either area is fine . Can you pick one for me and let me know their address ?",
+ "No , I do n't have any preference . You can just pick whichever one looks best and give me the phone number , address , and area .",
+ "no , what the address and area of town , also I will be needing a cab as well .",
+ "Yes please let me know the area and address .",
+ "Yes . May I have the address and the area it is in ."
+ ],
+ "Area;Fee;Post;": [
+ "The area does n't matter . Which one do you recommend ? Can you provide the postcode , area , and entrance fee ?",
+ "No , no particular part of town . I will take a recommendation from you . I will need the postcode , area , and entrance fee please .",
+ "How about you just choose the one you like best and give me the postcode , entrance fee , and area information for it",
+ "What 's the most popular ? May I have the postcode , entrance fee , and what area is it in ?",
+ "I do n't care what area . I do need the postcode , entrance fee and area when you find one .",
+ "I do n't care but I need the area , entrance fee , and postcode of entertainment available in town .",
+ "No , I do not , any museum would be fine . Could you please give me the entrance fee , area , and postcode for any one of the museums ?",
+ "Could you give me the post code , area and entrance fee for one of them ?",
+ "Yes I need to know if there is an entrance fee or not and the postcode for the area .",
+ "Could I have the postcode , area and entrance fee of what you recommend ?"
+ ],
+ "Area;Phone;Type;": [
+ "i could like to know what kind of attraction type it is , its area and phone number"
+ ],
+ "Area;Fee;Type;": [
+ "May I get the area its in , attraction type and an entrance fee if any ?",
+ "I 'd like to know what type of attraction it is , the entrance fee , and what area it 's in , please ."
+ ],
+ "Area;Fee;Phone;": [
+ "May I get the area of the church , phone number , and entrance fee ?",
+ "It does n't matter . You make a suggestion and provide the entrance fee , phone number , and area"
+ ],
+ "Addr;Area;Type;": [
+ "Can I get the address , attraction type , and area please ?"
+ ]
+ },
+ "Hospital-Inform": {
+ "none;": [
+ "I ' ve been injured and need to find a hospital nearby .",
+ "Can you tell me how to get to Addenbrookes Hospital ?",
+ "Am looking for the Addenbrookes Hospital",
+ "Could you find me a hospital in town ?",
+ "I need to know where the Addenbrookes Hospital is please .",
+ "I want a hospital in town .",
+ "I seem to have injured myself and need a nearby hospital .",
+ "i want to find a hospital in town",
+ "Would you happen to have info on the Addenbrookes Hospital ?",
+ "Hey , I ' ve been injured . Where 's the closest hospital ?",
+ "Is there a hospital close by ?",
+ "I need to find the nearest hospital please .",
+ "Am looking for the Addenbrookes Hospital .",
+ "I need information on Addenbrookes Hospital please .",
+ "uhm , i definitely do n't want to sleep in a hospital .",
+ "I want to find a hospital in town",
+ "Hi , where can I find Addenbrookes Hospital ?",
+ "Am injured and are looking for a hospital nearby .",
+ "I am looking for the Addenbrookes Hospital",
+ "Am looking for hospital in town .",
+ "I want to find a hospital in town",
+ "Am looking for a hospital in town",
+ "I got injured and I am looking for a hospital nearby",
+ "I am looking for the Addenbrookes Hospital .",
+ "I ' ve been injured and I need a hospital that is close to this location .",
+ "I am injured and need a hospital .",
+ "Hi , I am looking for a hospital , the Addenbrookes Hospital . Where is that please ?",
+ "I am looking for the Addenbrookes Hospital please .",
+ "I am looking for the Addenbrookes Hospital .",
+ "Can you please help me find a hospital in town ?",
+ "I need to find a hospital here in town .",
+ "I have been hurt and I need a hospital ! Where is there one close by ?",
+ "I got injured and I am looking for a hospital nearby",
+ "I have been injured , can I please have the address for a nearby hospital ?",
+ "i want to find a hospital in town",
+ "I need to get to a hospital .",
+ "I am looking for the Addenbrookes Hospital .",
+ "Please find for me the location of Addenbrookes Hospital .",
+ "Am looking for the Addenbrookes Hospital .",
+ "Where is the nearest hospital ?",
+ "Yes , I am looking for a hospital that is here in town .",
+ "i want to find a hospital in town",
+ "i am looking for the Addenbrookes Hospital",
+ "I want to find a hospital in town",
+ "I need to find the Addenbrookes hospital please",
+ "I want to go to Addenbrookes Hospital",
+ "I sure hope so . I ' ve been injured and I need a hospital .",
+ "I am looking for Addenbrookes Hospital please .",
+ "I am looking for the Addenbrookes Hospital , can you please help me ?",
+ "I am looking for Addengrookes Hospital .",
+ "Where is Addensbrookes Hospital ?",
+ "I have had an injury ! Where do I find the nearest hospital ?",
+ "Am injured and are looking for a hospital nearby",
+ "Do you have any information on the Addenbrookes Hospital ?",
+ "What is the address for the Addensbrookes Hospital near me ?",
+ "Can you tell me where the Addenbrookes Hospital is ?",
+ "I got injured and are looking for a hospital nearby",
+ "Help ! I ' m injured and need a nearby hospital !",
+ "Thanks for all the info . I will contact the hospital now . Goodbye .",
+ "Please show me where the nearest hospital is",
+ "Am injured and are looking for a hospital nearby",
+ "Am looking hospital in town .",
+ "I need the location of Addenbrookes Hospital , if you do n't mind .",
+ "I need a information of hospital in town , please .",
+ "I need to find a hospital here in the area .",
+ "I ' ve been hurt and need the nearest hospital .",
+ "Am looking for the Addenbrookes Hospital",
+ "Can you tell me where a hospital is located ?",
+ "I am hurt a need to find a hospital nearby .",
+ "I need to find a hospital .",
+ "I just got injured and I need to know where the nearest hospital is .",
+ "I am injured and need a nearby hospital .",
+ "Hi , I ' ve just suffered a minor injury . Can you tell me where a hospital is please ?",
+ "No , I am luckily near the hospital . Thank you for your assistance . Goodbye .",
+ "I need to find a hospital nearby that has a hepatobillary and gastrointestinal surgery referral center",
+ "I got injured and I am looking for a hospital nearby",
+ "I am injured and need a nearby hospital .",
+ "Where is the hospital in Cambridge ?",
+ "i want to find a hospital in town",
+ "I ' ve been injured . Where is the closest hospital ?",
+ "Am injured and are looking for a hospital nearby",
+ "i want to find a hospital in town",
+ "I need to find the nearest hospital .",
+ "I am looking for the Addenbrookes Hospital",
+ "I need a hospital that have a pediatric day unit .",
+ "Where is the nearest hospital ?",
+ "Where can I find directions to Addenbrookes Hospital ?",
+ "Quick , find a hospital for me !",
+ "Is there valet parking at the hospital ?",
+ "Where is Addenbrookes Hospital located ?",
+ "I ' m looking for the hospital in town .",
+ "i want to find a hospital in town",
+ "Is there a hospital near by ?",
+ "I ' m looking for the Addenbrookes Hospital .",
+ "Can you help me find a hospital nearby ?",
+ "Please , I need to find a hospital in town , will you please help me ?",
+ "Yeah , hey , where do I find Addenbrookes Hospital ?",
+ "I ' m sorry . First I need to find a hospital .",
+ "I think I may have hurt myself . Where is the nearest hospital ?",
+ "I am looking for the Addenbrookes Hospital please .",
+ "I need to find a hospital please .",
+ "Hi there , would you tell me the address of a hospital located here in town ?",
+ "Yes , I have a passenger that is hurt . How can I get to the hospital to make sure they are okay ?",
+ "I am looking for the Addenbrookes Hospital .",
+ "Hello , I am looking for a hospital in town . Can you please help me find one ?",
+ "I need a nearby hospital .",
+ "I 'd like to find a hospital .",
+ "I am injured and need a hospital close by .",
+ "Am looking for the Addenbrookes Hospital",
+ "Could you let me know where in town I would find a hospital ?",
+ "Could you please assist me in finding a hospital in town",
+ "I need to find the nearest hospital , I ' m injured !",
+ "I ' m trying to find a local hospital .",
+ "I need a hospital in town .",
+ "What is the local hospital ?",
+ "Hello i ' m injured and need a hospital nearby .",
+ "I need directions to go to Addenbrookes Hospital to visit a sick friend .",
+ "I am looking for the Addenbrookes Hospital",
+ "I ' m looking for a hospital , specifically the Addenbrookes Hospital .",
+ "I am looking for the Addenbrookes Hospital .",
+ "i want to find a hospital in town",
+ "I am looking for the Addenbrookes Hospital",
+ "Are you able to help me find a hospital in town ?",
+ "I am looking for the Addenbrookes Hospital",
+ "What is the address to the hospital in Cambridge ?",
+ "I am looking for a hospital in town .",
+ "Can you help me find a hospital close by for an injury I have ?",
+ "I need to find a local hospital .",
+ "I am hurt and need to find the nearest hospital . Can you help me ?",
+ "Can you book me a cab to take me to and from the hospital .",
+ "i want to find a hospital in town",
+ "i am looking for the Addenbrookes Hospital",
+ "I was injured and need a hospital nearby .",
+ "I got injured and I am looking for a hospital nearby",
+ "I Am injured and are looking for a hospital nearby",
+ "I am looking for the nearest hospital please .",
+ "I ' m looking for a specific hospital by the name of Addenbrookes .",
+ "i just got injured , where is the nearest hospital ?",
+ "I do n't understand . Can you provide the name of a hospital nearby I can go to ?",
+ "I want to find a hospital in town",
+ "Actually , I had a fall , and injured my leg , so I was wondering if you knew of a hospital nearby where I can get it looked at ?",
+ "Yes , I was wondering what the location is of Addenbrookes Hospital .",
+ "I ' m looking for the Addenbrookes Hospital .",
+ "where is the Addenbrookes Hospital ?",
+ "I ' ve been injured and I need a hospital . Where is the nearest one ?",
+ "I need to find the closest hospital , I ' ve been injured .",
+ "Can you point me in the direction of a hospital ?",
+ "Is n't the local hospital called Addenbrookes Hospital ?",
+ "i want to find a hospital in town",
+ "Can you give me the address to the hospital in Cambridge ?",
+ "I need to locate Addenbrookes Hospital .",
+ "I really need to find a hospital in town , can you help me ?",
+ "i want to find a hospital in town",
+ "I want to find a hospital in town",
+ "i want to find a hospital in town",
+ "Yes , what is the hospital 's name , please ?",
+ "I am looking for assistance in finding a hospital nearby because i got injured .",
+ "I am looking for a hospital in town .",
+ "Where is the Addenbrookes Hospital located ?",
+ "I have a stomach ache , is there a hospital or pharmacy nearby ?",
+ "I would like to find a hospital in town .",
+ "I need to find the Addenbrookes Hospital please .",
+ "Can you give me the address to the hospital in Cambridge ?",
+ "I am looking for the Addenbrookes Hospital",
+ "i want to find a hospital in town",
+ "Where is Addenbrookes Hospital ?",
+ "Where 's Addenbrookes Hospital ?",
+ "Yes , please tell me when hospital visiting hours extend until .",
+ "Please help me I ' m looking for the Addenbrookes Hospital .",
+ "I want to find a hospital in town",
+ "I need to find a hospital please .",
+ "Am looking for the Addenbrookes Hospital",
+ "I need to find a nearby hospital . Quickly , please .",
+ "I need to find Addenbrookes Hospital .",
+ "I ' m hurt and I need the nearest hospital .",
+ "I ' ve been injured and I need to find a hospital .",
+ "I need to find the addenbrookes hospital .",
+ "am looking for the Addenbrookes Hospital",
+ "I need to find a hospital in town please .",
+ "Am looking for the Addenbrookes Hospital",
+ "Yes please . Can you tell me where Addenbrookes Hospital is ?",
+ "What is the address to the hospital in North ?",
+ "What is the address to the hospital there was no error you just did n't want to look it up .",
+ "I need a hospital please ! I ' ve been hurt !",
+ "Hello I am injured and am looking for a nearby hospital please .",
+ "Please ca you tell me how to get to Addenbrookes Hospital",
+ "Hello , I am looking for the closet hospital .",
+ "Hi , I need help finding Addenbrookes Hospital . Can you give me some information please ?",
+ "I got injured and I am looking for a hospital nearby",
+ "Hi , can you point me to a nearby hospital please ?",
+ "I am looking for the Addenbrookes Hospital please .",
+ "Hello , where in town is there a hospital ?",
+ "I need the location of a local hospital .",
+ "I want to find a hospital in town",
+ "i am looking for the Addenbrookes Hospital",
+ "I an injured and need medical attention . Can you please tell me where the nearest hospital is ?",
+ "Would you help me find a nearby hospital please ? I ' ve been injured and need medical attention .",
+ "I got injured and are looking for a hospital nearby",
+ "I ' m looking to find Addenbrookes Hospital please .",
+ "I am looking for Addenbrookes Hospital . Does it also provide acute medicine care for the elderly ?",
+ "where is the Addenbrookes Hospital ?",
+ "Would you tell me the location of Addenbrookes Hospital please ?",
+ "I 'd like to locate Addenbrookes Hospital , please .",
+ "I ' ve been injured and I need to find a hospital .",
+ "I am injured and need to find a nearby hospital .",
+ "What hospitals are located in town ?",
+ "Hello , I ' m looking for a hospital in town .",
+ "I ' m looking for the Addenbrookes Hospital .",
+ "Can you give me the address for Addenbrookes Hospital ?",
+ "Oh I ' m not feeling so well . Where is the nearest hospital ?",
+ "i want to find a hospital in town",
+ "i want to find a hospital in town",
+ "I ' m injured so let me call the hospital . Thanks . Goodbye .",
+ "I am looking for the nearest hospital .",
+ "Am injured and are looking for a hospital nearby",
+ "That may be good . How many minutes away is that hospital ?",
+ "I need to find the nearest hospital please .",
+ "Good evening , where would I find a hospital in town please ?",
+ "I am looking for the Addenbrookes Hospital",
+ "i want to find a hospital in town",
+ "May I also have the general hospital number , too , just in case I need it ?",
+ "Am looking for the Addenbrookes Hospital",
+ "i want to find a hospital in town",
+ "I am looking for the nearest hospital to me .",
+ "I am injured and need to get to a hospital that has a pediatric clinic .",
+ "Yes , I ' m calling regarding Addenbrookes Hospital . What is the address please ?",
+ "I was wondering if you could tell me where the Addenbrookes Hospital is ?"
+ ],
+ "Department;": [
+ "Where 's the closest hospital with a #HOSPITAL-INFORM-DEPARTMENT# ?",
+ "I ' m looking for the Addenbrookes Hospital with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I got injured and I am looking for a hospital nearby . the hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Am injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# neurosurgery department",
+ "I am in need of a local hospital please . And it must have a #HOSPITAL-INFORM-DEPARTMENT# department !",
+ "I am looking for the Addenbrookes Hospital . the hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "i need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I need to find a hospital in town with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "Am injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I have been hurt in an #HOSPITAL-INFORM-DEPARTMENT# , can you provide the nearest hospital ?",
+ "Does the hospital have a #HOSPITAL-INFORM-DEPARTMENT# ?",
+ "I ' m injured pretty severely and need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I want to find a hospital in town . The hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I am injured I need a hospital that has the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "i am looking for the Addenbrookes Hospital with #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I am trying to find a hospital that has a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I got injured and I am looking for a hospital nearby . the hospital should have a #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Do they have a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "The hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I am looking for a hospital in town with a #HOSPITAL-INFORM-DEPARTMENT# and coronary care unit .",
+ "Am looking for the Addenbrookes Hospital it should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Yes I need to know if they have a #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I want to find a hospital in town . The hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Sorry , #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I need the #HOSPITAL-INFORM-DEPARTMENT# department of the Addensbrookes Hospital .",
+ "Hi , I ' m trying to find Addenbrookes Hospital and they 're supposed to have a #HOSPITAL-INFORM-DEPARTMENT# department , right ?",
+ "Please connect me to a hospital with an #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I need the #HOSPITAL-INFORM-DEPARTMENT# please .",
+ "Can you find me a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department around here ?",
+ "I ' m looking for the Addenbrookes Hospital and need to contact the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "i am looking for the Addenbrookes Hospital with #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I need a close hospital with an #HOSPITAL-INFORM-DEPARTMENT# unit .",
+ "I am looking for the Addenbrookes Hospital . The hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I ' m hurt and I need to find a hospital . Oh , and one with an #HOSPITAL-INFORM-DEPARTMENT# department !",
+ "the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "Can you verify that the hospital has a #HOSPITAL-INFORM-DEPARTMENT# ?",
+ "I need to find a hospital with an #HOSPITAL-INFORM-DEPARTMENT# .",
+ "Does the Addenbrookes Hospital have a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "Am looking for hospital in town it should have the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "Am injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I am looking for the Addenbrookes Hospital . I am wondering if they have a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "I need to find a hospital with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I would like to find a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department please .",
+ "Hey I ' m looking for the Addenbrookes Hopistal . Please make sure it has the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I got injured and need directions for the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Am hospital in town that should have the #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I am looking for the Addenbrookes Hospital , this hospital should be the one with an #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "Just to clarify ; the hospital does have an #HOSPITAL-INFORM-DEPARTMENT# department , correct ?",
+ "I am injured and need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "i am looking for a nearby hospital with the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I ' ve been injured and I need a hospital near me , one with a #HOSPITAL-INFORM-DEPARTMENT# department please !",
+ "I got injured and I am looking for a hospital nearby . The hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Yes , I need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department please .",
+ "Hello ! I need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department please .",
+ "Help , I injured my eye ! I am looking for the nearest hospital with the #HOSPITAL-INFORM-DEPARTMENT# .",
+ "can i get a hospital nearby which has a #HOSPITAL-INFORM-DEPARTMENT# day unit department",
+ "Is there a local hospital that has a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "I need a hospital with an #HOSPITAL-INFORM-DEPARTMENT# department , please find one for me .",
+ "I ' ve been in an accident and I ' m hurt . I need the closest hospital with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "Does it have a #HOSPITAL-INFORM-DEPARTMENT# ?",
+ "i got injured and are looking for the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I need to find a hospital in town . It should have a #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "Thanks , do they have a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "I am looking for the Addenbrookes Hospital with #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Hello , I need a hospital please and make sure it has a #HOSPITAL-INFORM-DEPARTMENT# , if you will .",
+ "I 'd like to find a hospital please , it needs to have an #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I am looking for the Addenbrookes Hospital . It should also have a #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "I am trying to find info for the Addenbrookes Hospital #HOSPITAL-INFORM-DEPARTMENT# department .",
+ "Hello , I ' m looking for a nearby hospital that has #HOSPITAL-INFORM-DEPARTMENT# . Can you help me with this ?",
+ "Does Addenbrookes Hospital have a #HOSPITAL-INFORM-DEPARTMENT# department ?",
+ "I got injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# department"
+ ]
+ },
+ "Hospital-Request": {
+ "Phone;": [
+ "No , I just need the general phone number , please .",
+ "No specific department . I will call Addenbrrokes Hospital , CB20QQ at phone number 01223245151 .",
+ "Can you provide the phone number for me ?",
+ "No but I need the phone number",
+ "What is the phone number ?",
+ "Could you send their phone number please ?",
+ "May I also have the phone number please ?",
+ "I am looking for the Addenbrookes Hospital , can you please give me their phone number ?",
+ "I do not know it . Can I have the hospitals phone number ?",
+ "I need their phone number , please .",
+ "Yes , please . May I also have the general phone number for my records , too ?",
+ "I got injured . I need a phone number for a hospital near by .",
+ "Can I have the phone number please ?",
+ "What is the phone number ?",
+ "I need their phone number , please .",
+ "Yes , please . I need their telephone number .",
+ "I also need the phone number .",
+ "I just need a phone number , thanks",
+ "No , I would like its general phone number .",
+ "Yes the phone number also .",
+ "Actually I need the general phone number for the hospital , please .",
+ "No particular department . Could I get their phone number ?",
+ "What is the name of the hospital please ? I 'll also need the phone number .",
+ "I need the phone number",
+ "No particular department . I just need the phone number please .",
+ "I will need their phone number also .",
+ "What is the phone number ?",
+ "thank you , is there is a phone number ?",
+ "No , but can I please get their main phone number ?",
+ "I just need the name , address and phone number of a hosptital .",
+ "Can you please tell me what their phone number is ?",
+ "Yes . I 'd like to know their phone number please .",
+ "Can you give me a phone number for the hospital ?",
+ "Thank you . Could you please get me the phone number ?",
+ "No , but I would like the main phone number , please .",
+ "I need their phone number , please .",
+ "I would like to have the phone number .",
+ "Can I please have a phone number as well ?",
+ "What 's the name of the hospital ? Do you have their phone number ?",
+ "Thank you , may I have their phone number as well ?",
+ "Thanks , can I get the phone number ?",
+ "What is the phone number ?",
+ "May I have the hospital phone number please ?",
+ "Please give me the phone number .",
+ "May I have the phone number for them ?",
+ "What is the phone number ?",
+ "I just need the phone number",
+ "Thank you for the phone number for Addenbrookes Hospital . That is what I needed .",
+ "Could you also provide the phone number please ?",
+ "Actually , can you please give me the phone number ?",
+ "Thank you . Can you please let me know their phone number ?",
+ "Yes I will need the phone number also .",
+ "Can I please have the phone number for the hospital ?",
+ "What is the hospital 's phone number ?",
+ "I just need the main phone number for the Addenbrookes Hospital please .",
+ "Yes , please give me the phone number .",
+ "Yes , the phone number would be helpful , thanks .",
+ "what is their phone number ?"
+ ],
+ "Addr;Phone;Post;": [
+ "I need the address and phone number and postal code",
+ "No , I just need the phone number , address and postcode please .",
+ "I need the address , postcode and phone number for Addenbrookes Hospital .",
+ "I need the address , postcode , and phone number .",
+ "I need the address , postal code , and phone number",
+ "Thank you . Could you please get me the address , postcode and phone number for the hospital ?",
+ "Yes , I would like the address , postcode , and phone number .",
+ "I need the address , postcode , and phone number .",
+ "No , can I get the phone number , address , and postcode ?",
+ "No partricular department , however I do need the phone number , address and postcode please .",
+ "I need the address including the postcode and the phone number , please ! Quickly !",
+ "Sounds good . What 's the phone number , address , and postcode for the hospital ?",
+ "Yes , please . I need the postcode , phone number and address .",
+ "I need a phone number , postcode , and address",
+ "No thank you , just give me the address , postcode , and phone number please .",
+ "I need the address , phone number , and postcode .",
+ "What is their address , phone number and postcode please ?",
+ "Great . Can I get the phone number , address , and postcode please ?",
+ "Yes , please . the postcode address , and phone number .",
+ "Can I please have a phone number , post code and address please ?"
+ ],
+ "Post;": [
+ "Can I get the postcode as well ?",
+ "No , but do you have the postal code by any chance ?",
+ "Thanks , can I also get the postcode ?",
+ "No , I just need the postcode , please .",
+ "Thank you . Can I have the postcode ?",
+ "What is the postcode ?",
+ "I need the postcode , thanks .",
+ "Perfect . Could you also give me the postcode ?",
+ "No thank you , but can you also give me their postcode ?",
+ "it does may I please have the postcode and phone number ?",
+ "What is the postcode ?",
+ "Thank you , can I also get the postcode ?",
+ "What is the postcode ?",
+ "Yes , and the postcode please .",
+ "Thanks , what is the postcode ?",
+ "I ' m not sure , do you have the postcode for the hospital ?",
+ "Thanks , what is the postcode ?",
+ "Yes , may I please have the post code ?",
+ "I do n't need a taxi , I ' m sorry . I just needed the postcode for the hospital .",
+ "No , I just need the postcode .",
+ "No thanks , I can make it . Is 01223217118 the postcode ?",
+ "Can you also tell me the postcode for the hospital ?",
+ "Thank you . What 's the hospital 's post code ?",
+ "No , I just need a hospital in town and the postcode , please !",
+ "Yes and the postcode",
+ "Thank you , will you please give me the postcode ?",
+ "Actually , can you give me the postcode - I ca n't find it on my phone .",
+ "What is the postcode",
+ "Yes and could I also have their postcode please ?",
+ "Thank you . Can I have the postcode too please .",
+ "I need the Post Code as well .",
+ "What is the postcode ?",
+ "Yes , please . May I also have the postcode ?",
+ "Yes could I have their postcode as well ?",
+ "Do you have the hospital 's postcode ?",
+ "Thanks , what is the postcode ?",
+ "Thanks . What is the postcode ?",
+ "No , but I do need the hospital 's postcode , please .",
+ "I just need the adress and the postcode if you have it .",
+ "No , I just need the postcode , please .",
+ "Yes , I just need the postcode please .",
+ "What is the postcode ?",
+ "What is the hospital 's postcode ?",
+ "I need the post code .",
+ "What is the postcode ?",
+ "No thanks . I just needed the postcode .",
+ "That does n't really matter . Can I have the postcode please ?",
+ "Okay , thank you . What is the post code ?",
+ "No , I just need the postcode please .",
+ "What is the postcode there ?",
+ "Thanks , can I get the postcode ?",
+ "I really need the post code .",
+ "I need the postcode please .",
+ "No , I just need the postcode .",
+ "Thanks , can I get the postcode ?",
+ "No , that 's fine . Just the location with postcode , please .",
+ "No , I just need the postcode , please .",
+ "Yes , I also need the postcode .",
+ "What is the postcode ?",
+ "I need the postcode , please . I ' m just getting general information for now .",
+ "Is the hospital located in town , and what is their postcode ?",
+ "Yes , please . And the postcode .",
+ "I want the postcode",
+ "What is their postcode ?"
+ ],
+ "Phone;Post;": [
+ "I need the postcode and phone number .",
+ "Yes , can I have their post code and phone number ?",
+ "Thanks , what is the phone number and postcode ?",
+ "Can I get the phone number and the post code ?",
+ "I need the phone number , postcode .",
+ "That would be fine . I just need the phone number and postcode . Thanks .",
+ "Please give me the phone number and post code .",
+ "Can i get the postcode and phone number as well ?",
+ "help me get postcode and phone number",
+ "Can I also get the postcode and phone number ?",
+ "can i get thhe phone number and postcode",
+ "Let me also have the postcode and telephone number , please .",
+ "I 'd like the phone number and postcode , please .",
+ "No , I just need the general postcode and phone number .",
+ "Ok , can you please give me the phone number and postcode ?",
+ "Can you give me their phone number and postcode , please ?",
+ "Can I get their main phone number please ? And the postcode if you have it .",
+ "I ' m looking for the postcode and phone number",
+ "Yes the phone number and postcode",
+ "May I have the postcode and phone number as well ?",
+ "No but I would like the phone number and postcode please .",
+ "The general phone number and postcode also please .",
+ "Could I have the phone number , postcode please .",
+ "Can you also tell me what the phone number and post code for the hospital is ?",
+ "Can I also get the postcode and phone number ?",
+ "I need the phone number , and postcode .",
+ "No , I ' m getting general info . I need the hospital postal code and phone number , though .",
+ "And what 's the postcode and the main phone number ?",
+ "Yes , it does . Can I get the post code and phone number for that location ?",
+ "I 'll need the postcode and phone also please .",
+ "No I just needed the phone number and post code . Thank You"
+ ],
+ "Addr;Post;": [
+ "OK , great , thanks . I suppose I should grab the address and postal code to so I do n't get lost on the way there .",
+ "It does n't matter , could you give me the address and postcode ?",
+ "what is the postcode and address ?",
+ "I need the address and postcode .",
+ "Can I please have the address and postcode ?",
+ "can i also get the postcode and address",
+ "Thank you ! Can you also send me the hospital address , including the postcode ?",
+ "Can I also get the postcode and address please ?",
+ "No particular department , I need the address and postcode please .",
+ "Thank you , what is the address and postcode ?",
+ "No , but I need address and postcode for the Hospital , please .",
+ "I would like the postcode and address please .",
+ "No , thanks but can you pass on the address and postcode please ?",
+ "Thanks . What 's the address and the postcode ?",
+ "That hospital will be fine , do you have the address and postcode for that hospital ?",
+ "No , I do n't need a specific department . Just the address and postcode for the hospital , please .",
+ "Can I get the address and postcode , please ?",
+ "What 's the address and postcode ?",
+ "I just need their address and postcode please",
+ "Can you also send the postcode and address please ?",
+ "No , I just need the general address and postcode .",
+ "Could I get the address and postcode please ?",
+ "Can I also please have the address and postcode",
+ "Could you give me the address and postcode please ?",
+ "can you give me the address and post code ?",
+ "I need the address and postcode .",
+ "Great , can I get the address and postcode .",
+ "Nevermind , sorry . I just needed the postcode and address . I ' m all set now .",
+ "Could you give me the address and postcode as well ?",
+ "Thank you , could you also give me the postcode and address , please ?",
+ "Yes , please . Also their address and postcode ."
+ ],
+ "Addr;": [
+ "Can I also get the address ? Thanks !",
+ "Does the address not have a street number ?",
+ "Can I get the address please ?",
+ "What is the address so I can find the hospital ?",
+ "What is their address ?",
+ "Thanks . Can I get an address as well ?",
+ "Can I please have the full address of the hospital as well as the postal code ?",
+ "No particular department , but may I please have the address ?",
+ "What is the exact address ?",
+ "Thank you . Could you please get me the address for the hospital ?",
+ "Can you give me their full address ?",
+ "I do n't need the phone number . I just needed the address . Thank you for your help .",
+ "I need the address also please .",
+ "No . What is the complete address ?",
+ "Thank you , could you please provide me the address for the Addenbrookes Hospital .",
+ "Does it list an address for the hospital ?",
+ "Yes , can I have the address ?",
+ "What is their address ?",
+ "Can I have their address ?",
+ "Can I have the address , please ?",
+ "Could you give me the address for the hospital ?",
+ "No , just the general number and address please .",
+ "Is Hills Rd the full hospital address ?",
+ "Can you please provide me with the complete address for the hospital ?",
+ "I do n't know the address , I ' m in Cambridge .",
+ "What is the name of the hospital and the address please ?",
+ "What is their address ?",
+ "Can I please have the address as well ?",
+ "What is the address ?",
+ "Thanks for the phone number . But what is the hospital 's street address ?",
+ "Thank you , could you provide me with the email address ?",
+ "Can I have the address please .",
+ "Can I have the address please ?",
+ "If you could give me the address , that would be great !",
+ "I need the address to the Addenbrookes Hospital please .",
+ "What is the address ?",
+ "Do you have their full street address ?",
+ "No , I just needed the address . Good bye .",
+ "Can you provide me with the address please ?",
+ "Thank you , may I have their phone number and address ?",
+ "Thanks , what 's the address ?"
+ ],
+ "Addr;Phone;": [
+ "I would like the address and phone number please .",
+ "Thanks , I also need the address and phone number .",
+ "May I have the full hospital address and their main phone number , please .",
+ "No , but can you give me their phone number and address please ? Thanks !",
+ "Can I get the address and phone number ?",
+ "Can I have the address and phone number",
+ "I actually need the address and phone number for the Addenbrookes Hospital . Can you help me ?"
+ ]
+ },
+ "Hotel-Inform": {
+ "Parking;": [
+ "no , i just need to make sure it 's cheap . oh , and i need parking",
+ "I do n't want to have to pay for parking .",
+ "Yes . I need a place to stay in the same part of town . It must have free parking .",
+ "Hello , I ' m looking for a place to stay that offers free parking .",
+ "Hello , I would like to find a hotel that includes free parking .",
+ "Great . I ' m also looking for a place to stay . I need a hotel that includes free Wi - Fi and free parking",
+ "Yes , I 'd like to book one that offers parking please .",
+ "No thanks - not yet . Does it have free parking ?",
+ "I do n't care about the price range , but I would like free parking .",
+ "Yes , please look for any 3-star hotels in town that include free parking . East is still preferred .",
+ "I ' m looking for a hotel in the centre with free parking .",
+ "I will take anything with free parking .",
+ "Does it have free parking ?",
+ "Okay , that would be fine , as long as it has free parking .",
+ "I would like a guest house , with free parking .",
+ "No I do not need to have free parking .",
+ "I have no preference , but the place does need to include free parking .",
+ "I do n't have a preference . I will need parking too .",
+ "It needs to have free parking .",
+ "I do n't care about the part of town , but I do want free parking .",
+ "I just need to have free parking .",
+ "I need a place with free parking .",
+ "i need a plcae to stay with free parking no interned is needed",
+ "I ' m not too particular about which particular area I say in , but I do need free parking .",
+ "Cambridge . It needs to have free parking and moderately priced .",
+ "No particular price range , but I would like free parking .",
+ "No specific price range . I would like for it to have free parking .",
+ "I am not particular about the area . It is all right if the hotel does n't have free parking .",
+ "Please pick one for me . The wife just \" politely requested \" that we change our mind on the parking , can you pick one that includes free parking ?",
+ "If you could just pick one , it does not have to have free parking . Maybe close to the Broughton House Gallery .",
+ "An inexpensive area with free parking if possible .",
+ "Is there one with free wifi and free parking ?",
+ "It should include free parking .",
+ "Please book the one that has free parking .",
+ "No , it does not matter . I am also looking a for place with free parking .",
+ "I do n't care , but I 'd like free parking .",
+ "The area is n't important but we also need free parking .",
+ "I ' m also looking for a place to stay that includes parking",
+ "Do any of them have free parking ?",
+ "i would like to stay somewhere that has free parking",
+ "Any price range is fine but i do need free parking",
+ "It does n't really matter , but I would like free parking .",
+ "I would like free parking , if available . Everything else is not really an issue .",
+ "Can you please recommend a hotel ? I do n't need free parking .",
+ "I need a hotel , parking does n't matter to me though .",
+ "Can I book one with free parking ?",
+ "How about one that has free parking ?",
+ "I have no preference , but the guesthouse should include free parking .",
+ "I do n't have a preference on what side of town , but it does need to include parking .",
+ "no , but i want free parking .",
+ "I need a place to stay , and I need it to provide free parking .",
+ "No but I need it to include free parking .",
+ "Yes , I would like free parking . I do n't care whether it 's a guesthouse or hotel , though . Could you suggest a place ?",
+ "Sorry , before a taxi I need a place to stay . I need it to include free parking & be in same area as the restaurant .",
+ "Wow . That seems like a lot . I do n't need free parking , if that helps to narrow the search .",
+ "I need a place to stay as well . I need free parking .",
+ "I need to find a hotel that has free parking .",
+ "Yes , I am looking for an expensive hotel to stay that includes free parking .",
+ "I am planning a trip in Cambridge and need a place to stay with free parking .",
+ "I am also interested in a place to stay , that includes free parking .",
+ "Wfif , free parking and room service",
+ "I need any guesthouse in the north that includes free parking . Whatever one you reccomend will work just fine .",
+ "Can you help me find a place to stay with free parking ?",
+ "Not really . I wo n't be needing free parking .",
+ "No , I do n't have a preference . I 'd like the guesthouse to have free parking though !",
+ "I am not particular about area but I need it to include free parking .",
+ "I ' m looking for a place to stay with free parking .",
+ "Either place and it does n't matter if it has free parking or not .",
+ "I do n't care about the price range , but I need free parking , please .",
+ "No thank you , I do need help finding a place to stay that has free parking though .",
+ "Price does not matter , but can you find one without free parking ?",
+ "No , I wo n't have a car , so parking is n't important .",
+ "no . i also wish to find a place to stay with free parking",
+ "Somewhere in the center that gives free parking . It 's pretty important as that 's where I ' m interested in . If that does not exist , I 'd like to be somewhere in the west .",
+ "I am looking for a place to stay with free parking .",
+ "I do n't really care about price range , but I 'd like to have free parking .",
+ "Location does n't really matter as long as there 's free parking available .",
+ "I 'd like to find somewhere to stay with free parking ; I ' m planning to rent a car during my stay .",
+ "Not a particular area , but I would like free parking .",
+ "That would need helpful yes , however I need the hotel to also offer free parking !",
+ "It needs to be in the same area as theatre and have free parking . I do n't care about the price .",
+ "No preference really . And it does n't really need to have free parking .",
+ "Ok , yes , if you could suggest one that comes with free parking that would be great !",
+ "It does n't have to have free parking . I guess you can find me one .",
+ "Not really and I do n't need parking either .",
+ "Can you help me find a place to stay ? It 'll need to have free parking .",
+ "I need lodgings with free parking .",
+ "Does it have free parking ?",
+ "I do n't have a particular area in mind but I do also need free parking please .",
+ "I ' m looking for a guest house that offers free parking .",
+ "As long as there is available parking I 'd like to book my reservation there please .",
+ "That sounds perfect so long as it has free parking .",
+ "its ok if it has free parking",
+ "I 'd like free parking .",
+ "I ' m looking for a place that offers free parking to it 's guests . Got any hotels that offer that ?",
+ "Does the The Hamilton Lodge have both free wifi and free parking ?",
+ "No preference on price and it does n't have to include parking .",
+ "Good Evening , I am looking for a place to stay that includes free parking",
+ "Yes , but I just want to make sure that it includes free parking and is in moderate price range .",
+ "I ' m looking for a place in the moderate price range and i need free parking .",
+ "Sure , but can I get one that also has free parking ?",
+ "Thanks , i ' m also looking for a place to stay with free parking .",
+ "No area in specific , however I would like free parking as well",
+ "That is perfect , I was looking for free parking as it was .",
+ "I ' m looking for a place in the cheap price range with free parking .",
+ "Is the fee not listed ? I also will need to find a hotel , and I will need free parking please .",
+ "I do n't care about the area it is in , but I will need free parking .",
+ "Hi , I am looking for a place to stay in Cambridge . I will need free parking .",
+ "I need something with free parking as well . Do either of those have free parking ?",
+ "No , but I would like a guest house with free parking .",
+ "I do n't care about wifi but I definitely need free parking .",
+ "Are there any other places like that that also have free parking in that area ?",
+ "Location does n't really matter as long as there 's free parking available .",
+ "It does n't matter but I do need free parking .",
+ "Yes , I will also need free parking .",
+ "I need one with free parking .",
+ "I do n't need parking .",
+ "I am planning a trip in Cambridge and need a place to stay with free parking .",
+ "It does nt ' matter . I do n't care about parking either .",
+ "Free parking would be great please .",
+ "I do n't seem to have a preference but I wiukd like a moderately priced place with free parking .",
+ "I wold like to book a room near downtown that has wi - fi and a free parking .",
+ "I am just looking for one with free parking",
+ "Yes but to help it does n't need to have free parking .",
+ "No , but I do need a place with free parking .",
+ "Yes please , and I 'll need free parking as well .",
+ "I also need a hotel to stay that 's near the restaurant . I need it to have free parking too .",
+ "Yes , please book it",
+ "Yes , I will also need free parking .",
+ "I need free parking but other than that I ' m not picky .",
+ "I do n't have a preference on price . It also does n't need to have free parking .",
+ "how about one that has free parking ?",
+ "I need a place to stay . It needs to have free parking .",
+ "I am looking for a guesthouse in the expensive price range with free parking .",
+ "If it narrows it down , can I also have free parking as well ?",
+ "well anything with free parking .",
+ "free parking , please .",
+ "No particular area but it should have free parking too .",
+ "No , but should come with free parking .",
+ "The star rating does n't matter but I do need free parking .",
+ "Can you help me find a place to stay in the east with free parking ?",
+ "If it is in the East part of town , and has free parking , then that sounds great , thank you !",
+ "No that is ok ! I decided that free parking is not a deal breaker for me . So can I book that guest house ?",
+ "No , but parking is a necessity .",
+ "I also need a place to stay , a hotel with free parking and in the center of town .",
+ "That 's fine , can you find one in the moderate price range with free parking .",
+ "I need free parking .",
+ "do any of them have free parking ?",
+ "I definitely need it to include free parking .",
+ "The area is flexible but we would like free parking .",
+ "how about one that has free parking ?",
+ "Does that have free parking ?",
+ "Great , thank you . Can you also help me find a place to stay that has free parking ?",
+ "Yes , free parking is important . And also make sure it 's an actual hotel rather than a guesthouse , I prefer the amenities of a hotel .",
+ "That does n't matter to me but I do want to make sure I stay somewhere with free parking .",
+ "Yes , I would like it , and hope that is has free parking space .",
+ "I really do n't care if it has free parking .",
+ "I ' m looking for a gueshouse that includes free parking .",
+ "Only other thing I would like is free parking .",
+ "I ' m looking for a places to stay in south Cambridge that offer free parking for guests .",
+ "Hi there , I ' m looking for a place to stay that has wi - fi and parking for free .",
+ "No thanks , but I do need a place to stay . Could you find me something with free parking ?",
+ "Do any of them have free parking ?",
+ "I do n't care about the number of stars . If you do n't have one without parking , I 'll take one with parking . Choose the best one , please .",
+ "Only if it has free parking .",
+ "Perfect . I am also looking for a place to stay with free parking",
+ "Not really . Could you suggest one with free parking ?",
+ "No , I ' m going to have my car with me so I can get to any part of town . But now that I think of it , I 'd like to have free parking .",
+ "Hey I ' m looking for a hotel that has free parking , can you find one ?",
+ "Is the huntingdon marriott a hotel with free parking , expensive and a 0 star . If so , that would be great .",
+ "I would like free parking .",
+ "A guest house , with free parking , would be just the thing .",
+ "Can you see if any of them offer free parking ?",
+ "I do not need free parking .",
+ "It should include free parking .",
+ "Do you have one with free parking",
+ "no but should include free parking",
+ "i need a guest house which has free parking",
+ "I need lodging in Cambridge that has free parking . I do n't need internet , though . What have you got ?",
+ "I want a hotel with free parking in the center of town .",
+ "Price does not matter but it needs to have free parking .",
+ "I need to find a hotel to stay in , some place with free parking . Thank you .",
+ "I definitely need free parking also , please .",
+ "No parking is not a concern of mine .",
+ "Do any of those include free parking ?",
+ "Does it have free parking ?",
+ "I am also looking for a place to stay in the north with free parking .",
+ "i also need a hotel room for two nights and 1 person and must have free parking",
+ "No thanks - not yet . Does it have free parking ?",
+ "Is there one in the centre with free parking",
+ "Oops , I forgot to ask for free parking , does that include free parking ?",
+ "One that has free parking",
+ "I need a place to stay that includes parking",
+ "Do any of those have free parking ? I really need it to include that .",
+ "I do n't care about the price , and the hotel does n't need to have free parking .",
+ "Yes please . I need a guesthouse in the east that includes free parking .",
+ "no i do nt have any other than the free parking",
+ "I ' m not picky . It needs to have free parking , though .",
+ "Perfect . Can you also help me find a hotel while we 're there ? It should also have free parking .",
+ "It does n't matter to me whether it 's a guesthouse or hotel , but I really want it to have free parking . Can you check on that again , please ?",
+ "i need a place to stay that has free parking",
+ "Hello ! I ' m needing a place to stay in the center of town . Parking is not important to me . What do you have ?",
+ "Hi , I ' m looking for a place to stay that has free parking .",
+ "Find a budget hotel with free parking in Cambridge .",
+ "No that wo n't be necessary . I would like to find a place to stay though , and I 'll need free parking .",
+ "I ' m looking for a hotel , I ' m excited to see some tourist attractions so there needs to be free parking .",
+ "Yes , is there one that has free parking ?",
+ "I need it to have free parking too .",
+ "No star preference but it should also have free parking .",
+ "I ' m looking for a hotel with free parking , can you help me out ?",
+ "Oh , I completely forgot to mention that I will also need a hotel that has free parking . Any of the 7 you said have this option ?",
+ "I also need free parking . Do they have that ?",
+ "I do n't care where , I just need it to be 5 stars and include free parking .",
+ "I ' m looking for a guest house with free parking .",
+ "Does it have free parking , I really do n't need free parking , and I worry about security at the places that do have free parking .",
+ "It needs to have free parking .",
+ "Oh , wait ! While I have you , I can go ahead and check on hotels . I need a hotel with free parking .",
+ "It needs to have free parking",
+ "No , but I want free parking .",
+ "I do n't really care about the area , but I would like it to have free parking .",
+ "If there are not any hotels that do not include free parking then that place will do .",
+ "Yes can you please list the hotels names please .",
+ "Yes , any type will do as long as it includes free parking .",
+ "Ok great . I do n't need tickets . Could you find me a place to stay with free parking ?",
+ "No , that does n't matter , but I need a hotel with free parking .",
+ "Does either one have free parking ?",
+ "I would prefer one that has free parking and a star rating of 4 .",
+ "Free parking would be nice but it is not a necessity .",
+ "I 'd like free parking .",
+ "I need a place to stay with free parking . Ideas ?",
+ "I would like it to be in the moderate price range and include free parking .",
+ "I am also wanting to find a place to stay . Although , I will need something with free parking . I ca n't afford to pay extra at some place that charges extra .",
+ "Hi , I will be in Cambridge soon and need a place to stay that has free parking .",
+ "Hello , are there any centrally located hotels in Cambridge with free parking ?",
+ "Sure but can I think I want one with free parking .",
+ "I would like a five star hotel with free parking and breakfast .",
+ "I still need to know if Aylesbury House has free parking .",
+ "I might , but first do they have free parking ?",
+ "Oh , I also need it to have free parking and I want a guest house .",
+ "Hi ! I would like to find a hotel to stay in . I do n't care about the parking .",
+ "Any type is fine , I just would like it to have free parking as well .",
+ "Do either of those include free parking ?",
+ "Yes , I need the room for one guest only . Thank you .",
+ "Maybe try one with free parking .",
+ "In Cambridge for sure , but still deciding the location . I need it to have free parking though ,",
+ "It 's more important to me that it has free parking .",
+ "Do n't care . I am looking for free parking at the hotel though . Which ones have that ?",
+ "Thanks , I also need a place to stay in Cambridge . I do n't care about free parking , though .",
+ "I would also like free parking",
+ "Does it have free parking",
+ "No , and it also does not need free parking .",
+ "Does one have free parking ?",
+ "I also need a moderate place to stay , with free parking .",
+ "I am also looking for a moderate priced guesthouse to stay in that includes free parking",
+ "I ' m looking for a place that is moderately priced and has free parking .",
+ "I ' m looking for a place to stay that has free parking .",
+ "I am looking for a guesthouse that has free parking .",
+ "Price does n't matter to me as long as it comes with free parking .",
+ "I do n't need free parking .",
+ "No any one will do . What ever you recommend . it should also have free parking .",
+ "I need free parking .",
+ "What hotels have free parking ?",
+ "Any part of town as long as it includes free parking .",
+ "You read my mind . Yes , free parking .",
+ "Yes , if Acorn House has free parking , please book my reservation .",
+ "That does n't matter to me but I do want to make sure I stay somewhere with free parking .",
+ "No , it does not matter . I am also looking a for place with free parking .",
+ "I do n't need parking .",
+ "I also need a hotel with free parking .",
+ "Perfect . I am also looking for a place to stay with free parking",
+ "I am looking for a guesthouse in the moderate price range which includes free parking .",
+ "I am looking for a guest house that i can stay in . Free parking is also an added advantage .",
+ "I am looking for a place to stay with free parking .",
+ "I do need parking . Is there anything available ?",
+ "I would like it to have free parking , please .",
+ "No , price does n't matter . I prefer free parking though .",
+ "ofcourse , information on parking",
+ "No . I should n't need parking .",
+ "It does not matter but I would like free parking .",
+ "Does it have a star of 4 . I do n't care if it has free parking .",
+ "Some place in the north and it does not need to have free parking",
+ "I need a hotel that has free parking",
+ "Does n't matter . I also need free parking .",
+ "what about the one fitting the description with free parking ?"
+ ],
+ "Day;People;Stay;": [
+ "Yes , please . #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "That is sufficient , please book me for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights staring on #HOTEL-INFORM-DAY# .",
+ "I guess that 's fine , book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights , We 'll be there on #HOTEL-INFORM-DAY# .",
+ "That 's fine . Can I book it on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people ?",
+ "I need to book #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# please",
+ "I need it booked for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Okay great . Can you book me a room for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "Either one works , I need to book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# . I 'll also need a reference number .",
+ "I would like it for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# please .",
+ "Any place is fine , can you please book me for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Can you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "That sounds perfect . I need a room for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Sounds good . Can I get it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# please ?",
+ "yes for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# , and I need the confirmation number",
+ "Please . I need a room on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights . #HOTEL-INFORM-PEOPLE# people will be staying .",
+ "Yes , please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Nothing else , book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes please . #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes . I want to book one for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Can you book the limehouse for #HOTEL-INFORM-PEOPLE# person to stay #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Great can you get me a room for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Yes . Book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# .",
+ "Yes please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# for me .",
+ "Can I book one of them for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# and get the reference number ?",
+ "Ok , I guess we can book that one then . There will be #HOTEL-INFORM-PEOPLE# of us staying #HOTEL-INFORM-STAY# nights , starting #HOTEL-INFORM-DAY# .",
+ "yes , please . #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I 'd like to book one for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# . Will that be possible ?",
+ "I would like that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# please .",
+ "Can you book one of them for #HOTEL-INFORM-PEOPLE# people , starting from #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights ?",
+ "Yes . Please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Can you book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Yes that will be fine . Book the room for #HOTEL-INFORM-PEOPLE# and for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# .",
+ "Ok , let 's go with that . ould you book it for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# ? I need #HOTEL-INFORM-STAY# nights .",
+ "Sure , I 'd like to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "We will be there #HOTEL-INFORM-DAY# , for #HOTEL-INFORM-STAY# nights . I need a reservation for #HOTEL-INFORM-PEOPLE# people .",
+ "Great can you book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Nothing in particular . I just need it booked for #HOTEL-INFORM-PEOPLE# people for a total of #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# . I 'd also like the reference number , please .",
+ "Sure , I would like Autumn House and I need to book it for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , and the stay starting on #HOTEL-INFORM-DAY# please .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Let 's go with Ashley . Book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Let 's go for that . Book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Actually , can you book #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Sure ! Does it include free parking ? If so I am looking for a reservation for #HOTEL-INFORM-PEOPLE# starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "I 'd like to to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I need to book it for #HOTEL-INFORM-PEOPLE# people starting from #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Please book it for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Please book for #HOTEL-INFORM-PEOPLE# people starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Sure , can you book that for me ? Starting #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights , and #HOTEL-INFORM-PEOPLE# people",
+ "That should be great can I book it for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# please ?",
+ "Great ! Could you book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "Please book it for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights beginning on #HOTEL-INFORM-DAY# .",
+ "it 's for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# .",
+ "I will be booking it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights , and I 'd actually like it to start from #HOTEL-INFORM-DAY# .",
+ "I need it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Could you check to see if they have booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "That is just fine . Please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Cool . Can you help me to book a room there for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "Perfect ! Can you book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "I need booking from #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I need it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# please .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Great I need #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Yes . I would like to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Oh sure , It 's for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people please .",
+ "Ok , can you book me for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "I need to book for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , starting on #HOTEL-INFORM-DAY# .",
+ "Thank you . Please book the hotel for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Please . Book it for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# , for #HOTEL-INFORM-STAY# days . I 'll need the reference number for that as well .",
+ "Yes please , #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I just need to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "That sounds good can you book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Okay , please book that for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# . I 'll need a reference number .",
+ "Yes please for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "OK , can you book me for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Great . can you recommend one and book it for #HOTEL-INFORM-STAY# nights coming in on #HOTEL-INFORM-DAY# . There will be #HOTEL-INFORM-PEOPLE# in my party",
+ "No , will you just book me something for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights ?",
+ "I need to book it on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people . Could i please have the reference number ?",
+ "Perfect can you book that for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "I need to make reservations for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# .",
+ "Yes I need to book it for #HOTEL-INFORM-PEOPLE# people , for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# , can I get the reference number ?",
+ "I need the hotel reserved for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I want to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes , could you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "No , I 'd like a room for #HOTEL-INFORM-PEOPLE# people . We 'll be checking in on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Please book it for #HOTEL-INFORM-PEOPLE# person , for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# please",
+ "Yes lets book it for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Can you make me a booking for #HOTEL-INFORM-PEOPLE# of us starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights ?",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes please . I need #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "yes , please I would like it booked for #HOTEL-INFORM-PEOPLE# people . I would need this for #HOTEL-INFORM-STAY# nights starting with #HOTEL-INFORM-DAY# .",
+ "Either one is fine , I need to book for #HOTEL-INFORM-PEOPLE# starting #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights .",
+ "reservation , please . #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes please make a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Sounds great ! Please book a #HOTEL-INFORM-STAY# night stay for #HOTEL-INFORM-PEOPLE# person on #HOTEL-INFORM-DAY# .",
+ "Can I book #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "book a hotel for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes . Can you book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Either one is fine . I want it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Yes , #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "There are #HOTEL-INFORM-PEOPLE# of us , staying #HOTEL-INFORM-STAY# nights , beginning on #HOTEL-INFORM-DAY# .",
+ "i 'd like the gonville please . make a reservation if you can for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# person , #HOTEL-INFORM-STAY# nights .",
+ "Sounds good . Let 's book it for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "i want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , I 'll need it for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# . Oh , and book it for #HOTEL-INFORM-PEOPLE# people !",
+ "Ok that sounds nice please book that for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people starting on #HOTEL-INFORM-DAY# .",
+ "I do n't have a preference . Please make a suggestion and book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "i want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Okay please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes . Please book #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Sure , please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# .",
+ "Perfect , please book that for #HOTEL-INFORM-PEOPLE# person , #HOTEL-INFORM-STAY# nights , starting on #HOTEL-INFORM-DAY# .",
+ "Yeah , #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# , I am taking the wife out for a surprise trip .",
+ "Please book University Arms for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# . Send the reference number too ok ?",
+ "Try either one of the cheap ones , I need one that can hold my group of #HOTEL-INFORM-PEOPLE# for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# .",
+ "Sure . please book for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Sure that sounds great . I need it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Alright . I 'd like a room on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights . #HOTEL-INFORM-PEOPLE# people will be staying .",
+ "Once you find the hotel you want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I am looking to stay for #HOTEL-INFORM-PEOPLE# person , #HOTEL-INFORM-STAY# nights , starting #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "That sounds great please make reservations for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# .",
+ "Can you book the Allenbell for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights staring #HOTEL-INFORM-DAY# ?",
+ "Great can you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Alright , book that for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Could you book me a room at one of those ? I need it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I would like you to book me into the hotel for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights and #HOTEL-INFORM-PEOPLE# people .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Please book the hotel for #HOTEL-INFORM-PEOPLE# people starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Great can I book that for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# ?",
+ "yes book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , can you book for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , starting on #HOTEL-INFORM-DAY# .",
+ "I guess I do n't have a choice . Book me in one of them a room for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from this #HOTEL-INFORM-DAY# .",
+ "I need to book a room for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights",
+ "you want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# . no parking",
+ "yes , please . For #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes , please . I 'd like to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I 'd like to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# . Can you do that for me and provide me with a reference number please ?",
+ "Yes please book a room for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I would like to book the hotel for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# , please .",
+ "I would like to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I 'll take the hotel . Please book for #HOTEL-INFORM-PEOPLE# people starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Book for me #HOTEL-INFORM-PEOPLE# person and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Perfect . I would like to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "yes can you book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "I need reservations for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "OK , I will need to book for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Are you sure ? Can you try both of them ? I really need #HOTEL-INFORM-STAY# nights , starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Thank you . Please book a reservation for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Not particularly , but the nicer the better , of course . I ' m coming in #HOTEL-INFORM-DAY# and staying #HOTEL-INFORM-STAY# nights . Can you book it for me ? There 's #HOTEL-INFORM-PEOPLE# in my party .",
+ "Hamilton lodge and book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# , please .",
+ "That sounds good . Can you book it for #HOTEL-INFORM-PEOPLE# people to stay #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# ?",
+ "Can you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# ?",
+ "I 'd like to book for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# please",
+ "yes , please book it for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights . Will you give me the confirmation number when that is complete ?",
+ "No thanks , I would like to book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Lets try Cambridge Belfy and book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "it will be for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights .",
+ "I need to book it to #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes please make a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Pick one for me . I need a hotel for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "book for me one of your choice for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Thank you , I need to book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# . Can they set that up for me .",
+ "Yes please make me a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Any one of them is fine . Please book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I do not care , book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "that is not a issue . book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes it will . Please book it for #HOTEL-INFORM-PEOPLE# people staying #HOTEL-INFORM-STAY# night starting on #HOTEL-INFORM-DAY# .",
+ "That sounds good please book that for #HOTEL-INFORM-PEOPLE# people starting on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "yes . i would like to stay starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights with #HOTEL-INFORM-PEOPLE# people .",
+ "Let 's do that . Please reserve it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Sounds great ! Can you book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "Great can you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# ?",
+ "I would like to book for #HOTEL-INFORM-PEOPLE# person #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "yes please recommend one . the booking is needed for #HOTEL-INFORM-DAY# . #HOTEL-INFORM-STAY# nights , #HOTEL-INFORM-PEOPLE# people",
+ "Can you make that for starting #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights and #HOTEL-INFORM-PEOPLE# people ?",
+ "Yes please . I need it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes please . I want #HOTEL-INFORM-STAY# nights from #HOTEL-INFORM-DAY# , and for #HOTEL-INFORM-PEOPLE# people . Give me the reference number too .",
+ "That would be fine , can you book ig for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , starting #HOTEL-INFORM-DAY# ?",
+ "I 'll need to book for #HOTEL-INFORM-PEOPLE# people for a #HOTEL-INFORM-STAY# night stay starting on #HOTEL-INFORM-DAY# .",
+ "I need to book it for #HOTEL-INFORM-PEOPLE# people starting from #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Carolina Bed and Breakfast sounds nice . Could I have it booked for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Yes . I 'll need accomodations for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , please . Book that one , #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights , #HOTEL-INFORM-PEOPLE# people .",
+ "Please book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes can you please look to see if booking is available for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "Yes please book it for #HOTEL-INFORM-PEOPLE# on #HOTEL-INFORM-DAY# and I will be staying #HOTEL-INFORM-STAY# nights if that 's available .",
+ "That sounds good , can I get a room for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "That sounds great , can you book it for me for #HOTEL-INFORM-PEOPLE# people ? Checking in #HOTEL-INFORM-DAY# and will be staying #HOTEL-INFORM-STAY# nights .",
+ "Please book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Hotel you want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# and need a confirmation number thank you",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes please . I 'll need it for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people .",
+ "It does n't matter with internet . I need to book for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# , is that possible at all ?",
+ "Can you book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "I need a reservation for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# . Can you please book that for me ?",
+ "Yes any one of them will do . I need to book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# please .",
+ "I need to book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# . Do either of those have that available ?",
+ "I would like to stay for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# . Also book it for #HOTEL-INFORM-PEOPLE# people .",
+ "Sure . I 'd need a room for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "That sounds nice , I need to arrive on #HOTEL-INFORM-DAY# , I will have #HOTEL-INFORM-PEOPLE# total guests and we are staying for #HOTEL-INFORM-STAY# nights .",
+ "surprise me ! i need a booking for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes , please book for #HOTEL-INFORM-PEOPLE# person and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Pick one for me . Book it for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , please , for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# , for #HOTEL-INFORM-STAY# nights .",
+ "Yes . Book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights on #HOTEL-INFORM-DAY# and I 'll need the reference number too please",
+ "Yes please . Book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "There will be #HOTEL-INFORM-PEOPLE# people and a total of #HOTEL-INFORM-STAY# nights stay starting from #HOTEL-INFORM-DAY# .",
+ "No , I do n't have a preference . Please just pick one , and book it for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes can you book for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , starting from #HOTEL-INFORM-DAY# ?",
+ "Yes please , if you can book for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "I have no preferences . You can just pick one . I 'd like it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes that s fine . I need it for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# . There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "Yes please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Any one is fine with me , can you just find one with an availability for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "I would like it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes I 'd like to book for #HOTEL-INFORM-DAY# , #HOTEL-INFORM-PEOPLE# people staying for #HOTEL-INFORM-STAY# nights .",
+ "Yes for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "No but I would like to make a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Yes , please ! Book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "yes book the room for me please #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# please",
+ "Yes , could you please book me a room on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people and for #HOTEL-INFORM-STAY# nights .",
+ "Great ! I want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Please check to see if there any rooms available on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights . I will need #HOTEL-INFORM-PEOPLE# rooms .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Great can you book that for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Yes , please book it for #HOTEL-INFORM-PEOPLE# person and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "i want to book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I want to book for #HOTEL-INFORM-STAY# people , #HOTEL-INFORM-PEOPLE# nights , starting from #HOTEL-INFORM-DAY# .",
+ "Could you book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "I need to get a reference number first . This booking is for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Great . Please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Can I book a stay there for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# please ?",
+ "Yes can you book that for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "I need to book it to #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Any one would be fine can I get a room for #HOTEL-INFORM-PEOPLE# person for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ?",
+ "Thanks ! I 'd like to book at the worth house for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Okay , i 'll try it out ! Book me for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting this #HOTEL-INFORM-DAY# .",
+ "Please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "It 'll be for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights , starting #HOTEL-INFORM-DAY# .",
+ "Yes , please make a reservation for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Can you please book a room for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "Please book a #HOTEL-INFORM-STAY# night stay for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# .",
+ "yes , please . #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I would like to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes can I get a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "I would like to check in on #HOTEL-INFORM-DAY# . We would need #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people .",
+ "Whatever is open and available , please book me for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-STAY# night starting #HOTEL-INFORM-DAY# .",
+ "Yes could you check for a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?"
+ ],
+ "Stay;": [
+ "how about only #HOTEL-INFORM-STAY# nights .",
+ "Sure . Let 's try #HOTEL-INFORM-STAY# nights . Thanks . I 'll need a reference number , too , please .",
+ "For 3 people starting on Wednesday and staying #HOTEL-INFORM-STAY# nights .",
+ "Yes , what about #HOTEL-INFORM-STAY# nights instead of 4 ?",
+ "Yes . I need 3 rooms beginning on Tuesday for #HOTEL-INFORM-STAY# nights .",
+ "Yes , please do . I 'll be arriving Thursday . They 'll be 6 of us , and we 'd like to stay for #HOTEL-INFORM-STAY# nights .",
+ "I would like to book it for #HOTEL-INFORM-STAY# nights for 4 people please .",
+ "Can you try booking again for #HOTEL-INFORM-STAY# nights instead of 4 ?",
+ "Lensfield sounds perfect . I will need #HOTEL-INFORM-STAY# nights please .",
+ "How about #HOTEL-INFORM-STAY# night ? Would that work ?",
+ "thanks I am also needing to book at a guesthouse for 6 for #HOTEL-INFORM-STAY# nights starting on sunday",
+ "how about for #HOTEL-INFORM-STAY# night ?",
+ "Ok , well how about #HOTEL-INFORM-STAY# nights instead ?",
+ "Great I need to book it for #HOTEL-INFORM-STAY# nights",
+ "Yeah , try it for #HOTEL-INFORM-STAY# night instead of 3 , please .",
+ "I would like to make a booking for book it for 5 people and #HOTEL-INFORM-STAY# nights starting from wednesday .",
+ "Can you please recommend one and book it for #HOTEL-INFORM-STAY# nights ?",
+ "Yes please . I need it for one person on Saturday . A #HOTEL-INFORM-STAY# night stay .",
+ "Sunday , #HOTEL-INFORM-STAY# nights . 7 people .",
+ "Can you try #HOTEL-INFORM-STAY# night ?",
+ "Can you try booking it for just #HOTEL-INFORM-STAY# night instead ?",
+ "That 's fine , I 'd like to book it for #HOTEL-INFORM-STAY# nights then .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Ok , try for #HOTEL-INFORM-STAY# nights .",
+ "Try #HOTEL-INFORM-STAY# nights , then .",
+ "book it for 2 people and #HOTEL-INFORM-STAY# nights starting from the same day .",
+ "I do n't have a particular price range in mind . What do you suggest for 8 people and #HOTEL-INFORM-STAY# nights ? I will need it for Wednesday .",
+ "How about just #HOTEL-INFORM-STAY# night ?",
+ "Ok , can you try for just #HOTEL-INFORM-STAY# night please ?",
+ "I ' m sorry , #HOTEL-INFORM-STAY# nights please .",
+ "It does n't matter to me which part of the city it 's in or it 's rating . In your opinion , which one would be best for a short #HOTEL-INFORM-STAY# day stay ?",
+ "No , that does not matter , as long as I can book a #HOTEL-INFORM-STAY# night stay for 4 people on Monday .",
+ "Were you able to find a moderately expensive guesthouse in the north ? I need to book one for 4 people and #HOTEL-INFORM-STAY# nights starting on Wednesday .",
+ "Can you try it for #HOTEL-INFORM-STAY# nights ?",
+ "Can you try for #HOTEL-INFORM-STAY# nights instead ?",
+ "OK , can you accommodate #HOTEL-INFORM-STAY# nights then ?",
+ "Please make a reservation for #HOTEL-INFORM-STAY# nights .",
+ "How about #HOTEL-INFORM-STAY# nights ? Would that work ?",
+ "Can you book it for #HOTEL-INFORM-STAY# nights ?",
+ "Please do . It will be a #HOTEL-INFORM-STAY# night stay for 4 people .",
+ "No , I think I would like to book it for myself for #HOTEL-INFORM-STAY# nights .",
+ "Yes , that would be great . I would like my check - in to be on Saturday . I will be staying for #HOTEL-INFORM-STAY# nights and there will be a total of 5 people .",
+ "I ' m sorry , but I actually needed the hotel for #HOTEL-INFORM-STAY# nights , can you adjust that for me ?",
+ "I ' m sorry , I got confused there for a moment - were you unable to book me for #HOTEL-INFORM-STAY# nights ?",
+ "How about #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes , for 2 people for #HOTEL-INFORM-STAY# nights .",
+ "Can we try for #HOTEL-INFORM-STAY# nights ?",
+ "Can you check to see if that hotel can be booked for #HOTEL-INFORM-STAY# night instead ?",
+ "That 'll work . Please book me a room for one , checking in Monday for #HOTEL-INFORM-STAY# nights",
+ "Can we make it #HOTEL-INFORM-STAY# night then ?",
+ "Can I get it for #HOTEL-INFORM-STAY# night , then ?",
+ "Yes , please for #HOTEL-INFORM-STAY# night .",
+ "Ok great , could you book a room for me ? I need it for #HOTEL-INFORM-STAY# nights and there are 6 in my party .",
+ "Worth house sounds much nicer . That is cheap correct ? If so could you please try and book it for me for #HOTEL-INFORM-STAY# nights ? Same day and people .",
+ "The area does n't matter as long as I can book it for 8 people for #HOTEL-INFORM-STAY# nights starting Friday",
+ "Can you try the hotel with a #HOTEL-INFORM-STAY# night stay on the same day ?",
+ "book it for the same group of people and #HOTEL-INFORM-STAY# nights starting from the same day .",
+ "Yes , could you try for a stay of #HOTEL-INFORM-STAY# night ?",
+ "How about #HOTEL-INFORM-STAY# night ?",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "No it really does n't matter , just whatever is in the moderate price range . I 'll need it for #HOTEL-INFORM-STAY# nights .",
+ "I would also need to book it for #HOTEL-INFORM-STAY# nights .",
+ "Please book for #HOTEL-INFORM-STAY# nights , for 1 person starting on Monday .",
+ "Yes , that would be great . Please book for the three of us for #HOTEL-INFORM-STAY# nights starting on Friday .",
+ "Can you book it for #HOTEL-INFORM-STAY# night ?",
+ "Hmm , are you absolutely sure that there 's no moderately priced places in the North for 4 people , #HOTEL-INFORM-STAY# night on Thursday ?",
+ "No , but please try #HOTEL-INFORM-STAY# night instead of 3 .",
+ "find me a nice one and book for 5 people and #HOTEL-INFORM-STAY# nights from thursday",
+ "how about #HOTEL-INFORM-STAY# nights instead ?",
+ "Can you please try a #HOTEL-INFORM-STAY# day stay .",
+ "Yes . I 'll need a reservation for #HOTEL-INFORM-STAY# nights starting Sunday . There are 3 people in my party .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Yes please , I 'll need it for 2 people for #HOTEL-INFORM-STAY# nights starting Sunday",
+ "I will need it for #HOTEL-INFORM-STAY# nights . Thanks .",
+ "Can you try for #HOTEL-INFORM-STAY# nights ?",
+ "I need to book a room for #HOTEL-INFORM-STAY# starting on thursday for 4 nights called finches please . It 's a bed and breakfast .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Could you try it for #HOTEL-INFORM-STAY# nights instead ?",
+ "I actually need it booked for #HOTEL-INFORM-STAY# nights , starting Monday .",
+ "Yes I nee to book a room Friday . for #HOTEL-INFORM-STAY# nights , 8 people . I 'll also need a reference number .",
+ "Yes , is #HOTEL-INFORM-STAY# nights possible ? Could I also please have a reference number ?",
+ "How about for #HOTEL-INFORM-STAY# nights instead ?",
+ "how about #HOTEL-INFORM-STAY# night instead ?",
+ "Yes i need it booked for our group for #HOTEL-INFORM-STAY# nights .",
+ "How about #HOTEL-INFORM-STAY# nights instead ?",
+ "How about booking it for #HOTEL-INFORM-STAY# night instead .",
+ "Can you try #HOTEL-INFORM-STAY# nights instead ?",
+ "Alright , can you book me a room please . I want to stay on Sunday for #HOTEL-INFORM-STAY# nights .",
+ "I would love it if you can book me a room ! I need rooms for 3 people , #HOTEL-INFORM-STAY# nights beginning Friday .",
+ "I suppose . Is there a room available for #HOTEL-INFORM-STAY# nights , starting Sunday ?",
+ "Yes bookit for the same group of people #HOTEL-INFORM-STAY# nights .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "I would need a room for #HOTEL-INFORM-STAY# nights , for 4 people please .",
+ "That sounds great . Could you book me a room for #HOTEL-INFORM-STAY# nights starting Saturday please .",
+ "Yes , please try booking for #HOTEL-INFORM-STAY# nights .",
+ "Yes please make those for #HOTEL-INFORM-STAY# nights on the same day for the same people .",
+ "Yes , can you try it for #HOTEL-INFORM-STAY# nights , please .",
+ "Yes , #HOTEL-INFORM-STAY# night would be fine .",
+ "Sure . Please book for #HOTEL-INFORM-STAY# nights starting on the same day .",
+ "I would like to book it for 6 people staying #HOTEL-INFORM-STAY# nights .",
+ "I actually really need a booking in the east . Is it possible for you to book me at the Express Holiday Inn by Cambridge instead ? For Tuesday , 3 people #HOTEL-INFORM-STAY# nights .",
+ "can I just try maybe #HOTEL-INFORM-STAY# nights ?",
+ "Oh sure , try for #HOTEL-INFORM-STAY# nights instead of 3 .",
+ "Sure , I 'll need it for the same group of people for #HOTEL-INFORM-STAY# nights .",
+ "No , it will be me and a friend . We will be staying for #HOTEL-INFORM-STAY# nights and arriving on Monday .",
+ "well , can you maybe try it for #HOTEL-INFORM-STAY# nights ?",
+ "Either would be fine as long as it can accommodate 6 people for #HOTEL-INFORM-STAY# nights starting this Sunday .",
+ "Okay can you please book it for 7 people for #HOTEL-INFORM-STAY# nights starting on Tuesday ?",
+ "Okay , can you try for #HOTEL-INFORM-STAY# nights instead , then ?",
+ "Yes , please . I 'll be traveling alone , arriving on Monday , and I need to stay for #HOTEL-INFORM-STAY# nights .",
+ "Yes please . book it for 5 people and #HOTEL-INFORM-STAY# nights starting from tuesday",
+ "Could you see if they have #HOTEL-INFORM-STAY# nights starting on tuesday ?",
+ "Starting Sunday for 7 people for #HOTEL-INFORM-STAY# nights .",
+ "Is it available for #HOTEL-INFORM-STAY# nights ?",
+ "Would it help if I stayed for only #HOTEL-INFORM-STAY# nights instead ? I ' m flexible .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Yes . For #HOTEL-INFORM-STAY# people and 3 nights starting on wednesday .",
+ "Yes , please . For #HOTEL-INFORM-STAY# nights .",
+ "Can we please try for #HOTEL-INFORM-STAY# nights ?",
+ "Can you book that one for #HOTEL-INFORM-STAY# nights starting on Wednesday ?",
+ "Great ! Yes please book it for 8 people and for #HOTEL-INFORM-STAY# nights .",
+ "I just told you I need it for 6 people . And it 'll be for #HOTEL-INFORM-STAY# nights .",
+ "Please book for 6 people staying for #HOTEL-INFORM-STAY# nights starting on Monday . Sorry for the conflicting info .",
+ "I want to stay for #HOTEL-INFORM-STAY# nights starting from saturday .",
+ "Just to confirm , does the Lensfield have free parking ? If so I 'd like to book for 6 people , #HOTEL-INFORM-STAY# nights , starting on thursday .",
+ "Yes , I would like to book for 8 people for #HOTEL-INFORM-STAY# nights starting Tuesday .",
+ "yes , i want to book it for 8 people and #HOTEL-INFORM-STAY# nights starting from wednesday",
+ "try out #HOTEL-INFORM-STAY# night then",
+ "Ok great , I need a room booked for 8 and for #HOTEL-INFORM-STAY# nights starting on the Monday .",
+ "Okay , what about #HOTEL-INFORM-STAY# night ?",
+ "Yes I want to book it for 8 people and #HOTEL-INFORM-STAY# nights starting from thursday",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "How about for #HOTEL-INFORM-STAY# nights ?",
+ "Yes for #HOTEL-INFORM-STAY# nights same group of people as the restaurant reservation and also on the same day please .",
+ "Great , I need a room for 4 and #HOTEL-INFORM-STAY# nights starting from Friday .",
+ "Ok , how about #HOTEL-INFORM-STAY# night ?",
+ "Is there any cheap guest house available for arrival on Thursday for #HOTEL-INFORM-STAY# nights ? I still need free parking .",
+ "Sure , can you try just #HOTEL-INFORM-STAY# nights , please ?",
+ "Could you try to book us there for #HOTEL-INFORM-STAY# nights instead ?",
+ "The Lovell Lodge sounds nice . Please try for 5 nights but we can settle with #HOTEL-INFORM-STAY# if we need to .",
+ "Can you try booking for #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes , please . I need to book #HOTEL-INFORM-STAY# nights starting on Friday for 5 people .",
+ "Yes , please - could you book it for #HOTEL-INFORM-STAY# people for 4 nights please ? Also , could you let me know the reference number ?",
+ "I would like to book it for #HOTEL-INFORM-STAY# nights",
+ "I want to book #HOTEL-INFORM-STAY# nights there , please .",
+ "I would like to book one of those for #HOTEL-INFORM-STAY# nights please .",
+ "Sure , try just #HOTEL-INFORM-STAY# night .",
+ "How about #HOTEL-INFORM-STAY# day stay ?",
+ "Can we try for #HOTEL-INFORM-STAY# night instead of 2 ? I 'll need the reference number please .",
+ "I will be staying for #HOTEL-INFORM-STAY# nights .",
+ "What about for #HOTEL-INFORM-STAY# nights ?",
+ "that s still fine . book for #HOTEL-INFORM-STAY# night",
+ "How about trying the booking for #HOTEL-INFORM-STAY# nights instead ?",
+ "Yeah , can you try for #HOTEL-INFORM-STAY# nights then ?",
+ "Yes I would like to book it for #HOTEL-INFORM-STAY# nights for 1 person from Saturday .",
+ "The area does n't matter as long as they have a room available for 3 people staying #HOTEL-INFORM-STAY# nights .",
+ "Can you get it for #HOTEL-INFORM-STAY# nights ?",
+ "Awesome , please book it for #HOTEL-INFORM-STAY# nights starting Tuesday",
+ "Yes , it would be for the same group of people , and we will be staying #HOTEL-INFORM-STAY# nights .",
+ "Can you try for just #HOTEL-INFORM-STAY# nights then ?",
+ "Yes , lets try for #HOTEL-INFORM-STAY# nights",
+ "Can you try for #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes I would like to book that for #HOTEL-INFORM-STAY# nights from Saturday for 7 people .",
+ "How about just for #HOTEL-INFORM-STAY# night ?",
+ "Yes , please try again for only #HOTEL-INFORM-STAY# nights and see if that works .",
+ "I need it for #HOTEL-INFORM-STAY# nights .",
+ "Either one . Could you make a booking for 5 people starting Wednesday for #HOTEL-INFORM-STAY# nights",
+ "What about #HOTEL-INFORM-STAY# nights ?",
+ "There will only be #HOTEL-INFORM-STAY# person .",
+ "Yes . 1 person , #HOTEL-INFORM-STAY# nights from Monday on .",
+ "How about for only #HOTEL-INFORM-STAY# night ?",
+ "Well , is it available for at least #HOTEL-INFORM-STAY# nights ?",
+ "We will be staying for #HOTEL-INFORM-STAY# nights .",
+ "Just myself for #HOTEL-INFORM-STAY# nights starting friday please .",
+ "Can you book the worth house for #HOTEL-INFORM-STAY# nights starting saturday for 7 people .",
+ "Can you make the same reservation but for #HOTEL-INFORM-STAY# nights instead of 3 ?",
+ "Yes . I need to book it for 2 people starting Monday . And we will be staying for #HOTEL-INFORM-STAY# nights . Do they have room to fit us in ?",
+ "Sure , please try #HOTEL-INFORM-STAY# nights .",
+ "Please try #HOTEL-INFORM-STAY# nights on Friday and see if that works . For a guesthouse , please .",
+ "It is just me this trip and I 'll be there for #HOTEL-INFORM-STAY# nights .",
+ "Yes please . I need it for one person on Saturday . A #HOTEL-INFORM-STAY# night stay .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Can I try to book for #HOTEL-INFORM-STAY# night then ?",
+ "Why do n't we try booking only #HOTEL-INFORM-STAY# night ?",
+ "How about #HOTEL-INFORM-STAY# night ?",
+ "Great . Please book it for #HOTEL-INFORM-STAY# nights starting on Wednesday .",
+ "Yes how about #HOTEL-INFORM-STAY# night",
+ "We 'd like to stay for #HOTEL-INFORM-STAY# nights , please .",
+ "yes , please ! for 6 people for #HOTEL-INFORM-STAY# nights starting on monday",
+ "How about #HOTEL-INFORM-STAY# nights instead ?",
+ "Could we try #HOTEL-INFORM-STAY# nights .",
+ "I was hoping to stay for #HOTEL-INFORM-STAY# nights starting tuesday .",
+ "Okay , great . Please book that for me then . It 'll be 1 person for #HOTEL-INFORM-STAY# nights",
+ "Sure . I could stay for #HOTEL-INFORM-STAY# night .",
+ "I would like to stay for #HOTEL-INFORM-STAY# nights .",
+ "Yes . Which is one is cheaper and has openings for #HOTEL-INFORM-STAY# people for 5 nights starting on Sunday ?",
+ "I guess we could shorten it ; can you try #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes , please book rooms for 7 people for #HOTEL-INFORM-STAY# nights starting on Monday .",
+ "No sorry I meant #HOTEL-INFORM-STAY# nights .",
+ "Can you make a suggestion and make reservations for 1 person for #HOTEL-INFORM-STAY# nights starting from saturday ?",
+ "Yes I would like to make a booking for #HOTEL-INFORM-STAY# people and 5 nights starting from Monday .",
+ "Do they have availability for a #HOTEL-INFORM-STAY# night stay starting Saturday ?",
+ "Great , Can you please book me for 2 people and #HOTEL-INFORM-STAY# nights starting tuesday ?",
+ "Is there anything open for just #HOTEL-INFORM-STAY# night ?",
+ "I 'll be staying for #HOTEL-INFORM-STAY# nights starting on tuesday .",
+ "No preferences on the area , but I want to book it for 1 person for #HOTEL-INFORM-STAY# nights starting from wednesday .",
+ "Would #HOTEL-INFORM-STAY# night work instead ? If it does could I get the reference number please ?",
+ "Can you see if they have anything for #HOTEL-INFORM-STAY# nights ?",
+ "Can you check if a #HOTEL-INFORM-STAY# night reservation fits in anywhere ?",
+ "Yes please . Book me a stay for 7 people and #HOTEL-INFORM-STAY# nights starting from Saturday .",
+ "Great ! Yes please book it for 8 people and for #HOTEL-INFORM-STAY# nights .",
+ "No , lets try reserving it for #HOTEL-INFORM-STAY# nights instead .",
+ "How about for #HOTEL-INFORM-STAY# nights ?",
+ "Price does n't matter . I need a reservation for 8 people , #HOTEL-INFORM-STAY# nights starting Tuesday . If that day fails , the Sunday and the reference number .",
+ "book for 1 people and #HOTEL-INFORM-STAY# nights starting teusday",
+ "Okay , try just #HOTEL-INFORM-STAY# night instead .",
+ "yes for #HOTEL-INFORM-STAY# nights please .",
+ "How about #HOTEL-INFORM-STAY# nights ?",
+ "Can you try for #HOTEL-INFORM-STAY# nights ?",
+ "Yes , please , for 6 people , for #HOTEL-INFORM-STAY# nights , starting Wednesday .",
+ "Okay can you please book it for 7 people for #HOTEL-INFORM-STAY# nights starting on Tuesday ?",
+ "No , but I am trying to find rooms for a party of 8 for #HOTEL-INFORM-STAY# nights . Could you see who has room for us ?",
+ "I actually needed a room for 8 and #HOTEL-INFORM-STAY# nights starting from Friday .",
+ "Yes please . I need it for 7 people , #HOTEL-INFORM-STAY# nights and starting from Wednesday .",
+ "It will be 6 people , #HOTEL-INFORM-STAY# nights from Wednesday on .",
+ "I would like to stay for #HOTEL-INFORM-STAY# nights please .",
+ "Please try #HOTEL-INFORM-STAY# night , thank you .",
+ "No . I need it for #HOTEL-INFORM-STAY# nights . I try another time . Thanks .",
+ "I 'll go with the one in the south . I need a room for 6 people , #HOTEL-INFORM-STAY# nights from thursday .",
+ "I plan to stay for #HOTEL-INFORM-STAY# nights",
+ "How about for #HOTEL-INFORM-STAY# days ? If it 's available will you please book and provide a reference number ?",
+ "Great . Please book it for 8 people and #HOTEL-INFORM-STAY# nights starting from Monday .",
+ "Sure , let 's try #HOTEL-INFORM-STAY# nights instead .",
+ "That sounds lovely . Could you book it for me please ? The #HOTEL-INFORM-STAY# of us are coming in on Sunday for 4 nights .",
+ "I need the reservation to be for #HOTEL-INFORM-STAY# people and 2 nights please .",
+ "If that one is in the expensive price range , I 'd like to book a room for #HOTEL-INFORM-STAY# nights starting Sunday please .",
+ "That 's great . Would you book #HOTEL-INFORM-STAY# nights for 3 people , please ?",
+ "How about the center . book it for #HOTEL-INFORM-STAY# nights from Monday for 4 people .",
+ "It does n't matter as long as I can book it for #HOTEL-INFORM-STAY# people and 2 nights starting Thursday .",
+ "How about #HOTEL-INFORM-STAY# night ?",
+ "Is there anything available for just #HOTEL-INFORM-STAY# night ?",
+ "Yes please try for #HOTEL-INFORM-STAY# nights instead .",
+ "Can we try it for #HOTEL-INFORM-STAY# night ?",
+ "Okay , how about a booking for #HOTEL-INFORM-STAY# night ?",
+ "4 people . Starting saturday , #HOTEL-INFORM-STAY# nights .",
+ "Sounds great ! Can you book a room for 7 people for #HOTEL-INFORM-STAY# nights ? We 'll be arriving on Thursday .",
+ "Yes for #HOTEL-INFORM-STAY# nights from Thursday for 4 people .",
+ "Can you book a room for 1 for #HOTEL-INFORM-STAY# nights starting from Tuesday ?",
+ "book it for #HOTEL-INFORM-STAY# people and 2 nights starting from sunday .",
+ "I need it for #HOTEL-INFORM-STAY# nights",
+ "Ok sounds good . Is it available for a #HOTEL-INFORM-STAY# night stay for 2 on Wednesday ? If so book it .",
+ "Yes , how about #HOTEL-INFORM-STAY# nights ?",
+ "Sounds good . Can you book it for #HOTEL-INFORM-STAY# nights starting Friday ? There are 4 of us .",
+ "You are thorough , I would like to book my group a #HOTEL-INFORM-STAY# night stay there , please .",
+ "i d be staying for #HOTEL-INFORM-STAY# nights",
+ "Yes please . I need a room for #HOTEL-INFORM-STAY# people for 2 nights starting wednesday .",
+ "Yes please book it for 8 people for #HOTEL-INFORM-STAY# nights starting on Monday .",
+ "Can you try for just #HOTEL-INFORM-STAY# night then ?",
+ "It will be #HOTEL-INFORM-STAY# nights",
+ "I would love it if you could reserve a room for Friday for 1 person for #HOTEL-INFORM-STAY# nights .",
+ "Can you try #HOTEL-INFORM-STAY# nights instead ?",
+ "How about for #HOTEL-INFORM-STAY# nights ?",
+ "how about for #HOTEL-INFORM-STAY# days ?",
+ "Yes please book that for 1 person for #HOTEL-INFORM-STAY# nights starting friday .",
+ "Yes , can you try #HOTEL-INFORM-STAY# nights please ?",
+ "Can we try for #HOTEL-INFORM-STAY# night instead of 3 ?",
+ "We will be there for #HOTEL-INFORM-STAY# nights .",
+ "I need it for #HOTEL-INFORM-STAY# nights , starting on Monday .",
+ "I need a reservation just for myself for #HOTEL-INFORM-STAY# nights starting Wednesday , please .",
+ "Yes , go ahead . I need it for Tuesday for #HOTEL-INFORM-STAY# people and for 3 nights . Could you send me a reference number too ?",
+ "I would like to stay for #HOTEL-INFORM-STAY# days , and it will just be me .",
+ "Can you try for #HOTEL-INFORM-STAY# night instead ?",
+ "Okay I would like to make a booking for 5 people and #HOTEL-INFORM-STAY# nights starting from wednesday .",
+ "Will you try #HOTEL-INFORM-STAY# night please ?",
+ "No I have no preference . I would like to book it same day for 7 people and #HOTEL-INFORM-STAY# nights . I would need the reference number once it is complete .",
+ "Okay , how about for #HOTEL-INFORM-STAY# night ?",
+ "Is that for 2 people ? And I need it for #HOTEL-INFORM-STAY# nights starting thursday .",
+ "can you book for #HOTEL-INFORM-STAY# people and 5 nights starting from tuesday for me ?",
+ "Can you try it for #HOTEL-INFORM-STAY# night instead and see if that works ? and then give reference number",
+ "Just myself , but I need the room for #HOTEL-INFORM-STAY# nights starting on Monday , please .",
+ "All right , can you try for just #HOTEL-INFORM-STAY# night instead ?",
+ "Do you have anything moderately priced ? I need it for 6 people , for #HOTEL-INFORM-STAY# nights , starting monday .",
+ "yes , please . 6 people for #HOTEL-INFORM-STAY# nights starting on thursday .",
+ "I will get there thursday and stay for #HOTEL-INFORM-STAY# nights . I am the only guest staying .",
+ "Yes please , for 1 person , #HOTEL-INFORM-STAY# nights starting Thursday .",
+ "Can we try #HOTEL-INFORM-STAY# nights ?",
+ "How about #HOTEL-INFORM-STAY# night ?",
+ "Yes please book for the same group of people and #HOTEL-INFORM-STAY# nights starting from the same day .",
+ "I 'll be staying for #HOTEL-INFORM-STAY# nights starting on saturday .",
+ "Yes , #HOTEL-INFORM-STAY# night is fine .",
+ "Yes please . It 'll be for #HOTEL-INFORM-STAY# nights .",
+ "How about #HOTEL-INFORM-STAY# nights instead of 5 ?",
+ "No , but there will be 6 people in my party and we 'd like to stay for #HOTEL-INFORM-STAY# nights starting on Tuesday , if possible .",
+ "Please book it for me for #HOTEL-INFORM-STAY# nights",
+ "I need it for #HOTEL-INFORM-STAY# nights please .",
+ "that could be anywhere . book for me for 3 people and #HOTEL-INFORM-STAY# nightsstarting from sunday .",
+ "Starting Saturday for 4 people for #HOTEL-INFORM-STAY# nights .",
+ "Okay . Can I book #HOTEL-INFORM-STAY# nights at the Express please ?",
+ "6 people , #HOTEL-INFORM-STAY# nights starting on friday .",
+ "Hmmm ... let 's try booking the Acorn Guesthouse for #HOTEL-INFORM-STAY# night ? 4 people , arriving Friday .",
+ "I heard of that place from a friend , not sure if I like that one ... but it would be for just me for #HOTEL-INFORM-STAY# nights starting sunday .",
+ "See if you can book #HOTEL-INFORM-STAY# nights , please .",
+ "I have no preference . I need to book a room for #HOTEL-INFORM-STAY# nights starting wednesday .",
+ "All right , what about #HOTEL-INFORM-STAY# nights ?",
+ "8 people , for #HOTEL-INFORM-STAY# nights .",
+ "I can book for #HOTEL-INFORM-STAY# night instead .",
+ "Please book for #HOTEL-INFORM-STAY# nights , for 1 person starting on Monday .",
+ "I would like to book it for #HOTEL-INFORM-STAY# nights beginning on Tuesday .",
+ "I do not have a preferred area . Which ones have availability for 6 people for #HOTEL-INFORM-STAY# nights Starting Thursday ?",
+ "Yes can you make me a booking for 2 people and #HOTEL-INFORM-STAY# nights starting from thursday .",
+ "It will be for #HOTEL-INFORM-STAY# nights .",
+ "I 'll be staying for #HOTEL-INFORM-STAY# nights .",
+ "It will on the same day for #HOTEL-INFORM-STAY# nights .",
+ "Can you help me book a #HOTEL-INFORM-STAY# night stay there ?",
+ "Yes please do and book it for 5 people for #HOTEL-INFORM-STAY# nights from Monday .",
+ "Ok , can you try #HOTEL-INFORM-STAY# nights ?",
+ "Try just #HOTEL-INFORM-STAY# night , then .",
+ "I ' m sorry , did I say Friday ? I meant I want a booking for #HOTEL-INFORM-STAY# nights starting on THURSDAY .",
+ "Yes , for 8 people and #HOTEL-INFORM-STAY# nights starting from sunday .",
+ "Sure , can you book it for #HOTEL-INFORM-STAY# night ?",
+ "Whatever is available , please book me for 3 people on #HOTEL-INFORM-STAY# night starting monday .",
+ "Can you book me a room for #HOTEL-INFORM-STAY# night instead ?",
+ "What about #HOTEL-INFORM-STAY# nights ?",
+ "Can you please recommend one and book it for #HOTEL-INFORM-STAY# nights ?",
+ "That will be great . I 'll need to book it for Sunday . We will be staying #HOTEL-INFORM-STAY# nights and it 's 8 people .",
+ "That would be a massive help if you can do that for me ! It 's me and me mum and we 'll be there #HOTEL-INFORM-STAY# nights .",
+ "Let 's try #HOTEL-INFORM-STAY# nights only please and I 'll need a reference number .",
+ "Will I be able to stay for #HOTEL-INFORM-STAY# nights ?",
+ "We will stay #HOTEL-INFORM-STAY# nights .",
+ "I 'd like to stay for #HOTEL-INFORM-STAY# nights , please .",
+ "Can you check for #HOTEL-INFORM-STAY# nights instead ? And I need the reference number .",
+ "Yes please book it for 6 people and #HOTEL-INFORM-STAY# nights starting from wednesday .",
+ "Book that please for 6 people , #HOTEL-INFORM-STAY# nights starting on Friday .",
+ "Anywhere in town , need two rooms for three people for #HOTEL-INFORM-STAY# nights beginning on Monday next week . Can you give me a confirmation number as well , please ?",
+ "I ' m sorry , I ' ve changed my mind . Can you please make the reservation at the guesthouse for 6 people and #HOTEL-INFORM-STAY# nights starting on Monday .",
+ "Yes , please recommend one that can accommodate 8 people for #HOTEL-INFORM-STAY# nights starting on Thursday",
+ "Yes , let 's try #HOTEL-INFORM-STAY# nights and see if that works .",
+ "Which ever one you recommend . I 'll need it booked for 1 person , Sunday , #HOTEL-INFORM-STAY# nights please .",
+ "I would like to move in on Saturday and stay for #HOTEL-INFORM-STAY# nights .",
+ "Do you know what the price would be for a #HOTEL-INFORM-STAY# night stay for 1 person starting Thursday ?",
+ "Yes , please book it for #HOTEL-INFORM-STAY# people for 5 nights starting from saturday .",
+ "I will be staying for #HOTEL-INFORM-STAY# days . Can you book the Hobson house for me for 5 people please ?",
+ "Yes , let 's try for #HOTEL-INFORM-STAY# nights instead .",
+ "Yes , please book it for #HOTEL-INFORM-STAY# nights starting Saturday .",
+ "No that does not matter . Please make a suggestion and book it for 1 people and #HOTEL-INFORM-STAY# nights starting from sunday .",
+ "Yes , please coming in on monday for #HOTEL-INFORM-STAY# nights for 3 people .",
+ "Well , I 'll have to see if I can shorten my stay then . Can you try for just #HOTEL-INFORM-STAY# night ?",
+ "you were able to get me #HOTEL-INFORM-STAY# nights ? Can you double check that please ?",
+ "Ummm , I can swing just #HOTEL-INFORM-STAY# nights if that is available .",
+ "Can you book for #HOTEL-INFORM-STAY# nights >",
+ "Okay , please book #HOTEL-INFORM-STAY# nights for 4 starting tuesday",
+ "I would like the reservation for #HOTEL-INFORM-STAY# nights .",
+ "Yes , would you try #HOTEL-INFORM-STAY# nights instead , please ?",
+ "That sounds great . PLease book for 7 people for #HOTEL-INFORM-STAY# nights starting on friday .",
+ "How about just #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes let 's go ahead and make it for just #HOTEL-INFORM-STAY# night then .",
+ "Try #HOTEL-INFORM-STAY# nights , please .",
+ "There will be 2 of us , and we 're hoping to arrive on Thursday and stay for #HOTEL-INFORM-STAY# nights .",
+ "How about #HOTEL-INFORM-STAY# nights , then ?",
+ "Yes , for 5 people and for #HOTEL-INFORM-STAY# nights please .",
+ "How about #HOTEL-INFORM-STAY# nights for the same day and number of people ?",
+ "Please try to book a #HOTEL-INFORM-STAY# night stay .",
+ "Yes I would . I need to book a room for Saturday for #HOTEL-INFORM-STAY# nights .",
+ "Yes #HOTEL-INFORM-STAY# nights will work , can you book that and give me the reference number ?",
+ "I 'd like to know it 's address and phone number . I 'd also like to book it for 6 people , Thursday , for #HOTEL-INFORM-STAY# nights .",
+ "We will be staying #HOTEL-INFORM-STAY# nights starting on Tuesday .",
+ "I would like a room that is close to the nightclub for atleast #HOTEL-INFORM-STAY# night up to 3 nights ?",
+ "Yes , I need reservations for the same group of people on the same day as the previous reservation . We will be staying #HOTEL-INFORM-STAY# nights .",
+ "Can you try #HOTEL-INFORM-STAY# nights ?",
+ "Can we try for #HOTEL-INFORM-STAY# nights please ?",
+ "I want to book it for 8 people for #HOTEL-INFORM-STAY# nights please !",
+ "Yes please book it for 3 people for #HOTEL-INFORM-STAY# nights starting from Thursday . Also provide the reference number",
+ "Ok , that sounds great . Can you book that for me for #HOTEL-INFORM-STAY# nights ?",
+ "I would be there for #HOTEL-INFORM-STAY# nights .",
+ "Yes , I 'll shorten my stay . How about #HOTEL-INFORM-STAY# night ?",
+ "Oh gosh , I guess you must have missed it . I did say Friday for #HOTEL-INFORM-STAY# nights , 5 people .",
+ "We 'll arrive on Wednesday and we 'll be staying for #HOTEL-INFORM-STAY# nights .",
+ "Is it available for #HOTEL-INFORM-STAY# nights then ?",
+ "Yes , I want to book for 7 people , #HOTEL-INFORM-STAY# nights starting wednesday .",
+ "Could I book the Marriot for 4 people starting on Wednesday ? It would be for #HOTEL-INFORM-STAY# nights .",
+ "What about for only #HOTEL-INFORM-STAY# nights ?",
+ "I will need to stay #HOTEL-INFORM-STAY# nights please .",
+ "I will need a reservation afterall . Could you book it for #HOTEL-INFORM-STAY# people starting Friday for 2 nights ?",
+ "I 'll be starting my stay on sunday and it 'll be #HOTEL-INFORM-STAY# nights and 6 people",
+ "Yes , please book for 5 people and #HOTEL-INFORM-STAY# nights starting on wednesday .",
+ "No , that 's great , thank you . Could you reserve rooms there for #HOTEL-INFORM-STAY# people for 3 nights starting Thursday ?",
+ "book for one and #HOTEL-INFORM-STAY# nights starting friday one of your choice",
+ "Book it ! Need #HOTEL-INFORM-STAY# people for 5 nights starting Friday . Thank you .",
+ "Yes . Please book for 8 people for #HOTEL-INFORM-STAY# nights starting Thursday .",
+ "No . Is there availability for #HOTEL-INFORM-STAY# night ?",
+ "Can you try for just #HOTEL-INFORM-STAY# nights instead ?",
+ "Can you try #HOTEL-INFORM-STAY# nights instead ?",
+ "Yes please . It 'll be for #HOTEL-INFORM-STAY# nights .",
+ "Price is no concern for me . I need it booked for 1 person for #HOTEL-INFORM-STAY# nights starting on Tuesday please .",
+ "i want to book it for 8 people and #HOTEL-INFORM-STAY# nights starting tuesday",
+ "Sounds good I want to make a booking for 2 people and #HOTEL-INFORM-STAY# nights starting from friday .",
+ "Yes . I will be staying #HOTEL-INFORM-STAY# nights starting Friday .",
+ "I 'll be staying for #HOTEL-INFORM-STAY# nights .",
+ "Can you try for #HOTEL-INFORM-STAY# nights instead ?",
+ "We are going to be staying for #HOTEL-INFORM-STAY# nights beginning Saturday .",
+ "Actually for #HOTEL-INFORM-STAY# nights and there will be 5 of us staying",
+ "yes please , people for #HOTEL-INFORM-STAY# nights . what is a good place to eat nearby ?",
+ "I will be staying #HOTEL-INFORM-STAY# nights .",
+ "Can we try for just #HOTEL-INFORM-STAY# nights then ?",
+ "Can you try #HOTEL-INFORM-STAY# night ?",
+ "Alright , what about only for #HOTEL-INFORM-STAY# nights then . I can do 3 , book it and give me the reference number please .",
+ "Can you try #HOTEL-INFORM-STAY# night instead ?",
+ "Perfect . I 'd like to book a #HOTEL-INFORM-STAY# night stay for the six of us .",
+ "Well lets try again and book me in what you choose for #HOTEL-INFORM-STAY# nights from Friday for 6 people .",
+ "Yes please . There 's 3 of us and we want to check in on Monday and stay for just #HOTEL-INFORM-STAY# nights",
+ "Could you try #HOTEL-INFORM-STAY# nights please ?",
+ "Would you please try for just #HOTEL-INFORM-STAY# nights then ?",
+ "How about for #HOTEL-INFORM-STAY# nights ?",
+ "Can you book it for 4 people for #HOTEL-INFORM-STAY# nights starting friday ?",
+ "Friday for #HOTEL-INFORM-STAY# people . We 'll be staying for just 2 nights",
+ "that could be anywhere . book for me for 3 people and #HOTEL-INFORM-STAY# nightsstarting from sunday .",
+ "i want to book it for #HOTEL-INFORM-STAY# nights",
+ "Can you see if they have just #HOTEL-INFORM-STAY# nights available ?",
+ "Is it possible to book this reservation for #HOTEL-INFORM-STAY# nights ?",
+ "Wednesday , for #HOTEL-INFORM-STAY# nights .",
+ "Can you see if they have just #HOTEL-INFORM-STAY# night available ?",
+ "Great , can you book it for just me for #HOTEL-INFORM-STAY# nights ? I 'll need it from Thursday .",
+ "Then how about #HOTEL-INFORM-STAY# nights ?",
+ "That sounds perfect , I 'll need it for #HOTEL-INFORM-STAY# nights on the same day please .",
+ "I just need to find one that has room for #HOTEL-INFORM-STAY# people to stay 3 nights starting from Saturday .",
+ "How about just #HOTEL-INFORM-STAY# night ?",
+ "I 'll be there for #HOTEL-INFORM-STAY# nights .",
+ "Okay , thank you ! Will you please book it for 5 people for #HOTEL-INFORM-STAY# nights , starting Tuesday ?",
+ "Ok , can we try #HOTEL-INFORM-STAY# nights instead please ?"
+ ],
+ "Area;Stars;": [
+ "I need to book a hotel in the #HOTEL-INFORM-AREA# that has #HOTEL-INFORM-STARS# stars .",
+ "Great , thanks ! I ' m also looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# . Can you please help with that ?",
+ "Sorry , the hotel I ' m looking for also needs to be in the #HOTEL-INFORM-AREA# area and have a #HOTEL-INFORM-STARS# star rating . Could you suggest anything that fills those requirements too ?",
+ "I need a hotel that is #HOTEL-INFORM-STARS# stars on the #HOTEL-INFORM-AREA# side of town .",
+ "Thanks , I ' m looking for something in the #HOTEL-INFORM-AREA# and have #HOTEL-INFORM-STARS# stars .",
+ "No , I 'll look it up later and do it myself . But could you tell me if there are any #HOTEL-INFORM-STARS# star places to stay in the city #HOTEL-INFORM-AREA# ?",
+ "I am planning a trip to Cambridge and I ' m looking for a place to stay . I prefer a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "Hi . I ' m looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "I would like for it to have a #HOTEL-INFORM-STARS# star rating and be located in the #HOTEL-INFORM-AREA# section of town .",
+ "I am also looking for a place to stay that has #HOTEL-INFORM-STARS# stars and in the #HOTEL-INFORM-AREA# of town .",
+ "I also want to stay in a hotel with star rate of #HOTEL-INFORM-STARS# that is in the #HOTEL-INFORM-AREA# . Does University Arms fit that criteria ?",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating .",
+ "Yes . I also would like to stay at a #HOTEL-INFORM-STARS# star location in the #HOTEL-INFORM-AREA# please",
+ "Hello . I need a place to stay in Cambridge , in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-STARS# stars .",
+ "Cambridge , in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating I am sparing no expense .",
+ "Is there a #HOTEL-INFORM-STARS# star hotel available in the #HOTEL-INFORM-AREA# part of town ?",
+ "I am looking for a place to stay that has a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# part of town .",
+ "I am also looking for a place to stay that has #HOTEL-INFORM-STARS# stars and is in the #HOTEL-INFORM-AREA# .",
+ "I 'd like a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , yes .",
+ "I 'd like a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , please .",
+ "Yes I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town with a #HOTEL-INFORM-STARS# star rating .",
+ "Hi , I am looking for a hotel in the #HOTEL-INFORM-AREA# of Cambridge with a #HOTEL-INFORM-STARS# star rating .",
+ "yes . also find a hotel in the #HOTEL-INFORM-AREA# and should be a #HOTEL-INFORM-STARS# star",
+ "We are also needing a place to stay . It 's preferable that it 's also in the #HOTEL-INFORM-AREA# and has a #HOTEL-INFORM-STARS# star rating .",
+ "Are there in hotels in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating ?",
+ "I ' m sorry , I was just told I should go ahead and make the reservation . Do you have a hotel that has the same #HOTEL-INFORM-STARS# star rating but in the #HOTEL-INFORM-AREA# ?",
+ "Yes , I 'd like to be in the #HOTEL-INFORM-AREA# . It will also need to have a star of #HOTEL-INFORM-STARS# .",
+ "Hello , I am in need of a #HOTEL-INFORM-STARS# star place to stay in the #HOTEL-INFORM-AREA# , please .",
+ "I would really like something #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating .",
+ "In the #HOTEL-INFORM-AREA# . And #HOTEL-INFORM-STARS# stars , please .",
+ "I need a place stay , some place in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel to stay at somewhere in the #HOTEL-INFORM-AREA# area .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# and have a rating of #HOTEL-INFORM-STARS# stars .",
+ "I need a #HOTEL-INFORM-STARS# star place to stay in the #HOTEL-INFORM-AREA# .",
+ "I ' m sorry , I actually need that #HOTEL-INFORM-STARS# star guesthouse to be in the #HOTEL-INFORM-AREA# part of town .",
+ "I would like something in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "Hi , I 'd like a hotel with a star of #HOTEL-INFORM-STARS# on the #HOTEL-INFORM-AREA# side of town .",
+ "some place in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating .",
+ "I need a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side .",
+ "Okay thanks . Can you also help me find somewhere to stay ? I 'd like a guesthouse in the #HOTEL-INFORM-AREA# preferably with a #HOTEL-INFORM-STARS# star rating .",
+ "Yes , I 'd like a #HOTEL-INFORM-STARS# star rating and I 'll need it to be in the #HOTEL-INFORM-AREA# side of town .",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side with #HOTEL-INFORM-STARS# stars .",
+ "No , can you check for a #HOTEL-INFORM-STARS# star guesthouse in the #HOTEL-INFORM-AREA# ?",
+ "I ' m looking for a place to stay in Cambridge . It should be in the #HOTEL-INFORM-AREA# and have a #HOTEL-INFORM-STARS# star rating .",
+ "Yes . I need a place to stay in the #HOTEL-INFORM-AREA# , just a #HOTEL-INFORM-STARS# star hotel is fine .",
+ "I think I would like it near the #HOTEL-INFORM-AREA# . Does it have free parking ? I would like the price range to be cheap but at least a #HOTEL-INFORM-STARS# star hotel .",
+ "Money is no object , but I 'd like it to be a #HOTEL-INFORM-STARS# star location please . And I 'd only like to stay on the #HOTEL-INFORM-AREA# side of town .",
+ "Do you have a one in the #HOTEL-INFORM-AREA# that is a #HOTEL-INFORM-STARS# star ?",
+ "need one in the #HOTEL-INFORM-AREA# and have #HOTEL-INFORM-STARS# stars .",
+ "I just am looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "What about a guesthouse with #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# ?",
+ "I would prefer to stay in a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "Since you say there are no 3 or #HOTEL-INFORM-STARS# star hotels in the #HOTEL-INFORM-AREA# , I will settle for the centre of town .",
+ "I need to stay in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# stars .",
+ "I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# . I 'd like it to have a rating of #HOTEL-INFORM-STARS# stars .",
+ "Could you help me find a #HOTEL-INFORM-STARS# star lodging on the #HOTEL-INFORM-AREA# end ?",
+ "I am sorry . I would not mind one that is in the #HOTEL-INFORM-AREA# , cheap , and #HOTEL-INFORM-STARS# star . Can we try that ?",
+ "Could you help me locate a #HOTEL-INFORM-STARS# star lodging on the #HOTEL-INFORM-AREA# side of town ?",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-AREA# .",
+ "Yes , in the #HOTEL-INFORM-AREA# , please , and someplace with #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a play to stay that has #HOTEL-INFORM-STARS# stars and is located in the #HOTEL-INFORM-AREA# of town .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side .",
+ "I ' m interested in #HOTEL-INFORM-STARS# star hotels in the #HOTEL-INFORM-AREA# of town .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side of town please .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# and have a rating of #HOTEL-INFORM-STARS# stars .",
+ "Thanks . I am also looking for a hotel in the #HOTEL-INFORM-AREA# . I want something with a #HOTEL-INFORM-STARS# star rating . Are there any available ?",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "Thank you . I am also looking for a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side .",
+ "I would like a guesthouse in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-STARS# stars .",
+ "I would like something in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "I need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , please .",
+ "need one in the #HOTEL-INFORM-AREA# and have #HOTEL-INFORM-STARS# stars .",
+ "Can you find a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# side ?",
+ "Could you tell me if you have a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side ?",
+ "Thank you ! I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# . I 'll need it to have a star of #HOTEL-INFORM-STARS# .",
+ "In the #HOTEL-INFORM-AREA# . I really prefer #HOTEL-INFORM-STARS# star hotels .",
+ "Yes . I ' m looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# . Could you please find me one ?",
+ "I would prefer a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# of town",
+ "Yes . I am also looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "Yes , are there any #HOTEL-INFORM-STARS# star guesthouses in the #HOTEL-INFORM-AREA# that include free wifi ?",
+ "I need a place to stay with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# please",
+ "do you have a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-AREA# ?",
+ "I need a place to stay , some place with #HOTEL-INFORM-STARS# stars and in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay , that is a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side",
+ "I am looking for a hotel in the #HOTEL-INFORM-AREA# part of Cambridge . Preferably a #HOTEL-INFORM-STARS# star or greater . Can you recommend one ?",
+ "Can you help me find a nice hotel ? I 'd like to stay somewhere on the #HOTEL-INFORM-AREA# side of town . A #HOTEL-INFORM-STARS# star rating would be great , too .",
+ "Yes I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town with a #HOTEL-INFORM-STARS# star rating .",
+ "I do n't know where my head was , I do n't need a reservation . Thanks . I do need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# though .",
+ "I need a hotel in Cambridge that is rated #HOTEL-INFORM-STARS# stars be located in the #HOTEL-INFORM-AREA# area .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# of town",
+ "I need a #HOTEL-INFORM-STARS# star room in the #HOTEL-INFORM-AREA# please .",
+ "Please help me find a hotel to stay at in the #HOTEL-INFORM-AREA# that has a #HOTEL-INFORM-STARS# star rating . Thanks !",
+ "I do n't need it anymore . Can you look for a place to stay , please ? I would like something in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "Great , thanks ! I ' m also looking for a place to stay with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# .",
+ "I need a #HOTEL-INFORM-STARS# star hotel in the Cambridge #HOTEL-INFORM-AREA# .",
+ "Yes . I am also looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-AREA# .",
+ "I prefer the #HOTEL-INFORM-AREA# part of town . And a #HOTEL-INFORM-STARS# star rating if possible .",
+ "Hi I am in the #HOTEL-INFORM-AREA# looking for a place to stay . I 'd prefer a hotel with #HOTEL-INFORM-STARS# stars . Any suggestions ?",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# stars preferably .",
+ "Hello , is there any #HOTEL-INFORM-STARS# star places to stay in the #HOTEL-INFORM-AREA# ?",
+ "what is the star rating ? i ' m actually looking for #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# part of town .",
+ "I would prefer it in the #HOTEL-INFORM-AREA# and to be #HOTEL-INFORM-STARS# stars .",
+ "I actually need a place to stay . In the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# stars .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# area .",
+ "Yeah , I need a place to stay on the #HOTEL-INFORM-AREA# side . #HOTEL-INFORM-STARS# stars if possible .",
+ "No thanks . I meant that I need a hotel in the #HOTEL-INFORM-AREA# . Preferably #HOTEL-INFORM-STARS# stars .",
+ "I also want to stay in a hotel with star rate of #HOTEL-INFORM-STARS# that is in the #HOTEL-INFORM-AREA# . Does University Arms fit that criteria ?",
+ "I need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , please .",
+ "Hi , I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# side . Can you recommend anything with at least #HOTEL-INFORM-STARS# stars ?",
+ "You know , actually come to think of it I really need something #HOTEL-INFORM-STARS# star that is in the #HOTEL-INFORM-AREA# of town instead of the west . Do you have anything ?",
+ "No I really want a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , how about one with only free wifi ?",
+ "i am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# of the city . I would prefer a #HOTEL-INFORM-STARS# star hotel please .",
+ "Yes . I am also looking for a place to stay on the #HOTEL-INFORM-AREA# side of Cambridge . The hotel can have a #HOTEL-INFORM-STARS# star rating .",
+ "I just need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# center .",
+ "I hope so . Can you tell me if there are any #HOTEL-INFORM-STARS# star places to stay on the #HOTEL-INFORM-AREA# side ?",
+ "Yes please . The #HOTEL-INFORM-AREA# side of town and only #HOTEL-INFORM-STARS# star guesthouses please .",
+ "The #HOTEL-INFORM-AREA# . I 'd like a #HOTEL-INFORM-STARS# star place if you can find one .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star guesthouse in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a hotel with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# .",
+ "Yes , I 'd like to be on the #HOTEL-INFORM-AREA# side . The hotel should have a #HOTEL-INFORM-STARS# star rating please .",
+ "I ' m in need of a place to stay for the night , I 'd like it to be in the #HOTEL-INFORM-AREA# of town and have at least a #HOTEL-INFORM-STARS# star rating .",
+ "Hi I am looking for a place to stay with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# part of town .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating please .",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# with a star rating of #HOTEL-INFORM-STARS# .",
+ "I 'd like to find something in the #HOTEL-INFORM-AREA# , preferably with #HOTEL-INFORM-STARS# stars .",
+ "I need a place to stay . I would like a #HOTEL-INFORM-STARS# star place in the #HOTEL-INFORM-AREA# area .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "Great I also am looking for a place to stay that has a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# part of town"
+ ],
+ "Internet;Parking;": [
+ "That does n't matter as long as it has free wifi and parking .",
+ "The price does n't really matter . I just need free parking . It does n't really need to have internet though .",
+ "I need it to have free parking and internet .",
+ "no , it just needs to include parking and wifi",
+ "I 'd prefer it to have wifi , parking it does n't really matter .",
+ "Which ever one has free parking and wifi .",
+ "Excellent . I ' m also looking for a place to stay . It should have free parking and free wifi .",
+ "Hi , this is a two - fer . I need to find a hotel that offers both free wifi and free parking",
+ "It should include free parking . The hotel should include free wifi .",
+ "Thank you , I just want to confirm that this hotel includes free parking and wifi",
+ "I need a room . Do not need wifi or parking .",
+ "Guesthouse please , with parking available and free wifi , I ' m tired of paying extra for wifi .",
+ "Hi . I ' m looking for a place to spend the night , and I want somewhere without any hidden fees for parking or wifi .",
+ "Yes , it will need to have free parking and free internet please",
+ "I ' m looking for a place to stay in cambridge , free parking and wifi should be included",
+ "I would love to locate a hotel that includes wifi and parking in its prices .",
+ "I ' m looking for a place to stay on my trip to Cambridge . It needs to have free wifi but does n't need to have free parking .",
+ "It does n't really matter as long as the parking is free . I do n't even need internet .",
+ "Hello ! I need a place to bed down for the night that offers free parking and wifi . Can you help me ?",
+ "I do n't really care where . But , it does need free parking . I ' m thinking I may need free wifi also . Is there anything ?",
+ "Yes , the hotel need to have free wifi .",
+ "Price does n't matter , really . But I would like to get free parking too , in addition to the wifi please .",
+ "Hi , I ' m looking for a hotel in town with free parking and free wifi .",
+ "Yes , give that a try please . I also need free wifi .",
+ "I need a place to stay that includes free wifi and parking .",
+ "I need one with free parking and free wifi .",
+ "As long as it has free wifi and parking then yes .",
+ "I would like a moderate hotel with free wifi and parking .",
+ "I ' m looking for a hotel that includes free wifi , but it does n't need to have free parking .",
+ "I would prefer it to include both . Thanks for asking .",
+ "Is that because there are no options without internet ? I can stay in a place with internet if there are no other options , but I do need free parking .",
+ "A guest house with free parking , it does nt matter whether or not wifi is included .",
+ "I am planning a trip to cambridge , and I am looking for a place to stay . I would like it to include free parking and free wifi a well .",
+ "Thanks . i also am looking for a place to stay with free wifi and free parking .",
+ "No , any area or price range will do . I just need free parking and wifi .",
+ "Yes , I am looking for a nice place to stay while in town . The hotel does n't need to include internet but I 'd like it to include free parking if it 's available .",
+ "I am looking for a hotel with free parking and wifi .",
+ "I have n't decided yet but I would love a hotel that offers free wifi , not worried about parking though",
+ "i am looking for a place to stay . The hotel should include free wifi and should include free parking .",
+ "I am not looking for a specific price range but I do need it to have free wifi and free parking .",
+ "I ' m looking for a place to stay that has free wifi and parking .",
+ "There are hotels with free wifi and parking , right ?",
+ "I need a place to stay in Cambridge that includes free wifi . I do n't need free parking .",
+ "I ' m looking for a hotel to stay that has free wifi , but does n't need to have free parking .",
+ "I need somewhere to stay . Should have free parking and free wifi",
+ "I ' m looking for a place to stay that includes free parking and free wifi .",
+ "Any part of town just a guesthouse with free parking and free wifi .",
+ "I am looking for a place with free parking , Internet is not required .",
+ "I ' m looking for somewhere to stay with free parking and free wifi .",
+ "Any place is fine , but it needs to also include wifi and parking .",
+ "I ' m also looking for a place to stay . I need some place with free wifi . I do n't need free parking .",
+ "I would like something with free wifi . It does n't need to have free parking .",
+ "I ' m looking somewhere to stay with free wifi and free parking",
+ "No , I do not need parking but need wifi while in the hotel .",
+ "I do n't need it to be cheap , but I really need it to be in the west and have free parking and wifi .",
+ "Hi , I m looking to find a local hotel that has free parking and free wifi ...",
+ "Price does n't matter . Just something with the free parking . Wifi is great but not needed .",
+ "Hi I am looking for a place to stay that has free parking and does not need to include wifi .",
+ "I will need free wifi and parking .",
+ "I would like to stay in an expensive hotel , I know that for sure . I am not too concerned about missing out on amenities such as free parking and WiFi .",
+ "I need a place to stay that has free wifi . I do n't need parking though . Thank you .",
+ "Can you help me find a place to stay that includes free wifi and does n't need to have free parking ?",
+ "I am looking for a hotel with free parking but wifi is n't a necessity .",
+ "Yes , I 'd like free parking and free wifi . Thanks !",
+ "Could you help me find a place to stay with free parking and free wifi ?",
+ "Ok , any guesthouse that has free wifi and free parking will be fine . I will need it for 2 nights and 3 people are staying .",
+ "The area does n't matter , I just need it to be a guesthouse with free wifi and parking . I need a room for 2 nights .",
+ "I specifically want free parking and do n't mind if there is no Internet .",
+ "I am looking for a hotel that can offer me both free wifi and free parking .",
+ "Okay , I also need a hotel with wifi and parking .",
+ "I 'd like it to have free parking and free wifi .",
+ "Hi , I am looking for a nice hotel to stay in . I would like it to include free parking . Internet access is not necessary .",
+ "Well , I ' m also looking to stay somewhere for a bit . I need someplace with free wifi and parking .",
+ "No not necessarily . I would like place moderately priced that includes free wifi and also free parking .",
+ "I am looking for a place to stay and it should include free wifi and free parking .",
+ "I need a hotel with free wifi but I do n't need free parking .",
+ "Thank you . I need a hotel with free parking and free wifi .",
+ "Great ! Can you help me find a place to stay with free parking and wifi ?",
+ "Hi , I ' m looking for a place that offers free internet and parking .",
+ "I need some lodging accommodations . It needs to have free parking and Internet please !",
+ "I would like someone to book me a place with free parking and internet .",
+ "I need wifi , and free parking , if possible .",
+ "I ' m looking for a hotel that offers particular amenities , specifically free parking and free wifi",
+ "Can you help me find a place to stay ? I ' m looking for somewhere that include free wifi and free parking .",
+ "Find me a place to stay that has free parking , but I do n't need internet .",
+ "I need to find a place to stay . I want a hotel with free parking and free wifi .",
+ "I am also looking for a hotel in town . I would need free parking and free wifi .",
+ "As long as it has free parking and internet that will be fine .",
+ "I need a hotel with free wifi and free parking , thank you",
+ "No , but I do need free wifi as well as free parking .",
+ "I do n't really care . I do need free wifi , but parking does n't really matter .",
+ "Price does n't matter and I do n't need internet . I do however need free parking .",
+ "I need a hotel and I need free wifi and parking .",
+ "Thank you . I am also looking for a place to stay while I am there . I would like it to include free wifi and parking .",
+ "I want one with free wifi and free parking .",
+ "Yes , please - I need a place to stay with free wifi and free parking .",
+ "Is that because there are no options without internet ? I can stay in a place with internet if there are no other options , but I do need free parking .",
+ "Can you help me find a place to stay that has free parking ? It does n't need to include internet .",
+ "Find me places to stay in town that include free parking and free wifi .",
+ "I also need a hotel with free parking and free wifi .",
+ "I am also needing help finding a room . I do n't care if they offer free parking or internet .",
+ "I need it to be in the north . I 'd also like free parking and free wifi .",
+ "Thanks . I am also looking for a place to stay . I 'll need free parking , but wifi is not necessary .",
+ "I ' m looking for a hotel that includes free wifi and free parking .",
+ "it has wifi and free parking , there is no info on the room",
+ "Guten Tag , I am staying overnight in Cambridge and need a place to sleep . I need free parking and internet .",
+ "Price does n't matter as long as it has both free wifi and free parking and is located in the west .",
+ "I also need a place to stay with free parking but internet is n't needed .",
+ "Hi ! I am looking for a place to stay that has free wifi . The hotel does n't have to have free parking but that would be nice .",
+ "I am also needing a place to stay with free parking and free wifi .",
+ "No those do nt matter to me .",
+ "I am looking for a hotel in cambridge that includes free parking and wifi can you help ?",
+ "I am also looking for a room . Free parking and Wifi .",
+ "I need a place to stay in Cambridge that includes free wifi . I do n't need free parking .",
+ "Yes , please . Do they have free parking and internet ?",
+ "I need you to find a hotel so I have a place to stay . It does n't need to include internet , but it should include free parking .",
+ "Any range is fine but it needs to include free wifi and parking .",
+ "Something in the same neighborhood , and that has wifi and parking .",
+ "I want to find a place to stay with free wifi . It does n't have to have free parking though .",
+ "Yes , I 'd like free parking and free wifi . Thanks !",
+ "I also need a place to stay . It would be great if it had free wifi . I do n't really care about parking though .",
+ "I do need both free parking and free wifi please .",
+ "No , as long as it has free wifi and parking .",
+ "I 'd also like it to have free wifi . But , it does n't matter to me if there is free parking .",
+ "No that does n't matter . Please just recommend a guesthouse for me that has both parking and internet",
+ "I need a room . Do not need wifi or parking .",
+ "I am looking for a place to stay . The hotel should include free wifi and should include free parking",
+ "Thank you , can I also get a place to stay with free wifi and parking ?",
+ "Yes , I need internet and free parking .",
+ "It does n't matter what area , but I would like it to have free parking . I do n't care if it has internet .",
+ "Yes thank you . I 'd like to stay in Cambridge . We 're looking for a hotel with free parking and free wifi .",
+ "Can you help me find a place to stay that has free parking and free wifi ?",
+ "Do any of them offer free parking and wifi ?",
+ "Yes , I ' m looking for a hotel that includes free parking as well as free wifi .",
+ "Hi , I ' m looking for a place to stay that has free wifi and free parking .",
+ "Yes , I ' m also looking for a place to stay with free wifi and free parking .",
+ "I ' m looking for a hotel with free parking and free wifi .",
+ "Thank you ! I ' m also looking for a hotel with free parking and internet . Can you find one ?",
+ "I need to find a place to stay that includes free wifi and does n't need to have free parking .",
+ "I ' m also looking for a place to stay that offers both internet and free parking .",
+ "I do need parking and wifi .",
+ "Any area is okay as long as the hotel includes free parking . I do n't need internet .",
+ "Thanks . Can you help me find a hotel as well ? I do n't need internet , but I do need free parking .",
+ "i ' m looking for a place to stay that includes internet and free parking",
+ "I am looking for a place to stay . It should have free wifi and free parking .",
+ "No , I ' m flexible on the area but I would really like them to offer both free parking and free wifi .",
+ "Yes , I 'd like both free wifi and parking .",
+ "I ' m looking for a hotel with free wifi . It does n't need to have free parking .",
+ "While in Cambridge I need a hotel that has free parking and free wifi .",
+ "I need to find a place to stay while in Cambridge , I do not need it to have internet but I do need it to have free parking .",
+ "Also looking for a place to stay . The hotel should include free parking and should include free wifi .",
+ "It does not really matter . It does not need internet or free parking .",
+ "Thank you , I also need a place to stay with free parking and free wifi .",
+ "Price is no object , but i would like free parking and wifi .",
+ "Are there any places to book rooms that have both free wifi and free parking , or is it more of a one or the other thing ?",
+ "Sounds good , I will give it a try , can I also get a place ot stay with free wifi and parking ?",
+ "I need to find a hotel with free parking and wifi that is close to local restaurants .",
+ "i am looking for a place to stay . The hotel should include free wifi and should include free parking .",
+ "Yes . The guesthouse must include free parking and free wifi .",
+ "Yes , please find another moderate guesthouse with free parking and wifi to book .",
+ "Yes , I am looking for a hotel please . I would need free wifi and free parking .",
+ "I need a place to stay in cambridge that has wifi , and free parking please .",
+ "Internet or parking does n't matter . Which guesthouse do you recommend ?",
+ "I ' m looking for a hotel that includes free wifi and free parking .",
+ "Great ! I also need a hotel while I am there . I do need free parking but internet is optional .",
+ "Thanks so much for the train booking . I also need lodging with free wifi . I do n't need free parking , though .",
+ "I m looking for a hotel with free parking and wifi please .",
+ "Do either of them have free wifi and parking ? It is critical that I have internet and a parking spot .",
+ "I need a hotel and I need free wifi and parking .",
+ "I ' m looking for a hotel with free wifi and parking .",
+ "It does n't really matter , I ' m not familiar with the town . I just need free WiFi and free parking .",
+ "I also need a hotel . I do n't care about parking but it does need free wifi .",
+ "I ' m looking for a place to stay that includes free wifi and parking .",
+ "I would also like to find a place to stay with free wifi and parking .",
+ "I would also like to find a place to stay . Can you recommend a hotel with free WiFi and free parking , please ?",
+ "i do n't have a preference . As long as it has free wifi and parking .",
+ "I not need internet . I have no preference on parking .",
+ "Thank you . I also need a place to stay in the south . It does n't need to have free parking , but I do need free wifi .",
+ "Great , thanks . I am also looking for a hotel in town . I would need free wifi , but I do n't care about parking .",
+ "It should be a guest house . And I need WiFi and parking",
+ "I need a Hotel to stay in Cambridge that has free parking but may not have free wifi .",
+ "I am also looking for a place to stay . I would like the hotel to have free parking and free wifi .",
+ "I 'd like it to have free wifi , it does n't need to have free parking .",
+ "I need one that includes free parking , but it does not need to have internet .",
+ "Hey , I need a place to stay with free wifi and free parking .",
+ "Does it have free wifi and free parking ?",
+ "Are there any hotels that offer both free parking and free wifi ?",
+ "I am looking for a hotel that gives me free parking and free wifi .",
+ "I need a place to stay also . free wifi please , but no parking is needed",
+ "Okay and how about a guesthous in the moderate price range . I 'd like free parking and free wifi .",
+ "Place to stay the night , with free parking and it does n't need free wifi .",
+ "Free parking and free wifi , please .",
+ "Yes , I will need both .",
+ "I ' m looking for lodgings offering free wifi and free parking .",
+ "I will need something with free wifi and parking",
+ "Great . I am also looking for a place to stay . It does not need to have free parking and does n't need to include internet .",
+ "I am not particular as long as it has free parking and free wifi .",
+ "I am looking for a place with free parking and wifi",
+ "I am also looking for a room . Free parking and Wifi .",
+ "I am also looking for a hotel with free wifi , but it does nt need to have free parking .",
+ "No not really . But I would prefer a hotel and like both free wifi and parking if possible .",
+ "Whatever you 'd recommend . I would prefer free parking and wifi , though .",
+ "Yes , I need internet and free parking .",
+ "I also need a place to stay at with free wifi and parking .",
+ "I ' m looking for a place to stay that includes free wifi and free parking .",
+ "I need to find a place to stay with free parking and wifi . What can you find for me ?",
+ "Could you help me find a place to stay with free parking and free wifi ?",
+ "I would like for you to find a place to stay that has both free wifi and free parking .",
+ "Yes , I am looking for free parking . Internet is not important .",
+ "The hotel should include free wifi and does n't need to have free parking .",
+ "I do n't have a preference but I would like free wifi , parking in a guesthouse in the cheap price range .",
+ "I would like free parking and free wifi .",
+ "Yes , I need both wifi and free parking .",
+ "Free wifi would be great . I do n't care about the parking .",
+ "It does n't need to have free parking and I do n't care about the internet . Which guesthouse can accommodate for 3 people ?",
+ "Yes , I am looking for free parking . Internet is not important .",
+ "Yes . I need a place to stay . Free parking and free wifi are important to me",
+ "no , but I need free parking and wifi .",
+ "I need one with free wifi and parking , please .",
+ "Either as long as it includes free parking and internet is optional .",
+ "Could you help me find a place to stay ? I need a place in town that offers free parking and free wifi .",
+ "Can I also get a place to stay , needs to include wifi but I do nt care about parking .",
+ "Yes , \n The hotel should include free wifi and does n't need to have free parking .",
+ "Do n't care as long as it has free wifi and parking",
+ "I 'd prefer an unrated place , I do n't need free parking or wifi , for what it 's worth .",
+ "does it have free wifi and parking ?",
+ "Yes please , parking and WiFi and Car Rental .",
+ "Could you find me something that includes free parking and wifi ?",
+ "Actually , I 'd like the hotel to include free parking if possible , but it does n't need to have free wifi . I 'd like to stay on the north end of town .",
+ "yes both . reference number please ?",
+ "Hello , I need to find a hotel with free wifi and free parking . Can you help me ?",
+ "I need a place to stay with free wifi but I do n't need free parking , thank you .",
+ "I also need a place to stay that has free wifi and parking .",
+ "i am looking for a place to stay . The hotel does n't need to include internet and should include free parking ."
+ ],
+ "Internet;Stars;": [
+ "Thanks so much . I would also need a place to say . I am looking for something with #HOTEL-INFORM-STARS# stars and has free wifi .",
+ "Hello , I am trying to find a place to stay that has free wifi and #HOTEL-INFORM-STARS# stars . Do you have anything like that ?",
+ "I do n't care about the price range , either , as long as it is a #HOTEL-INFORM-STARS# star guesthouse with free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star place to stay that has free wifi .",
+ "Thank you ! I ' m also looking for a #HOTEL-INFORM-STARS# star hotel and I do n't care if it includes internet .",
+ "Yes I need to find a place to stay in the centre area . It should be a #HOTEL-INFORM-STARS# star guesthouse with free wifi .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel in Cambridge with free wifi .",
+ "Actually I think there has been some confusion . I ' m looking for a #HOTEL-INFORM-STARS# star guesthouse with free wifi in the WEST . The locations you gave me are in the wrong area .",
+ "No , I do n't care where it is . I like #HOTEL-INFORM-STARS# stars and I absolutely need free wifi .",
+ "Yes , I 'll be staying on the South side so a cheap #HOTEL-INFORM-STARS# star guesthouse with free wifi will do",
+ "Well I would like something with #HOTEL-INFORM-STARS# stars . I do n't care about the internet .",
+ "free wifi and #HOTEL-INFORM-STARS# stars please",
+ "north #HOTEL-INFORM-STARS# star and should include free wifi",
+ "Great I also need to find a place to stay with a star rating of #HOTEL-INFORM-STARS# and includes free wifi .",
+ "I am wanting to find a place to stay that has free wifi . The place should have #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel that also includes free wifi .",
+ "I ' m interested in a #HOTEL-INFORM-STARS# star hotel with free wifi .",
+ "I am also looking for a place to stay . Perhaps #HOTEL-INFORM-STARS# stars , and I need wifi .",
+ "I do not mind the area . Just free wifi and I like to only have #HOTEL-INFORM-STARS# star .",
+ "No , but I 'd like a guesthouse of the #HOTEL-INFORM-STARS# star range that offers free WiFi .",
+ "Does not matter but I do need free wifi and and a star of #HOTEL-INFORM-STARS# .",
+ "Not really , but I want free wifi and it should be #HOTEL-INFORM-STARS# star .",
+ "Okay thankyou . I 'd llike to find a #HOTEL-INFORM-STARS# star hotel with wifi .",
+ "Yes , I would like free wifi and a #HOTEL-INFORM-STARS# star rating .",
+ "Can you navigate me to a #HOTEL-INFORM-STARS# star hotel with free wifi please ?",
+ "I ' m planning a trip to Cambridge and need a #HOTEL-INFORM-STARS# star place with wifi to stay . It does n't matter if its a hotel or guesthouse , just 4 star please .",
+ "Yes , I need a #HOTEL-INFORM-STARS# star place to stay with free WiFi . Do you have anything ?",
+ "i need a place to stay in Cambridge that s #HOTEL-INFORM-STARS# star with free wifi",
+ "Bonjour , I need a #HOTEL-INFORM-STARS# star hotel with free internet , please .",
+ "It does n't matter as long as it is #HOTEL-INFORM-STARS# stars . It does n't need to include internet .",
+ "I would also like it to include free wifi and have a star rating of #HOTEL-INFORM-STARS# .",
+ "I would like the guesthouse to have a #HOTEL-INFORM-STARS# rating and free wifi .",
+ "Hi , I ' m looking for a hotel , a #HOTEL-INFORM-STARS# star hotel is fine as long as it includes free wifi .",
+ "I 'd like the place to be rated #HOTEL-INFORM-STARS# stars , and include free WiFi .",
+ "Sounds good . Are there any #HOTEL-INFORM-STARS# star hotels with free wifi nearby ?",
+ "If it could be a #HOTEL-INFORM-STARS# star hotel with free wifi , that would be perfect .",
+ "I need to find a place to stay . It needs to include wifi and I would like a #HOTEL-INFORM-STARS# star .",
+ "I also need free wifi and a #HOTEL-INFORM-STARS# star rating please .",
+ "I am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should include free wifi",
+ "I am also looking for a place to stay , preferably a #HOTEL-INFORM-STARS# star hotel with free wifi .",
+ "Yes I want free wifi and the rating should have #HOTEL-INFORM-STARS# stars .",
+ "Hello I am new to Cambridge and was wondering about good #HOTEL-INFORM-STARS# star hotels with free wifi . Any suggestions ?",
+ "Okay great ! Thank you so much . Could you also help me find a #HOTEL-INFORM-STARS# star hotel in the area . I do n't need wifi either .",
+ "i need a #HOTEL-INFORM-STARS# star place to stay which should include free wifi .",
+ "I need some help finding a place to stay with a #HOTEL-INFORM-STARS# star rating and free wifi .",
+ "Does it have free wifi and a #HOTEL-INFORM-STARS# star rating . I need wifi , and I 'd like a nice rating .",
+ "I definitely need free wifi , and I 'd like a #HOTEL-INFORM-STARS# star place .",
+ "Do you have one in a #HOTEL-INFORM-STARS# star rating that has free wifi ?",
+ "Could you help me find a #HOTEL-INFORM-STARS# star hotel with free wifi in Cambridge ?",
+ "I am not particular as along as it has #HOTEL-INFORM-STARS# stars and free wifi .",
+ "I ' m hoping for a #HOTEL-INFORM-STARS# star place , do n't care about internet .",
+ "I would like a hotel with #HOTEL-INFORM-STARS# stars and with free wifi please .",
+ "It does n't matter as long as it is a #HOTEL-INFORM-STARS# star guesthouse with free wifi . I will want to book it from monday .",
+ "No , but I need free wifi and I would like a #HOTEL-INFORM-STARS# star guesthouse please .",
+ "Hi , can you help me find a #HOTEL-INFORM-STARS# star hotel that has free wifi ?",
+ "I would love something #HOTEL-INFORM-STARS# star rated and I have a lot of work to do in the room so free wifi would be great .",
+ "I ' m also looking for a place to stay . I hate star ratings , so this place needs to have a star rating of #HOTEL-INFORM-STARS# . It does n't need to include free internet .",
+ "Hi ! I am looking for a place to stay , could you help me find a hotel with #HOTEL-INFORM-STARS# stars and it needs to have free wifi .",
+ "It does n't matter . I would like #HOTEL-INFORM-STARS# stars and fee wifi though .",
+ "No . However I would like for the hotel to be #HOTEL-INFORM-STARS# star and include free wifi .",
+ "Yes , i need a #HOTEL-INFORM-STARS# star hotel that also includes free wifi .",
+ "Any of them with free wifi and #HOTEL-INFORM-STARS# star rating ?",
+ "I 'll need a guesthouse that has free wifi that has a rating of #HOTEL-INFORM-STARS# stars .",
+ "Yes , I 'd like a place in the north with a #HOTEL-INFORM-STARS# star rating including free wifi please .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-STARS# star place that offers free wifi .",
+ "I want it to be rated #HOTEL-INFORM-STARS# stars and have wifi included",
+ "Okay , I ' m looking for a #HOTEL-INFORM-STARS# star place , and it does n't need to include internet .",
+ "I do n't have a preference . I ' m just looking for a #HOTEL-INFORM-STARS# star hotel that has free wifi .",
+ "Yes . It should have #HOTEL-INFORM-STARS# stars and include free wifi .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel in Cambridge with free wifi",
+ "I need a #HOTEL-INFORM-STARS# star hotel too with free wifi .",
+ "no preference . It needs to have #HOTEL-INFORM-STARS# stars and offer free wifi .",
+ "It really does n't matter . I do n't need internet . I just for sure want a #HOTEL-INFORM-STARS# star place .",
+ "Could you look again , #HOTEL-INFORM-STARS# star and free wifi , does not need to be hotel can be any room .",
+ "Please suggest to me a #HOTEL-INFORM-STARS# star motel in Cambridge that offer free wifi .",
+ "i am also looking for a #HOTEL-INFORM-STARS# star place to stay with free wifi",
+ "I ' m not too concerned with location , but I would like it to include internet and have a #HOTEL-INFORM-STARS# star rating please .",
+ "I 'd like a place rated #HOTEL-INFORM-STARS# stars , that offers free wifi .",
+ "Yes can you help me find a place to stay ? I need a hotel that includes free wifi and has a star of #HOTEL-INFORM-STARS# .",
+ "I want one that has free wifi and a rating of #HOTEL-INFORM-STARS# stars . Does either of those match that description ?",
+ "I need to find a hotel to stay at that has a #HOTEL-INFORM-STARS# star rating and includes free wifi .",
+ "I also need a place to stay with #HOTEL-INFORM-STARS# stars that include free wifi .",
+ "I am looking for a place to stay with free wifi and a #HOTEL-INFORM-STARS# star rating .",
+ "It does n't matter . Like I told you , it just needs to be a cheap #HOTEL-INFORM-STARS# star place with free wifi .",
+ "Awesome that sounds great . I am also looking for a #HOTEL-INFORM-STARS# star hotel with free wifi . Can you make a recommendation ?",
+ "I am looking for a place to stay with a #HOTEL-INFORM-STARS# star rating and free wifi .",
+ "Does that hotel have a #HOTEL-INFORM-STARS# star rating and free wifi ?",
+ "Hello , could you tell me if there are any #HOTEL-INFORM-STARS# star lodging establishments that offer free wifi ?",
+ "Something moderately priced , but a #HOTEL-INFORM-STARS# star accommodation . And I would like free wifi too please .",
+ "I want to stay in the north near the swimming pool . I 'd like it to be a hotel and #HOTEL-INFORM-STARS# stars with free wifi .",
+ "It does n't matter , but I do need free wifi and the hotel should have a star of #HOTEL-INFORM-STARS# .",
+ "No specific area . I would like it to have free wifi and #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a place to stay with free wifi and at least a #HOTEL-INFORM-STARS# star rating .",
+ "I need a #HOTEL-INFORM-STARS# star place that has free wifi .",
+ "Is there any with a #HOTEL-INFORM-STARS# star rating and includes free wifi ?",
+ "How about something in or very close to west Cambridge with a #HOTEL-INFORM-STARS# star rating and free wifi ?",
+ "Yes . I am looking for a place to stay that has #HOTEL-INFORM-STARS# stars and includes free wifi .",
+ "I need to find a place to stay in town with atleast a #HOTEL-INFORM-STARS# star rating . Wifi optional .",
+ "Yes , I would like free wifi and the hotel should have a star of #HOTEL-INFORM-STARS# .",
+ "How about a #HOTEL-INFORM-STARS# star with free wifi ?",
+ "I would like free wifi and it needs to have at least #HOTEL-INFORM-STARS# stars .",
+ "I need free wifi and it should have a star rating of #HOTEL-INFORM-STARS# please .",
+ "I 'd like to find a #HOTEL-INFORM-STARS# star hotel with free wifi , please .",
+ "I am flexible about cost , I would prefer free wifi and a #HOTEL-INFORM-STARS# star rating though .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-STARS# star place to stay with free wifi .",
+ "I do n't really know what price range . I would like it to have a #HOTEL-INFORM-STARS# star rating and free wifi though .",
+ "Let 's see ... I 'd like to get free internet . And if you have a place with #HOTEL-INFORM-STARS# stars , that would rock !",
+ "No . I would like it to have a star rating of #HOTEL-INFORM-STARS# and free wifi .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel with free wifi .",
+ "Can you help me find a hotel to stay in that includes free wifi and has a #HOTEL-INFORM-STARS# star rating ? Thanks !",
+ "No thank you , I do need a place to stay though , I want a nice #HOTEL-INFORM-STARS# star place with free wifi , please .",
+ "I need to find a #HOTEL-INFORM-STARS# star hotel with free wifi",
+ "I ' m also looking for a hotel . I want a place with a #HOTEL-INFORM-STARS# star rating and free wifi .",
+ "It really does n't matter . I do n't need internet . I just for sure want a #HOTEL-INFORM-STARS# star place .",
+ "Thank you . I am also looking for a place to stay . I would like for it to have #HOTEL-INFORM-STARS# star rating and free wifi .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star hotel , and it does n't matter if it does n't have internet .",
+ "The part of town does not matter but I would like a #HOTEL-INFORM-STARS# star rating and free wifi .",
+ "Yes , I also need a place to stay a #HOTEL-INFORM-STARS# star preference and it does not have to have the internet , thanks for your help .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel with free wifi .",
+ "I will trust you to pick me a great one anywhere in the city as long as it is a #HOTEL-INFORM-STARS# star guesthouse that includes wifi .",
+ "I also need a #HOTEL-INFORM-STARS# star room , and I will need wifi to be free too .",
+ "Hi , I am looking for a #HOTEL-INFORM-STARS# star hotel or guesthouse that includes free wifi . Can you help me ?",
+ "I just want to confirm . This place has free wifi as well as being #HOTEL-INFORM-STARS# star , correct ?",
+ "i want the one with #HOTEL-INFORM-STARS# stars if it has free wifi",
+ "Wow this is really confusing . Let 's start from the beginning . Can you see if you can find a place to stay in the east with #HOTEL-INFORM-STARS# stars and free wifi ?",
+ "Hello , we are planning on visiting Cambridge and would like to inquire about lodgings . Can you find a place with free wifi and a rating of #HOTEL-INFORM-STARS# stars ?",
+ "Hi ! I ' m looking for a place to stay with #HOTEL-INFORM-STARS# stars that includes wifi .",
+ "I ' m looking for a place to stay in Cambridge . It should include free wifi and be a #HOTEL-INFORM-STARS# star . Can you help me please ?",
+ "I am needing a place to stay with a star of #HOTEL-INFORM-STARS# and free wifi please .",
+ "Hi , I 'd like a #HOTEL-INFORM-STARS# star hotel please . And also internet !",
+ "I ' m looking for a hotel to stay at that has free wifi and a #HOTEL-INFORM-STARS# star rating . Do you have any suggestions ?",
+ "Yes I am also looking for a #HOTEL-INFORM-STARS# star guesthouse to stay at .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel with free wifi .",
+ "Thanks . Can you also find lodging for me ? I am looking for a #HOTEL-INFORM-STARS# star hotel that has free wifi .",
+ "I want somewhere with #HOTEL-INFORM-STARS# stars and free wifi .",
+ "Can you help me find a place to stay ? I am looking for a hotel with a star of #HOTEL-INFORM-STARS# and it needs free wifi .",
+ "I ' m looking to stay at a #HOTEL-INFORM-STARS# star place with free wifi .",
+ "Anything works . Is there a #HOTEL-INFORM-STARS# star guesthouse with both free parking and free wifi ?"
+ ],
+ "Area;Internet;": [
+ "Hi . I ' m looking for a hotel in the #HOTEL-INFORM-AREA# . The internet is not needed .",
+ "Yes . The #HOTEL-INFORM-AREA# would be nice and also free wifi .",
+ "i will be in cambridge and need a place to stay in the #HOTEL-INFORM-AREA# . I hate internet .",
+ "I ' m looking for a place to stay while in Cambridge . What is available in the #HOTEL-INFORM-AREA# area that has free wifi ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "Need a hotel , #HOTEL-INFORM-AREA# side of town , and i want free wifi please .",
+ "Could you help me find a place to stay ? I am looking for a hotel in the #HOTEL-INFORM-AREA# part of town and it needs free wifi .",
+ "Can I get information on places to stay in the #HOTEL-INFORM-AREA# that have free internet ?",
+ "I am also looking for a place to stay in the #HOTEL-INFORM-AREA# that does n't need to include wifi .",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side of town that has free wifi .",
+ "i am looking for a place to stay . The hotel should include free wifi and should be in the #HOTEL-INFORM-AREA# part of town .",
+ "Is there a place to stay in the #HOTEL-INFORM-AREA# area of town ? Can it have free wifi access too ?",
+ "I need a hotel in the #HOTEL-INFORM-AREA# part of cambridge . I do n't care if it has internet .",
+ "I want a hotel on the #HOTEL-INFORM-AREA# side that does n't have to include internet . If no internet , what about free wifi ?",
+ "Yes . I am also looking for a place to stay in the #HOTEL-INFORM-AREA# with free wifi . What options are there for that ?",
+ "I am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should include free wifi",
+ "Hi , I ' m looking for a place to stay with free wifi in the #HOTEL-INFORM-AREA# part of town .",
+ "I want a hotel that does n't include internet , but it needs to be a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "Yes , I need a place to stay with free wifi and in the #HOTEL-INFORM-AREA# as well .",
+ "I need a place to stay on the #HOTEL-INFORM-AREA# side of town , and I definitely need free wifi .",
+ "I was hoping for something in the #HOTEL-INFORM-AREA# with free wifi .",
+ "I want a hotel on the #HOTEL-INFORM-AREA# side that does n't have to include internet . If no internet , what about free wifi ?",
+ "I would like to find a hotel in the #HOTEL-INFORM-AREA# that has free wifi . What are your suggestions ?",
+ "I would like something in the #HOTEL-INFORM-AREA# . It does n't need to have internet .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "Can you help me find a place to stay while in cambridge in the #HOTEL-INFORM-AREA# that has free wifi ?",
+ "i prefer the #HOTEL-INFORM-AREA# side . it should also have free wifi",
+ "Does it have free wifi ? Is it in the #HOTEL-INFORM-AREA# ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# . I also need free wifi there .",
+ "I would like something in the #HOTEL-INFORM-AREA# of the city , I do n't care about internet",
+ "I prefer the #HOTEL-INFORM-AREA# and would like free wifi",
+ "I just need it to be in the #HOTEL-INFORM-AREA# and it should include free wifi .",
+ "I need a room , in the #HOTEL-INFORM-AREA# , free wifi .",
+ "I need internet in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should include free wifi",
+ "I would like to stay on the #HOTEL-INFORM-AREA# side . Can you also make sure the guesthouse has free wifi ?",
+ "I would like for it to be in the #HOTEL-INFORM-AREA# and have free wifi as well .",
+ "I am also looking for a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "Yes , and once I am in Ely I need a place to stay on the #HOTEL-INFORM-AREA# side of town with at least a 1 star rating , and has wifi .",
+ "I am looking for a hotel on the #HOTEL-INFORM-AREA# side that gives free wifi .",
+ "I need a hotel in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Can you find me a place to say in the #HOTEL-INFORM-AREA# that includes free wifi ?",
+ "I want a hotel that does n't include internet , but it needs to be a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# part of the town ? Some place with free wifi please .",
+ "I need one that includes free wifi and is in the #HOTEL-INFORM-AREA# .",
+ "Can you help me find a place to stay while in cambridge in the #HOTEL-INFORM-AREA# that has free wifi ?",
+ "I really hope you can help . I need a place to stay in the #HOTEL-INFORM-AREA# with free wifi . Do you have any recommendations .",
+ "I need a hotel in the #HOTEL-INFORM-AREA# which includes free wifi .",
+ "i am also looking for a place to stay in the #HOTEL-INFORM-AREA# that offers free wifi .",
+ "it should be in the #HOTEL-INFORM-AREA# and have free wifi",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi ?",
+ "Yes , actually I prefer to stay in the #HOTEL-INFORM-AREA# part of town . And I would love something that offers free wifi .",
+ "The #HOTEL-INFORM-AREA# , please . And can I get free wifi ?",
+ "I like the #HOTEL-INFORM-AREA# part of town and should include free wifi",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# . It does n't need to include internet .",
+ "Yes please . I also need a place to stay in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Hi , I need a hotel that includes free wifi in the #HOTEL-INFORM-AREA# of Cambridge .",
+ "What have you got on the #HOTEL-INFORM-AREA# side , in the way of places to stay offering free wifi ?",
+ "I am coming to town and need a hotel in the #HOTEL-INFORM-AREA# . I will be working so need free wifi as well .",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side of town . I will need free wifi .",
+ "No need to book the train yet , thanks . I 'd like a hotel in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Please find me a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "should be in the #HOTEL-INFORM-AREA# with free wifi",
+ "I am hoping you can help me find a hotel with free wifi in the #HOTEL-INFORM-AREA# .",
+ "Hello ! Can you tell me about places to stay in the #HOTEL-INFORM-AREA# area of town ? I 'll be on a business trip , so I do need free wifi .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "Hi , I ' m looking for a hotel . It does n't need to include internet but needs to be near the #HOTEL-INFORM-AREA# .",
+ "In the #HOTEL-INFORM-AREA# . With free wifi , please .",
+ "Yes , I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "i need a hotel with wifi in the #HOTEL-INFORM-AREA# part of town",
+ "I ' m looking for a place to stay in with free wifi in the #HOTEL-INFORM-AREA# part of town .",
+ "I would like to be in the #HOTEL-INFORM-AREA# area and should include free wifi .",
+ "I ' m looking for something in the #HOTEL-INFORM-AREA# . I do n't care so much about the price , but I want it to be all inclusive , no charging extra for wifi .",
+ "The #HOTEL-INFORM-AREA# part of town , it should also include free wifi .",
+ "Anywhere in the #HOTEL-INFORM-AREA# . As long as it has free wifi .",
+ "It should be on the #HOTEL-INFORM-AREA# side , and have free wifi , no food preferences though .",
+ "Hi , I need a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi please .",
+ "i am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should include free wifi .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "I want to find a place to stay on the #HOTEL-INFORM-AREA# side . I want free wifi too .",
+ "Yes please . Another 3-star hotel in the #HOTEL-INFORM-AREA# with free wifi .",
+ "I need one in the #HOTEL-INFORM-AREA# and has free wifi .",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# ? It does not need to include internet .",
+ "Hi , I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Yes , I 'd like to find someplace to stay with free wifi in the #HOTEL-INFORM-AREA# of town , please .",
+ "Wonderful , thanks . I am also looking for a place to stay in the #HOTEL-INFORM-AREA# . I 'd like free wifi as well .",
+ "I need a place in the #HOTEL-INFORM-AREA# , with free wifi .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# , and it does n't need to include internet .",
+ "It should include free wifi and should be in the #HOTEL-INFORM-AREA# .",
+ "I need a hote on the #HOTEL-INFORM-AREA# with free wifi .",
+ "Yes , I ' m also like to get away from it all and stay at a place in the #HOTEL-INFORM-AREA# with no internet .",
+ "I also need a place that is on the #HOTEL-INFORM-AREA# side of town and that has free wifi .",
+ "I need a place in the #HOTEL-INFORM-AREA# with free wifi , please .",
+ "I am looking for a place to stay in Cambridge . I prefer it to be in the #HOTEL-INFORM-AREA# and include free wifi , please .",
+ "I want to find a place to stay in the #HOTEL-INFORM-AREA# that does n't need to have free internet .",
+ "Are there any places that offer rooms in the #HOTEL-INFORM-AREA# that also give free wifi , or do you have to go to other parts of town for that ?",
+ "Thank you , I also need a place to stay in the #HOTEL-INFORM-AREA# with free wifi .",
+ "I need one in the #HOTEL-INFORM-AREA# and has free wifi .",
+ "Not really , but it needs to be in the #HOTEL-INFORM-AREA# and include free wifi .",
+ "I would like something #HOTEL-INFORM-AREA# . I also need free WiFi .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# . I use mturk quite a bit to get vacation money , so it would have to have free wifi .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# part of the City that offers free wifi with the room .",
+ "I actually need to stay in the #HOTEL-INFORM-AREA# and it needs to have free wifi please .",
+ "Great , thank you ! I ' m also in need of a place to stay . It needs to be in the #HOTEL-INFORM-AREA# and I 'd like it to have free wifi .",
+ "Hmm , I ' m looking for a place in the #HOTEL-INFORM-AREA# . It does n't need to include internet .",
+ "I 'd also like a place to stay with free wifi in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# of town that includes free wifi .",
+ "The #HOTEL-INFORM-AREA# , please . And can I get free wifi ?",
+ "Hello , I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# end . I 'd like a place with free wifi .",
+ "Can you find me a place to stay in the #HOTEL-INFORM-AREA# . I do n't need internet .",
+ "The whale of time sounds great . I also need a place to stay that has free internet and in the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that has free wifi available .",
+ "Yes , I would like a guesthouse in the #HOTEL-INFORM-AREA# part of town and it should include wifi .",
+ "Could it be in the #HOTEL-INFORM-AREA# and include free wifi please ?",
+ "Do you have one in the #HOTEL-INFORM-AREA# with free wifi ?",
+ "What have you got on the #HOTEL-INFORM-AREA# side , in the way of places to stay offering free wifi ?",
+ "Great , thanks ! And yes , I ' m also looking for a place to stay , also located in the #HOTEL-INFORM-AREA# and with free wifi .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "Yes . I would like a hotel in the #HOTEL-INFORM-AREA# that has free wifi .",
+ "It would be great if it included wifi and was in the #HOTEL-INFORM-AREA# .",
+ "Yes please find me a guesthouse in the #HOTEL-INFORM-AREA# , in the moderate price range that includes free wifi .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# and it should include free wifi please .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that includes free wifi .",
+ "i need a hotel with wifi in the #HOTEL-INFORM-AREA# part of town"
+ ],
+ "Type;": [
+ "Is that a #HOTEL-INFORM-TYPE# or a hotel ? I 'd really prefer a guesthouse .",
+ "Thanks ! I ' m going to hanging out at the college late tonight , could you get me a taxi back to the #HOTEL-INFORM-TYPE# at 2:45 ?",
+ "I actually am looking for a #HOTEL-INFORM-TYPE# , not a hotel .",
+ "Are any of them a #HOTEL-INFORM-TYPE# ? I do n't want a guesthouse .",
+ "I be traveling to Cambridge and ca n't wait to try the restaurants , but could you help me with a finding a #HOTEL-INFORM-TYPE# ?",
+ "Yes , can you tell me the star rating of that #HOTEL-INFORM-TYPE# ?",
+ "I do n't care about the price range , but do you have one that is a #HOTEL-INFORM-TYPE# ?",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "It should be a #HOTEL-INFORM-TYPE# type hotel not a guesthouse",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# type place to stay . Are any of those hotels ?",
+ "I ' m not picky about the area of town I stay , but I would like it to be a #HOTEL-INFORM-TYPE# .",
+ "Are any of the 29 places , guest houses ? I would actually prefer a #HOTEL-INFORM-TYPE# rather than a guest house .",
+ "Thank you for the restaurant booking . Can you look for a #HOTEL-INFORM-TYPE# for me ? I do n't need free parking by the way .",
+ "Actually , I would prefer a #HOTEL-INFORM-TYPE# rather than a guest house .",
+ "I prefer a #HOTEL-INFORM-TYPE# .",
+ "It does n't matter but it should be a #HOTEL-INFORM-TYPE# .",
+ "Yes , I am going to need a taxi to get between the attraction and the #HOTEL-INFORM-TYPE# please .",
+ "Can you book a #HOTEL-INFORM-TYPE# room for me ?",
+ "I need it to be a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "No , not really . It just needs to be a #HOTEL-INFORM-TYPE# .",
+ "Yeah , a #HOTEL-INFORM-TYPE# is what I ' m looking for actually .",
+ "Thank you . I would also like to book a taxi to go from the #HOTEL-INFORM-TYPE# to the restaurant .",
+ "I would really like a #HOTEL-INFORM-TYPE# . Is one of those a guesthouse ?",
+ "Can i try a different #HOTEL-INFORM-TYPE# ?",
+ "I will need a taxi to travel between the #HOTEL-INFORM-TYPE# and the college . Can you handle this also ?",
+ "I am traveling to Cambridge and am interested in trying local restaurants and finding a #HOTEL-INFORM-TYPE# for my stay .",
+ "I see , well how about a #HOTEL-INFORM-TYPE# in that area with free parking ?",
+ "No , but I do prefer a #HOTEL-INFORM-TYPE# .",
+ "Thanks ! I am also looking for a #HOTEL-INFORM-TYPE# in Cambridge .",
+ "I do n't have a preferred area , but I am looking for a hotel , not a #HOTEL-INFORM-TYPE# . Does that narrow it down ?",
+ "Ok , a #HOTEL-INFORM-TYPE# will have to do . How many choices do I have ?",
+ "Not really , but I prefer #HOTEL-INFORM-TYPE# type .",
+ "I 'd prefer a hotel rather than a #HOTEL-INFORM-TYPE# .",
+ "I prefer a #HOTEL-INFORM-TYPE# rather than a guest house . Any price range is fine as long as it meets my other criteria . Can you make a suggestion ?",
+ "We will need the #HOTEL-INFORM-TYPE# for 4 nights starting friday and will need 2 rooms . Thank you .",
+ "I do not need the #HOTEL-INFORM-TYPE# booked , but I do need to schedule a taxi to take me from the hotel to the restaurant .",
+ "I ' m looking for a pleasant #HOTEL-INFORM-TYPE# to stay in . Would you be able to help me find one ?",
+ "Hi ! I ' m looking for a #HOTEL-INFORM-TYPE# .",
+ "I need a place to stay that is a #HOTEL-INFORM-TYPE# .",
+ "It should be a #HOTEL-INFORM-TYPE# rather than a guesthouse , other than what I mentioned I have no preferences .",
+ "how about one that is in the type of #HOTEL-INFORM-TYPE# ?",
+ "I do not want to stay in a guesthouse . I want to stay in a #HOTEL-INFORM-TYPE# please .",
+ "Is there a possibly a #HOTEL-INFORM-TYPE# instead then ?",
+ "Yes . If you read the conversation above , you 'll notice my second request was for a #HOTEL-INFORM-TYPE# . I 'd like one in the same area of the nightclub .",
+ "Thanks , I also need a taxi to get between the #HOTEL-INFORM-TYPE# and the club .",
+ "Is it a #HOTEL-INFORM-TYPE# ?",
+ "Yes , I definitely want a #HOTEL-INFORM-TYPE# .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the same area as the restaurant .",
+ "I ' m sorry . I needed a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "I would also like help finding a #HOTEL-INFORM-TYPE# .",
+ "The east is OK , is that one a #HOTEL-INFORM-TYPE# style ?",
+ "Alright , let 's go with Rosa 's Bed and Breakfast then , that 's a #HOTEL-INFORM-TYPE# at least ?",
+ "Can you check for a #HOTEL-INFORM-TYPE# with those requirements mentioned above ?",
+ "Yes , are there any restaurants located near the Cityroomz #HOTEL-INFORM-TYPE# ?",
+ "If there are no hotels I 'll stay at the #HOTEL-INFORM-TYPE# . Can you give me their address and phone number ?",
+ "Are either one of them a #HOTEL-INFORM-TYPE# ?",
+ "Well I would like a #HOTEL-INFORM-TYPE# . Does that limit what area I can book in ?",
+ "I 'd like the accommodations to be a #HOTEL-INFORM-TYPE# , if possible .",
+ "I want a place to stay and it needs to be a #HOTEL-INFORM-TYPE# .",
+ "I want it to be a #HOTEL-INFORM-TYPE# and the stars do n't matter .",
+ "I 'd also like to book a taxi between my #HOTEL-INFORM-TYPE# and the restaurant .",
+ "Thank you very much . Could you help me get a #HOTEL-INFORM-TYPE# as well ?",
+ "Either is fine . I 'd like a #HOTEL-INFORM-TYPE# .",
+ "How about a #HOTEL-INFORM-TYPE# ?",
+ "i prefer a #HOTEL-INFORM-TYPE# type .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# called finches ? It 's a bed and breakfast .",
+ "No preference on the area , but I would like it to be a #HOTEL-INFORM-TYPE# , please .",
+ "Oh , wait . I think maybe a #HOTEL-INFORM-TYPE# would better suit our needs .",
+ "I also need to get a taxi from the #HOTEL-INFORM-TYPE# to the hotel .",
+ "Is one of them a #HOTEL-INFORM-TYPE# ?",
+ "I really need a #HOTEL-INFORM-TYPE# can you find one for me please ?",
+ "I would now like to book a taxi from my #HOTEL-INFORM-TYPE# at 06;15 going to the college .",
+ "A #HOTEL-INFORM-TYPE# , please .",
+ "Actually , I 'll book it myself , thanks , but I would like to book a #HOTEL-INFORM-TYPE# as well .",
+ "i want to leave the #HOTEL-INFORM-TYPE# by 4:30",
+ "Thank you for booking that #HOTEL-INFORM-TYPE# stay for me . That will be all for today .",
+ "Yes can you help me book a #HOTEL-INFORM-TYPE# ?",
+ "Thanks , I also need a taxi to get from the #HOTEL-INFORM-TYPE# and the attraction .",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# , rather than a guesthouse .",
+ "I ' m looking for a hotel and it has to be a #HOTEL-INFORM-TYPE# .",
+ "I 'd really like to stay in a #HOTEL-INFORM-TYPE# . What do you have available ?",
+ "Great , I am also looking for an expensive range #HOTEL-INFORM-TYPE# in the same area .",
+ "Can we try another search I really need a place to stay it can be a #HOTEL-INFORM-TYPE# or hotel .",
+ "Ok , let 's try the same other criteria but how about a #HOTEL-INFORM-TYPE# ?",
+ "Is the cityroomz a #HOTEL-INFORM-TYPE# ? That 's what I ' m looking for .",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "I need a #HOTEL-INFORM-TYPE# in the center of the town please .",
+ "Is there not a #HOTEL-INFORM-TYPE# ?",
+ "I need to find a #HOTEL-INFORM-TYPE# style hotel please .",
+ "I would like a taxi between the #HOTEL-INFORM-TYPE# and the museum .",
+ "Can you find a #HOTEL-INFORM-TYPE# for me ?",
+ "I 'll be travelling to Cambridge to do some sightseeing and need a place to stay . I 'd love to stay in a #HOTEL-INFORM-TYPE# rather than a hotel .",
+ "I do n't know where I am staying . I ' m looking for a #HOTEL-INFORM-TYPE# and I thought you could help .",
+ "If you ca n't find a guesthouse , could you look for a #HOTEL-INFORM-TYPE# ?",
+ "I am looking for a place to stay , I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "actually i want a #HOTEL-INFORM-TYPE# , specifically",
+ "I need a #HOTEL-INFORM-TYPE# .",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# instead of a hotel , if possible .",
+ "I ' m looking to stay in a #HOTEL-INFORM-TYPE# and I would like the place to have a 1 star rating . Is anything like that available ?",
+ "can you search the type of a #HOTEL-INFORM-TYPE# ?",
+ "I do n't really have an area or price range in mind at the moment , but I am looking for a place that 's a #HOTEL-INFORM-TYPE# .",
+ "Definitely a #HOTEL-INFORM-TYPE# .",
+ "I would like a #HOTEL-INFORM-TYPE# type but the price range is not as important .",
+ "Oh , ok . I really do n't want to stay at a guesthouse though . Can you recommend a #HOTEL-INFORM-TYPE# instead ?",
+ "Yes please . Is any of these two a #HOTEL-INFORM-TYPE# type of hotel ?",
+ "How about #HOTEL-INFORM-TYPE# style places ? Are there any of those available ?",
+ "I ' m not concerned about area , but I do need a #HOTEL-INFORM-TYPE# .",
+ "I would like a #HOTEL-INFORM-TYPE# .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# in town .",
+ "A #HOTEL-INFORM-TYPE# would be good , please .",
+ "The location is not important as long as it is a #HOTEL-INFORM-TYPE# .",
+ "I have the #HOTEL-INFORM-TYPE# and the taxi already ?",
+ "The area is not an issue . I do want it to be an actual #HOTEL-INFORM-TYPE# .",
+ "I will also need a #HOTEL-INFORM-TYPE# .",
+ "I would like it to be a #HOTEL-INFORM-TYPE# .",
+ "Hi I 'd like to find a #HOTEL-INFORM-TYPE# to stay in . Somewhere with free wi - fi .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# , please .",
+ "Do you have one that is a #HOTEL-INFORM-TYPE# ?",
+ "I ' m also looking for a place to stay . I would like it to be a #HOTEL-INFORM-TYPE# .",
+ "There is no certain area but I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "I would like to to be a #HOTEL-INFORM-TYPE# .",
+ "I guess we will take a #HOTEL-INFORM-TYPE# then . Which one would you recommend ?",
+ "No thanks . No booking for today . Can you help me find a place to stay .. a #HOTEL-INFORM-TYPE# maybe ?",
+ "Thanks . Yes , I also need to find a #HOTEL-INFORM-TYPE# for my stay there .",
+ "I would really like a #HOTEL-INFORM-TYPE# please .",
+ "I need to find a #HOTEL-INFORM-TYPE# in Cambridge .",
+ "Yes I also need a place to stay . I would prefer a #HOTEL-INFORM-TYPE# . That 's the only thing that really matters .",
+ "The area does n't matter much , but I would like it to be a #HOTEL-INFORM-TYPE# if possible .",
+ "i need a #HOTEL-INFORM-TYPE# , not a guesthouse",
+ "I am looking for an expensive #HOTEL-INFORM-TYPE# .",
+ "Thank you . I will also need a taxi to to from the #HOTEL-INFORM-TYPE# to the restaurant .",
+ "I prefer the room to be in a #HOTEL-INFORM-TYPE# .",
+ "I think I 'll hold off on that reservation . Does that #HOTEL-INFORM-TYPE# have free Internet ? I do want to book a taxi if you can do that .",
+ "Is that a hotel or #HOTEL-INFORM-TYPE# ? I prefer an expensive guesthouse if possible .",
+ "Yes , I need a place to stay , a #HOTEL-INFORM-TYPE# please .",
+ "I need a place to stay . A #HOTEL-INFORM-TYPE# would be great .",
+ "Is it a #HOTEL-INFORM-TYPE# or a hotel ?",
+ "Is that a #HOTEL-INFORM-TYPE# ? I do n't want to stay in a guesthouse , I want to stay in a hotel please .",
+ "Can you help me find a cheap #HOTEL-INFORM-TYPE# that I can stay at ?",
+ "Let 's go for the #HOTEL-INFORM-TYPE# please",
+ "No , but I would like a #HOTEL-INFORM-TYPE# .",
+ "Can I also book a taxi to get from the restaurant to the #HOTEL-INFORM-TYPE# ? We want to make our dinner reservation .",
+ "I am looking for a #HOTEL-INFORM-TYPE# tonight .",
+ "How about a #HOTEL-INFORM-TYPE# instead of a guesthouse ?",
+ "Is that a 4-star #HOTEL-INFORM-TYPE# ?",
+ "Good evening . Can you help me find a #HOTEL-INFORM-TYPE# to stay at for the weekend ?",
+ "Can you find me a #HOTEL-INFORM-TYPE# that includes wi - fi ?",
+ "I would like it to be a #HOTEL-INFORM-TYPE# please .",
+ "Is that a #HOTEL-INFORM-TYPE# ? I really want a guesthouse rather than a hotel .",
+ "OK , a #HOTEL-INFORM-TYPE# will be fine .",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "Is that a #HOTEL-INFORM-TYPE# ? I definitely prefer a guesthouse .",
+ "Thank you . Now can you help me book a taxi to go from the #HOTEL-INFORM-TYPE# to the attraction ? I 'd like to leave the hotel by 8:45",
+ "Can I please book a taxi to get to the #HOTEL-INFORM-TYPE# ?",
+ "I 'd rather have a #HOTEL-INFORM-TYPE# . Are there any available ?",
+ "Hi there . I am looking to find a #HOTEL-INFORM-TYPE# room in town . Can you help ?",
+ "That sounds great . I also need a taxi to take me from the #HOTEL-INFORM-TYPE# to the church and back please .",
+ "Is it a #HOTEL-INFORM-TYPE# ?",
+ "Oh , a #HOTEL-INFORM-TYPE# , for sure .",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "Yes I need a taxi to leave the #HOTEL-INFORM-TYPE# by 5:00 and the attraction .",
+ "Not interested win a guesthouse . Do you have a #HOTEL-INFORM-TYPE# with free parking and a 0-star rating ?",
+ "Hello , we are looking for information about lodgings in Cambridge . Price is no option and we would like a very nice #HOTEL-INFORM-TYPE# .",
+ "I also need a taxi from the restaurant to the #HOTEL-INFORM-TYPE# . I 'd like to leave the restaurant by 5:00 .",
+ "I ' m looking to stay at a #HOTEL-INFORM-TYPE# please .",
+ "Is it a #HOTEL-INFORM-TYPE# or guesthouse ?",
+ "I am looking for a place to stay , preferably a #HOTEL-INFORM-TYPE# .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "Hi . Could you help me with finding a #HOTEL-INFORM-TYPE# ?",
+ "No thanks on the booking , we will do that later but that #HOTEL-INFORM-TYPE# is a fit for me . I am set , thank you for your help .",
+ "I do not prefer a particular area of town but I would like the hotel to be a #HOTEL-INFORM-TYPE# .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# to stay in",
+ "No , I just would like a #HOTEL-INFORM-TYPE# .",
+ "Do they have a #HOTEL-INFORM-TYPE# available ?",
+ "Let 's try a #HOTEL-INFORM-TYPE# with those qualifications instead please .",
+ "Thanks , lastly , I need a taxi to take me to the restaurant from the #HOTEL-INFORM-TYPE# , I want to get there before the booked time .",
+ "I also need a #HOTEL-INFORM-TYPE# to stay in .",
+ "A #HOTEL-INFORM-TYPE# would be fine .",
+ "Yes , can you help me with my #HOTEL-INFORM-TYPE# plans ?",
+ "I do n't have a price range I just need it to be a #HOTEL-INFORM-TYPE# .",
+ "Thank you , I also need to find a place to stay . I would prefer a #HOTEL-INFORM-TYPE# .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in when I visit next month .",
+ "How about a #HOTEL-INFORM-TYPE# instead ?",
+ "I would like a #HOTEL-INFORM-TYPE# . Location and price are n't important .",
+ "Hi . I am looking for a #HOTEL-INFORM-TYPE# to stay in .",
+ "Can you locate a train that will take me to the #HOTEL-INFORM-TYPE# .",
+ "Yes , please book the ashley #HOTEL-INFORM-TYPE# for me , thank you .",
+ "Can you find me a particular #HOTEL-INFORM-TYPE# please ?",
+ "I really need a #HOTEL-INFORM-TYPE# and not a guest house are there any in the area ?",
+ "Yes I need a #HOTEL-INFORM-TYPE# with free wi - fi .",
+ "I want a #HOTEL-INFORM-TYPE# .",
+ "Thank you ! I also need to find a #HOTEL-INFORM-TYPE# to stay in please .",
+ "Yes , one more thing . I will need a taxi between the #HOTEL-INFORM-TYPE# and the restaurant , please .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# . Is it a guesthouse ?",
+ "Neither of those matter , but I would like it to be a #HOTEL-INFORM-TYPE# . Do one of those match ?",
+ "I need a #HOTEL-INFORM-TYPE# for tonight please .",
+ "I would like it to be a #HOTEL-INFORM-TYPE# .",
+ "how about a #HOTEL-INFORM-TYPE# type instead ?",
+ "Can I please book a taxi from the #HOTEL-INFORM-TYPE# to the restaurant ?",
+ "Do you think you might be able to recommend a nice #HOTEL-INFORM-TYPE# ?",
+ "Please book a different #HOTEL-INFORM-TYPE# in the same price range .",
+ "No but it needs to be a #HOTEL-INFORM-TYPE# .",
+ "Ok , well do you mind trying to see if there is a #HOTEL-INFORM-TYPE# that matches my other requests .",
+ "I would like a #HOTEL-INFORM-TYPE# .",
+ "I would rather stay at a #HOTEL-INFORM-TYPE# if that 's okay .",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# to stay .",
+ "Hi there . I was wondering if you might be able to help me locate a #HOTEL-INFORM-TYPE# to stay at in town .",
+ "I 'd prefer the #HOTEL-INFORM-TYPE# please .",
+ "I am planning a trip to Cambridge and am looking for a #HOTEL-INFORM-TYPE# .",
+ "I am excited to eat at some great restaurants during my visit . Can you help me find a #HOTEL-INFORM-TYPE# ?",
+ "I would prefer a #HOTEL-INFORM-TYPE# over a guesthouse . Are there any that would meet the criteria I ' ve listed ?",
+ "What 's the name of the expensive #HOTEL-INFORM-TYPE# ?",
+ "I actually need a place to stay too . I want a #HOTEL-INFORM-TYPE# for sure , and something near the restaurant , please .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# room . Can you help me find one ?",
+ "Hi ! Would you please help me find a #HOTEL-INFORM-TYPE# to stay at ?",
+ "Is this a #HOTEL-INFORM-TYPE# or guest house ?",
+ "yes , I would also like for it to be a #HOTEL-INFORM-TYPE# style and in the area of east , thank you",
+ "No , I need a #HOTEL-INFORM-TYPE# please .",
+ "Are any of them #HOTEL-INFORM-TYPE#s ? I would prefer a guesthouse .",
+ "Are there any other options in the type of #HOTEL-INFORM-TYPE# , please ?",
+ "Is there a #HOTEL-INFORM-TYPE# ?",
+ "Actually , can you look for a #HOTEL-INFORM-TYPE# with the same specifications ?",
+ "How about just any #HOTEL-INFORM-TYPE# in the south , then ?",
+ "As long as it is a #HOTEL-INFORM-TYPE# , I would like to book it .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# , can you help ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# if there is one ?",
+ "Not really on the area . But I would like an expensive #HOTEL-INFORM-TYPE# .",
+ "Is there any other type of #HOTEL-INFORM-TYPE# in the area ?",
+ "I would like to to be a #HOTEL-INFORM-TYPE# .",
+ "I ' m sorry , what did you say ? Is that reference number for the #HOTEL-INFORM-TYPE# or taxi ?",
+ "Is it a #HOTEL-INFORM-TYPE# ? I would prefer a guesthouse .",
+ "I am looking for a #HOTEL-INFORM-TYPE# please .",
+ "Sorry , I want to stay in a #HOTEL-INFORM-TYPE# .",
+ "I need a place to stay and I want it to be a #HOTEL-INFORM-TYPE# .",
+ "I am trying to locate a really nice #HOTEL-INFORM-TYPE# to take my wife to . Can you suggest any ?",
+ "Could you see if there 's a #HOTEL-INFORM-TYPE# that meets my preferences ?",
+ "Is it a #HOTEL-INFORM-TYPE# ? I ' m looking for a guesthouse .",
+ "I want a #HOTEL-INFORM-TYPE# .",
+ "Is that a #HOTEL-INFORM-TYPE# type place to stay ?",
+ "I am looking to stay at a #HOTEL-INFORM-TYPE# with free wfii",
+ "That would be great . I also would like to book a #HOTEL-INFORM-TYPE# for my stay .",
+ "Preferably a #HOTEL-INFORM-TYPE# if possible .",
+ "Thanks ! I ' m also looking for a #HOTEL-INFORM-TYPE# near that restaurant .",
+ "I would prefer one that is a #HOTEL-INFORM-TYPE# .",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "Actually I changed my mind . I do want to book the #HOTEL-INFORM-TYPE# .",
+ "No thank you . I am looking for a #HOTEL-INFORM-TYPE# instead of a guesthouse .",
+ "I am looking for a place to stay and I want it to be a #HOTEL-INFORM-TYPE# .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# .",
+ "What about an expensive #HOTEL-INFORM-TYPE# ?",
+ "I need a #HOTEL-INFORM-TYPE# .",
+ "Then a #HOTEL-INFORM-TYPE# please . What are my options ?",
+ "I need a #HOTEL-INFORM-TYPE# please .",
+ "I need #HOTEL-INFORM-TYPE# tips , can you help ?",
+ "I was really hoping to find a #HOTEL-INFORM-TYPE# if you could ?",
+ "Hmm can you check one more time , it should really be a #HOTEL-INFORM-TYPE# .",
+ "Do they have a #HOTEL-INFORM-TYPE# available ?",
+ "I just need a #HOTEL-INFORM-TYPE# with this criteria .",
+ "How about a #HOTEL-INFORM-TYPE# ?",
+ "I need a cheap #HOTEL-INFORM-TYPE# in the north . I ' m looking for information not reservations .",
+ "I need a place to stay and I would like a #HOTEL-INFORM-TYPE# .",
+ "I actually need a #HOTEL-INFORM-TYPE# instead of a hotel , please .",
+ "I do not have a preference but I do want a #HOTEL-INFORM-TYPE# not a guest house .",
+ "Can you check for a #HOTEL-INFORM-TYPE# with those requirements mentioned above ?",
+ "Yes , is Hamilton Lodge a guesthouse or #HOTEL-INFORM-TYPE# ? I prefer a hotel .",
+ "We are looking for a #HOTEL-INFORM-TYPE# , preferable a fancy and expensive one .",
+ "I am fine with any price range , please pick a #HOTEL-INFORM-TYPE# .",
+ "thanks , i ' m also looking to stay at a #HOTEL-INFORM-TYPE# .",
+ "Let 's try a #HOTEL-INFORM-TYPE# , please .",
+ "I would like a #HOTEL-INFORM-TYPE# .",
+ "If there are no hotels , a #HOTEL-INFORM-TYPE# would be fine , I suppose .",
+ "Is there a #HOTEL-INFORM-TYPE# that would be available with that criteria ?",
+ "Can you help me in finding a suitable #HOTEL-INFORM-TYPE# please ?",
+ "How about the one that is in the type of #HOTEL-INFORM-TYPE# ?",
+ "Well , I also need a place to stay . I prefer a #HOTEL-INFORM-TYPE# with a 2 star rating .",
+ "Yes you can The #HOTEL-INFORM-TYPE# should be in the same area as the restaurant",
+ "Need to book a #HOTEL-INFORM-TYPE# as well .",
+ "I would like to book a room in a #HOTEL-INFORM-TYPE# , please .",
+ "i would like to hear about the ashley #HOTEL-INFORM-TYPE# please",
+ "I am looking for a #HOTEL-INFORM-TYPE# type please .",
+ "yes , lets try a different #HOTEL-INFORM-TYPE# in the same price range .",
+ "I would prefer a #HOTEL-INFORM-TYPE# , thank you .",
+ "how about a #HOTEL-INFORM-TYPE# instead ?",
+ "Yes , a #HOTEL-INFORM-TYPE# is fine .",
+ "The area does n't matter I prefer a #HOTEL-INFORM-TYPE# . Any one you recommend will be fine .",
+ "Is it a type of #HOTEL-INFORM-TYPE# and is it in the south ?",
+ "I might be interested . First , is that a #HOTEL-INFORM-TYPE# style ? I would love to stay in a guesthouse style with free parking !",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "I think a #HOTEL-INFORM-TYPE# would be more personal .",
+ "I ' m definitely open to a #HOTEL-INFORM-TYPE# .",
+ "Is it a #HOTEL-INFORM-TYPE# ? I do n't want to stay at a hotel .",
+ "Actually , I need it to be a #HOTEL-INFORM-TYPE# , not a bed and breakfast .",
+ "I ' m sorry . I really was looking for a #HOTEL-INFORM-TYPE# .",
+ "Great , I also need a #HOTEL-INFORM-TYPE# room if you can help me find something .",
+ "I need a place to stay please . A #HOTEL-INFORM-TYPE# would be great .",
+ "I do n't really have any preferences other than I want it to be in the same area as the #HOTEL-INFORM-TYPE# .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# in Cambridge .",
+ "Thank you . I 'd also like to find a #HOTEL-INFORM-TYPE# .",
+ "No booking necessary , just need one more thing , a taxi from the #HOTEL-INFORM-TYPE# to the restaurant and to get there by the reservation time",
+ "Hello I am looking for a #HOTEL-INFORM-TYPE# please .",
+ "A #HOTEL-INFORM-TYPE# would be fine .",
+ "Price does n't matter but I need it to be a #HOTEL-INFORM-TYPE# .",
+ "A #HOTEL-INFORM-TYPE# please that is not too expensive .",
+ "A #HOTEL-INFORM-TYPE# please .",
+ "Is it a #HOTEL-INFORM-TYPE# ?",
+ "I am also looking for a #HOTEL-INFORM-TYPE# .",
+ "No I do n't care about the area , but I do want a #HOTEL-INFORM-TYPE# and not a guest house .",
+ "I will also need a taxi to get me between the two places , the Ashley #HOTEL-INFORM-TYPE# and Broughton House .",
+ "Thank you for correcting that . Can you book a taxi for me ? I 'd like to go from the Broughton House to the #HOTEL-INFORM-TYPE# , and leave by 5:30 .",
+ "I would prefer a #HOTEL-INFORM-TYPE# . I do n't care about the other amenities .",
+ "No , I ' m not sure but I would like their address and telephone number and can you tell me what star rating this #HOTEL-INFORM-TYPE# has ?",
+ "If it is moderately priced #HOTEL-INFORM-TYPE# in the east , yes I would like to reserve a room .",
+ "I also need a #HOTEL-INFORM-TYPE# that is near the restaurant .",
+ "I do n't need a booking , but I need a taxi commuting between that #HOTEL-INFORM-TYPE# and the booked restaurant .",
+ "I am looking for a #HOTEL-INFORM-TYPE# .",
+ "I am going to be visiting and would like a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at . Can you help me with that ?",
+ "Yes , hi . Would you be able to suggest a reasonably priced #HOTEL-INFORM-TYPE# for our stay in Cambridge ?",
+ "I was wanting to stay in a #HOTEL-INFORM-TYPE# , instead of a guesthouse . Are you sure there are n't any 4-star hotels that has free parking ? If not , the guesthouse is fine .",
+ "How about a #HOTEL-INFORM-TYPE# ?",
+ "I would like a #HOTEL-INFORM-TYPE# in the same area as all saints church .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that includes free wi - fi .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in .",
+ "Nothing else about the #HOTEL-INFORM-TYPE# , but I will need a taxi from the hotel to the restaurant . Could you arrange this ?",
+ "Is that a #HOTEL-INFORM-TYPE# ?",
+ "Is there a #HOTEL-INFORM-TYPE# available ?",
+ "I am looking for information . Can you help me find a place to stay ? I want a #HOTEL-INFORM-TYPE# , not a guestroom .",
+ "I ' m looking for a expensive #HOTEL-INFORM-TYPE# .",
+ "Thanks ! I am looking forward to checking it out . Can you help me in finding a #HOTEL-INFORM-TYPE# to stay at for tonight ?",
+ "I really do n't like hotels . I never have a good experience . So , maybe a #HOTEL-INFORM-TYPE# might be a better option for me .",
+ "I do n't care about a particular area , but I would like a #HOTEL-INFORM-TYPE# .",
+ "Thanks ! I ' m also looking for a place to stay that 's a #HOTEL-INFORM-TYPE# .",
+ "Is there a #HOTEL-INFORM-TYPE# available ?",
+ "I ' m really looking for a #HOTEL-INFORM-TYPE# instead of a guest house .",
+ "No , but the hotel should be in the type of #HOTEL-INFORM-TYPE# .",
+ "Hi . I need help finding a #HOTEL-INFORM-TYPE# . Can you help me ?",
+ "Thank you . I would also like a taxi to commute between the #HOTEL-INFORM-TYPE# and restaurant .",
+ "No , I ' m looking for a #HOTEL-INFORM-TYPE# . It should be the same price range as the restaurant .",
+ "Yes , I 'd also like some help finding a #HOTEL-INFORM-TYPE# .",
+ "How about a #HOTEL-INFORM-TYPE# type ?",
+ "Hi there . Can I get some help finding a hotel or #HOTEL-INFORM-TYPE# please ?",
+ "Cool I also need a taxi to get to the #HOTEL-INFORM-TYPE# after visiting the museum .",
+ "Yes , I ' m also still looking for a hotel . Some kind of #HOTEL-INFORM-TYPE# , maybe ? Although I do need access to parking and wifi .",
+ "No , I need a hotel , not a #HOTEL-INFORM-TYPE# .",
+ "Any listings for a #HOTEL-INFORM-TYPE# ?",
+ "I want to be in a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "Is there another #HOTEL-INFORM-TYPE# in the same price range that you can book ?",
+ "Is there a #HOTEL-INFORM-TYPE# available ?",
+ "i want it to be a #HOTEL-INFORM-TYPE# specifically .",
+ "I would prefer a #HOTEL-INFORM-TYPE# .",
+ "No preference on star rating . It needs to be in a #HOTEL-INFORM-TYPE# , not a guesthouse . What do you recommend ?",
+ "I actually need a #HOTEL-INFORM-TYPE# instead of a hotel , please .",
+ "Great thanks , I also need to find a #HOTEL-INFORM-TYPE# near the restaurant if possible . Would you be able to assist ?",
+ "I would prefer a #HOTEL-INFORM-TYPE# .",
+ "I need to find a #HOTEL-INFORM-TYPE# quick , can you make it happen ?",
+ "As long as it is a #HOTEL-INFORM-TYPE# , I would like to book it .",
+ "Is it a #HOTEL-INFORM-TYPE# ? I do n't want to stay at a hotel .",
+ "Hi , I ' m looking for some information about Cambridge . Can you help me find a #HOTEL-INFORM-TYPE# to stay in ? Money is no object !",
+ "How about one that is a #HOTEL-INFORM-TYPE# ?",
+ "Can you get me the address to every #HOTEL-INFORM-TYPE# in the north . Thank you",
+ "Yes , I ' m also going to need to book a taxi to take me between the #HOTEL-INFORM-TYPE# and restaurant , please .",
+ "I am looking for a place to stay that is a #HOTEL-INFORM-TYPE# located in the center of town .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in Cambridge .",
+ "What attractions are close to the Ashley #HOTEL-INFORM-TYPE# ?",
+ "I need a #HOTEL-INFORM-TYPE# in the center of town with a star of 0 .",
+ "I also need a #HOTEL-INFORM-TYPE# to stay in .",
+ "Hi , can you help me find a #HOTEL-INFORM-TYPE# , please ?",
+ "How about trying another 2-star #HOTEL-INFORM-TYPE# with free wifi and free parking ?",
+ "Can you try a #HOTEL-INFORM-TYPE# instead ?",
+ "Any of them a type of #HOTEL-INFORM-TYPE# ?",
+ "Thank you appreciate the fast info . I am also looking for a #HOTEL-INFORM-TYPE# . Can you help me book it ?",
+ "I also need a #HOTEL-INFORM-TYPE# .",
+ "I ' m sorry , I actually need a #HOTEL-INFORM-TYPE# .",
+ "I am going to be visiting and need a #HOTEL-INFORM-TYPE# .",
+ "No but I do need to make sure it is a #HOTEL-INFORM-TYPE# and not a guesthouse .",
+ "Yes , how about a #HOTEL-INFORM-TYPE# ?",
+ "Yes , I am also looking for a place to stay . I prefer a #HOTEL-INFORM-TYPE# .",
+ "What are the nearest diners by the #HOTEL-INFORM-TYPE# ?",
+ "I am planning my trip and would like to find a #HOTEL-INFORM-TYPE# to stay at .",
+ "Do you have a #HOTEL-INFORM-TYPE# that meets my requirements ?",
+ "I prefer a #HOTEL-INFORM-TYPE# .",
+ "I should have told you I am specifically looking for a #HOTEL-INFORM-TYPE# and not a guest house .",
+ "Can you find a #HOTEL-INFORM-TYPE# for me ?",
+ "Great can you tell me the star rating of the #HOTEL-INFORM-TYPE# as well ?",
+ "Is that a #HOTEL-INFORM-TYPE# ? That is the type I am looking for .",
+ "Is it also a #HOTEL-INFORM-TYPE# type of hotel ?",
+ "Does the Gonville Hotel have #HOTEL-INFORM-TYPE# accommodations ?",
+ "Are any of the 29 places , guest houses ? I would actually prefer a #HOTEL-INFORM-TYPE# rather than a guest house .",
+ "The area is n't important but I 'd like to stay in a #HOTEL-INFORM-TYPE# if possible .",
+ "I do n't have an area preference but I would like a #HOTEL-INFORM-TYPE# .",
+ "No . Also , I forgot to mention that I would like a #HOTEL-INFORM-TYPE# also .",
+ "Thank you , can you also help me with finding a #HOTEL-INFORM-TYPE# in the est ?",
+ "I do n't need a booking , thanks . I do need a taxi going from the #HOTEL-INFORM-TYPE# to the restaurant though .",
+ "Yes . I a place to stay . A upscale #HOTEL-INFORM-TYPE# please .",
+ "Is that a #HOTEL-INFORM-TYPE# ? That is the type I am looking for .",
+ "I do n't care about the area , I just want it to be a #HOTEL-INFORM-TYPE# type and not a guesthouse .",
+ "I do n't have a price range at this time , but I am wanting to stay in a #HOTEL-INFORM-TYPE# .",
+ "Lets try a #HOTEL-INFORM-TYPE# instead .",
+ "I need to find a #HOTEL-INFORM-TYPE# too .",
+ "I need a taxi to return back to the #HOTEL-INFORM-TYPE# . I 'll be leaving the college at 3:15 PM .",
+ "I am actually looking for a #HOTEL-INFORM-TYPE# . Is the Acorn Guesthouse listed in that type ?",
+ "Actually , yes . I ' m looking for a #HOTEL-INFORM-TYPE# called the arbury lodge .",
+ "I would prefer a #HOTEL-INFORM-TYPE# if possible .",
+ "That sounds like what I ' m looking for . Is it a #HOTEL-INFORM-TYPE# ?",
+ "I need help finding a #HOTEL-INFORM-TYPE# to stay at .",
+ "yeah , i need a taxi to get me from the #HOTEL-INFORM-TYPE# to the restaurant .",
+ "Just near Cambridge , and should be a #HOTEL-INFORM-TYPE# .",
+ "Just pick one of the hotels . I just want a #HOTEL-INFORM-TYPE# .",
+ "I ' m specifically looking for a #HOTEL-INFORM-TYPE# please .",
+ "I 'd really like to stay in a #HOTEL-INFORM-TYPE# . I heard the ones in Cambridge are very nice .",
+ "how about one that is in the type of #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for an upscale #HOTEL-INFORM-TYPE# .",
+ "Sure . Any #HOTEL-INFORM-TYPE# in the same price range would be fine .",
+ "Hi , can you help me find a #HOTEL-INFORM-TYPE# to stay at ?",
+ "Rather than a guest house , do you have a #HOTEL-INFORM-TYPE# that meets those specifications ?",
+ "How about a #HOTEL-INFORM-TYPE# instead of a guesthouse ?",
+ "Is that a #HOTEL-INFORM-TYPE# or a guesthouse ?",
+ "Great , thanks ! I also need a place to stay , I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "Could you please tell me the star of the #HOTEL-INFORM-TYPE# ?",
+ "Great , thanks . I ' m also going to need to get a taxi to the restaurant from the #HOTEL-INFORM-TYPE# for our reservation time .",
+ "I ' m not sure on the area of town . I do know I want a #HOTEL-INFORM-TYPE# . Is there anything for me ?",
+ "No thanks . That wo n't be necessary . But I would like some help finding a #HOTEL-INFORM-TYPE# to stay at .",
+ "Sorry . I prefer a #HOTEL-INFORM-TYPE# . Does the Cambridge Belfry meet that requirement ?",
+ "Could I ask for your help in finding a #HOTEL-INFORM-TYPE# to put my friends up in nearby ?",
+ "Sure . I 'd like a #HOTEL-INFORM-TYPE# .",
+ "I would like the #HOTEL-INFORM-TYPE# .",
+ "I actually prefer a #HOTEL-INFORM-TYPE# , rather than a guesthouse .",
+ "Is that a #HOTEL-INFORM-TYPE# ? I would like to stay in a guesthouse please . It does n't need to have free parking .",
+ "How about a #HOTEL-INFORM-TYPE# type instead of guesthouse ?",
+ "how about one that is in the type of #HOTEL-INFORM-TYPE# . ?",
+ "Yes , I was wondering if you could help me find a #HOTEL-INFORM-TYPE# in Cambridge .",
+ "no , I need a #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-TYPE# at the center of town to stay in",
+ "What about a #HOTEL-INFORM-TYPE# ?",
+ "It does n't matter about the price . I would like it to be a #HOTEL-INFORM-TYPE# though , if that 's possible .",
+ "No . But it should be a #HOTEL-INFORM-TYPE# .",
+ "Thanks . Now I can book my taxi from the #HOTEL-INFORM-TYPE# to the restaurant .",
+ "Try a #HOTEL-INFORM-TYPE# please .",
+ "Is that an actual #HOTEL-INFORM-TYPE# ? I do n't like guesthouses .",
+ "Thanks for the help with the museum , #HOTEL-INFORM-TYPE# and taxi . I do n't need anything else . Goodbye .",
+ "I need a place to stay please . A #HOTEL-INFORM-TYPE# would be great .",
+ "Yes please , but it definitely needs to be a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "Hello , I 'd like to stay in a two star #HOTEL-INFORM-TYPE# . Know of anything good ?",
+ "Hi ! Would you please help me find a #HOTEL-INFORM-TYPE# to stay at ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that includes free wi - fi .",
+ "I wanted help with finding a #HOTEL-INFORM-TYPE# in Cambridge today .",
+ "Sorry , do n't want to book right now . But I do need a taxi to get between the attraction and the #HOTEL-INFORM-TYPE# .",
+ "Can you tell me the hotels that meet that criteria first ? I need a 4-star #HOTEL-INFORM-TYPE# with parking .",
+ "It does n't really matter . I would like a #HOTEL-INFORM-TYPE# , though .",
+ "No particular area , but I 'd like it to be a #HOTEL-INFORM-TYPE# .",
+ "I think I 'll need a taxi from the gallery to the #HOTEL-INFORM-TYPE# . Can you help with that ?",
+ "How about a #HOTEL-INFORM-TYPE# with a star of 4 ?",
+ "I would like some help finding a room in the city . I really want it to be a #HOTEL-INFORM-TYPE# as opposed to a guesthouse .",
+ "I 'd also like to find a #HOTEL-INFORM-TYPE# to stay in .",
+ "Can we make that a #HOTEL-INFORM-TYPE# instead ?",
+ "I ' m sorry , I have n't been clear . I am looking for a #HOTEL-INFORM-TYPE# , not a hotel . Is there a 4-star guesthouse with free wifi ?",
+ "Yes , can you help me with my #HOTEL-INFORM-TYPE# plans ?",
+ "I am also looking for a #HOTEL-INFORM-TYPE# .",
+ "Yes , we 're also looking for a #HOTEL-INFORM-TYPE# to stay at when we 're in town ."
+ ],
+ "Price;": [
+ "I would like to keep it in the #HOTEL-INFORM-PRICE# range , please .",
+ "Yes , that train sounds good . Please book it for me . Could you also find me a hotel with a #HOTEL-INFORM-PRICE# price that offers internet ?",
+ "Any location is fine , but I would prefer something that is in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "On second thought , I ' m actually looking for a hotel . Same criteria , but it needs to be in the #HOTEL-INFORM-PRICE# price range .",
+ "What about a #HOTEL-INFORM-PRICE# priced one instead ?",
+ "Area does n't matter , but I would like to keep the price #HOTEL-INFORM-PRICE# .",
+ "I also need a #HOTEL-INFORM-PRICE# place to stay .",
+ "How about a #HOTEL-INFORM-PRICE# one ?",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "What about any in the #HOTEL-INFORM-PRICE# range ?",
+ "I can afford an expensive place , but if there are no rooms a #HOTEL-INFORM-PRICE# hotel will do as well .",
+ "I am looking for a #HOTEL-INFORM-PRICE# priced place to stay .",
+ "I would like it to be #HOTEL-INFORM-PRICE# please",
+ "Are there any in the #HOTEL-INFORM-PRICE# price range ?",
+ "No , it just needs to be #HOTEL-INFORM-PRICE# .",
+ "Yes I have a #HOTEL-INFORM-PRICE# price range .",
+ "I would really like something #HOTEL-INFORM-PRICE# .",
+ "Alright , let 's try for a #HOTEL-INFORM-PRICE# hotel .",
+ "how about one that is in the #HOTEL-INFORM-PRICE# price range .",
+ "I 'd like #HOTEL-INFORM-PRICE# .",
+ "How about in the #HOTEL-INFORM-PRICE# price range ?",
+ "I would like to try another price range , only in the #HOTEL-INFORM-PRICE# range . I would like to stay in the city centre .",
+ "Are there any #HOTEL-INFORM-PRICE# guesthouses in the centre of town ?",
+ "I need a #HOTEL-INFORM-PRICE# place to stay",
+ "I need an #HOTEL-INFORM-PRICE# one .",
+ "Is there one in the #HOTEL-INFORM-PRICE# range then ?",
+ "Could you try the #HOTEL-INFORM-PRICE# price range to see if there are any available ?",
+ "I would like the Cow Pizza Kitchen for 4 people at 13:15 on Saturday . I need a #HOTEL-INFORM-PRICE# hotel in center too .",
+ "No but I am also looking for a place to stay in a #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I would like to stay within the #HOTEL-INFORM-PRICE# price range , if possible .",
+ "Excellent . I also need to find a place to stay while in town . Can you help me find a #HOTEL-INFORM-PRICE# hotel ?",
+ "Then how about one that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "Thanks so much . I am also wanting to see if you can help me find a #HOTEL-INFORM-PRICE# room to stay in .",
+ "I want a #HOTEL-INFORM-PRICE# price range , please .",
+ "Thanks , I actually do n't want to book just yet . I do need a place to stay though . Could you please suggest a hotel in a #HOTEL-INFORM-PRICE# price range ?",
+ "Can you see if there are any in the #HOTEL-INFORM-PRICE# range ?",
+ "Thanks . I also need a #HOTEL-INFORM-PRICE# place to stay in the center .",
+ "What about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "Is there a hotel in a more #HOTEL-INFORM-PRICE# price range with fee wifi ?",
+ "I do n't understand . I ' m looking for a 5-star hotel . In the #HOTEL-INFORM-PRICE# price range , preferably .",
+ "Thanks . Can you help me find a #HOTEL-INFORM-PRICE# place to stay for the night ?",
+ "how about something in the #HOTEL-INFORM-PRICE# price range ?",
+ "I want the #HOTEL-INFORM-PRICE# one .",
+ "No particular area . I would definitely want a #HOTEL-INFORM-PRICE# priced room though .",
+ "Hi I am looking for a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "Oh I forgot to mention I would actually like something in the #HOTEL-INFORM-PRICE# price range .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range .",
+ "That sounds great ! I am also looking for a place to stay . The hotel should be in the same area as the colege and of #HOTEL-INFORM-PRICE# price .",
+ "Yes #HOTEL-INFORM-PRICE# please . Just book me a room and send me the reference number .",
+ "I want the most #HOTEL-INFORM-PRICE# one .",
+ "Thanks . Going back to the hotel booking , would you try a #HOTEL-INFORM-PRICE# price range , please ?",
+ "I did n't . Are any of them in the #HOTEL-INFORM-PRICE# price range ?",
+ "Yes , can I please get something in the #HOTEL-INFORM-PRICE# price range ?",
+ "I want to keep it in the #HOTEL-INFORM-PRICE# range please",
+ "Thank you so much . We also need a #HOTEL-INFORM-PRICE# place to stay . Can you help with that ?",
+ "i ' m looking for a place to stay that is on the #HOTEL-INFORM-PRICE# side .",
+ "The #HOTEL-INFORM-PRICE# price range .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range , are you able to locate one of those ?",
+ "Thank you ! Can you also help me find a #HOTEL-INFORM-PRICE# place to stay while I am there ?",
+ "Yes , I would prefer the #HOTEL-INFORM-PRICE# price range please .",
+ "Okay , how about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a #HOTEL-INFORM-PRICE# one then I am not picky",
+ "Ill take either of the #HOTEL-INFORM-PRICE# ones . Pick whichever sounds better to you",
+ "Okay , can you check for one that falls in the #HOTEL-INFORM-PRICE# price range instead ?",
+ "is there one in the #HOTEL-INFORM-PRICE# range ?",
+ "No particular area but I need it to be #HOTEL-INFORM-PRICE# .",
+ "How many stars do the #HOTEL-INFORM-PRICE# places have ?",
+ "I would like to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "I 'd like it to be #HOTEL-INFORM-PRICE# .",
+ "How about #HOTEL-INFORM-PRICE# ?",
+ "The guesthouse should be #HOTEL-INFORM-PRICE# .",
+ "Okay , I guess I could go for something different . Do you have anything on the #HOTEL-INFORM-PRICE# side ?",
+ "I actually want something in the #HOTEL-INFORM-PRICE# price range , sorry .",
+ "I need a #HOTEL-INFORM-PRICE# place to stay please .",
+ "I would like one in the #HOTEL-INFORM-PRICE# price range .",
+ "No but can you find one in the #HOTEL-INFORM-PRICE# price range ?",
+ "Let 's go with the #HOTEL-INFORM-PRICE# one .",
+ "I also need an #HOTEL-INFORM-PRICE# lodging in the center of town .",
+ "I would like a #HOTEL-INFORM-PRICE# option please .",
+ "Thanks ! Could you also help me find somewhere #HOTEL-INFORM-PRICE# to stay ?",
+ "Hi there . I 'd like to find a place to stay . It does n't need to have any stars , but I ' m willing to pay a #HOTEL-INFORM-PRICE# amount of money .",
+ "That does n't matter as long as the hotel is #HOTEL-INFORM-PRICE# .",
+ "How about something #HOTEL-INFORM-PRICE# ?",
+ "I need a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "Hello , I ' m looking for a hotel to stay in during my visit to Cambridge . Can you please help me find something in the #HOTEL-INFORM-PRICE# price range ? No specific amenities needed .",
+ "Something #HOTEL-INFORM-PRICE# , please !",
+ "I want it to be #HOTEL-INFORM-PRICE# , and type does n't matter",
+ "Try a #HOTEL-INFORM-PRICE# price range .",
+ "Something #HOTEL-INFORM-PRICE# would be more within my budget . What do you have available ?",
+ "Are there any hotels in a more #HOTEL-INFORM-PRICE# range ?",
+ "I want a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "Yeah , I ' m hoping to find a #HOTEL-INFORM-PRICE# place to stay . Can you help with that ?",
+ "Um , I do n't care . I 'd prefer it if it was #HOTEL-INFORM-PRICE# though .",
+ "What is the price range ? I 'd like something in the #HOTEL-INFORM-PRICE# price range .",
+ "something in the #HOTEL-INFORM-PRICE# price range , please .",
+ "How about in the #HOTEL-INFORM-PRICE# range ?",
+ "Are any of them #HOTEL-INFORM-PRICE# and in the same area as the college ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel , please .",
+ "can you help me find a #HOTEL-INFORM-PRICE# hotel ?",
+ "I just need a hotel , #HOTEL-INFORM-PRICE# range , that is the only criteria I need .",
+ "In the #HOTEL-INFORM-PRICE# price range please .",
+ "Can we go ahead and get the #HOTEL-INFORM-PRICE# one please",
+ "Hi , I ' m looking for a #HOTEL-INFORM-PRICE# place to sleep , please .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range",
+ "How about a #HOTEL-INFORM-PRICE# place instead ?",
+ "I would like something in the #HOTEL-INFORM-PRICE# range .",
+ "Ok , then , is there one that is #HOTEL-INFORM-PRICE# and offers free parking instead ?",
+ "Could you check one that 's in the #HOTEL-INFORM-PRICE# range instead ?",
+ "Yes , I am also looking for a place to stay , that has #HOTEL-INFORM-PRICE# pricing .",
+ "I would like it to be #HOTEL-INFORM-PRICE# .",
+ "Yes , I am looking for something #HOTEL-INFORM-PRICE# .",
+ "Are either of those in the #HOTEL-INFORM-PRICE# price range ?",
+ "Thank you . I am looking for a guest house .I am also looking for one that is rather #HOTEL-INFORM-PRICE# .",
+ "I ' m also looking for an upscale , #HOTEL-INFORM-PRICE# hotel in the area as well .",
+ "I ' m looking for something #HOTEL-INFORM-PRICE# please .",
+ "I need to stay in the #HOTEL-INFORM-PRICE# price range , please .",
+ "I 'd like to stick to a #HOTEL-INFORM-PRICE# price range .",
+ "I would like it to be #HOTEL-INFORM-PRICE# .",
+ "It needs to be #HOTEL-INFORM-PRICE# .",
+ "Hi . I a looking for a #HOTEL-INFORM-PRICE# place to stay . What can you recommend for me ?",
+ "Please book me a room for 4 the same day at a #HOTEL-INFORM-PRICE# one you recommend . Thanks",
+ "Can you suggest one of the #HOTEL-INFORM-PRICE# ones ?",
+ "One in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for a #HOTEL-INFORM-PRICE# room in a guest house .",
+ "Is it in the #HOTEL-INFORM-PRICE# price range ?",
+ "Is there anything in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about just #HOTEL-INFORM-PRICE# ?",
+ "I need one that is in the #HOTEL-INFORM-PRICE# price range .",
+ "That does not matter but I would like it in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like #HOTEL-INFORM-PRICE# , please .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# hotel to stay in .",
+ "Can you try searching for #HOTEL-INFORM-PRICE# priced hotels ?",
+ "I would prefer a hotel in the #HOTEL-INFORM-PRICE# price range .",
+ "I also need to find a place to stay while there . Preferably something #HOTEL-INFORM-PRICE# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay .",
+ "I need some place #HOTEL-INFORM-PRICE# . Thanks",
+ "no thanks , what about something in the #HOTEL-INFORM-PRICE# range ?",
+ "The hotel should be in a #HOTEL-INFORM-PRICE# price range .",
+ "I would like one in Caimbridge that is in the #HOTEL-INFORM-PRICE# price range .",
+ "Can you try those same things but in the #HOTEL-INFORM-PRICE# price range ?",
+ "What hotels are available in the #HOTEL-INFORM-PRICE# price range ?",
+ "I prefer something in the #HOTEL-INFORM-PRICE# price range .",
+ "Can you find me a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about a hotel then in the #HOTEL-INFORM-PRICE# price range ?",
+ "Can you try a #HOTEL-INFORM-PRICE# hotel ?",
+ "Ok , thank you . I also need to find a hotel that is #HOTEL-INFORM-PRICE# .",
+ "I need a place to stay that is #HOTEL-INFORM-PRICE# .",
+ "Okay , how about a #HOTEL-INFORM-PRICE# price range then ?",
+ "I would prefer in the #HOTEL-INFORM-PRICE# range .",
+ "i would like the price range to be #HOTEL-INFORM-PRICE# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel .",
+ "No , I just need one that is in the #HOTEL-INFORM-PRICE# price range .",
+ "Actually I would prefer a #HOTEL-INFORM-PRICE# hotel .",
+ "I ' m sorry , I misspoke a moment ago . I need a hotel in the #HOTEL-INFORM-PRICE# range if you can find one .",
+ "How about one that is #HOTEL-INFORM-PRICE# ?",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I also need a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "Lets try a #HOTEL-INFORM-PRICE# price range",
+ "Is it #HOTEL-INFORM-PRICE# and in the same area ?",
+ "I would like something in the #HOTEL-INFORM-PRICE# price range , I am on a budget .",
+ "I ' m looking for something in the #HOTEL-INFORM-PRICE# price range actually .",
+ "Yes , I would like to find a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "The area is n't too important . But I would like something #HOTEL-INFORM-PRICE# .",
+ "Can you tell me if the #HOTEL-INFORM-PRICE# one has a star rating ?",
+ "I would like a #HOTEL-INFORM-PRICE# price range .",
+ "Actually , I ' m sorry . I said I wanted something cheap , but I ' m actually thinking I want something #HOTEL-INFORM-PRICE# instead .",
+ "Yes the #HOTEL-INFORM-PRICE# price range",
+ "Can you check for #HOTEL-INFORM-PRICE# price range instead ?",
+ "What about a #HOTEL-INFORM-PRICE# one ?",
+ "Well could we look for a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "I wanted somewhere #HOTEL-INFORM-PRICE# :D",
+ "How about one that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "Hello , i ' m looking for a #HOTEL-INFORM-PRICE# hotel in the cambridge area close to local attractions . I do n't need internet or parking . Can you help ?",
+ "I do n't mind the area , but I 'd like it to be #HOTEL-INFORM-PRICE# . I love spending money !",
+ "I would like the #HOTEL-INFORM-PRICE# choice please . I need their information .",
+ "That 's okay . Can you look for one that is #HOTEL-INFORM-PRICE# ?",
+ "Thanks for handling the restaurant booking . I also need a #HOTEL-INFORM-PRICE# place to stay near the restaurant .",
+ "Are either option #HOTEL-INFORM-PRICE# ?",
+ "What about something in the #HOTEL-INFORM-PRICE# price range , instead ?",
+ "Could you find me a one that is #HOTEL-INFORM-PRICE# ?",
+ "Could you help me find a #HOTEL-INFORM-PRICE# hotel in the center of town ?",
+ "Yes . Is there on in the #HOTEL-INFORM-PRICE# price range as well ? To compare .",
+ "It does n't matter to me as long as it also is within a #HOTEL-INFORM-PRICE# price range .",
+ "Okay how about and #HOTEL-INFORM-PRICE# one instead ?",
+ "How about in the #HOTEL-INFORM-PRICE# price range ?",
+ "Yes , I do . I would like a hotel that is #HOTEL-INFORM-PRICE# in price .",
+ "Hi there . I ' m on a really tight budget but need to find me a #HOTEL-INFORM-PRICE# room to stay .",
+ "What about one that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "I need something in the #HOTEL-INFORM-PRICE# price range .",
+ "Just check #HOTEL-INFORM-PRICE# price range then please !",
+ "I ' m also looking for a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "How about the #HOTEL-INFORM-PRICE# price range ?",
+ "what about the one with a #HOTEL-INFORM-PRICE# range ?",
+ "I would prefer a hotel in the #HOTEL-INFORM-PRICE# price range .",
+ "How about the #HOTEL-INFORM-PRICE# price range ?",
+ "I would prefer if the guesthouse was in the #HOTEL-INFORM-PRICE# price range .",
+ "No I would like to stay in the centre . Can you recommend a #HOTEL-INFORM-PRICE# one in that area instead ?",
+ "I would like #HOTEL-INFORM-PRICE# .",
+ "No I really need the price range to be #HOTEL-INFORM-PRICE# . Are there any that come up close to that price range ?",
+ "I need one that is #HOTEL-INFORM-PRICE# priced . Can you look again ?",
+ "Is that in the #HOTEL-INFORM-PRICE# price range ?",
+ "Sure , how about one in the #HOTEL-INFORM-PRICE# range ?",
+ "Wifi will be fine then . Just something #HOTEL-INFORM-PRICE# and basic will be good . Do you know of such a place ?",
+ "I ' m looking for a place to stay that is #HOTEL-INFORM-PRICE# located in the north .",
+ "Could you look for a #HOTEL-INFORM-PRICE# one ?",
+ "i m looking for the #HOTEL-INFORM-PRICE# price range",
+ "I would settle for a #HOTEL-INFORM-PRICE# price ranged one .",
+ "Okay . Do you have anything matching that description in the #HOTEL-INFORM-PRICE# price range instead ?",
+ "How about a #HOTEL-INFORM-PRICE# price range ?",
+ "Yes I would like it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "I do not care about the area but I would like it to be #HOTEL-INFORM-PRICE# .",
+ "Hello ! I need a place to stay , can you help me find something in a #HOTEL-INFORM-PRICE# price range ?",
+ "Can you check for one in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about simply a #HOTEL-INFORM-PRICE# one ?",
+ "Thanks . I also need a #HOTEL-INFORM-PRICE# place to stay while I am in town .",
+ "It does n't matter . I would like it to be in the #HOTEL-INFORM-PRICE# range .",
+ "Is this a #HOTEL-INFORM-PRICE# place to stay ? I really want to book a cheap place .",
+ "In the #HOTEL-INFORM-PRICE# price range , please .",
+ "Yes , what #HOTEL-INFORM-PRICE# hotels are in the area ?",
+ "I 'd like a #HOTEL-INFORM-PRICE# one if that 's fine .",
+ "I also need a #HOTEL-INFORM-PRICE# priced room .",
+ "I also need a really #HOTEL-INFORM-PRICE# place to stay .",
+ "OK , then what about the #HOTEL-INFORM-PRICE# price range ?",
+ "It should be in the #HOTEL-INFORM-PRICE# price range , please .",
+ "I need a place to stay in the #HOTEL-INFORM-PRICE# range .",
+ "Can you check for ones with a #HOTEL-INFORM-PRICE# price range ?",
+ "Hmm . I think I should stay on the west , is there maybe a #HOTEL-INFORM-PRICE# option available instead ?",
+ "I prefer #HOTEL-INFORM-PRICE# please and thank you",
+ "I want a hotel that 's in the #HOTEL-INFORM-PRICE# price range .",
+ "Actually , could you find a hotel for me ? I would like it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for it to be #HOTEL-INFORM-PRICE# .",
+ "I 'll deal with the train , thank you . I want a fancy #HOTEL-INFORM-PRICE# guesthouse , does that narrow it down any ?",
+ "Please try for something in the #HOTEL-INFORM-PRICE# price range .",
+ "look for a hotel within the cambridge area that has an #HOTEL-INFORM-PRICE# price range",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# price .",
+ "I would like something #HOTEL-INFORM-PRICE# .",
+ "I am looking for one in the #HOTEL-INFORM-PRICE# price range .",
+ "No particular area but I would like it to be a hotel type in the #HOTEL-INFORM-PRICE# price range .",
+ "Oh , no , I really need the hotel to be #HOTEL-INFORM-PRICE# .",
+ "I would like someplace #HOTEL-INFORM-PRICE# .",
+ "I do n't care where the hotel is located , but I ' m looking for something in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes I want #HOTEL-INFORM-PRICE# price range",
+ "Anything that 's #HOTEL-INFORM-PRICE# ?",
+ "Great ! I also need a place to stay in the #HOTEL-INFORM-PRICE# price range . Any suggestions ?",
+ "Actually , first , lets get a hotel . Are there any #HOTEL-INFORM-PRICE# places to stay ?",
+ "Is the place #HOTEL-INFORM-PRICE# ?",
+ "No , I 'd like to keep looking for an #HOTEL-INFORM-PRICE# hotel .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I also need a place to stay that is #HOTEL-INFORM-PRICE# .",
+ "Are there any in the #HOTEL-INFORM-PRICE# price range ?",
+ "Could you try a #HOTEL-INFORM-PRICE# one then ?",
+ "I need one in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I also need to find a #HOTEL-INFORM-PRICE# hotel .",
+ "I need a place to stay that is #HOTEL-INFORM-PRICE# .",
+ "I want to book one of the #HOTEL-INFORM-PRICE# ones .",
+ "Sure let 's try a #HOTEL-INFORM-PRICE# price range .",
+ "I ' m open to suggestions . What 's the best one you have in the #HOTEL-INFORM-PRICE# price range ?",
+ "I think I 'd prefer one of the #HOTEL-INFORM-PRICE# options . Which is your favorite ?",
+ "No , that does n't matter , but I 'd like something in the #HOTEL-INFORM-PRICE# price range .",
+ "Hi , can you give me some information on a place to stay in Cambridge ? I would prefer some place #HOTEL-INFORM-PRICE# .",
+ "Yeah , #HOTEL-INFORM-PRICE# would be okay as well .",
+ "I have no specific area but I would like it to be #HOTEL-INFORM-PRICE# .",
+ "No , just #HOTEL-INFORM-PRICE# price range .",
+ "I would like one that is in the #HOTEL-INFORM-PRICE# price range , please . A bit more upscale .",
+ "How about a #HOTEL-INFORM-PRICE# one ?",
+ "Hmm , yes . Someplace #HOTEL-INFORM-PRICE# .",
+ "One with #HOTEL-INFORM-PRICE# price range , please .",
+ "I do n't care , just as long as it 's in the #HOTEL-INFORM-PRICE# price range .",
+ "Try the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m a sophisticated man . I will only consider #HOTEL-INFORM-PRICE# guesthouses .",
+ "I would prefer the #HOTEL-INFORM-PRICE# price range .",
+ "Can you check to see if there is a similar hotel in the #HOTEL-INFORM-PRICE# price range please ?",
+ "Yes I would prefer a #HOTEL-INFORM-PRICE# place .",
+ "I prefer a #HOTEL-INFORM-PRICE# price one .",
+ "it should be in the #HOTEL-INFORM-PRICE# price range",
+ "I want the #HOTEL-INFORM-PRICE# one .",
+ "How about #HOTEL-INFORM-PRICE# with the same criteria ?",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range and should have a star of 4 .",
+ "Greetings ! I need a #HOTEL-INFORM-PRICE# hotel to stay the night in , could you help me ?",
+ "The area does n't really matter , but I would like something #HOTEL-INFORM-PRICE# .",
+ "I would like a #HOTEL-INFORM-PRICE# priced hotel please .",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# price range . Can you help me make a booking somewhere that fits what I need or should I go elsewhere ?",
+ "I ' m looking for #HOTEL-INFORM-PRICE# lodgings .",
+ "No , that 's okay . Are there any hotels available in the #HOTEL-INFORM-PRICE# price range ?",
+ "Could you try one that is #HOTEL-INFORM-PRICE# ?",
+ "Are there any #HOTEL-INFORM-PRICE# hotels around ?",
+ "Any chance you can direct me to where I can locate a #HOTEL-INFORM-PRICE# room for the night ?",
+ "I need a #HOTEL-INFORM-PRICE# hotel .",
+ "I do n't have a specific one in mind . I would like something #HOTEL-INFORM-PRICE# though .",
+ "Sure , how about one in the #HOTEL-INFORM-PRICE# price range .",
+ "Which one is #HOTEL-INFORM-PRICE# ?",
+ "should be in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for some information . I need to find a #HOTEL-INFORM-PRICE# place to stay .",
+ "I have no preference in area but I would like something in the #HOTEL-INFORM-PRICE# price range .",
+ "Is there anything in the #HOTEL-INFORM-PRICE# price range ?",
+ "My price range is #HOTEL-INFORM-PRICE# .",
+ "Ok , how about something in the #HOTEL-INFORM-PRICE# price range ?",
+ "Do you have a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "I do n't care but it needs to be #HOTEL-INFORM-PRICE# .",
+ "okay . #HOTEL-INFORM-PRICE# is good",
+ "Then how about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "No preference on that . What 's the best #HOTEL-INFORM-PRICE# place in that part of town ?",
+ "I am looking for an #HOTEL-INFORM-PRICE# hotel and have no preference about location .",
+ "I want something #HOTEL-INFORM-PRICE# .",
+ "Something #HOTEL-INFORM-PRICE# would be preferred .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# one , which hotels fit into that price range ?",
+ "I would like a #HOTEL-INFORM-PRICE# hotel .",
+ "I would like one in the #HOTEL-INFORM-PRICE# range .",
+ "I need a place to stay that is #HOTEL-INFORM-PRICE# .",
+ "Okay go ahead and book the one for 19:35 . I also need a hotel on the #HOTEL-INFORM-PRICE# side .",
+ "Well are there any #HOTEL-INFORM-PRICE# hotels anywhere in town ?",
+ "No , but I am looking for a place to stay that is #HOTEL-INFORM-PRICE# .",
+ "How about a #HOTEL-INFORM-PRICE# hotel ?",
+ "I am hoping you might be able to help me find a place to stay last minute . I am on a bit of a budget so I need something #HOTEL-INFORM-PRICE# .",
+ "So , you are saying there are no #HOTEL-INFORM-PRICE# hotels in all of Cambridge ? Can you maybe look one more time ? Thanks !",
+ "I would be interested in a guesthouse in the #HOTEL-INFORM-PRICE# price range if that is available . Will you check for me ?",
+ "It does n't matter . Let 's go with #HOTEL-INFORM-PRICE# .",
+ "Sure , I 'll go with a #HOTEL-INFORM-PRICE# one .",
+ "How about in the #HOTEL-INFORM-PRICE# price range ?",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# range too .",
+ "How about an #HOTEL-INFORM-PRICE# one ?",
+ "It needs to be #HOTEL-INFORM-PRICE# .",
+ "I would prefer one in the #HOTEL-INFORM-PRICE# range if you have any .",
+ "I would like the guesthouse to be in the #HOTEL-INFORM-PRICE# range .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range",
+ "Can you help me find a #HOTEL-INFORM-PRICE# hotel ?",
+ "Is there one available in the #HOTEL-INFORM-PRICE# price range ?",
+ "I ' m curious about places to get a room for the night that are on the #HOTEL-INFORM-PRICE# end of the spectrum .",
+ "I would like to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "I need to find a #HOTEL-INFORM-PRICE# priced hotel to stay at .",
+ "No preference there . But I\"d like it to be in the #HOTEL-INFORM-PRICE# range please",
+ "How about an #HOTEL-INFORM-PRICE# price range ?",
+ "What about a hotel in a #HOTEL-INFORM-PRICE# price range ?",
+ "I would like it to be a #HOTEL-INFORM-PRICE# hotel please .",
+ "Yeah , lets try #HOTEL-INFORM-PRICE# places .",
+ "Can you help me find a place to stay ? It should be #HOTEL-INFORM-PRICE# .",
+ "How about one that is in the #HOTEL-INFORM-PRICE# price range .",
+ "Not at this time . I 'll talk it over with my wife . Can you just give me the name of the #HOTEL-INFORM-PRICE# one ?",
+ "Which one is #HOTEL-INFORM-PRICE# ?",
+ "I would like one in the #HOTEL-INFORM-PRICE# price range .",
+ "I 'd prefer an #HOTEL-INFORM-PRICE# place , I ' m trying to impress my in - laws .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "Hello . I am needing some help finding a #HOTEL-INFORM-PRICE# room .",
+ "What are my choices for a #HOTEL-INFORM-PRICE# hotel ? I do n't need free parking .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay . Can you help ?",
+ "Yes , please try #HOTEL-INFORM-PRICE# .",
+ "I would like an #HOTEL-INFORM-PRICE# guesthouse please .",
+ "Yes , can you please check guesthouses in the #HOTEL-INFORM-PRICE# price range ?",
+ "We would like it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "Thank you ! I ' m looking for a place to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "I need it to be in the #HOTEL-INFORM-PRICE# range . Thanks for helping me with this !",
+ "Any guesthouse in the #HOTEL-INFORM-PRICE# range ?",
+ "I 'll take a #HOTEL-INFORM-PRICE# one please .",
+ "I need an #HOTEL-INFORM-PRICE# hotel also .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I am also looking for lodging in the #HOTEL-INFORM-PRICE# price range . Does the Acorn Guesthouse fit this requirement ?",
+ "I actually preferred moderate , but lets go with the #HOTEL-INFORM-PRICE# option .",
+ "Yes definitely . I would like something #HOTEL-INFORM-PRICE# .",
+ "I also need a #HOTEL-INFORM-PRICE# priced place to stay .",
+ "Yes , I do . I would like a hotel that is #HOTEL-INFORM-PRICE# in price .",
+ "Are either in the #HOTEL-INFORM-PRICE# price range ?",
+ "That works perfectly . I am also looking for a #HOTEL-INFORM-PRICE# place to stay . Can you help me with this ?",
+ "Is it in the #HOTEL-INFORM-PRICE# price range ?",
+ "How about an #HOTEL-INFORM-PRICE# one ?",
+ "how about one that is in the #HOTEL-INFORM-PRICE# price range",
+ "I 'll definitely need something on the #HOTEL-INFORM-PRICE# side .",
+ "Sure , how about something #HOTEL-INFORM-PRICE# ?",
+ "Please check for something #HOTEL-INFORM-PRICE# first . If you do n't see one , then we can come back to that .",
+ "I would like to find an #HOTEL-INFORM-PRICE# hotel to stay in during my visit .",
+ "I prefer to stay in a #HOTEL-INFORM-PRICE# area .",
+ "The area does n't matter , but are any of them considered #HOTEL-INFORM-PRICE# ?",
+ "how about a #HOTEL-INFORM-PRICE# price range ?",
+ "Yes , can you try one in the #HOTEL-INFORM-PRICE# price range please ?",
+ "I am hoping you might be able to help me find a place to stay last minute . I am on a bit of a budget so I need something #HOTEL-INFORM-PRICE# .",
+ "I 'd like a place that is #HOTEL-INFORM-PRICE# but still has free wifi and free parking . Do you have a place like that ?",
+ "It does n't matter . I would like it to be in the #HOTEL-INFORM-PRICE# range .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range .",
+ "I definitely prefer something on the #HOTEL-INFORM-PRICE# side of things .",
+ "Yes #HOTEL-INFORM-PRICE# please .",
+ "No , I do n't have a preference . I 'd just like it to be #HOTEL-INFORM-PRICE# , please ?",
+ "I do n't care about the star rating as long as it 's #HOTEL-INFORM-PRICE# .",
+ "Something #HOTEL-INFORM-PRICE# would be good .",
+ "How about an #HOTEL-INFORM-PRICE# one instead ?",
+ "I have lots of closed quals so I can go with a #HOTEL-INFORM-PRICE# price range .",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# range in price .",
+ "Are any of them in the #HOTEL-INFORM-PRICE# price range ?",
+ "Let 's see what you have for #HOTEL-INFORM-PRICE# hotels then .",
+ "It does n't matter but can you find one in the #HOTEL-INFORM-PRICE# price range ?",
+ "Yes , are there any in the #HOTEL-INFORM-PRICE# price range ?",
+ "I would like to find a guesthouse that is #HOTEL-INFORM-PRICE# if one is available .",
+ "Well , try one in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , can you try a #HOTEL-INFORM-PRICE# priced hotel ?",
+ "Is there any in the #HOTEL-INFORM-PRICE# price range then ?",
+ "In the #HOTEL-INFORM-PRICE# price range",
+ "Hello . I need to find a hotel in Cambridge in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m trying to plan a trip there but need a #HOTEL-INFORM-PRICE# place to stay .",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# price range please .",
+ "Thank you . I am also looking for a nice #HOTEL-INFORM-PRICE# hotel . It does not need internet . Can you help with that ?",
+ "Okay , why do n't we splurge a little . How about telling me what you ' ve got that 's #HOTEL-INFORM-PRICE# ?",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I just need it to be #HOTEL-INFORM-PRICE# and available on Tuesday .",
+ "It needs to be in the #HOTEL-INFORM-PRICE# price range",
+ "Yes , it should be in the #HOTEL-INFORM-PRICE# price range .",
+ "I need an #HOTEL-INFORM-PRICE# place to stay .",
+ "Is there something in the #HOTEL-INFORM-PRICE# price range ?",
+ "I need a #HOTEL-INFORM-PRICE# place to stay , what would you recommend ?",
+ "No but it needs to be in the #HOTEL-INFORM-PRICE# price range .",
+ "I am also looking for a place to stay in a #HOTEL-INFORM-PRICE# price range . Do you have any suggestions ?",
+ "Is there one in the #HOTEL-INFORM-PRICE# price range ?",
+ "I alkso need a place to stay , what would you offer in #HOTEL-INFORM-PRICE# price range ?",
+ "Do you have a guesthouse in the #HOTEL-INFORM-PRICE# price range with free parking ?",
+ "Sure check #HOTEL-INFORM-PRICE# for me .",
+ "Oh , #HOTEL-INFORM-PRICE# please . I do hope it is a guesthouse ?",
+ "I would like the #HOTEL-INFORM-PRICE# price range .",
+ "Can you look at the #HOTEL-INFORM-PRICE# price range for me please ?",
+ "The area does n't matter , but I would like it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "I was n't planning to stay in town tonight , but it looks like I ' m going to have to . Can you help me find a pretty #HOTEL-INFORM-PRICE# room ?",
+ "I would like the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I need a #HOTEL-INFORM-PRICE# place to stay .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range then .",
+ "I need a room in the #HOTEL-INFORM-PRICE# price range .",
+ "what about something #HOTEL-INFORM-PRICE# then ?",
+ "I am looking for something in a #HOTEL-INFORM-PRICE# price range .",
+ "Is the Express by Holiday Inn #HOTEL-INFORM-PRICE# ? And have a star of 4 ?",
+ "No , thank you . I 'd like more information on the ones in the #HOTEL-INFORM-PRICE# price range .",
+ "Oh , that wo n't work . I need it to be #HOTEL-INFORM-PRICE# .",
+ "How about one in the #HOTEL-INFORM-PRICE# price range ?",
+ "how about #HOTEL-INFORM-PRICE# price range ?",
+ "Ok , how about a #HOTEL-INFORM-PRICE# one instead ?",
+ "I 'd like to find a #HOTEL-INFORM-PRICE# place to stay .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel .",
+ "I would like to stay in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I would prefer a #HOTEL-INFORM-PRICE# price range .",
+ "No . But I would like a #HOTEL-INFORM-PRICE# guesthouse .",
+ "I would like the hotel to be #HOTEL-INFORM-PRICE# .",
+ "How about a #HOTEL-INFORM-PRICE# one ?",
+ "How about in the #HOTEL-INFORM-PRICE# price range ?",
+ "Do you have any in the #HOTEL-INFORM-PRICE# price range ?",
+ "It does n't matter as long as it 's on the #HOTEL-INFORM-PRICE# range .",
+ "It should be in the #HOTEL-INFORM-PRICE# price range . Does that help ?",
+ "Yes , I also need a hotel , I am on a budget so if you could find a #HOTEL-INFORM-PRICE# one that would be great .",
+ "I 'd like a hotel that is in the #HOTEL-INFORM-PRICE# price range . Could you recommend that for me ?",
+ "How about something in the #HOTEL-INFORM-PRICE# range ?"
+ ],
+ "People;Stay;": [
+ "Please book the hotel for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights . Thank you .",
+ "That 's for #HOTEL-INFORM-PEOPLE# people and it 's for #HOTEL-INFORM-STAY# nights .",
+ "The stay is for #HOTEL-INFORM-PEOPLE# of us for #HOTEL-INFORM-STAY# nights .",
+ "No it will be for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights .",
+ "Yes make reservations for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights",
+ "I need to book a stay for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people there .",
+ "Yes please . There will be #HOTEL-INFORM-PEOPLE# people staying for #HOTEL-INFORM-STAY# nights",
+ "I need to book a stay for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people there .",
+ "Great can you book that for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting friday ?",
+ "Yes for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "Sorry , can you actually book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights , please ?",
+ "Actually I was mistaken , I need it to be booked for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting Tuesday .",
+ "Excellent . I would like to book a stay for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights , please .",
+ "Would you book it for me , please . There are #HOTEL-INFORM-PEOPLE# of us staying for #HOTEL-INFORM-STAY# nights .",
+ "I 'd like #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people , please .",
+ "There are #HOTEL-INFORM-PEOPLE# people in my group and we will be staying #HOTEL-INFORM-STAY# nights .",
+ "I need a place for #HOTEL-INFORM-STAY# nights . And I need it for #HOTEL-INFORM-PEOPLE# people .",
+ "Yes for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting friday please .",
+ "It will be #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people .",
+ "Actually I need the reservation to be for #HOTEL-INFORM-STAY# nights , #HOTEL-INFORM-PEOPLE# people , starting from wednesday . Could you change the reservation for me please ?",
+ "Please book Ashley for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "Sounds good . I 'll need rooms for #HOTEL-INFORM-STAY# people , for #HOTEL-INFORM-PEOPLE# nights .",
+ "I need the hotel for #HOTEL-INFORM-STAY# nights and for #HOTEL-INFORM-PEOPLE# people .",
+ "yes please , for #HOTEL-INFORM-PEOPLE# people starting thurs . for #HOTEL-INFORM-STAY# nights , I need the confirmation # too please",
+ "It will be #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "Actually , I misspoke . I need the room for #HOTEL-INFORM-PEOPLE# people , for 5 nights , starting Saturday . If that does n't work , #HOTEL-INFORM-STAY# nights is fine .",
+ "Ok , please book for #HOTEL-INFORM-STAY# nights beginning thursday for #HOTEL-INFORM-PEOPLE# people . Thank you .",
+ "Sure , can you book it for #HOTEL-INFORM-STAY# nights and #HOTEL-INFORM-PEOPLE# people ?",
+ "Yes , that sounds splendid . I would like to book a room there for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights , and I would like the reference number , please .",
+ "How about switching it to #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# night ?",
+ "Yes , for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "Yes , please book a room for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "I would like it starting Thursday for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights .",
+ "Yes , find me some place that #HOTEL-INFORM-PEOPLE# people can stay for #HOTEL-INFORM-STAY# nights . We 'll be arriving on Monday .",
+ "The booking should be for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights . Can you please try again ?",
+ "Ok , I would like to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights .",
+ "Yes please , for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights",
+ "I will take the one in the south as long as they have a room for #HOTEL-INFORM-PEOPLE# available for #HOTEL-INFORM-STAY# nights .",
+ "There will be #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting Monday .",
+ "How about #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting friday ?",
+ "Can you book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights please ?",
+ "Yes please . There are #HOTEL-INFORM-PEOPLE# of us total and we need #HOTEL-INFORM-STAY# nights in a row . Thank you .",
+ "I would like it starting Thursday for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights .",
+ "Sure , #HOTEL-INFORM-STAY# night and #HOTEL-INFORM-PEOPLE# people .",
+ "Yes please book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights",
+ "Yes , please book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights .",
+ "Can we book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights ?",
+ "ca n't you suggest one and book a room for #HOTEL-INFORM-PEOPLE# for #HOTEL-INFORM-STAY# nights starting tues . please .",
+ "No , I do nt have a preference . I need it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from Wednesday .",
+ "Actually I changed my mind just #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people",
+ "yes for #HOTEL-INFORM-PEOPLE# people staying #HOTEL-INFORM-STAY# nights starting tues"
+ ],
+ "Day;": [
+ "the same day ... #HOTEL-INFORM-DAY# please .",
+ "Try #HOTEL-INFORM-DAY# please .",
+ "Great , can you book that for 5 nights first day #HOTEL-INFORM-DAY# for people please ?",
+ "On #HOTEL-INFORM-DAY# please",
+ "Starting #HOTEL-INFORM-DAY# , either place is fine if available .",
+ "Yes , I need a room starting on #HOTEL-INFORM-DAY# .",
+ "Let 's try for #HOTEL-INFORM-DAY# , but if that is not available then tuesday would be fine",
+ "I need the room starting on #HOTEL-INFORM-DAY# , please .",
+ "No , lets try for #HOTEL-INFORM-DAY# ?",
+ "it needs to start on #HOTEL-INFORM-DAY# , please .",
+ "Oh sure , start on #HOTEL-INFORM-DAY# please .",
+ "I would like my reservations to start on #HOTEL-INFORM-DAY# .",
+ "The Allenbell sounds perfect . Can you book it for me for #HOTEL-INFORM-DAY# ?",
+ "Can we try for it for #HOTEL-INFORM-DAY# instead ?",
+ "Perhaps starting #HOTEL-INFORM-DAY# instead ?",
+ "Yes , I need a booking for this #HOTEL-INFORM-DAY# please .",
+ "I 'll be starting on #HOTEL-INFORM-DAY# .",
+ "How about on #HOTEL-INFORM-DAY# ?",
+ "i would like to check in on #HOTEL-INFORM-DAY# at 5:30",
+ "how about starting on #HOTEL-INFORM-DAY# ?",
+ "Starting from #HOTEL-INFORM-DAY# , please .",
+ "how about #HOTEL-INFORM-DAY# ?",
+ "can you book something starting on #HOTEL-INFORM-DAY# ?",
+ "Darn . Why do n't we try booking it for #HOTEL-INFORM-DAY# instead then ?",
+ "Were you able to book it for #HOTEL-INFORM-DAY# ?",
+ "Yes #HOTEL-INFORM-DAY# and at 17:50 ."
+ ],
+ "Area;": [
+ "I need a place to stay in the #HOTEL-INFORM-AREA# please .",
+ "I would prefer the hotel be in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m also looking for a place to stay . In the #HOTEL-INFORM-AREA# preferably .",
+ "Thanks . Would you be able to help me find a place to stay in the #HOTEL-INFORM-AREA# side of town ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "No , sorry . I ' m looking for a hotel in the #HOTEL-INFORM-AREA# , not north .",
+ "Sure , what about in the city #HOTEL-INFORM-AREA# ?",
+ "I need it in the #HOTEL-INFORM-AREA# , please .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "Just as long as it is located in the #HOTEL-INFORM-AREA# .",
+ "I forgot to ask , does the Gonville hotel include free wifi and is it in the #HOTEL-INFORM-AREA# ?",
+ "I need the place to be in the #HOTEL-INFORM-AREA# part of town .",
+ "Thank you I also would like to get a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# of town please .",
+ "Actually , I would prefer a guesthouse is the #HOTEL-INFORM-AREA# .",
+ "Can you help me find a place in the #HOTEL-INFORM-AREA# where I can stay ?",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# of town .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# area .",
+ "Yes , I ' m thinking I 'd like it to be in the #HOTEL-INFORM-AREA# . Does that help ?",
+ "Sure , let 's try the #HOTEL-INFORM-AREA# instead please",
+ "Does the Acorn Guest House include free parking and is it located in the #HOTEL-INFORM-AREA# ?",
+ "Yes I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Can you help me find a hotel in the #HOTEL-INFORM-AREA# ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "Try hotels in the #HOTEL-INFORM-AREA# , then .",
+ "I 'd like a hotel in the #HOTEL-INFORM-AREA# part of the city .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Yes , I 'd really like to stay on the #HOTEL-INFORM-AREA# end of the city . Anything available there ?",
+ "Yes . I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please . Can you send me some info ?",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# . 1 star , please .",
+ "The #HOTEL-INFORM-AREA# would be great .",
+ "Is it in the #HOTEL-INFORM-AREA# ?",
+ "Yes , on the #HOTEL-INFORM-AREA# side please .",
+ "What places are in the #HOTEL-INFORM-AREA# ?",
+ "I really prefer to stay in the #HOTEL-INFORM-AREA# part of town . Do you happen to have anything in that area ?",
+ "I want it to be located in the #HOTEL-INFORM-AREA# .",
+ "I ' m trying to stay on the #HOTEL-INFORM-AREA# , if possible .",
+ "I need a hotel located in the town #HOTEL-INFORM-AREA# .",
+ "Oh , I ' m sorry . I was hoping for something located in the #HOTEL-INFORM-AREA# . Do you have anything there ?",
+ "I will be needing a place to stay on the #HOTEL-INFORM-AREA# side of town .",
+ "I ' m not sure yet , but I 'll probably only need one room . I forgot to mention , the hotel needs to be located in the #HOTEL-INFORM-AREA# of town .",
+ "Are there any places to stay in the #HOTEL-INFORM-AREA# of town ?",
+ "I definitely want to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "The #HOTEL-INFORM-AREA# , please .",
+ "I 'd prefer a moderately priced place in the #HOTEL-INFORM-AREA# .",
+ "I want to find a hotel located in the #HOTEL-INFORM-AREA# please .",
+ "Will you check to see if there are any in the #HOTEL-INFORM-AREA# ?",
+ "Preferably the #HOTEL-INFORM-AREA# .",
+ "Do you have anything in the #HOTEL-INFORM-AREA# area ?",
+ "Hi ! Could you please help me find a good hotel ? I 'd like it to be on the #HOTEL-INFORM-AREA# end of town .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Thank you . I am also looking for a place to stay that is in the #HOTEL-INFORM-AREA# side of town .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "I need a hotel in the #HOTEL-INFORM-AREA# .",
+ "I would like to be in the #HOTEL-INFORM-AREA# area .",
+ "What are my options on the #HOTEL-INFORM-AREA# side of town ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "I am also looking for a hotel in the #HOTEL-INFORM-AREA# side of Cambridge . Can you help me ?",
+ "Are you sure that there are no hotels on the #HOTEL-INFORM-AREA# side of town ? With or without internet ?",
+ "Yes , the #HOTEL-INFORM-AREA# area , please .",
+ "Thank you . I also need a hotel in the #HOTEL-INFORM-AREA# .",
+ "no , I just need it on the #HOTEL-INFORM-AREA# side .",
+ "Hi . Can you help me find an #HOTEL-INFORM-AREA# hotel ?",
+ "Yeah , I would like it to be in the #HOTEL-INFORM-AREA# area of town , if you can .",
+ "Okay . So how about one in the #HOTEL-INFORM-AREA# then , because that 's what I want . If not , then try the centre . And do n't try to book without my permission again please .",
+ "I will be staying in the #HOTEL-INFORM-AREA# can you book me a room and send me the reference number ?",
+ "Could you look for something in the #HOTEL-INFORM-AREA# ?",
+ "Do you have anything in the #HOTEL-INFORM-AREA# ?",
+ "No can you please check in the #HOTEL-INFORM-AREA# instead then ?",
+ "Yes is there any located in the #HOTEL-INFORM-AREA# ?",
+ "Ok . Can we look for something on the #HOTEL-INFORM-AREA# side ?",
+ "There 's nothing in the #HOTEL-INFORM-AREA# ?",
+ "I am also looking for a hotel in the #HOTEL-INFORM-AREA# side of Cambridge . Can you help me ?",
+ "Are you sure that there are no hotels on the #HOTEL-INFORM-AREA# side of town ? With or without internet ?",
+ "If you have anything in the #HOTEL-INFORM-AREA# that would be perfect .",
+ "Yes , I would like to find a hotel in the #HOTEL-INFORM-AREA# .",
+ "Is there one in the #HOTEL-INFORM-AREA# ?",
+ "I have a business luncheon this week and need a place to host , preferably in the #HOTEL-INFORM-AREA# of the city .",
+ "Hi there . I 'll be coming into the #HOTEL-INFORM-AREA# of town to visit relatives . Can you help me find a place to stay ?",
+ "Yes , I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "Hmmmm .... How about in the #HOTEL-INFORM-AREA# ?",
+ "Can we try in the #HOTEL-INFORM-AREA# instead ?",
+ "I am also looking for a hotel in the #HOTEL-INFORM-AREA# please .",
+ "I ' m open to it , and I suppose the centre will do . But I 'd prefer the #HOTEL-INFORM-AREA# side if there is one .",
+ "Can you also find me a place to stay in the #HOTEL-INFORM-AREA# ?",
+ "Yes , that would be fine . Something in the #HOTEL-INFORM-AREA# would be great .",
+ "I need to find a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "i would prefer the #HOTEL-INFORM-AREA# . are there any in that area ?",
+ "I 'd like to be in the #HOTEL-INFORM-AREA# side of town .",
+ "I ' m not concerened about pricing , but I would like a 4 start hotel in the #HOTEL-INFORM-AREA# .",
+ "Can you find me a hotel on the #HOTEL-INFORM-AREA# side ?",
+ "Yes can we try the #HOTEL-INFORM-AREA# please ?",
+ "I do n't care about the price range . I do want to be in the #HOTEL-INFORM-AREA# , though .",
+ "I would like something in the #HOTEL-INFORM-AREA# .",
+ "Hi there , I ' m looking for a middle - range hotel located in the #HOTEL-INFORM-AREA# of Cambridge .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# in Cambridge .",
+ "Can you help me find a hotel in the #HOTEL-INFORM-AREA# .",
+ "Looking for a hotel that is in the #HOTEL-INFORM-AREA# part of town .",
+ "Is it in the #HOTEL-INFORM-AREA# ? I need a hotel in the east .",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# please .",
+ "Great , thanks . Can you also recommend a hotel in the #HOTEL-INFORM-AREA# ? I do n't need anything specific .",
+ "Is one of them in the #HOTEL-INFORM-AREA# of town ?",
+ "In the #HOTEL-INFORM-AREA# of town , please .",
+ "I need a place to stay located in the #HOTEL-INFORM-AREA# of town .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# , please .",
+ "Is the Broughton House Gallery a museum ? I am also looking for a place to stay . Preferably in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay , in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay , in the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Ok , thanks for that information . I would also need assistance finding a hotel in the #HOTEL-INFORM-AREA# part of town .",
+ "Hi , I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "Yes , let 's check the #HOTEL-INFORM-AREA# please ?",
+ "I really like the #HOTEL-INFORM-AREA# . It seems much more peaceful .",
+ "I could use some help finding a room somewhere in town . In the #HOTEL-INFORM-AREA# preferably .",
+ "I ' m looking for a place to stay in #HOTEL-INFORM-AREA# Cambridge .",
+ "I would prefer the #HOTEL-INFORM-AREA# side of town please .",
+ "No , I would really like a 4-star hotel in the #HOTEL-INFORM-AREA# area with free parking . Can you please check again ?",
+ "I would prefer to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "I would really like to stay in the #HOTEL-INFORM-AREA# of town , and preferably an expensive guesthouse if one is available .",
+ "I am fine with the #HOTEL-INFORM-AREA# of town .",
+ "I would like to book the one that is in the #HOTEL-INFORM-AREA# please .",
+ "Someplace on the #HOTEL-INFORM-AREA# side of town , please .",
+ "I ' m needing a place to stay that is in the #HOTEL-INFORM-AREA# of town .",
+ "Can you try in the #HOTEL-INFORM-AREA# then ?",
+ "I ' m looking for something in Cambridge , probably in the #HOTEL-INFORM-AREA# as well , but it 's not necessary .",
+ "I need a place in the #HOTEL-INFORM-AREA# , please .",
+ "i would like it near the #HOTEL-INFORM-AREA# .",
+ "yes the one in #HOTEL-INFORM-AREA# of town will you book it ?",
+ "I am also going to need a place to stay - somewhere in the #HOTEL-INFORM-AREA# , I think .",
+ "What places are in the #HOTEL-INFORM-AREA# ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "Can you check the #HOTEL-INFORM-AREA# part of town ?",
+ "yes I would like to be in the #HOTEL-INFORM-AREA# with the same requirements , thank you",
+ "how about the #HOTEL-INFORM-AREA# ?",
+ "I prefer the #HOTEL-INFORM-AREA# .",
+ "I would like a place in the #HOTEL-INFORM-AREA# .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# . I prefer a hotel , if possible .",
+ "I need a place to stay while I ' m in Cambridge . Can you recommend some place in the #HOTEL-INFORM-AREA# of town ?",
+ "How about one in the #HOTEL-INFORM-AREA# area ?",
+ "Oh , that 's a bummer . Ok , how about trying in the #HOTEL-INFORM-AREA# ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# of town . A guest house is fine .",
+ "Yes , how about the #HOTEL-INFORM-AREA# ?",
+ "I would like the #HOTEL-INFORM-AREA# please .",
+ "I am looking for a hotel in the #HOTEL-INFORM-AREA# .",
+ "Are there any guesthouses in the #HOTEL-INFORM-AREA# ?",
+ "Could you help me find a hotel on the #HOTEL-INFORM-AREA# side of town ?",
+ "Which one is in the #HOTEL-INFORM-AREA# part of town ?",
+ "Yes I need #HOTEL-INFORM-AREA# of town .",
+ "Can you check if there are any in the #HOTEL-INFORM-AREA# ?",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I really need a hotel in the #HOTEL-INFORM-AREA# . Can you take a look at those for me ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# area if possible .",
+ "Could you find me a hotel that is in the #HOTEL-INFORM-AREA# with the same criteria ?",
+ "It should be on the #HOTEL-INFORM-AREA# side of town and cheap .",
+ "It should be in the #HOTEL-INFORM-AREA# , not south .",
+ "I am looking for a hotel in the #HOTEL-INFORM-AREA# .",
+ "Sure . I would like it to be in the #HOTEL-INFORM-AREA# and in the expensive price range .",
+ "The #HOTEL-INFORM-AREA# please .",
+ "I want to be in the #HOTEL-INFORM-AREA# .",
+ "How about the #HOTEL-INFORM-AREA# part of town ?",
+ "I ' m looking to stay in the #HOTEL-INFORM-AREA# please .",
+ "I need one in the #HOTEL-INFORM-AREA# of town .",
+ "Yes , can you check the #HOTEL-INFORM-AREA# please ?",
+ "No particular price range but I would like it to be in the #HOTEL-INFORM-AREA# .",
+ "Perfect . I am also looking for a hotel in the #HOTEL-INFORM-AREA# side .",
+ "Yes , I would prefer the #HOTEL-INFORM-AREA# please .",
+ "I will be needing a place to stay on the #HOTEL-INFORM-AREA# side of town .",
+ "Well , let see . I am eating in the #HOTEL-INFORM-AREA# of town , so let me find a place in the centre .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# area .",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# .",
+ "Hi there , I ' m hoping you can help me find a hotel in the #HOTEL-INFORM-AREA# of Cambridge .",
+ "Is there anything in the #HOTEL-INFORM-AREA# ?",
+ "guesthouses are fine if they are in the #HOTEL-INFORM-AREA# . Do any of those have free parking and free wifi ?",
+ "It does n't matter . I need it to be located in the #HOTEL-INFORM-AREA# .",
+ "I had no preference going into this , but lets try #HOTEL-INFORM-AREA# since the museum is there .",
+ "Is it a mid - budget hotel ? I ' m also looking for a hotel that 's located near the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# of cambridge .",
+ "In the #HOTEL-INFORM-AREA# would be better .",
+ "Yes , I want to stay on the #HOTEL-INFORM-AREA# side of town .",
+ "Is one of them located in the #HOTEL-INFORM-AREA# . I would really like to be closer to swimming pool .",
+ "I would like the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for an economy hotel in the #HOTEL-INFORM-AREA# .",
+ "I do not . Are any of those places located in the #HOTEL-INFORM-AREA# ?",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# , please .",
+ "Hi ! I need a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Can you find something in the #HOTEL-INFORM-AREA# ?",
+ "I would like the hotel to be in the #HOTEL-INFORM-AREA# please .",
+ "If possible , I would like to stay in the #HOTEL-INFORM-AREA# close to Saints Church .",
+ "I am also looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "That will be great . I am also looking for a place to stay in the #HOTEL-INFORM-AREA# part of town . Do you have any recommendations ?",
+ "Hello there , I am traveling to Cambridge soon and I am looking for a play to stay in the #HOTEL-INFORM-AREA# side of town .",
+ "Definitely the #HOTEL-INFORM-AREA# part of town , thanks .",
+ "I would like to be in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-AREA# would be best .",
+ "yes #HOTEL-INFORM-AREA# will be fine with me",
+ "I am looking for a gueshouse to stay in during my visit . I would like for it to be in the #HOTEL-INFORM-AREA# section of town .",
+ "No , but I 'd really like to be on the #HOTEL-INFORM-AREA# end of the city . Do any of those fit the bill ?",
+ "No , but the hotel should be in the #HOTEL-INFORM-AREA# .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# , if possible .",
+ "I really need a hotel in the #HOTEL-INFORM-AREA# .",
+ "Ok that 's fine , let 's try something in the #HOTEL-INFORM-AREA# then please , I really need a room",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side .",
+ "The price does n't matter . I do want it to be in the #HOTEL-INFORM-AREA# area of town though .",
+ "I want to stay at a guest house , in the #HOTEL-INFORM-AREA# .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Can you help me find a room in the #HOTEL-INFORM-AREA# part of town ?",
+ "The #HOTEL-INFORM-AREA# part of town , please",
+ "In the #HOTEL-INFORM-AREA# part of town . The price does n't matter .",
+ "Thanks ! i ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Can you see if there 's anything in the #HOTEL-INFORM-AREA# ?",
+ "Hmm , I do like the #HOTEL-INFORM-AREA# side of the city . Can you look for one there ?",
+ "Yes please do a search for ones in the #HOTEL-INFORM-AREA# area .",
+ "I ' m open to it , and I suppose the centre will do . But I 'd prefer the #HOTEL-INFORM-AREA# side if there is one .",
+ "I do n't care what the price is but do you have anything in the #HOTEL-INFORM-AREA# ?",
+ "Yes , I was also looking for a place to stay somewhere in the #HOTEL-INFORM-AREA# .",
+ "Yes , I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "I also need to book a guesthouse in the #HOTEL-INFORM-AREA# .",
+ "Hmm . Do you have any guest houses in the #HOTEL-INFORM-AREA# with free wifi ?",
+ "I 'd like it to be a guest house in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place in the #HOTEL-INFORM-AREA# side of town .",
+ "Okay could you try the #HOTEL-INFORM-AREA# then instead ?",
+ "Can you find one in the #HOTEL-INFORM-AREA# , actually ?",
+ "Tell me more about the one in the #HOTEL-INFORM-AREA# please .",
+ "I need lodgings on the #HOTEL-INFORM-AREA# side of town .",
+ "Is there anything available in the #HOTEL-INFORM-AREA# ?",
+ "Yes , I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "I want a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Yes , it needs to be in the #HOTEL-INFORM-AREA# .",
+ "I 'd like to stay in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-AREA# . But I do need an actual hotel , no guestrooms .",
+ "how about the #HOTEL-INFORM-AREA# ?",
+ "I am looking for the #HOTEL-INFORM-AREA# area .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# part of town .",
+ "Yes , someplace in the #HOTEL-INFORM-AREA# part of town would be nice .",
+ "The hotel should be in the #HOTEL-INFORM-AREA# .",
+ "Hello I need a place to stay in the #HOTEL-INFORM-AREA# please .",
+ "Yes , I would prefer to stay in the #HOTEL-INFORM-AREA# .",
+ "I am looking in the #HOTEL-INFORM-AREA# area .",
+ "Yes try the #HOTEL-INFORM-AREA# please .",
+ "Is it in the #HOTEL-INFORM-AREA# ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Hi ! Can you help me find a hotel somewhere on the #HOTEL-INFORM-AREA# side of town please ?",
+ "We need the hotel to be in the #HOTEL-INFORM-AREA# .",
+ "Okay , great . I ' m also looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# .",
+ "Lets find a place first , I would like one in the #HOTEL-INFORM-AREA# .",
+ "How about one in the #HOTEL-INFORM-AREA# ?",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# area .",
+ "I would lkle to stay In the #HOTEL-INFORM-AREA# please .",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# if possible .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I need some help finding a place to stay in the #HOTEL-INFORM-AREA# please .",
+ "I am looking for a hotel on the #HOTEL-INFORM-AREA# side .",
+ "Can you try looking in the #HOTEL-INFORM-AREA# then ?",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# ?",
+ "I need to find a expensive hotel in the #HOTEL-INFORM-AREA# .",
+ "Yes . How about an expensive place in the #HOTEL-INFORM-AREA# of town , with both free wifi and parking ?",
+ "Yes , I think that would be fine . Something in the #HOTEL-INFORM-AREA# , please .",
+ "I 'd also like to find lodgings on the #HOTEL-INFORM-AREA# side of town .",
+ "Thank you , I am also looking for a hotel on the #HOTEL-INFORM-AREA# side .",
+ "Yes , I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "In the #HOTEL-INFORM-AREA# please .",
+ "I want it in the #HOTEL-INFORM-AREA# area and I do n't have have a length of stay .",
+ "Yes , I would prefer it to be in the #HOTEL-INFORM-AREA# .",
+ "Yes , I 'd like to stay in the #HOTEL-INFORM-AREA# of town please .",
+ "I do n't have a preference for the type but I would like a place in the #HOTEL-INFORM-AREA# .",
+ "Somewhere in the #HOTEL-INFORM-AREA# would be ideal .",
+ "That does n't matter as long as it 's in the #HOTEL-INFORM-AREA# .",
+ "Hmm , yes I suppose I could try one on the #HOTEL-INFORM-AREA# side of town . Are there any ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "Thank you . Can you help me in finding a hotel in the #HOTEL-INFORM-AREA# of town ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# side .",
+ "I would like to stay on the #HOTEL-INFORM-AREA# side , please .",
+ "I actually would like to find a place to stay that is in the #HOTEL-INFORM-AREA# of town also .",
+ "I ' m not sure of that yet . It does need to be in the #HOTEL-INFORM-AREA# .",
+ "Maybe the #HOTEL-INFORM-AREA# ?",
+ "Hi , I ' m planning a visit to the #HOTEL-INFORM-AREA# of Cambridge and am looking for a bed and breakfast .",
+ "Yes , try the #HOTEL-INFORM-AREA# please .",
+ "I would like the #HOTEL-INFORM-AREA# please .",
+ "I 'd like to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "I 'd like some place on the #HOTEL-INFORM-AREA# end , please .",
+ "Hi , I need a place to stay in the #HOTEL-INFORM-AREA# please .",
+ "It should be in the #HOTEL-INFORM-AREA# and have a star rating of 4 .",
+ "Hi , I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Good Afternoon , I am looking for a place to stay on the #HOTEL-INFORM-AREA# side in a guest house",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "The guesthouse should be in the #HOTEL-INFORM-AREA# , please .",
+ "I am looking for somewhere to stay in the #HOTEL-INFORM-AREA# .",
+ "Are either of those in the #HOTEL-INFORM-AREA# ? it should have free parking too",
+ "The #HOTEL-INFORM-AREA# please .",
+ "Is it in the #HOTEL-INFORM-AREA# ? I need to be in the north area of the city .",
+ "Maybe . Anyway . I also need a place to stay in the #HOTEL-INFORM-AREA# area .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "No I do need a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Yes , is either of these hotels located in the #HOTEL-INFORM-AREA# ?",
+ "That does n't matter as long as it 's in the #HOTEL-INFORM-AREA# .",
+ "maybe you can suggest a place close to the area of #HOTEL-INFORM-AREA# , I would appreciate that , thank you",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# ?",
+ "Yes please . I also need a place to stay , preferably in the #HOTEL-INFORM-AREA# part of town .",
+ "Preferably in the #HOTEL-INFORM-AREA# .",
+ "Something in the #HOTEL-INFORM-AREA# would be good !",
+ "I would prefer the #HOTEL-INFORM-AREA# please .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "I 'd like to stay in the #HOTEL-INFORM-AREA# .",
+ "I am interested in staying in the #HOTEL-INFORM-AREA# .",
+ "i ' m looking for the #HOTEL-INFORM-AREA# area .",
+ "I am looking for a hotel on the #HOTEL-INFORM-AREA# side of Cambridge .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# .",
+ "How about one in the #HOTEL-INFORM-AREA# ?",
+ "The #HOTEL-INFORM-AREA# part of town",
+ "I am looking for a good hotel in #HOTEL-INFORM-AREA# Cambridge .",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side .",
+ "Please look in the #HOTEL-INFORM-AREA# of town .",
+ "Yes , can you please change the location to #HOTEL-INFORM-AREA# ?",
+ "Somewhere in the #HOTEL-INFORM-AREA# please .",
+ "Which on is in the #HOTEL-INFORM-AREA# ?",
+ "Yes , I also need to find a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for lodgings on the #HOTEL-INFORM-AREA# side .",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# area .",
+ "Our family lives in the #HOTEL-INFORM-AREA# , so how about close by .",
+ "I would prefer to stay in the #HOTEL-INFORM-AREA# .",
+ "Hi , I ' m looking for an upscale hotel . Could you recommend me anywhere in the #HOTEL-INFORM-AREA# part of the area ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# of town please .",
+ "I want the hotel located in the #HOTEL-INFORM-AREA# , as I stated before .",
+ "I was wondering if you could help me find a hotel in the #HOTEL-INFORM-AREA# part of town .",
+ "I want it in the #HOTEL-INFORM-AREA# area and I do n't have have a length of stay .",
+ "I ' m not concerned with price , but we really would like to stay on the #HOTEL-INFORM-AREA# end of the city if possible .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "I need to find a hotel in the #HOTEL-INFORM-AREA# part of town .",
+ "I would prefer to stay in the #HOTEL-INFORM-AREA# .",
+ "Yes , I ' m looking for a hotel in the #HOTEL-INFORM-AREA# of town .",
+ "I do n't care about the price point . But , I do want it to be on the #HOTEL-INFORM-AREA# side of town .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Are either of those located in the #HOTEL-INFORM-AREA# and include free parking ?",
+ "Thanks . I also need a hotel in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "We live in the #HOTEL-INFORM-AREA# so something close by .",
+ "in the #HOTEL-INFORM-AREA# are of town .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "I 'd like something on the #HOTEL-INFORM-AREA# side of town .",
+ "Yes . Would you check the #HOTEL-INFORM-AREA# part of town please ?",
+ "Could you try a hotel in the #HOTEL-INFORM-AREA# in the same price range . The star does not matter .",
+ "Can you help me find a place to stay ? I want somewhere in the #HOTEL-INFORM-AREA# .",
+ "Yes , can you check the #HOTEL-INFORM-AREA# please ?",
+ "I would prefer something in the #HOTEL-INFORM-AREA# part of town .",
+ "I would like to stay on the #HOTEL-INFORM-AREA# side .",
+ "I would like to be in the #HOTEL-INFORM-AREA# .",
+ "I would prefer to find one that is located in the #HOTEL-INFORM-AREA# .",
+ "Yes , I would like to find a hotel in the #HOTEL-INFORM-AREA# .",
+ "I am looking for the #HOTEL-INFORM-AREA# area .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# .",
+ "I want something in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# side of town",
+ "I want to be in the #HOTEL-INFORM-AREA# .",
+ "We can narrow this down a bit . I prefer a guest house in the #HOTEL-INFORM-AREA# .",
+ "I want to stay in the #HOTEL-INFORM-AREA# .",
+ "Thank you I need a place to stay also . I was hoping to stay in the #HOTEL-INFORM-AREA# .",
+ "Ok , could you check in the #HOTEL-INFORM-AREA# area for one instead ?",
+ "Can you help me find a place to stay ? I ' m looking for somewhere in the #HOTEL-INFORM-AREA# .",
+ "Hello ! I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side of Cambridge .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "I ' m going to be in the #HOTEL-INFORM-AREA# part of town next week . Can you help me find a place to stay ?",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# , if possible .",
+ "I would like that to be located in the #HOTEL-INFORM-AREA# .",
+ "Can you find me a very nice hotel in the #HOTEL-INFORM-AREA# ? Money is not an issue .",
+ "Yes , I am hoping to stay in the #HOTEL-INFORM-AREA# .",
+ "Yes , in the #HOTEL-INFORM-AREA# , please .",
+ "Price does not matter . I want something on the #HOTEL-INFORM-AREA# .",
+ "No , but it should be in the #HOTEL-INFORM-AREA# .",
+ "That 's an excellent idea . Could you help me find a hotel in the #HOTEL-INFORM-AREA# ?",
+ "We 're visiting the #HOTEL-INFORM-AREA# part of town , so let 's stick with that area .",
+ "I also need a hotel in the #HOTEL-INFORM-AREA# area .",
+ "In the #HOTEL-INFORM-AREA# , please .",
+ "I 'd like a place to stay in the #HOTEL-INFORM-AREA# of the city .",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# please .",
+ "Thanks ! I need a hotel on the #HOTEL-INFORM-AREA# side , please .",
+ "The #HOTEL-INFORM-AREA# , please .",
+ "Are there any hotels in the expensive price range in the #HOTEL-INFORM-AREA# ?",
+ "Hi , I am looking for a hotel to stay in in #HOTEL-INFORM-AREA# cambridge .",
+ "Yes , I would like to stay in the #HOTEL-INFORM-AREA# of possible .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "Yes , if I can get into a hotel in the #HOTEL-INFORM-AREA# that would be best .",
+ "No let 's try the #HOTEL-INFORM-AREA# side of town .",
+ "Are either of them located on the #HOTEL-INFORM-AREA# side of the city ?",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# area .",
+ "I 'd prefer something on the #HOTEL-INFORM-AREA# side of town .",
+ "I actually need a place to stay as well . Something in the #HOTEL-INFORM-AREA# please .",
+ "Yes , I would like it to be in the #HOTEL-INFORM-AREA# .",
+ "Yes let 's try the #HOTEL-INFORM-AREA# side of town .",
+ "The #HOTEL-INFORM-AREA# , please .",
+ "Are they in the #HOTEL-INFORM-AREA# or centre ?",
+ "I 'd like to stay in the #HOTEL-INFORM-AREA# please .",
+ "Could you check in the #HOTEL-INFORM-AREA# maybe ?",
+ "Try the #HOTEL-INFORM-AREA# , I meant to say that instead of north .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "How about one in the #HOTEL-INFORM-AREA# ?",
+ "Yeah I 'd like to stay in the #HOTEL-INFORM-AREA# .",
+ "What is available in the #HOTEL-INFORM-AREA# ?",
+ "Yes , I ' m looking to stay in the #HOTEL-INFORM-AREA# .",
+ "The #HOTEL-INFORM-AREA# please .",
+ "I need to find a room in the #HOTEL-INFORM-AREA# as well .",
+ "I really need to stay in the #HOTEL-INFORM-AREA# . Can you check again ?",
+ "Do you have one in the #HOTEL-INFORM-AREA# instead ?",
+ "The #HOTEL-INFORM-AREA# will be fine . Can I have the info on that one , please ?",
+ "I 'd also like my hotel or guesthouse to be in the #HOTEL-INFORM-AREA# of town .",
+ "I need something in the #HOTEL-INFORM-AREA# area .",
+ "I will be traveling to the #HOTEL-INFORM-AREA# .",
+ "I 'd like the #HOTEL-INFORM-AREA# part of town please .",
+ "Lets try the #HOTEL-INFORM-AREA# side .",
+ "Either would work for me . Just a decent room is all I really need . I ' m going to be at a business conference in the #HOTEL-INFORM-AREA# so maybe in that area .",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# , please .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# part of town",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# please .",
+ "I live in the #HOTEL-INFORM-AREA# of town and want to see if I can find a reasonable room for my parents to stay while they are visiting .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# .",
+ "I would like the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "are any of them on the #HOTEL-INFORM-AREA# side of town ?",
+ "Can you check the #HOTEL-INFORM-AREA# side for other hotels ?",
+ "I want a place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Please look in the #HOTEL-INFORM-AREA# of town .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# .",
+ "That sounds great but I was hoping to stay in the #HOTEL-INFORM-AREA# . Do you have anything else ?",
+ "I 'd like a room in the #HOTEL-INFORM-AREA# please",
+ "Can you help me find a good hotel ? I need one in the #HOTEL-INFORM-AREA# .",
+ "On second thought I just wanted to find a hotel in the #HOTEL-INFORM-AREA# area . Thanks so much for your help !",
+ "No let 's try looking in the #HOTEL-INFORM-AREA# instead",
+ "Can you try looking in the #HOTEL-INFORM-AREA# ?",
+ "Let 's try narrowing it down in the #HOTEL-INFORM-AREA# then .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-AREA# while I ' m there .",
+ "Yes , the #HOTEL-INFORM-AREA# part of town .",
+ "I am looking for one in the #HOTEL-INFORM-AREA# , price really does n't matter .",
+ "in the #HOTEL-INFORM-AREA# , please .",
+ "Let 's try the #HOTEL-INFORM-AREA# of town please",
+ "In the #HOTEL-INFORM-AREA# area , please .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Hi . Can you help me find an #HOTEL-INFORM-AREA# hotel ?",
+ "I would prefer to stay in the #HOTEL-INFORM-AREA# .",
+ "Let 's start with hotels in the #HOTEL-INFORM-AREA# . Which ones do you recommend ?",
+ "OK , how about the #HOTEL-INFORM-AREA# then ?",
+ "I want the #HOTEL-INFORM-AREA# area .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# of town .",
+ "I need help finding a place to stay in the #HOTEL-INFORM-AREA# .",
+ "i need to find a place to stay in the #HOTEL-INFORM-AREA# side",
+ "In the #HOTEL-INFORM-AREA# side of town .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# .",
+ "Great . I am also looking for a place to stay in the #HOTEL-INFORM-AREA# .",
+ "I ' m not sure of that yet . It does need to be in the #HOTEL-INFORM-AREA# .",
+ "I ' m really needing something in the #HOTEL-INFORM-AREA# . Please try again .",
+ "The one in the #HOTEL-INFORM-AREA# . Can you book it for me ?",
+ "I need a play to stay in the #HOTEL-INFORM-AREA# .",
+ "Is that in the #HOTEL-INFORM-AREA# ? It sounds like what I ' m looking for if it 's in that area .",
+ "Yes , please . Something in the #HOTEL-INFORM-AREA# , again .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# . I do not have a price range .",
+ "In the #HOTEL-INFORM-AREA# please .",
+ "No , it would not . What do you have in the #HOTEL-INFORM-AREA# area ?",
+ "I need to find lodgings on the #HOTEL-INFORM-AREA# side of town .",
+ "I would like to stay on the #HOTEL-INFORM-AREA# .",
+ "Could you try again ? It should be in the #HOTEL-INFORM-AREA# as well .",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# area .",
+ "Something in the #HOTEL-INFORM-AREA# , please .",
+ "I need a hotel on the #HOTEL-INFORM-AREA# side .",
+ "Yes I need it to be in the #HOTEL-INFORM-AREA# .",
+ "No , I actually need it in the #HOTEL-INFORM-AREA# part of town .",
+ "I guess the Cityroomz in the #HOTEL-INFORM-AREA# would be fine then . Does it include free wifi ?",
+ "Hi , can you help me find a place to stay on the #HOTEL-INFORM-AREA# side ?"
+ ],
+ "Parking;Price;": [
+ "I need a #HOTEL-INFORM-PRICE# hotel with free parking .",
+ "No but I need it to have free parking and #HOTEL-INFORM-PRICE# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel with free parking near Cambridge .",
+ "That is good , I also need a place to stay with a #HOTEL-INFORM-PRICE# price and free parking .",
+ "Yes #HOTEL-INFORM-PRICE# price range and free parking",
+ "Are there any that include free parking and that are in the #HOTEL-INFORM-PRICE# price range ?",
+ "I also need a #HOTEL-INFORM-PRICE# place to stay with free parking .",
+ "Can you help me find a place to stay that is #HOTEL-INFORM-PRICE# and includes free parking ?",
+ "Yes , I actually need a place to stay . I 'd prefer somewhere in the #HOTEL-INFORM-PRICE# price range and with free parking .",
+ "I want one in centre , also #HOTEL-INFORM-PRICE# and free parking please .",
+ "Yes , I would like an #HOTEL-INFORM-PRICE# hotel with free parking .",
+ "Help me find a place to stay that has free parking and in #HOTEL-INFORM-PRICE# price range please .",
+ "I am looking for one with free parking and #HOTEL-INFORM-PRICE# in price",
+ "I am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-PRICE# price range and should include free parking",
+ "I ' m visiting Cambridge as a tourist ! I ' m looking for an #HOTEL-INFORM-PRICE# place to stay that includes free parking !",
+ "I need a hotel that 's #HOTEL-INFORM-PRICE# with free parking .",
+ "Hello , I ' m looking for a hotel that is #HOTEL-INFORM-PRICE# . It does n't need to have free parking .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "A #HOTEL-INFORM-PRICE# price range is fine and I need it to have free parking as well .",
+ "I also need an #HOTEL-INFORM-PRICE# hotel with free parking .",
+ "Yes , I am looking in the #HOTEL-INFORM-PRICE# price range . Also , I would need free parking .",
+ "Yes I need to find a place to stay that is in the #HOTEL-INFORM-PRICE# price range and I do n't need any parking .",
+ "Hi I would like to find a #HOTEL-INFORM-PRICE# priced place to stay with free parking .",
+ "I am looking a hotel to stay in . Could you find me one on the more #HOTEL-INFORM-PRICE# side ? But it does n't need free parking .",
+ "Can you help me find a #HOTEL-INFORM-PRICE# price place to stay that includes free parking ?",
+ "No . Can you help me find a very #HOTEL-INFORM-PRICE# , not shabby hotel that has free parking ?",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-PRICE# price range . It does n't need parking .",
+ "Great , thanks ! Can you please also recommend an #HOTEL-INFORM-PRICE# place to stay with free parking ?",
+ "I need a guesthouse in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "I need to find a place to stay in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "I would like for it to be #HOTEL-INFORM-PRICE# and include free parking .",
+ "I ' m need a #HOTEL-INFORM-PRICE# place to stay that has free parking .",
+ "It should be #HOTEL-INFORM-PRICE# and include free parking .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel with free parking .",
+ "Can you help me find a place to stay ? I am looking for an #HOTEL-INFORM-PRICE# hotel , but it does n't need free parking .",
+ "I am looking for a place to stay in Cambridge that is #HOTEL-INFORM-PRICE# and includes free parking .",
+ "Hello , I ' m looking for a #HOTEL-INFORM-PRICE# place to stay . It does n't need to have free parking .",
+ "I would like to stay in the #HOTEL-INFORM-PRICE# price range and I will need free parking .",
+ "I ' m looking for someplace to stay . I 'd like something #HOTEL-INFORM-PRICE# , and I do n't need parking .",
+ "I need a list of #HOTEL-INFORM-PRICE# places to stay that include free parking .",
+ "It should have a #HOTEL-INFORM-PRICE# price and I do n't care about free parking .",
+ "I do need one with free parking , and it needs to be in the #HOTEL-INFORM-PRICE# price range , but those are my only requirements . Which one is your favorite ?",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# place to stay with free parking please .",
+ "Yes I need free parking and #HOTEL-INFORM-PRICE# reservation",
+ "I am looking for a #HOTEL-INFORM-PRICE# room , free parking .",
+ "OK , thanks ! I ' m also looking for a #HOTEL-INFORM-PRICE# place to stay that has free parking .",
+ "I am looking for a place to stay in the #HOTEL-INFORM-PRICE# price range . It must include free parking .",
+ "how about a #HOTEL-INFORM-PRICE# hotel with free parking ?",
+ "Okay , great . I 'll also need a place to stay . I 'd like for it to have free parking and be #HOTEL-INFORM-PRICE# .",
+ "i will take a #HOTEL-INFORM-PRICE# guest house with parking then .",
+ "Okay . I also need a place to stay that is #HOTEL-INFORM-PRICE# and includes free parking .",
+ "Something in the #HOTEL-INFORM-PRICE# price range including free parking",
+ "free parking and #HOTEL-INFORM-PRICE# pricing",
+ "I also need a #HOTEL-INFORM-PRICE# priced hotel with free parking to stay at .",
+ "I ' m looking for something #HOTEL-INFORM-PRICE# with free parking .",
+ "The hotel should be #HOTEL-INFORM-PRICE# and does not need to have free parking .",
+ "I would like to find a place to stay with free parking in the #HOTEL-INFORM-PRICE# price range .",
+ "I need a place to stay that has free parking and is in the #HOTEL-INFORM-PRICE# price range .",
+ "Not really , but I do need free parking in #HOTEL-INFORM-PRICE# range",
+ "I need to find a place in Cambridge to stay at a hotel within a #HOTEL-INFORM-PRICE# price range and I want free parking included .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay that offers free parking for guests .",
+ "What 's a #HOTEL-INFORM-PRICE# place to stay that offers free parking ?",
+ "I am looking for a hotel in Cambridge that has free parking and is in the #HOTEL-INFORM-PRICE# price range .",
+ "I need free parking in the #HOTEL-INFORM-PRICE# pricerange .",
+ "I do n't care about the area , but it needs to be #HOTEL-INFORM-PRICE# and have free parking .",
+ "Ok , thank you . Also , I need a place to stay in the #HOTEL-INFORM-PRICE# price range . Free parking is not necessary .",
+ "I want to find a place to stay in the #HOTEL-INFORM-PRICE# price range with free parking .",
+ "I need a #HOTEL-INFORM-PRICE# room , free parking .",
+ "I ' m not picky . Where would you recommend that is in the #HOTEL-INFORM-PRICE# price range ? I 'll need free parking , too .",
+ "Great I ' m also looking for a place to stay in the #HOTEL-INFORM-PRICE# price range with free parking .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay that does not need free parking .",
+ "I am looking for a place to stay that is #HOTEL-INFORM-PRICE# , I am not worried if I pay to pay for parking .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel that includes free parking .",
+ "I need to find a place to stay in the #HOTEL-INFORM-PRICE# price range with free parking .",
+ "I would want something #HOTEL-INFORM-PRICE# that has free parking . Do either have those ?",
+ "I need a #HOTEL-INFORM-PRICE# place to stay , with free parking .",
+ "I need a list of #HOTEL-INFORM-PRICE# places to stay that include free parking .",
+ "The hotel should be #HOTEL-INFORM-PRICE# and does not need to have free parking .",
+ "I ' m also looking for a place to stay that includes free parking and is in the #HOTEL-INFORM-PRICE# price range . Can you find something ?",
+ "I prefer to stay somewhere in the #HOTEL-INFORM-PRICE# price range , and it should include free parking .",
+ "I want it to be #HOTEL-INFORM-PRICE# and include free parking .",
+ "I am looking for a place to stay that is #HOTEL-INFORM-PRICE# , I am not worried if I pay to pay for parking .",
+ "I m also looking for a #HOTEL-INFORM-PRICE# hotel with free parking .",
+ "I ' m looking to stay at a #HOTEL-INFORM-PRICE# priced place with free parking .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-PRICE# price range . It does n't need to have free parking .",
+ "Great , thank you ! I 'd like to find a place to stay , too . I ' m thinking of something in the #HOTEL-INFORM-PRICE# range with free parking . Any ideas ?",
+ "The hotel should include free parking and should be in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I am looking for an #HOTEL-INFORM-PRICE# place to stay that includes free parking .",
+ "I ' m looking for a hotel to stay in . I prefer something in the #HOTEL-INFORM-PRICE# price range , and also one that offers free parking .",
+ "Yes , a place to stay/ I am treating myself so make it an #HOTEL-INFORM-PRICE# one with free parking .",
+ "Are there any #HOTEL-INFORM-PRICE# guesthouses in any area ? I just need it to have free parking .",
+ "Hello , I need to find a #HOTEL-INFORM-PRICE# hotel that has free parking in Cambridge",
+ "I am actually looking for something in the more #HOTEL-INFORM-PRICE# range and it should also include free parking .",
+ "I want to find a place to stay in the #HOTEL-INFORM-PRICE# price range . Parking does n't need to be free .",
+ "I need one in the #HOTEL-INFORM-PRICE# price range . I would like one that does n't have free parking .",
+ "I would like a hotel in the #HOTEL-INFORM-PRICE# price range and it should include free parking .",
+ "No thank you . I am looking for a place to stay though that has free parking and #HOTEL-INFORM-PRICE# . Do you have anything like that there ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay that has free parking .",
+ "Thank you ! I ' m also looking for a #HOTEL-INFORM-PRICE# hotel . It does not need to have free parking .",
+ "I am looking for lodging in the #HOTEL-INFORM-PRICE# price range with free parking .",
+ "That is good , I also need a place to stay with a #HOTEL-INFORM-PRICE# price and free parking .",
+ "I am looking for an #HOTEL-INFORM-PRICE# hotel that includes free parking .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# priced place to stay with free parking please .",
+ "The hotel in question ideally would be in the #HOTEL-INFORM-PRICE# price range . It does n't need to have free parking , though .",
+ "Yes , I ' m looking for a place to stay with free parking and #HOTEL-INFORM-PRICE# prices .",
+ "It does not matter but please find a guesthouse in the #HOTEL-INFORM-PRICE# range and include free parking .",
+ "I am look for a place to stay that is in the #HOTEL-INFORM-PRICE# price range and it should include free parking .",
+ "I ' m not so concerned about the area , but I ' m looking for something #HOTEL-INFORM-PRICE# . I wo n't need to use parking .",
+ "I ' m sorry , I would prefer an #HOTEL-INFORM-PRICE# guesthouse that includes free parking .",
+ "I need it to be #HOTEL-INFORM-PRICE# , and it should have free parking .",
+ "Yes , I would also like to find a place to stay , #HOTEL-INFORM-PRICE# price range , but with free parking .",
+ "Are there any #HOTEL-INFORM-PRICE# places to stay in the north ? It does n't need to be a hotel , but I would like free parking .",
+ "I am looking for a place to stay in an #HOTEL-INFORM-PRICE# price range . I do n't need any free parking .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay that includes free parking .",
+ "Now that the train is settled , I need a place to stay that is in the #HOTEL-INFORM-PRICE# range with free parking , please .",
+ "Is there anything in the centre with free parking and wifi , for #HOTEL-INFORM-PRICE# ?",
+ "Thanks . I also need an #HOTEL-INFORM-PRICE# place to stay that includes free parking .",
+ "Can you find me a #HOTEL-INFORM-PRICE# hotel with free parking ?",
+ "I am looking for a place to stay . The hotel does n't need to have free parking and should be in the #HOTEL-INFORM-PRICE# price range",
+ "Yes I am looking for some hotels that include free parking and #HOTEL-INFORM-PRICE# rates in the Cambridge area .",
+ "Is there a place to stay with a #HOTEL-INFORM-PRICE# price range and free parking ?",
+ "I am looking for a place to stay and it does n't need free parking , but I would like it to be #HOTEL-INFORM-PRICE# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay including free parking",
+ "No thanks . I also need an #HOTEL-INFORM-PRICE# place to stay that has free parking .",
+ "Any area is fine . However , I do require free parking and in a #HOTEL-INFORM-PRICE# price range , please .",
+ "It should be in the #HOTEL-INFORM-PRICE# price range with free parking",
+ "Well hello there , I ' m on a budget and I ' m wondering if there are any hotels in the #HOTEL-INFORM-PRICE# price range that offer free parking",
+ "Actually , yes . I am looking for a #HOTEL-INFORM-PRICE# place to stay with free parking .",
+ "I would like one in the #HOTEL-INFORM-PRICE# price range and with free parking .",
+ "Well I would like one that 's in a #HOTEL-INFORM-PRICE# price range . It needs to include free parking .",
+ "I want to find a hotel in the #HOTEL-INFORM-PRICE# price range . I do n't need free parking .",
+ "Yes , are there any #HOTEL-INFORM-PRICE# ones ? I also would like free parking as well ."
+ ],
+ "People;": [
+ "I need reservations for #HOTEL-INFORM-PEOPLE# .",
+ "Yes , could you book the hotel room for me for #HOTEL-INFORM-PEOPLE# people ?",
+ "There are #HOTEL-INFORM-PEOPLE# of us .",
+ "That will work . Can you make a reservation for #HOTEL-INFORM-PEOPLE# people , please ?",
+ "There is going to be #HOTEL-INFORM-PEOPLE# of us",
+ "Actually , I 'd like to book it for #HOTEL-INFORM-PEOPLE# people . Can you help with that ?",
+ "There will be #HOTEL-INFORM-PEOPLE# people .",
+ "There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "Yes , could you book the hotel room for me for #HOTEL-INFORM-PEOPLE# people ?",
+ "I would like to book it for #HOTEL-INFORM-PEOPLE# people . Thanks .",
+ "Just for #HOTEL-INFORM-PEOPLE# person , thanks .",
+ "Just for #HOTEL-INFORM-PEOPLE# person , thanks .",
+ "There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "It looks like we 'll have a total of #HOTEL-INFORM-PEOPLE# people in our party .",
+ "Do they have a room available that will accommodate #HOTEL-INFORM-PEOPLE# people ?",
+ "No , I would like it for #HOTEL-INFORM-PEOPLE# people .",
+ "There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "Yes , can you book it for #HOTEL-INFORM-PEOPLE# people ?",
+ "Great , can you please book it for me ? There will be #HOTEL-INFORM-PEOPLE# of us staying",
+ "It will be for #HOTEL-INFORM-PEOPLE# people and2 nights .",
+ "i need it for #HOTEL-INFORM-PEOPLE# people !",
+ "This will be for #HOTEL-INFORM-PEOPLE# people please",
+ "I will have a party of #HOTEL-INFORM-PEOPLE# people .",
+ "I need it starting on Wednesday for #HOTEL-INFORM-PEOPLE# people .",
+ "Great , I need a reservation for #HOTEL-INFORM-PEOPLE# people .",
+ "Okay . Can you book that for me ? It will be #HOTEL-INFORM-PEOPLE# of us staying there",
+ "Sorry about that . I would like it for #HOTEL-INFORM-PEOPLE# people .",
+ "Yeah . Can you help me book it please ? It 'll be for #HOTEL-INFORM-PEOPLE# people",
+ "I will have a party of #HOTEL-INFORM-PEOPLE# people .",
+ "Just one room for the #HOTEL-INFORM-PEOPLE# of us .",
+ "Well , I really need a hotel , I will have #HOTEL-INFORM-PEOPLE# people including myself . The location does n't matter .",
+ "Will it fit #HOTEL-INFORM-PEOPLE# people ?",
+ "There will be #HOTEL-INFORM-PEOPLE# people stating starting the same day . i need the reference number please",
+ "There will be #HOTEL-INFORM-PEOPLE# of us",
+ "Please book the hotel for #HOTEL-INFORM-PEOPLE# people .",
+ "Yes please . I need it for #HOTEL-INFORM-PEOPLE# people for 5 days .",
+ "I would like to book it for #HOTEL-INFORM-PEOPLE# people",
+ "There will be #HOTEL-INFORM-PEOPLE# of us . Thanks .",
+ "There will be a total of #HOTEL-INFORM-PEOPLE# of us .",
+ "There will be #HOTEL-INFORM-PEOPLE# people .",
+ "I need it for #HOTEL-INFORM-PEOPLE# people .",
+ "Yes , can you book it for #HOTEL-INFORM-PEOPLE# people ?",
+ "Yes , I need a booking for #HOTEL-INFORM-PEOPLE# people .",
+ "I 'd like you to book a stay please , for #HOTEL-INFORM-PEOPLE# people .",
+ "I am so sorry . Could you just change the number of people in my party to #HOTEL-INFORM-PEOPLE# and try again ?",
+ "There will be #HOTEL-INFORM-PEOPLE# guests .",
+ "Could I getting a booking for #HOTEL-INFORM-PEOPLE# people ?",
+ "It would be for #HOTEL-INFORM-PEOPLE# people .",
+ "I would actually like to book it for #HOTEL-INFORM-PEOPLE# people , not 3 .",
+ "Yes . I 'd also like to book a hotel for #HOTEL-INFORM-PEOPLE# people .",
+ "there are #HOTEL-INFORM-PEOPLE# of us .",
+ "just #HOTEL-INFORM-PEOPLE# person .",
+ "I would like it booked for #HOTEL-INFORM-PEOPLE# people , please .",
+ "There will be #HOTEL-INFORM-PEOPLE# people .",
+ "Yes please . I need the reservation to be for #HOTEL-INFORM-PEOPLE# people .",
+ "Oh sorry , #HOTEL-INFORM-PEOPLE# people please .",
+ "I need the Bridge Guest House for #HOTEL-INFORM-PEOPLE# people . I forgot to include that ."
+ ],
+ "Internet;Stars;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi .",
+ "Yes please . I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that offers free wifi",
+ "I am also looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-STARS# stars and has free wifi . I need it in the same part of town as the restaurant .",
+ "No , I don''t have an area preference . I would like to stay in a #HOTEL-INFORM-TYPE# with at #HOTEL-INFORM-STARS# star rating . I also need WiFi .",
+ "I need to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating that includes free wifi .",
+ "I ' m looking to stay in a #HOTEL-INFORM-TYPE# that includes free wifi and it should have a star of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a place to stay with free wifi . Find me a #HOTEL-INFORM-TYPE# like that with a star of #HOTEL-INFORM-STARS# .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that has free wifi",
+ "I also need a #HOTEL-INFORM-TYPE# with free wifi and e a #HOTEL-INFORM-STARS# star",
+ "i will be in Cambridge and need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with wifi",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating to stay at and I do n't need to have internet . Can you help ?",
+ "Hi , I need a #HOTEL-INFORM-TYPE# with free wifi internet and a rating of #HOTEL-INFORM-STARS# stars . What can you recommend ?",
+ "i am looking for a place to stay . The #HOTEL-INFORM-TYPE# should have a star of #HOTEL-INFORM-STARS# and should include free wifi .",
+ "Yes , I need a place to stay with free wifi . The #HOTEL-INFORM-TYPE# should have a #HOTEL-INFORM-STARS# star rating . Do you have anything like that ?",
+ "Yes , I also need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi .",
+ "Great , thanks . Now I 'd also like to find a #HOTEL-INFORM-TYPE# to stay at with free wifi and a star rating of #HOTEL-INFORM-STARS# .",
+ "I do n't care about price range , but I do want the #HOTEL-INFORM-TYPE# to have a #HOTEL-INFORM-STARS# star rating and have free wifi .",
+ "Yes , I m looking for a #HOTEL-INFORM-TYPE# that has free wifi and has #HOTEL-INFORM-STARS# stars .",
+ "I need the place to be a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars and free wifi",
+ "Not at this time . However , I am looking at #HOTEL-INFORM-TYPE#s as well . Is there a hotel that has #HOTEL-INFORM-STARS# stars and includes free wifi ?",
+ "I would like for the #HOTEL-INFORM-TYPE# to have a #HOTEL-INFORM-STARS# star rating and include free wifi .",
+ "Yes . I am also looking for a #HOTEL-INFORM-TYPE# that has free wifi and a #HOTEL-INFORM-STARS# star rating .",
+ "I need to book a 5 stars #HOTEL-INFORM-TYPE# with free wifi . If there is not 5 stars , a hotel of #HOTEL-INFORM-STARS# starts is ok .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free wifi and #HOTEL-INFORM-STARS# stars .",
+ "Hi , yes , I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay in . The only amenity it has to have is free wifi .",
+ "That 's great , I also need a #HOTEL-INFORM-TYPE# with free wifi , I would prefer a #HOTEL-INFORM-STARS# star place , please .",
+ "I ' m planning a trip to Cambridge and will need a place to stay . I prefer a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars and should include free wifi .",
+ "Yes please . I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that offers free wifi",
+ "Yes , please . A #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars with free wifi is fine .",
+ "I 'd also like to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi , please .",
+ "I need a #HOTEL-INFORM-TYPE# in Cambridge that is a #HOTEL-INFORM-STARS# star and has WiFi",
+ "I ' m looking for a place to stay with free wifi . Find me a #HOTEL-INFORM-TYPE# like that with a star of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# Star #HOTEL-INFORM-TYPE# and it does n't have to include internet .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi .",
+ "I do n't . I will need a #HOTEL-INFORM-TYPE# with at least #HOTEL-INFORM-STARS# star . It should also have free wifi .",
+ "I want to book a place to stay that is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating to stay at and I do n't need to have internet . Can you help ?",
+ "I need a #HOTEL-INFORM-TYPE# to stay at that is #HOTEL-INFORM-STARS# stars . I would preferably like one that has free wifi at it , and possibly close to the local restaurants ."
+ ],
+ "Price;Type;": [
+ "The area does n't matter I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# if you can find one .",
+ "We need to find a #HOTEL-INFORM-TYPE# of #HOTEL-INFORM-PRICE# price .",
+ "I prefer a #HOTEL-INFORM-TYPE# . Do you have any #HOTEL-INFORM-PRICE# ones ?",
+ "I also need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Um , I would prefer a #HOTEL-INFORM-TYPE# rather than a guesthouse . How about the #HOTEL-INFORM-PRICE# price range ?",
+ "Thanks ! I ' m also looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Can you help ?",
+ "I need lodgings , and I 'd like to stay in an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Do you have an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge .",
+ "How about a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range then .",
+ "Great , thank you . Can you also help me find a place to stay ? I 'd like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "No , I want an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wi - fi .",
+ "Great . I also need a place to stay that is a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I ' m also looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to crash in . Can you find one for me ?",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-PRICE# price range",
+ "It should be #HOTEL-INFORM-PRICE# and a #HOTEL-INFORM-TYPE# .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at in Cambridge , please .",
+ "No , actually I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m interested in finding an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at during my visit to Cambridge",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I 'd prefer a #HOTEL-INFORM-PRICE# price #HOTEL-INFORM-TYPE# .",
+ "I want a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "How about a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-PRICE# price range ?",
+ "Ok , I also need a hotel in the #HOTEL-INFORM-PRICE# price range that 's a #HOTEL-INFORM-TYPE# . Nothing else matters , just pick one .",
+ "I ' m looking for a place to stay , maybe a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking to find lodging in a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range",
+ "No , I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in for my trip to Cambridge .",
+ "Thank you ! I ' m also looking for a #HOTEL-INFORM-TYPE# that 's #HOTEL-INFORM-PRICE# .",
+ "Hello . I am looking for a #HOTEL-INFORM-TYPE# , it should be in the #HOTEL-INFORM-PRICE# price range .",
+ "Something #HOTEL-INFORM-PRICE# . I prefer a #HOTEL-INFORM-TYPE# though .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that is #HOTEL-INFORM-PRICE# . Can you help me with that ?",
+ "I need to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-PRICE# price range . Any places to stay ?",
+ "I really want a #HOTEL-INFORM-TYPE# . Are there any #HOTEL-INFORM-PRICE# ones in town ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in while I ' m in town .",
+ "A #HOTEL-INFORM-TYPE# , please . Are there any in the #HOTEL-INFORM-PRICE# price range ?",
+ "Can you find me a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in ?",
+ "Excellent , I also need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , please .",
+ "I would like to find a #HOTEL-INFORM-TYPE# to stay in that 's in the #HOTEL-INFORM-PRICE# price range . Can you help me ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . I definitely want a hotel , not a guesthouse .",
+ "I need to find a really #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# can you help me find one ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I would like something in the #HOTEL-INFORM-PRICE# price range and prefer a #HOTEL-INFORM-TYPE# .",
+ "How about a #HOTEL-INFORM-TYPE# with 0-star and #HOTEL-INFORM-PRICE# ?",
+ "No , surprise me ! Just has to be #HOTEL-INFORM-PRICE# and a #HOTEL-INFORM-TYPE# .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . Do you think you could find one for me ?",
+ "Can you find me a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at ?",
+ "I prefer the #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Can you book it for me for the same group of people ?",
+ "Great . Thank you . I will also need a place to stay - I ' m thinking a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "In Cambridge , I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# please",
+ "I would prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . thanks",
+ "Thank you I also need to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at . Can you help me find one ?",
+ "Yes , I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at , can you help me ?",
+ "The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-PRICE# price range .",
+ "No , how about a #HOTEL-INFORM-PRICE# - price #HOTEL-INFORM-TYPE# , please . Try that .",
+ "I 'd like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# please .",
+ "I will be going to Cambridge to do the tourist thing and would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I need a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-PRICE# price .",
+ "I 'd really rather stay at a #HOTEL-INFORM-TYPE# . Do you have anything in the #HOTEL-INFORM-PRICE# price range ?",
+ "Can you recommend a #HOTEL-INFORM-TYPE# at a #HOTEL-INFORM-PRICE# price ?",
+ "Yes , please find lodging in the same #HOTEL-INFORM-PRICE# price range for a #HOTEL-INFORM-TYPE# instead of a guesthouse , if possible .",
+ "Hi , I 'd like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# range .",
+ "The location is n't really important . It does need to be #HOTEL-INFORM-PRICE# though , and preferably a #HOTEL-INFORM-TYPE# .",
+ "Yes , I 'd like to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge for Monday .",
+ "Area does n't matter , but I would like a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , if possible .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that is #HOTEL-INFORM-PRICE# .",
+ "Could you try a #HOTEL-INFORM-PRICE# price place,4 stars in the east . A #HOTEL-INFORM-TYPE# is fine also .",
+ "Hello . I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in in Cambridge . Can you help ?",
+ "I ' m looking for a place to stay in Cambridge , #HOTEL-INFORM-PRICE# price for a #HOTEL-INFORM-TYPE# .",
+ "I do n't care where it is . I just want a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge .",
+ "Can you find me an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "Also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "What #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# do you recommend ?",
+ "I want to stay in Cambridge and I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I want to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in .",
+ "I do want a #HOTEL-INFORM-TYPE# , not a guesthouse , and I would like someplace #HOTEL-INFORM-PRICE# .",
+ "Yes , please . I ' m looking for a more upscale , #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Is that one #HOTEL-INFORM-PRICE# ? I would like an expensive , 4-star #HOTEL-INFORM-TYPE# .",
+ "I do n't care what part of town it 's in , but I would like it to be a #HOTEL-INFORM-TYPE# rather than a guesthouse , and I 'd like it to be #HOTEL-INFORM-PRICE# priced .",
+ "Thanks ! I would also like to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should be in the #HOTEL-INFORM-PRICE# price range",
+ "No , I really need a #HOTEL-INFORM-TYPE# . How about if we search for a #HOTEL-INFORM-PRICE# one instead ?",
+ "I need a place to stay that is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range",
+ "Ok , I am also looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in . Can you tell me what 's available ?",
+ "Find me a place to stay . I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range with a star of 4 .",
+ "I prefer a #HOTEL-INFORM-TYPE# , and I need someplace #HOTEL-INFORM-PRICE# , please . Area does n't matter .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in during my trip to Cambridge .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Yes , I also wanted to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at .",
+ "I would prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "Find me a place to stay . I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range with a star of 4 .",
+ "Yes , I would like a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Yes please , could you try finding me a #HOTEL-INFORM-TYPE# in a #HOTEL-INFORM-PRICE# price range ?",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range , please .",
+ "How about price range ? The #HOTEL-INFORM-TYPE# should also be very #HOTEL-INFORM-PRICE# . I wo n't settle for less and neither will Fi - Fi .",
+ "Great thank you I also need to find a #HOTEL-INFORM-TYPE# in a #HOTEL-INFORM-PRICE# price range .",
+ "Also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I also need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Yes , I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range please .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range",
+ "Yes , a #HOTEL-INFORM-TYPE# would be great . I 'd like for it to be in the #HOTEL-INFORM-PRICE# price range .",
+ "Can you find me a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in ?",
+ "What about a #HOTEL-INFORM-TYPE# that 's a #HOTEL-INFORM-PRICE# price range ?",
+ "I like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "Oh , I really prefer a #HOTEL-INFORM-TYPE# . Maybe you could find someplace that is #HOTEL-INFORM-PRICE# instead ?",
+ "I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , please .",
+ "I also need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like a #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-TYPE# if possible .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in Cambridge in a #HOTEL-INFORM-PRICE# price range . Can you help ?",
+ "Yes , I would like it to be #HOTEL-INFORM-PRICE# and a type of #HOTEL-INFORM-TYPE# .",
+ "Yes , I need a place to stay that is #HOTEL-INFORM-PRICE# , and is a #HOTEL-INFORM-TYPE# please .",
+ "Can you help me find a place to stay maybe a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "I want to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at .",
+ "I would like a 4-star #HOTEL-INFORM-TYPE# in the north in a #HOTEL-INFORM-PRICE# price range .",
+ "I 'd like it to be somewhere that 's really #HOTEL-INFORM-PRICE# , and I 'd really prefer a #HOTEL-INFORM-TYPE# if one is available .",
+ "Yes , I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "The price range should be #HOTEL-INFORM-PRICE# and it should be a #HOTEL-INFORM-TYPE# .",
+ "Yes , I 'd also like to stay in an #HOTEL-INFORM-PRICE# place . It should be a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge .",
+ "I would like a 4-star #HOTEL-INFORM-TYPE# in the north in a #HOTEL-INFORM-PRICE# price range .",
+ "I would like to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Sure , I could stay at a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Hmm , well how about checking for a #HOTEL-INFORM-TYPE# instead that is #HOTEL-INFORM-PRICE# with free parking and wifi ?",
+ "I ' m just looking for something that is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . Thank you !",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a place to stay . An #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# will work .",
+ "Thanks ! I also need to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I ' m also looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Can you help ?",
+ "Hmm , well that is n't good . Oh well , how about trying if there is a #HOTEL-INFORM-TYPE# that s #HOTEL-INFORM-PRICE# then . I suppose it will have to do .",
+ "Hello , can you help me find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "I will also need a place to stay . A #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I am looking to stay in a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes please , can I also look for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# as well .",
+ "Thank you , I also need to find a #HOTEL-INFORM-TYPE# , that is #HOTEL-INFORM-PRICE# ?",
+ "Yes , I 'd prefer a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m sorry , I ' ve checked my budget and really need to go with the #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# . Could you just give me the information on that one ? No booking today .",
+ "I need a place to stay in cambridge . A #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-PRICE# price range would do it .",
+ "Yes , I 'd prefer a #HOTEL-INFORM-TYPE# that 's #HOTEL-INFORM-PRICE# if any are available .",
+ "No preference on location but I would like a #HOTEL-INFORM-TYPE# . I would also like #HOTEL-INFORM-PRICE# pricing .",
+ "I need a place to stay , a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a #HOTEL-INFORM-TYPE# that is the #HOTEL-INFORM-PRICE# price range ?",
+ "I 'd like a #HOTEL-INFORM-TYPE# and somewhere that is #HOTEL-INFORM-PRICE# in price .",
+ "In the #HOTEL-INFORM-PRICE# price range please . Oh and it needs to be a #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the west with a #HOTEL-INFORM-PRICE# price range .",
+ "Great ! I also need a #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-TYPE# .",
+ "Yes , as long as the #HOTEL-INFORM-TYPE# is in the #HOTEL-INFORM-PRICE# price range , please try booking it .",
+ "I ' m looking for a place to stay in Cambridge , #HOTEL-INFORM-PRICE# price for a #HOTEL-INFORM-TYPE# .",
+ "Hello ! I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# type hotel . Any ideals ?",
+ "I also need an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at . Can you help me find one ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-PRICE# price range .",
+ "Hmm , no #HOTEL-INFORM-PRICE# guesthouses huh ? Ok , well how about an expensive #HOTEL-INFORM-TYPE# room instead ?",
+ "I ' m looking for a place to stay , I would prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "i ' m looking for a place to stay , a #HOTEL-INFORM-TYPE# type , in a #HOTEL-INFORM-PRICE# price range please .",
+ "Okay , I need to make sure it 's in the #HOTEL-INFORM-PRICE# price range and that it 's a #HOTEL-INFORM-TYPE# .",
+ "No , I really want a #HOTEL-INFORM-TYPE# . What about something in the #HOTEL-INFORM-PRICE# price range ?",
+ "No thank you . I do need an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Do you have an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that meets my other criteria ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I need one in the #HOTEL-INFORM-PRICE# price range and a #HOTEL-INFORM-TYPE# would be great .",
+ "Can you recommend an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "Hello , I ' m looking for a #HOTEL-INFORM-TYPE# to stay in during my visit . I do n't want to stay anywhere cheap , more like the #HOTEL-INFORM-PRICE# price range please .",
+ "Is the hotel #HOTEL-INFORM-PRICE# , and is it a #HOTEL-INFORM-TYPE# ?",
+ "I would also like to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "Any area of town would be fine . I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I am planning my trip to Cambridge . I am looking for a #HOTEL-INFORM-PRICE# place to stay the hotel should be in the cheap price range and I want the hotel to be in the type of a #HOTEL-INFORM-TYPE# .",
+ "Are any of them a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range ?",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to say at .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# that 's in the #HOTEL-INFORM-PRICE# range .",
+ "Yes , I also need a place to stay I need a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# .",
+ "Thanks . I also need a #HOTEL-INFORM-TYPE# to stay in that is in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes I am looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# to stay in Cambridge in .",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# to stay at . I want it to be nice , so I 'd like an #HOTEL-INFORM-PRICE# one .",
+ "I want to stay in Cambridge and I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a place to stay . I prefer a #HOTEL-INFORM-TYPE# that 's #HOTEL-INFORM-PRICE# .",
+ "Can you find me a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# ?"
+ ],
+ "Stars;": [
+ "No particular price range , but I would like it to be a #HOTEL-INFORM-STARS# star hotel .",
+ "I want a place with a #HOTEL-INFORM-STARS# star rating",
+ "That does n't matter . I would like a #HOTEL-INFORM-STARS# star hotel though , please .",
+ "I 'd prefer a hotel . It should have a #HOTEL-INFORM-STARS# star rating . Can you check again , please ?",
+ "Okay , do you have any hotels with a #HOTEL-INFORM-STARS# star rating instead ?",
+ "Not in terms of that , but do they have free parking and have a #HOTEL-INFORM-STARS# star rating ?",
+ "Are there any #HOTEL-INFORM-STARS# stars available ?",
+ "How many stars does El Shaddai have , I ' m looking for a place that is at least a #HOTEL-INFORM-STARS# star location ?",
+ "I would like it to have a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m sorry , I actually prefer a hotel rather than a guest house . Are there any moderately priced #HOTEL-INFORM-STARS# star hotels ?",
+ "Does that hotel include free parking and have #HOTEL-INFORM-STARS# stars ?",
+ "Do either of them have a #HOTEL-INFORM-STARS# star rating ?",
+ "I 'd like to stay close to the center area , but the hotel should be #HOTEL-INFORM-STARS# star .",
+ "Price is not of any concern , just so it has a #HOTEL-INFORM-STARS# star rating .",
+ "Do you have anything that is #HOTEL-INFORM-STARS# star rated in the centre ?",
+ "As long as it 's a guesthouse with #HOTEL-INFORM-STARS# stars and free parking I will be happy . Which one do you recommend ?",
+ "Can you tell me about the #HOTEL-INFORM-STARS# star hotel instead ?",
+ "I would like one with a #HOTEL-INFORM-STARS# star rating . Is that an option ?",
+ "Is it #HOTEL-INFORM-STARS# stars ? I want it to be 2 stars .",
+ "I would prefer one with a rating of #HOTEL-INFORM-STARS# stars .",
+ "Are there any #HOTEL-INFORM-STARS# star hotels in Cambridge ?",
+ "I am not sure what day , I am just researching now . I would like to have a #HOTEL-INFORM-STARS# star hotel . Are there any options ?",
+ "I do n't care what part of town , just so that it has a #HOTEL-INFORM-STARS# star rating .",
+ "No , but I would like a #HOTEL-INFORM-STARS# star rating .",
+ "Can you suggest another place , is there a hotel with #HOTEL-INFORM-STARS# stars in that area ?",
+ "I do not really care but would like it to have a #HOTEL-INFORM-STARS# star rating .",
+ "Not really , just get me one with #HOTEL-INFORM-STARS# stars please",
+ "I am looking for a room and want to see if I can find somewhere that has #HOTEL-INFORM-STARS# stars . Can I get some help with that ?",
+ "I do n't care about the area but I need one with #HOTEL-INFORM-STARS# stars , please .",
+ "How about any with #HOTEL-INFORM-STARS# stars ?",
+ "I need one in Cambridge and I would like a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m looking for places to stay that has #HOTEL-INFORM-STARS# stars",
+ "Sorry , I ' m looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "Can you check for #HOTEL-INFORM-STARS# stars instead please ?",
+ "As long as it has a #HOTEL-INFORM-STARS# star rating , please book the Gonville Hotel for me .",
+ "I would like to stay in the east and I am looking for a #HOTEL-INFORM-STARS# star rating .",
+ "No , I would like for it to be #HOTEL-INFORM-STARS# stars . Is there another area you can check ?",
+ "Okay , how about a #HOTEL-INFORM-STARS# star ?",
+ "Does it have #HOTEL-INFORM-STARS# stars ?",
+ "Are there any #HOTEL-INFORM-STARS# star guesthouses in Cambridge ?",
+ "Can you check instead for #HOTEL-INFORM-STARS# stars ?",
+ "Price does not matter as long as they have #HOTEL-INFORM-STARS# stars .",
+ "I was hoping for something with at least #HOTEL-INFORM-STARS# stars .",
+ "Does it also have free wifi and does it have #HOTEL-INFORM-STARS# stars ?",
+ "I need it to be a #HOTEL-INFORM-STARS# star as well .",
+ "I need a #HOTEL-INFORM-STARS# star rated hotel",
+ "What can I get that s a #HOTEL-INFORM-STARS# star ?",
+ "I actually want a hotel with #HOTEL-INFORM-STARS# stars if possible",
+ "I would like for it to be #HOTEL-INFORM-STARS# stars , please .",
+ "How about #HOTEL-INFORM-STARS# stars ?",
+ "I need a #HOTEL-INFORM-STARS# star place to stay .",
+ "No price range but I do want a #HOTEL-INFORM-STARS# start .",
+ "Actually , can you tell me if the Hobsons House is #HOTEL-INFORM-STARS# star rated ? if it is , I would also need the address please .",
+ "I would like something with #HOTEL-INFORM-STARS# or 5 stars .",
+ "It does n't matter . I 'd like #HOTEL-INFORM-STARS# stars though .",
+ "Are any of them #HOTEL-INFORM-STARS# stars ? Looking specifically for a 4 star hotel .",
+ "Do either of those have #HOTEL-INFORM-STARS# stars ?",
+ "Can you find me a #HOTEL-INFORM-STARS# star hotel then ?",
+ "No , can you find a guesthouse for me with a #HOTEL-INFORM-STARS# star rating ?",
+ "Is Cityrooms #HOTEL-INFORM-STARS# stars ? I ' m sorry I forgot to specify , but I do require it .",
+ "No , but it should have a star of #HOTEL-INFORM-STARS# .",
+ "Nothing too expensive but at least a #HOTEL-INFORM-STARS# star . I 'd like it to be in a guest house too .",
+ "I would like a #HOTEL-INFORM-STARS# star .",
+ "Yes and I need a place to stay in the east and a #HOTEL-INFORM-STARS# star",
+ "I need it to be moderately priced with a #HOTEL-INFORM-STARS# star rating . Are either one of them fit this description ?",
+ "It really doesn ' t matter , but would like a #HOTEL-INFORM-STARS# star hotel please .",
+ "It does n't matter what section it is in . Are there any guesthouses listed that have a #HOTEL-INFORM-STARS# star rating ?",
+ "I ' m looking for a hotel that has a star rating of #HOTEL-INFORM-STARS# as well , do any of those 14 hotels have a 2 star rating ?",
+ "I am looking for a guesthouse with #HOTEL-INFORM-STARS# stars .",
+ "I am not sure yet but I would like it to have #HOTEL-INFORM-STARS# stars .",
+ "Can we try a #HOTEL-INFORM-STARS# star rating instead ?",
+ "Yes , I really like #HOTEL-INFORM-STARS# star hotels . If you find one , I 'd like to book a room .",
+ "Yes , I would like the #HOTEL-INFORM-STARS# star one , please .",
+ "Are they #HOTEL-INFORM-STARS# star hotels ?",
+ "I 'd prefer a hotel , are there any #HOTEL-INFORM-STARS# star hotels in the East section of town that have free parking ?",
+ "Do you have a place with free wifi in the cheap range with a star of #HOTEL-INFORM-STARS# ?",
+ "I ' m open to the price and area , but it should have a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m also looking for a place to stay in . Can you find me a #HOTEL-INFORM-STARS# star place ?",
+ "Hmm , I was really looking for something with #HOTEL-INFORM-STARS# stars . Can you check for any guesthouses instead ?",
+ "What is its star rating ? I am looking for a place with a star of #HOTEL-INFORM-STARS# .",
+ "I am not sure what day , I am just researching now . I would like to have a #HOTEL-INFORM-STARS# star hotel . Are there any options ?",
+ "What do you have with a rating of #HOTEL-INFORM-STARS# star ?",
+ "Maybe . Is either one a #HOTEL-INFORM-STARS# star hotel ? If so , I 'd like to book a room for 4 nights .",
+ "I need an expensive place to stay that 's #HOTEL-INFORM-STARS# stars .",
+ "Does n't matter , do any have a #HOTEL-INFORM-STARS# star rating ?",
+ "A #HOTEL-INFORM-STARS# star rating would be perfect .",
+ "Great , I want one with #HOTEL-INFORM-STARS# Stars .",
+ "I need a place to stay with a star rating of #HOTEL-INFORM-STARS# .",
+ "It should be a #HOTEL-INFORM-STARS# star hotel .",
+ "Is the Lensfield a #HOTEL-INFORM-STARS# star hotel ?",
+ "A #HOTEL-INFORM-STARS# star establishment , if possible .",
+ "I really would prefer a #HOTEL-INFORM-STARS# star hotel . Can you please look again on the north side ?",
+ "There are seriously no #HOTEL-INFORM-STARS# star hotels with free wifi and free parking in all of Cambridge ? I ' m pretty sure there should be .",
+ "Are there any moderately priced #HOTEL-INFORM-STARS# star guesthouses in the west available ? If not in the west , what about the north ?",
+ "i only need the details . is it a #HOTEL-INFORM-STARS# star ?",
+ "Yes , I would like a #HOTEL-INFORM-STARS# star guesthoise please .",
+ "I do n't care about price but I want it to have a star of #HOTEL-INFORM-STARS# and be a guesthouse .",
+ "Are they both #HOTEL-INFORM-STARS# star rated ?",
+ "I would like one with #HOTEL-INFORM-STARS# stars .",
+ "I would like a hotel with #HOTEL-INFORM-STARS# stars .",
+ "Yeah , that works . Can you recommend a #HOTEL-INFORM-STARS# star hotel for me ?",
+ "The location does n't matter , but I 'd like it to be #HOTEL-INFORM-STARS# stars .",
+ "Do you have anything with a #HOTEL-INFORM-STARS# star rating ?",
+ "I have an odd request , I am looking for a place to stay with a #HOTEL-INFORM-STARS# star rating .",
+ "I want the place with #HOTEL-INFORM-STARS# stars .",
+ "Any price range is fine . But if you can see if there is one that has #HOTEL-INFORM-STARS# stars ?",
+ "I would like it to be at least $ 100 a night and #HOTEL-INFORM-STARS# stars .",
+ "Do they have a #HOTEL-INFORM-STARS# star rating ?",
+ "I am looking for a hotel with a #HOTEL-INFORM-STARS# star rating and price no more then 125 a night .",
+ "Can you see if you find one with a start of #HOTEL-INFORM-STARS# ?",
+ "Could you try looking for a guesthouse in the #HOTEL-INFORM-STARS# star range ?",
+ "Yes , can you tell me if that guesthouse we booked has #HOTEL-INFORM-STARS# stars ?",
+ "I would also like to find a #HOTEL-INFORM-STARS# star room .",
+ "Actually are any of them #HOTEL-INFORM-STARS# stars ?",
+ "I need a #HOTEL-INFORM-STARS# star please .",
+ "Are there any #HOTEL-INFORM-STARS# star accomidations ?",
+ "How about a moderately priced #HOTEL-INFORM-STARS# star guesthouse ?",
+ "Do n't particularly care about parking but if you can narrow it down to just the #HOTEL-INFORM-STARS# star ones I would appreciate it .",
+ "How about a #HOTEL-INFORM-STARS# star rating ?",
+ "You do n't have any #HOTEL-INFORM-STARS# stars in the moderate price range in any area ?",
+ "There are literally no #HOTEL-INFORM-STARS# star accommodations of any kind with moderate price and wifi in all of Cambridge ? I find that very hard to believe !",
+ "Do either of them have #HOTEL-INFORM-STARS# stars ?",
+ "Fantastic . Where could I stay that has #HOTEL-INFORM-STARS# stars ?",
+ "Is there another #HOTEL-INFORM-STARS# star guest house we can try ?",
+ "No , as long as the hotel itself is a #HOTEL-INFORM-STARS# star establishment I ' m not too concerned about where it 's located .",
+ "Yes please , also is it a #HOTEL-INFORM-STARS# star rating ? and is it in the same area as the attraction I mentioned before ?",
+ "ok , try a #HOTEL-INFORM-STARS# star hotel .",
+ "The location does not matter but I need a #HOTEL-INFORM-STARS# star hotel .",
+ "how about a hotel with #HOTEL-INFORM-STARS# stars ?",
+ "Do they have free wifi and a #HOTEL-INFORM-STARS# star rating ?",
+ "Yes , I am looking for a hotel with a #HOTEL-INFORM-STARS# star rating .",
+ "Yes . I also need a #HOTEL-INFORM-STARS# star hotel .",
+ "I would prefer a #HOTEL-INFORM-STARS# star hotel please .",
+ "Yes , I am also looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "Anything with a #HOTEL-INFORM-STARS# star rating ? I want a super trashy place",
+ "I would prefer a #HOTEL-INFORM-STARS# star hotel , are any of those three rated 4 stars ?",
+ "I ' m needing a #HOTEL-INFORM-STARS# star guest house today .",
+ "How about just a place in the north with a #HOTEL-INFORM-STARS# star rating ?",
+ "It does n't matter , but I would prefer a #HOTEL-INFORM-STARS# star one .",
+ "I also am looking for a hotel with a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m also looking for a place to stay in , preferably something #HOTEL-INFORM-STARS# stars .",
+ "Actually , are any of these #HOTEL-INFORM-STARS# star rated ?",
+ "As long as it 's a guesthouse in the north with #HOTEL-INFORM-STARS# stars it 'll be fine . Just recommend one to me please .",
+ "Sure . How about #HOTEL-INFORM-STARS# stars ?",
+ "Is that a #HOTEL-INFORM-STARS# star hotel ?",
+ "Can you look for a #HOTEL-INFORM-STARS# star hotel in the same price range ?",
+ "I would like a #HOTEL-INFORM-STARS# star hotel . Location is n't important , just quality hotel .",
+ "Hi there . I could use some help finding a place to stay that is #HOTEL-INFORM-STARS# star rated .",
+ "It does n't really matter but it should have a #HOTEL-INFORM-STARS# star rating .",
+ "I 'd like it to be rated #HOTEL-INFORM-STARS# stars .",
+ "No , I really do n't care what area , but I would like it to have a #HOTEL-INFORM-STARS# star rating .",
+ "A #HOTEL-INFORM-STARS# star rating is fine , what do you have for that ?",
+ "How about a #HOTEL-INFORM-STARS# star hotel with free parking ?",
+ "Let 's try the #HOTEL-INFORM-STARS# star hotel , please .",
+ "I need a place to stay with #HOTEL-INFORM-STARS# stars .",
+ "The area does n't matter , but it should have #HOTEL-INFORM-STARS# stars please .",
+ "how about with #HOTEL-INFORM-STARS# stars then ?",
+ "I suppose #HOTEL-INFORM-STARS# star would also be acceptable .",
+ "I do n't really mind , as long as it has #HOTEL-INFORM-STARS# stars .",
+ "Are there any with #HOTEL-INFORM-STARS# stars ?",
+ "2 stars is too pedestrian for me . I have sophisticated tastes so something around #HOTEL-INFORM-STARS# stars would be better .",
+ "Sorry , I should mention that I ' m looking for a hotel with a #HOTEL-INFORM-STARS# star rating . Would the El Shaddai still be appropriate ?",
+ "Does it offer free wifi ? I 'd also like it to have #HOTEL-INFORM-STARS# stars .",
+ "Hi . Please help me find a #HOTEL-INFORM-STARS# star hotel to stay at .",
+ "Sure , let 's look for a #HOTEL-INFORM-STARS# star hotel instead .",
+ "Does n't really matter if they offer either of those or not . I just want it to be a #HOTEL-INFORM-STARS# star hotel .",
+ "Yes , how about a guesthouse with #HOTEL-INFORM-STARS# stars and free wifi instead ?",
+ "It can be anywhere as long as it has a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking for a #HOTEL-INFORM-STARS# star place to stay .",
+ "Okay , does it have #HOTEL-INFORM-STARS# stars and does it include free wifi ?",
+ "No but quality matters , are any of them #HOTEL-INFORM-STARS# stars ?",
+ "I do n't care about the area , but it does need to be #HOTEL-INFORM-STARS# stars , as I mentioned earlier .",
+ "It needs #HOTEL-INFORM-STARS# stars please .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star rated place to stay please ?",
+ "I am looking fro something cheap with a #HOTEL-INFORM-STARS# star rating .",
+ "Hello , I am looking for a place to stay that has #HOTEL-INFORM-STARS# stars .",
+ "Can you check again ? I need any place to stay that has free wi - fi , #HOTEL-INFORM-STARS# stars , and a cheap or moderate price range .",
+ "Yeah , that works . Can you recommend a #HOTEL-INFORM-STARS# star hotel for me ?",
+ "As long as the Huntingdon Marriott has #HOTEL-INFORM-STARS# stars , I ' m good to go , thanks .",
+ "That does not matter but I want it to have #HOTEL-INFORM-STARS# stars .",
+ "how about a star of #HOTEL-INFORM-STARS# ?",
+ "Are they #HOTEL-INFORM-STARS# star rated by chance ?",
+ "I am also looking for a place to stay at a #HOTEL-INFORM-STARS# star hotel near the restaurant .",
+ "Hi , I am hoping to find a #HOTEL-INFORM-STARS# star hotel room . Can you recommend one for me ?",
+ "Any area would be okay . I would like for the guest house to have a #HOTEL-INFORM-STARS# star rating .",
+ "I would like it have rating of #HOTEL-INFORM-STARS# stars .",
+ "I do n't need to book it . I need a #HOTEL-INFORM-STARS# star in the east .",
+ "Yes , I want to stay somewhere nice , #HOTEL-INFORM-STARS# stars .",
+ "Not really . I 'd like a #HOTEL-INFORM-STARS# star guesthouse , though , is that possible ?",
+ "Do you have anything that is #HOTEL-INFORM-STARS# star rated in the centre ?",
+ "I do need a place to stay , so are there any #HOTEL-INFORM-STARS# star hotels available ?",
+ "I am not interested in food , thanks , but I 'd like help finding a #HOTEL-INFORM-STARS# star guesthouse .",
+ "Price is not of any concern , just so it has a #HOTEL-INFORM-STARS# star rating .",
+ "It does n't matter . I 'd like #HOTEL-INFORM-STARS# stars though .",
+ "I would prefer a guest house if any #HOTEL-INFORM-STARS# stars are available .",
+ "I would like #HOTEL-INFORM-STARS# stars and needs to be cheap .",
+ "Is it #HOTEL-INFORM-STARS# stars and is there wifi ?",
+ "As long as it is #HOTEL-INFORM-STARS# star , I ' m not really worried about the price .",
+ "How about changing that to a #HOTEL-INFORM-STARS# star rating ?",
+ "I need place to stay in Cambridge . Want it cheap with #HOTEL-INFORM-STARS# stars .",
+ "Could I have the #HOTEL-INFORM-STARS# star please",
+ "Yes Alexander bed and breakfast that has a star of #HOTEL-INFORM-STARS# would be great .",
+ "I need it in the same area as the restaurant and it should be a #HOTEL-INFORM-STARS# star place .",
+ "I 'd like a #HOTEL-INFORM-STARS# star place that 's on the pricier side .",
+ "I want to stay at a #HOTEL-INFORM-STARS# star hotel",
+ "Great ! Do either one have a #HOTEL-INFORM-STARS# star rating ?",
+ "Area does not matter but something with #HOTEL-INFORM-STARS# stars .",
+ "Is Limehouse #HOTEL-INFORM-STARS# stars ?",
+ "I would like one with #HOTEL-INFORM-STARS# stars .",
+ "Sorry , my wife just said that we wo n't stay in a hotel with any less than #HOTEL-INFORM-STARS# stars , do you have something that meets that criteria ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "I would like the 11:29 train , please . I am also looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "I would like to make a reservation at the #HOTEL-INFORM-STARS# star one please .",
+ "Are you sure ? Can you try again ? If that does n't work , is there another #HOTEL-INFORM-STARS# star guesthouse in the centre that you can try ?",
+ "Does the hotel include free parking and does it happen to have a #HOTEL-INFORM-STARS# star rating ?",
+ "I ' m looking for a hotel with #HOTEL-INFORM-STARS# stars",
+ "I also need a place to stay . #HOTEL-INFORM-STARS# star is my preference .",
+ "do you have one with a star of #HOTEL-INFORM-STARS# ?",
+ "Could you tell me if The Lensfield Hotel has at least a #HOTEL-INFORM-STARS# star rating ?",
+ "Thanks ! i ' m also looking for a place to stay with #HOTEL-INFORM-STARS# stars .",
+ "Is there another guesthouse with a #HOTEL-INFORM-STARS# star rating in that area ?",
+ "Do you have anything that has a #HOTEL-INFORM-STARS# star rating ?",
+ "Can you book a hotel for me ? I would like a #HOTEL-INFORM-STARS# star hotel or greater in downtown Cambridge for tonight for 2 people .",
+ "I do n't have a preference , but I would like it to be rated #HOTEL-INFORM-STARS# stars .",
+ "Is it a #HOTEL-INFORM-STARS# star place ?",
+ "does it have a rating of #HOTEL-INFORM-STARS# stars ?",
+ "No , but I was looking for something with #HOTEL-INFORM-STARS# stars .",
+ "Before we continue , can you check if the Acorn Guest House has a star of #HOTEL-INFORM-STARS# or not ?",
+ "The price does n't matter so much but something #HOTEL-INFORM-STARS# star rated would be nice .",
+ "I would like #HOTEL-INFORM-STARS# stars or higher please",
+ "I also am looking for a place to stay in the center with a star rating of #HOTEL-INFORM-STARS# .",
+ "Does it have a star of #HOTEL-INFORM-STARS# ?",
+ "So you ca n't find a moderately priced guesthouse with #HOTEL-INFORM-STARS# stars and free parking anywhere in cambridge at all ? Area does n't matter . Please try again ?",
+ "Type does n't matter but I 'd like it to be #HOTEL-INFORM-STARS# star please .",
+ "Maybe a star rating of #HOTEL-INFORM-STARS# would be good . Is there anything available ?",
+ "As long as it has #HOTEL-INFORM-STARS# stars , that is all I need today , thanks for your help .",
+ "Try for a #HOTEL-INFORM-STARS# star instead .",
+ "Does the University Arms Hotel have #HOTEL-INFORM-STARS# stars ? I would prefer a place with 5 stars .",
+ "How about a hotel with a #HOTEL-INFORM-STARS# star rating ?",
+ "The area is flexible . But , I would like something moderately priced and have a star rating of #HOTEL-INFORM-STARS# .",
+ "Ok , let 's try #HOTEL-INFORM-STARS# stars .",
+ "Are any of those #HOTEL-INFORM-STARS# star ?",
+ "I do n't care about price but I 'd like a #HOTEL-INFORM-STARS# star place .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "Do either of them have a #HOTEL-INFORM-STARS# star rating ?",
+ "How about a #HOTEL-INFORM-STARS# star rating ?",
+ "I am actually looking for a #HOTEL-INFORM-STARS# star rating in an expensive price range .",
+ "Um really ? There is no #HOTEL-INFORM-STARS# star accommodations with free parking in all of Cambridge ? I have a hard time believing that .",
+ "Can I get more info on the #HOTEL-INFORM-STARS# star one ?",
+ "I ' m open to the price , but I do need the place o have a #HOTEL-INFORM-STARS# star rating .",
+ "I 'd like a guesthouse rated #HOTEL-INFORM-STARS# stars .",
+ "What have you got with #HOTEL-INFORM-STARS# stars ?",
+ "Price is n't really a factor , but I would like #HOTEL-INFORM-STARS# star",
+ "i would prefer #HOTEL-INFORM-STARS# stars .",
+ "I would prefer a hotel with #HOTEL-INFORM-STARS# stars . Does Allenbell fit the bill ?",
+ "is there one with a star or #HOTEL-INFORM-STARS# among them ?",
+ "Hello , can you recommend a #HOTEL-INFORM-STARS# star place to stay ?",
+ "Thank you ! I would like it to have at least #HOTEL-INFORM-STARS# stars .",
+ "I was hoping to find a hotel that is #HOTEL-INFORM-STARS# star .",
+ "I think a #HOTEL-INFORM-STARS# star guest house would be good .",
+ "I am not sure but I do want it to have a #HOTEL-INFORM-STARS# star rating .",
+ "Actually , I do n't think I ' m ready to make a reservation just yet . Does the location on the north side of town have #HOTEL-INFORM-STARS# stars , free parking , and moderate prices ?",
+ "Does it have #HOTEL-INFORM-STARS# stars ? I ' m wanting to make sure I book a room at a place with 0 stars .",
+ "Does it have at least #HOTEL-INFORM-STARS# stars ?",
+ "I need the hotel to be #HOTEL-INFORM-STARS# stars with free parking . Does Cityroomz have these ?",
+ "What about #HOTEL-INFORM-STARS# star hotels ?",
+ "I am open as far as price range , but I would love a #HOTEL-INFORM-STARS# star place .",
+ "No , the hotel needs to have a #HOTEL-INFORM-STARS# star rating . Can you please check your system again ? Thanks",
+ "Just something in the north , #HOTEL-INFORM-STARS# star and free wifi ?",
+ "Can you find me a #HOTEL-INFORM-STARS# star hotel ?",
+ "Yes I need to find a place to stay with a #HOTEL-INFORM-STARS# star rating in the center of town please .",
+ "I ' m looking for a hotel with a star rating of #HOTEL-INFORM-STARS# .",
+ "How about a #HOTEL-INFORM-STARS# star rating instead ?",
+ "it should have a #HOTEL-INFORM-STARS# stars rating",
+ "Before you book , I just want to make sure -- does it have a #HOTEL-INFORM-STARS# star rating ?",
+ "No , I ' m sorry , I should have specified . I need a #HOTEL-INFORM-STARS# star place to stay .",
+ "i want one that has a #HOTEL-INFORM-STARS# star rating .",
+ "Let me think about that . Can you help me book a #HOTEL-INFORM-STARS# star hotel ?",
+ "Did you have something that fits with #HOTEL-INFORM-STARS# stars ?",
+ "What about a #HOTEL-INFORM-STARS# star hotel ?",
+ "I do n't care . I want a #HOTEL-INFORM-STARS# star rating though .",
+ "How about one that is a #HOTEL-INFORM-STARS# star ?",
+ "Yes they must have a #HOTEL-INFORM-STARS# star rating with free parking . Do any of the guesthouse matches have that ?",
+ "I do nt have any preference when it comes to where it is . As long as it is #HOTEL-INFORM-STARS# stars",
+ "That 's perfect . I also need a hotel to stay in . Should be rated #HOTEL-INFORM-STARS# stars",
+ "I would like it to be #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a place to stay with #HOTEL-INFORM-STARS# stars .",
+ "I would like a #HOTEL-INFORM-STARS# star hotel that is priced moderatly . I do n't have preference in the part of town .",
+ "Does it have #HOTEL-INFORM-STARS# stars ? If so , go ahead and book it !",
+ "I do n't have a preference but I would like it to be #HOTEL-INFORM-STARS# stars ?",
+ "What is the name of the #HOTEL-INFORM-STARS# star one ?",
+ "No preference on area , but can you see if there are any that have #HOTEL-INFORM-STARS# stars ?",
+ "Are there any #HOTEL-INFORM-STARS# star ?",
+ "I need it to have #HOTEL-INFORM-STARS# stars please .",
+ "Please . And can I have the confirmation number as well ? Can you tell me if that is #HOTEL-INFORM-STARS# stars ?",
+ "Do either of those have #HOTEL-INFORM-STARS# star ratings ?",
+ "I want a place to stay with #HOTEL-INFORM-STARS# stars .",
+ "No , I do n't care about the location . I do want a #HOTEL-INFORM-STARS# star place though .",
+ "Not price specific but I want something #HOTEL-INFORM-STARS# star .",
+ "Does it have a #HOTEL-INFORM-STARS# star rating ? I would like a place with four stars ?",
+ "I ' m looking for one with #HOTEL-INFORM-STARS# stars , please .",
+ "That does n't matter . I would like a #HOTEL-INFORM-STARS# star hotel .",
+ "I do n't have one , but I 'd like one of #HOTEL-INFORM-STARS# stars .",
+ "Yes , please . We seem to have gone very astray . I need a moderately priced #HOTEL-INFORM-STARS# star guest house . It does n't matter where .",
+ "Hi , can you help me find a #HOTEL-INFORM-STARS# star place to stay ?",
+ "I have no price range but it needs to be #HOTEL-INFORM-STARS# star .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-STARS# star place to stay .",
+ "price does not matter . but i need a #HOTEL-INFORM-STARS# star",
+ "Thank you ! Does it have #HOTEL-INFORM-STARS# stars ?",
+ "I do not but I would like for it to be #HOTEL-INFORM-STARS# stars .",
+ "How about a #HOTEL-INFORM-STARS# star hotel ?",
+ "Is there a different #HOTEL-INFORM-STARS# star hotel available ?",
+ "I ' m sorry I do n't need a restaurant , I need to find a hotel that has #HOTEL-INFORM-STARS# stars .",
+ "I 'd like a place with #HOTEL-INFORM-STARS# stars .",
+ "Yes , a #HOTEL-INFORM-STARS# star rating would be great .",
+ "I know this sounds crazy , but I ' m looking for an expensive hotel with a #HOTEL-INFORM-STARS# star rating . The area does n't matter so much .",
+ "I do need #HOTEL-INFORM-STARS# star hotel as well .",
+ "Yes , I am looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "What 's the star rating ? I want to stay at a #HOTEL-INFORM-STARS# star place .",
+ "Oh , I ' m sorry , I also want to make sure it 's got a #HOTEL-INFORM-STARS# star rating , at least . Could you confirm that for me please ?",
+ "Yes , can you search for a #HOTEL-INFORM-STARS# star please ?",
+ "I would like a place with a #HOTEL-INFORM-STARS# star rating .",
+ "I would like a #HOTEL-INFORM-STARS# star hotel .",
+ "Can you try a #HOTEL-INFORM-STARS# star hotel instead , please ?",
+ "Any one of the #HOTEL-INFORM-STARS# star ones will do . Can you choose one and make me a reservation please ?",
+ "I need something with #HOTEL-INFORM-STARS# stars .",
+ "Yes thank you , I would like a star rating of #HOTEL-INFORM-STARS# please .",
+ "Not really , but I ' m looking for something with #HOTEL-INFORM-STARS# stars .",
+ "Yes lets look for a #HOTEL-INFORM-STARS# star rating hotel , please .",
+ "I am looking for something in the #HOTEL-INFORM-STARS# star range . Is that 2 stars ?",
+ "Yes , #HOTEL-INFORM-STARS# stars would be fine .",
+ "Forget the train for now , I need a #HOTEL-INFORM-STARS# star guesthouse .",
+ "I am looking for a place to stay with a #HOTEL-INFORM-STARS# star rating .",
+ "Can you find me a #HOTEL-INFORM-STARS# star hotel with free wi - fi ?",
+ "The price does n't matter as long as it 's a #HOTEL-INFORM-STARS# star hotel .",
+ "Is there anything with #HOTEL-INFORM-STARS# stars ?",
+ "The area does not matter , but it should have a #HOTEL-INFORM-STARS# star rating .",
+ "Do any of them have #HOTEL-INFORM-STARS# stars ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel . Ca n't wait to check out Cambridge .",
+ "yes a #HOTEL-INFORM-STARS# star rating at least",
+ "I do n't have preference on type of place , but it should have #HOTEL-INFORM-STARS# stars .",
+ "No particular area , I need a hotel with a #HOTEL-INFORM-STARS# star rating .",
+ "Not really but I do need a #HOTEL-INFORM-STARS# star rating .",
+ "Alright . I wanted a 1 star , but I guess I can listen to the #HOTEL-INFORM-STARS# star options .",
+ "I do n't mind about the price but I want something with #HOTEL-INFORM-STARS# stars .",
+ "I need a place with #HOTEL-INFORM-STARS# stars .",
+ "I need to find a #HOTEL-INFORM-STARS# star guest house that has free wifi . Can you help me ?",
+ "No preference in area but what is available with a #HOTEL-INFORM-STARS# star rating ?",
+ "No particular price range , but I would like it to be #HOTEL-INFORM-STARS# stars .",
+ "What about a #HOTEL-INFORM-STARS# star one then .",
+ "Are there any with a #HOTEL-INFORM-STARS# star rating ?",
+ "Are there any with a #HOTEL-INFORM-STARS# star rating ?",
+ "Do either of those have a #HOTEL-INFORM-STARS# star rating and are in a cheap price range ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "I do n't care about the price , but it should be #HOTEL-INFORM-STARS# stars .",
+ "I would like a #HOTEL-INFORM-STARS# star hotel .",
+ "Is that a #HOTEL-INFORM-STARS# star hotel ?",
+ "I need a place to stay in Cambridge . It should be either a hotel or guesthouse with #HOTEL-INFORM-STARS# star and moderate price range . Can you help me with that ?",
+ "Okay , how about #HOTEL-INFORM-STARS# stars ? It does need to include free parking .",
+ "How about a hotel with #HOTEL-INFORM-STARS# stars instead ?",
+ "No , thank you . I would like to see if you could find a place for me to stay that would have a #HOTEL-INFORM-STARS# star rating .",
+ "No , I 'll also need to find a place to stay with a #HOTEL-INFORM-STARS# star rating please .",
+ "How about a moderately priced , #HOTEL-INFORM-STARS# star guesthouse ?",
+ "I want one that 's #HOTEL-INFORM-STARS# stars .",
+ "Do any of these hotels have #HOTEL-INFORM-STARS# stars ?",
+ "I want at least #HOTEL-INFORM-STARS# stars rating . Are any of them 4 starts ?",
+ "Let 's try #HOTEL-INFORM-STARS# star hotels , instead .",
+ "Are any of the guesthouses #HOTEL-INFORM-STARS# stars ?",
+ "I guess a #HOTEL-INFORM-STARS# star guest house would be fine .",
+ "Yes , but needs to be a #HOTEL-INFORM-STARS# star in the north",
+ "Can you confirm that it has a #HOTEL-INFORM-STARS# star rating and free wifi ?",
+ "Are any of these accommodations a #HOTEL-INFORM-STARS# star ?",
+ "no i wanted a #HOTEL-INFORM-STARS# star hotel",
+ "Can you help me find a #HOTEL-INFORM-STARS# star rated place to stay please ?",
+ "should have a star of #HOTEL-INFORM-STARS# .",
+ "I would like one with #HOTEL-INFORM-STARS# stars please .",
+ "I ' m not picky , it just needs to have #HOTEL-INFORM-STARS# stars .",
+ "I do n't have a preference just #HOTEL-INFORM-STARS# stars please .",
+ "Does that hotel have a #HOTEL-INFORM-STARS# star rating ?",
+ "Not really , how about #HOTEL-INFORM-STARS# star ?",
+ "find me a place to stay which has #HOTEL-INFORM-STARS# star and preferably a guest house",
+ "Ok . Are there any #HOTEL-INFORM-STARS# star hotels with free wifi ?",
+ "I definitely want a hotel , and I 'd like a place that has #HOTEL-INFORM-STARS# stars .",
+ "Are there any hotels with a star of #HOTEL-INFORM-STARS# I can stay at ?",
+ "I 'd like it to be a hotel with #HOTEL-INFORM-STARS# stars if possible , are there any options ?",
+ "Can you find me a #HOTEL-INFORM-STARS# star hotel with wi - fi ?",
+ "No , but I am looking for a #HOTEL-INFORM-STARS# star hotel .",
+ "I really am interested in a #HOTEL-INFORM-STARS# star hotel and would rather not settle for a 2 star hotel .",
+ "How about one that has a star of #HOTEL-INFORM-STARS# ?",
+ "are any of them a #HOTEL-INFORM-STARS# star ?",
+ "Can you find me one with a #HOTEL-INFORM-STARS# star rating ?",
+ "Any area will do . Is there a cheap one that 's #HOTEL-INFORM-STARS# stars , with wifi ?",
+ "Looking for hotel with #HOTEL-INFORM-STARS# star in the center of town .",
+ "I would like something with a #HOTEL-INFORM-STARS# star rating if possible .",
+ "I would like a cheap place to stay at with #HOTEL-INFORM-STARS# stars .",
+ "I need help finding a #HOTEL-INFORM-STARS# star hotel",
+ "No , but I would like it to have a #HOTEL-INFORM-STARS# star rating .",
+ "Do you have any #HOTEL-INFORM-STARS# star places ?",
+ "It does not matter but I would like it to have a star rating of #HOTEL-INFORM-STARS# .",
+ "I want a guesthouse with a #HOTEL-INFORM-STARS# star rating .",
+ "A #HOTEL-INFORM-STARS# star rating please .",
+ "Is that #HOTEL-INFORM-STARS# stars and in the moderate price range ?",
+ "The star preference does n't matter . I 'll take the #HOTEL-INFORM-STARS# star .",
+ "Ok I need another hotel then it must be #HOTEL-INFORM-STARS# stars .",
+ "No but I would like it to be a #HOTEL-INFORM-STARS# star place .",
+ "I would like something with #HOTEL-INFORM-STARS# or 5 stars .",
+ "Maybe . Does it have #HOTEL-INFORM-STARS# stars ?",
+ "I need to book a hotel . I need it to be in the town center , and have a minimum star rating of #HOTEL-INFORM-STARS# .",
+ "I 'd also like it to have a #HOTEL-INFORM-STARS# star rating .",
+ "The hotel should be in the same area as the attraction and should have a star of #HOTEL-INFORM-STARS# .",
+ "Yes please . I actually do need a #HOTEL-INFORM-STARS# star rating too .",
+ "I need a place to stay that has #HOTEL-INFORM-STARS# stars .",
+ "I need a place to stay that has a #HOTEL-INFORM-STARS# star rating .",
+ "Do you have any #HOTEL-INFORM-STARS# star hotels available ?",
+ "Could you find me one with a star rating of #HOTEL-INFORM-STARS# ?",
+ "No . I really need an expensive one with #HOTEL-INFORM-STARS# stars . I do n't care about the area . Can you check again for me ?",
+ "no , but could it have a #HOTEL-INFORM-STARS# star rating ?",
+ "Are either of them #HOTEL-INFORM-STARS# star hotels ? Because that 's what I need .",
+ "I am open as far as price range , but I would love a #HOTEL-INFORM-STARS# star place .",
+ "No , the hotel needs to have a #HOTEL-INFORM-STARS# star rating . Can you please check your system again ? Thanks",
+ "I ' m actually looking for a #HOTEL-INFORM-STARS# star place . Any available ?",
+ "Sure , let 's try a #HOTEL-INFORM-STARS# star hotel .",
+ "Is the University Arms a #HOTEL-INFORM-STARS# star hotel ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel to stay in ."
+ ],
+ "none;": [
+ "Yes , I need a hotel as well .",
+ "What is the hotel 's rating ?",
+ "Get me a phone number for one that is close to the hotel and is free .",
+ "I ' m looking for a hotel called a and b quest house .",
+ "Ummm ... can you book that for me ? Or do I have to call the hotel myself ?",
+ "I need a hotel close to downtown Cambridge please .",
+ "Yes , do you have a different cheap hotel available ?",
+ "I ' m also looking for places to that are near the hotel",
+ "I also need a hotel called lovell Lodege",
+ "Actually , I ' m sorry . Would you be able to confirm that the hotel you ' ve booked has wifi ? I do n't have that in my notes .",
+ "I am looking to book at the warkworth hotel .",
+ "Does the hotel have a star rating of 0 ?",
+ "Yes let 's try another hotel in the same price range .",
+ "Yes , can you get me information about Huntingdon Marriot Hotel ?",
+ "Hi , can you give me some information on a particular hotel ?",
+ "I want to to leave the hotel by 10:30 .",
+ "No , you do n't have to do that . Can you recommend a 5 star hotel ?",
+ "Please do so , thank you . After that , I need a cheap hotel .",
+ "That sounds wonderful ! Is it in the same area as the hotel ?",
+ "Yes , I ' m looking for a hotel called Hobson 's House .",
+ "I need a three star hotel with internet . Can you help ?",
+ "A hotel is fine if you have it please .",
+ "Nah , the area does n't matter , I coming to celebrate so just as long as it 's an expensive , 4-star hotel , I ' m good .",
+ "I ' m looking for a specific hotel . Can you help me ?",
+ "Could you book me into one of the 2 hotels please .",
+ "Yes , Hi ! I am looking for a hotel in the tampa bay area .",
+ "Do you know much about hotels ?",
+ "No preference , but close to the hotel would be good .",
+ "Yes , please book the Ashley Hotel .",
+ "I am looking for information on a hotel .",
+ "Could you tell me more about their locations ? Do they offer free parking ? How far are each of them from my hotel ?",
+ "Would you also find me a hotel in the same area ?",
+ "I would have liked a hotel but if there is none then a guesthouse works for me",
+ "You know what ? I think I ' m going to hold off on the hotel reservation right now . Is there a swimiming pool near there ?",
+ "i will be leaving from the hotel",
+ "I actually do n't want free parking . Is there a hotel that does n't have free parking ?",
+ "Hi . Could you help me find a hotel for my trip ?",
+ "I really do n't have a price range in mind . I ' m still not sure I want to stay in a guesthouse , hotels are so much better for me .",
+ "Well , are there any other hotels that I can stay at during this time . I really need these dates .",
+ "I want to make sure that it 's a hotel and not just a guest house . It sounds like it 's not a guest house though , is that right ?",
+ "which of these hotels include free parking ?",
+ "Wait , before I commit , is Allenbell a guesthouse or a full hotel ?",
+ "12:15 on the same day as the hotel please",
+ "I would n't like to book a stay today , but thank you . Am I right in assuming that it 's a guesthouse and not a hotel ?",
+ "Actually , I wo n't be needing a hotel after all . Thank you for your help .",
+ "I ' m also looking for a hotel to stay at called huntingdon marriot hotel . What is the address ?",
+ "Does the hotel have free parking ?",
+ "Note yet . Can you tell me more about the hotel ?",
+ "I am looking for a particular hotel .",
+ "Is this a hotel or a guesthouse ?",
+ "yeah i want to book that hotel too . for the same group of people .",
+ "The Gonville Hotel is good . Can I book a room ?",
+ "Does it have free wifi and what is the rating of the hotel ?",
+ "I need the address of the hotel , please .",
+ "I am planning a trip and need help with a particular hotel .",
+ "I would like a hotel , not a guest house . Are any of those actual hotels ?",
+ "Can you still book hotels for me ?",
+ "Yes , i am looking for places to visit near my hotel . Any recommendations ?",
+ "I have a name of a hotel that I ' m looking to book .",
+ "Thanks . I am also looking for a hotel room .",
+ "Can you help me out with some information on a specific hotel ?",
+ "Thank you so much for your help . Can we also look at 4 star hotels in the same area ?",
+ "Forget the hotels . That 's all the information I need today . Thanks for all your help .",
+ "Thank you ! I ' m also looking for information on a hotel called Huntington Marriott Hotel please .",
+ "Yes , I would like to try a different hotel that is in the same price range .",
+ "Sure , lets try the University Arms Hotel .",
+ "I am looking for a certain hotel . Could you see if you might have any info on it ?",
+ "Nope . Pick a hotel you think I would like too .",
+ "Great ! I d 's like information on one of the hotels please .",
+ "Great , could I also find someplace near the hotel to go for fun ?",
+ "Can you please confirm that the hotel you ' ve booked for us offers free wi - fi ? I need to be able to work while I ' m there .",
+ "Can you help me find a hotel ?",
+ "It does n't matter as long as it is near the hotel .",
+ "What is the star of the hotel ?",
+ "I woule like to leave the hotel at 7:00 .",
+ "I will be leaving the hotel , please .",
+ "I also need a hotel .",
+ "Is that a hotel or a guesthouse ?",
+ "No . What other Hotels are nearby ?",
+ "A hotel would be perfect !",
+ "Yes , are there any other hotels in the same price range ?",
+ "Can you tell me what the price range is at the Gonville Hotel ?",
+ "Is this a hotel or a guesthouse ?",
+ "From the hotel discussed .",
+ "Thank you . I am also looking for a place to go in town . I would prefer something near the hotel .",
+ "I need a hotel as well .",
+ "I need some tourist information please . I need to know about a hotel called the arbury lodge guest house .",
+ "Can you give me some information on a hotel called holiday inn Cambridge , please ?",
+ "I am looking for a specific hotel .",
+ "I am going to cambridge and need a hotel",
+ "Yes i need to book at hotel .",
+ "Yes , can you help me find a hotel ?",
+ "I would like the hotel please .",
+ "I am also looking for a hotel on the north side of town with a 1 star rating",
+ "How much for a room in a hotel in the city center ?",
+ "I need a hotel to include free parking ; does either have that ?",
+ "Could you try a different hotel in the same pricerange please ?",
+ "Well , I can do the booking myself . Can you help me find a hotel instead ?",
+ "The hotel , please .",
+ "What sort of hotel is it ? Guest house or hotel ?",
+ "I need a hotel in Norwich please .",
+ "Can you help me find a hotel in Cambridge , preferably with free wi - fi , please ?",
+ "Yes I would like the number and I also need to know what star rating the hotel has .",
+ "I 'd prefer one in the same part of town as my hotel , are you sure there is n't one ?",
+ "Okay , what other hotels are there in the same price range ?",
+ "am looking for information about leverton hotel",
+ "So is the name of the hotel Express by Holiday Inn Cambridge or just Holiday Inn Cambridge ? Want to make sure I go to the right one !",
+ "Thanks so much . Can you also look up a hotel for me ?",
+ "Is the Gonville a good quality hotel ?",
+ "Something in the same range as the hotel please .",
+ "I am looking for a hotel please .",
+ "Are there anythings to do in the area around the hotel ?",
+ "I also will need a hotel",
+ "I ' m going from cambridge to stevenage on the same day as the hotel booking . I need to arrive by 12:30 .",
+ "Awesome ! I will also need to book a tai to go from the hotel to the nightclub .",
+ "It does n't matter where the hotel is located .",
+ "I ' m a tourist from out of town . But , I was trying to find something fun to do near my hotel . Could you recommend a place ?",
+ "Yes please I would like for you to book me a room at the huntingdon marriott hotel .",
+ "What is the name of the hotel ?",
+ "I need help finding a particular hotel .",
+ "Thank you , I ' m also looking for a hotel with free parking and wifi . Can you find me one ?",
+ "Hi , I could definitely use some help finding information on a particular hotel .",
+ "I really would like a hotel not a guesthouse , can you please search again - open to all areas .",
+ "yes , please try a different hotel in the same price range .",
+ "I need a hotel or guest house in Cambridge please .",
+ "I need a hotel the next town over .",
+ "No , thank you . I do n't need a hotel at this time .",
+ "I ' m looking for a particular hotel in cambridge , but I ca nt remember what its called . Can you help me ?",
+ "I would like a 1 star hotel .",
+ "Reference number please , come on , this is taking too long . And I did n't even get the hotel name from you , is there a manager ?",
+ "I only need to hotel information for now . Thank you for your help !",
+ "Can you try the other hotel then ?",
+ "Can you check for a different hotel in the same pricerange ?",
+ "Good evening . I ' m kind of in a situation . The hotel I had planned to stay was overbooked and I need to find me a room pretty quickly . Can you help ?",
+ "That is all I need for now . Thank you for finding the hotel .",
+ "I am look for a hotel near the beach near the main strip",
+ "I also need information regarding a hotel called Worth House .",
+ "I have a hotel that I really want to stay at today .",
+ "I need a hotel in the Cambridge area .",
+ "Thank you . I also need a hotel .",
+ "What is the name of the cheap hotel ?",
+ "Can you try the same parameters at another hotel ?",
+ "That will do . Can you give me the information about the hotel ?",
+ "How about a different hotel in the same price range ?",
+ "I also need a hotel to stay in .",
+ "Does that hotel include free wifi ?",
+ "Okay well I need free parking and wifi . do either one of these hotels have those amenities ?",
+ "Can you give me a suggestion for a hotel and make that reservation please ? Thanks .",
+ "Could you recommend me a hotel that is cheap ?",
+ "I want to leave the hotel by 21:15 to get to cineworld cinema , please .",
+ "Please book a different hotel in the same price range .",
+ "I am also looking for a hotel .",
+ "I 'll need to leave the hotel by 3:00 .",
+ "I ' m looking for a specific hotel in Cambridge .",
+ "I will need a hotel between the two .",
+ "Please help me find a hotel called Flinches Bed and Breakfast . Thanks .",
+ "Great , what was the hotel that you decided on for me ?",
+ "Is there another hotel in the same general price range ?",
+ "How about The Ashley Hotel ? I need a reservation please .",
+ "There has got to be at least one hotel in cambridge ! Try for 3 nights .",
+ "Yes . I would like to leave the hotel by 8:45 .",
+ "Yes , can you also help me find a hotel that has free parking and is expensive ?",
+ "What is the price range for this hotel ?",
+ "What is the name of the hotel please ?",
+ "Thank you . I 'd also like some hotel information .",
+ "No , not yet . Can you help with a hotel room ?",
+ "No but I need a hotel .",
+ "I would prefer one with free wifi included . Do either of the hotels offer free wifi ?",
+ "what kind of hotel is it ? Can I have their number ?",
+ "Good morning . Would you be able to tell me if you have any info on a certain hotel ?",
+ "can you please tell me about the star of the hotel",
+ "Great , I would like to book that hotel , please .",
+ "Yes ! Can you help me book a hotel room ?",
+ "Could we please try a different hotel that is close to The Acorn Guest House ?",
+ "Well I guess I ' m out of luck , unless there are hotels in adjoining towns I could try .",
+ "Yes please find another hotel .",
+ "Thank you ! Yes , what is the star of the hotel please ?",
+ "I ' m also looking for a hotel",
+ "Can you locate a shopping mall near the hotel ?",
+ "I am hoping to book a 5 star hotel in cambridge that is expensive . What ones are available to book for next Thursday through Sunday ?",
+ "I am looking for information about the kirkwood hotel .",
+ "I am in the market to book a hotel tonight .",
+ "Hello , can you help me with some information on a particular hotel ?",
+ "I also need a place to dine that is in the same area and price range as the hotel .",
+ "Thanks , I think that 's all I need . Could you just confirm whether the Allenbell is a Hotel or a Guest House ?",
+ "NO , I 'd rather another hotel if possible .",
+ "i ' m also looking for a hotel .",
+ "Yes , please book the hotel .",
+ "Thanks . Regarding the hotel , I forgot to ask you if it includes free parking ? It actually does not need to be in the North or cheap , I misspoke .",
+ "Another hotel will be fine as long as it 's in the same price range . Thank you .",
+ "I would like to book a hotel room for two .",
+ "I was hoping to book a hotel if one is available .",
+ "Sweet ! Can I also get some information on hotels ?",
+ "I would like to book a hotel .",
+ "I am looking for a specific hotel",
+ "Thank you . Can you give me the phone number for the hotel please ?",
+ "Can you provide me reviews about this listing . Is this a great hotel and what are the accommodations . Does this place have good customer service",
+ "Oh no , that 's not good ! I really wanted them to book a hotel that matches my criteria . Oh well .",
+ "Thanks ! I also need to book a hotel room .",
+ "Yes please find another hotel in the same price range for me .",
+ "How about a different hotel in the same price range ?",
+ "I am looking for an upscale hotel .",
+ "Could you give me the lowest price of the 6 hotels currently available ?",
+ "I just want to confirm that it is actually a hotel , as opposed to a guesthouse ?",
+ "No I want to stay in that area . What other hotel accomadations are in the area ?",
+ "No , that 's all I need . I ' m going to give the hotel a call . Thank you for your help !",
+ "I have a hotel in mind that I need some help to book .",
+ "Does the hotel offer free wifi ?",
+ "Are there any hotels with free parking , or just guesthouses ?",
+ "A hotel would be nice .",
+ "I would like information on booking a hotel for Friday night in Cambridge .",
+ "Yes , what about for hotel for friday night ?",
+ "I ' m sorry I do n't need a hotel . That was all . Thank you !",
+ "Can you tell me a little about that hotel please ?",
+ "What are the names of the 2 hotels ?",
+ "Pick one of the two hotels for us please .",
+ "Could you tell me the star of the hotel ?",
+ "I guess a hotel in the same area with any rating will do .",
+ "Where is the hotel located ?",
+ "Yes that will work thank you . I also need help finding a certain hotel if you can ?",
+ "Ashely hotel will be fine thank you",
+ "I need to be picked up at the hotel , please .",
+ "I am looking for a hotel .",
+ "I need a cab to get between both places , and I need to leave the hotel by 3:45",
+ "Which hotel is a star of 3 ?",
+ "I also need a hotel booking .",
+ "I would like to locate a particular hotel",
+ "the hotel by 14:45 .",
+ "Yes , I would like to book the hotel now .",
+ "The hotel , please .",
+ "Can I get more information on the hotel ?",
+ "That hotel sounds good to me . Thank you .",
+ "I ' m looking for a hotel , is that something you help with ?",
+ "Can you help me look up a particular hotel that I have in mind ?",
+ "I want to leave the hotel after 7:00 , please .",
+ "OK . Yes , can you book the hotel ?",
+ "I do need a hotel room booked .",
+ "I 'd like to find somewhere nice to stay , too . Can you help me find a hotel ?",
+ "yes i need to leave the hotel by 4:00",
+ "No , no star rating preference . Whichever hotel you recommend .",
+ "Let 's just try booking the same hotel for 1 night please .",
+ "I am also looking for a place to dine near the hotel .",
+ "I still have some requests for the hotel , before you book it .",
+ "Can you give me a name of the hotel ?",
+ "I would also like to find a great place to visit that is located near the hotel . Do you have any recommendations ?",
+ "Hi . I ' m looking for a particular hotel if you could help me with that ?",
+ "As long as it is a hotel and not any other type , then yes book it for me .",
+ "What about the other hotel ?",
+ "Aloha ! Can you help me find a hotel , please ?",
+ "Does the hotel have free parking ?",
+ "Can you provide me with the telephone number to Cambridge Belfry Hotel in case i need to get further assistance on directions .",
+ "Thank you ! Can you also help me find a hotel ?",
+ "What is the rating of this hotel ?",
+ "Does the Lensfield Hotel include parking ?",
+ "A hotel , please . I ' m not worried about the price .",
+ "In the same area as the hotel",
+ "Yes I am seeking information on a particular hotel , Hobson 's House .",
+ "I want a hotel but I do n't have an area preference .",
+ "It really needs to be in the south and have a 5 star rating . It can be a hotel or guesthouse though .",
+ "A 2 star hotel is fine does it have free wifi ?",
+ "I am looking for a hotel .",
+ "Thanks ! I ' m also looking for a place to go near that hotel . Can you help me out with that ?",
+ "I would like to book a room at that hotel . Can you go ahead and book that for me .",
+ "No , that is the name of the hotel , can you try again ?",
+ "Yes . Can you book a hotel for the same evening ?",
+ "Could you tel me the star of the hotel ?",
+ "Thank you . Can you assist me with finding a hotel as well ?",
+ "i ' m looking for a particular hotel",
+ "Sure . But I still need to book a hotel . Is there anything else available ?",
+ "Yes let 's try a different hotel .",
+ "What was the name of the hotel please ?",
+ "Yes . A different hotel in the same price range would be fine .",
+ "I need some information on a hotel , can you help with that ?",
+ "Hi , I ' m trying to find a hotel to stay at . Can you help with that ?",
+ "The same as the hotel please",
+ "I think the huntingdon marriot hotel . Could I get the passcode ?",
+ "Can you find a hotel in the same price range ?",
+ "I ' m going to need a ride to get from the hotel to the museum .",
+ "I need to leave the hotel at 5:30 , please .",
+ "Is there another hotel available that will accommodate my stay ?",
+ "I ' m excited about my trip to Cambridge to sight see , and need a hotel while I ' m there .",
+ "No , you said Leverton was n't available . Please just book a different hotel in the same price range as Leverton . Thanks .",
+ "I would like to leave the hotel by 8:30 .",
+ "Could you check your system again ? I really need a hotel .",
+ "No , thanks . Are you sure you ca n't find 1 star hotels ?",
+ "I apologize . I seem to be a bit ahead of myself today . What kind of hotel was the Warkworth house ?",
+ "i also need a hotel",
+ "I need to find a hotel in the south please",
+ "The same day as my hotel booking , please .",
+ "Do you know any other hotels that fit my criteria which you could contact at the moment ?",
+ "Yes , can you help me find a place to dine that is in the same area as the hotel ?",
+ "Can you help me find a particular hotel ?",
+ "We should be able to help you locate a hotel that will fit your needs .",
+ "No . Just look up any 3 star hotel , please .",
+ "I ' m planning my trip to Cambridge and am looking for a particular hotel .",
+ "I would like to book a hotel .",
+ "Alexander Bed and Breakfast sounds nice . What kind of hotel is it ?",
+ "No thank you . That is a hotel and not a guesthouse right ?",
+ "Hi , I could sure use some help with my planning . I am looking for a particular hotel .",
+ "Is there any hotel available for you to book ?",
+ "Why do n't you recommend one of the hotels ?",
+ "What is the star rating of the hotel ?",
+ "I would like to find information about the hotel Express by Holiday Inn in Cambridge .",
+ "Please book me that hotel , it fits my preferences .",
+ "just any that is inn the same area as the hotel",
+ "Thank you for your help in booking the hotel for me !",
+ "Are there any other hotels available ?",
+ "A hotel is fine whichever you recommend .",
+ "Hello , I am planning a trip and need some information on a particular hotel .",
+ "I would like to book the Ashley Hotel .",
+ "Thank you ! I ' m also looking for some places to go around the hotel . Do you have any recommendations ?",
+ "I would need a hotel also .",
+ "I need to go to the theatre . I need to leave the hotel by 13:00 .",
+ "From the hotel that was booked for me",
+ "Hello , I 'd like to get some info one a hotel please .",
+ "I need help with a particular hotel , can you do that ?",
+ "There is a certain hotel I want to stay in , can you book that ?",
+ "I also need a hotel room .",
+ "Hmm , really . I thought there was . Can you double check please ? It can be either a hotel or guesthouse .",
+ "Can we try a different day or a different hotel ?",
+ "Does that hotel have a 4-star rating ?",
+ "Is that a hotel or a guesthouse ?",
+ "Is this a hotel or a guesthouse ?",
+ "I am just looking for information . What kind of hotel ? Hotel or guest house ?",
+ "Sure , can you help me find a particular hotel ?",
+ "Can you find another hotel in the same pricerange ?",
+ "I ' m actually going to call the hotel before I make the reservation . I think you for your time . Have a nice day .",
+ "Thank you . I ' m also looking for a particular hotel called the Huntington Marriot Hotel . Can you help me ?",
+ "No , I want to keep it in the type of hotel . Does this hotel have free wifi ?",
+ "I almost forgot , my husband would like for the hotel to have free wifi . Does that hotel meet that criteria ?",
+ "Oh , bummer . How about a different hotel in the same price range ?",
+ "please recommend another hotel in that same price range .",
+ "Yes a hotel please .",
+ "Does the Ashley hotel include free wifi ?",
+ "I 'll be leaving from the hotel .",
+ "I need a moderately prices two start hotel in the north with wifi . Can you help ?",
+ "Do you have any information on a hotel called the Acorn Guesthouse ?",
+ "Are there any hotel rooms left ?",
+ "The reference number is great but it 's going to be hard to find if I do n't know the name . Can you tell me the name of the hotel ?",
+ "I ' m looking for a place to stay . Can you help me find a hotel ?",
+ "The nearest one to the hotel .",
+ "Yes , thank you . I ' m also looking for a hotel , is there any chance you can help me with that ?",
+ "Are there good hotels ?",
+ "It can be a guesthouse or a hotel . Does that open up my options ?",
+ "Yes , I would . How about a different hotel in the same price range ?",
+ "Just any hotel in the same price range please .",
+ "How about trying the Gonville Hotel ?",
+ "I ' m just looking for a hotel to stay at tonight please .",
+ "Yes , please tell me about the four star hotels , the cheaper of the two .",
+ "I need help finding a hotel , please .",
+ "I would like to make a reservation at Hotel Du Vin and Bistro .",
+ "Can you try another hotel in the same price range ?",
+ "I do n't care which area the hotel is in .",
+ "Try either a hotel or guesthouse .",
+ "Can you try another hotel in the same pricerange ?",
+ "It does n't matter . You can just recommend the one you think is best as long as it is british and in the same area as my hotel",
+ "Hi , I am planning a trip and need some information on a particular hotel .",
+ "Thank you . Can you also help me find a hotel for my group ?",
+ "Ss the gonville hotel a hotel and not a guesthouse ?",
+ "Can you find me alpha - milton guest hotel ?",
+ "Well I ' m not certain . I was hoping you could tell me . Is there more than one guest hotel named alpha - milton ?",
+ "And that is a hotel or a guesthouse ?",
+ "I ' m still working out the details for all of that . Can you tell me the star rating of the hotel ?",
+ "I ' m going to be headed from the Cambridge Punter back to the hotel .",
+ "I would also like a hotel in the area .",
+ "I would like a hotel to stay in while I visit cambridge .",
+ "I ' m looking to book a particular hotel today . Could you help me ?",
+ "Hello . Can you help me in locating a certain hotel ?",
+ "I am looking for a hotel near the city center moderately priced .",
+ "I also am looking for a hotel in Cambridge .",
+ "Can you help me with finding a hotel today , please ?",
+ "Can you help me find a hotel today ?",
+ "That is all I need for the hotel . But I am looking for a place to dine .",
+ "Hi . I need to find a hotel , can you help me ?",
+ "How much is each hotel ?",
+ "I am looking to book a hotel in the Cambridge area .",
+ "I need a particular hotel please .",
+ "Can you book this hotel ?",
+ "Yes please another hotel in the same price range if possible .",
+ "Yes that will be fine . Could you recommend a nice hotel ?",
+ "Can you please confirm for me if the hotel has free wifi and what part of town it is in ? Thanks .",
+ "I ' m looking for a specific hotel . Can you help me ?",
+ "Do any of the hotels offer free parking ?",
+ "I am looking for a certain hotel . I think that it is called something like Allenball",
+ "One moment i need to located a hair salon near the hotel can you assist me ?",
+ "No , no star rating preference . Whichever hotel you recommend .",
+ "Actually I need more information on the hotels . Does Aylesbury House have free parking ?",
+ "Oh , yeah , can you get me a car from dinner to the hotel ?",
+ "Is there another hotel that matches that criteria ?",
+ "please give me the reference number for the hotel",
+ "Yes . I also need to find a place to dine that is in the center and the same price range as the hotel .",
+ "No , I do n't need a hotel booking at this time . I 'd like to find a place to dine on Sunday .",
+ "Now I will need to find a hotel for the remainder of my visit . Can you help with that ?",
+ "And the Cambridge Belfry is a hotel or guesthouse ?",
+ "Well I also will be needing somewhere to stay . Is there a museum located close to a hotel ?",
+ "Can you tell me if the Hamilton is a hotel or guesthouse ?",
+ "I almost forgot ; I need the hotel name , LOL .",
+ "Yes a hotel that is near that one .",
+ "What is the star rating for that hotel ? Can you check that for me ?",
+ "I ' m looking for a hotel .",
+ "No thank you I just need the information for the hotel please .",
+ "Yes let 's try another hotel in the same price range .",
+ "Thank you . I ' m looking for places to go in town . Can you recommend something near the hotel ?",
+ "I need a one bed hotel room near Cambridge on Friday . Can you assist ?",
+ "I also need a hotel room .",
+ "I am looking for a hotel in Cambridge .",
+ "Yes a hotel in the same price range .",
+ "How many stars does this hotel have , and does it have wifi ?",
+ "I need something in the same price range as the hotel .",
+ "I ' m looking for a certain hotel someone recommended , I think it 's called the Gonville ?",
+ "Does the hotel have free wi - fi ?",
+ "i also need a hotel",
+ "How about a hotel room ?",
+ "The hotel please , thanks .",
+ "I need more information before booking . How many stars does The Lensfield hotel have ? Does it include free wifi ?",
+ "Thank you . Out of curiosity , is that a guesthouse or hotel ?",
+ "Lets try City centre north b and b , if that is not successful , any hotel in the same price range",
+ "I ' m just looking for now . Can you recommend a hotel ?",
+ "Does the Gonville hotel have free parking ?",
+ "Yes please could you try a different hotel in the same price range ?",
+ "Do you have a hotel with free parking ?",
+ "Okay , I am looking for a 1-star hotel . Are any of those options 1-star hotels ?",
+ "I m not picky as long as it is in the same area as the hotel",
+ "I also need to find a hotel in the area . Can you help me with that ?",
+ "Actually , could you check for a hotel that also has free wifi ?",
+ "Hello . I need to get to the airport from my hotel .",
+ "ok . can you find me a nice hotel where i can spend over the weekend",
+ "No , I need it for those days . Can you try different hotel ?",
+ "I want to leave the hotel by 09:15",
+ "Yes , hopefully you can help with some information on a particular hotel ?",
+ "Are there good hotels that you can book ?",
+ "between the hotel and the arcon guest house .",
+ "Oh sure , I would like to leave the hotel by 9:45 .",
+ "I 'd like to leave the hotel by 3:15 please .",
+ "I ' m looking for some info on a hotel called the cambrdige belfry .",
+ "Can you also help me find a hotel ?",
+ "I also need a hotel .",
+ "This is horrible . Can you cancel that please ? I need a hotel .",
+ "Does this hotel offer free wifi ?",
+ "I ' m actually going to call the hotel before I make the reservation . I think you for your time . Have a nice day .",
+ "Yes , hopefully you can help with some information on a particular hotel ?",
+ "Yes Can you find me a hotel that is cheap ?",
+ "Is that a hotel or a guesthouse ? And do they happen to provide free Internet ?",
+ "It needs to be close to my hotel and open late .",
+ "Yes , I 'd like a hotel in the same area .",
+ "I need a hotel room . Are there any left ?",
+ "Thank you . Is it considered a hotel or guesthouse ?",
+ "How about a different hotel in the same price range ?",
+ "I am coming from 4455 Woodbridge Road . It 's the hotel next to the Shell gas station and Cambridge College .",
+ "I ' m looking for a certain hotel , can you help me find it ?"
+ ],
+ "Price;Stars;": [
+ "Whoa whoa , easy there tiger , Lets narrow the search down first . In the center , #HOTEL-INFORM-STARS# stars , #HOTEL-INFORM-PRICE# and it can be a hotel or guesthouse .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# place to stay in Cambridge .",
+ "Are there any #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotels with free parking ?",
+ "Great , thanks for that . I ' m also looking for a place to stay . It should be a #HOTEL-INFORM-STARS# star hotel but #HOTEL-INFORM-PRICE# .",
+ "Hello , I ' m looking for a #HOTEL-INFORM-PRICE# place to stay with #HOTEL-INFORM-STARS# stars .",
+ "Yes , I also need a #HOTEL-INFORM-PRICE# guest house . It should be #HOTEL-INFORM-STARS# stars in any area .",
+ "Yes , it needs to be #HOTEL-INFORM-PRICE# with #HOTEL-INFORM-STARS# stars !",
+ "Yes , I need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel with free parking ?",
+ "Could you help me find a place to stay ? I am looking for a hotel with #HOTEL-INFORM-STARS# stars and has a #HOTEL-INFORM-PRICE# price .",
+ "I am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# price range",
+ "I 'd like to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star place in the cheap price range please .",
+ "I need one that 's #HOTEL-INFORM-PRICE# and has a #HOTEL-INFORM-STARS# star rating .",
+ "I do n't care about location , just would like a #HOTEL-INFORM-PRICE# price with #HOTEL-INFORM-STARS# stars please .",
+ "I would like somewhere with a #HOTEL-INFORM-STARS# star rating at #HOTEL-INFORM-PRICE# price range",
+ "How about #HOTEL-INFORM-PRICE# price range with a star of #HOTEL-INFORM-STARS# ?",
+ "I am looking for a place to stay . It should be in a #HOTEL-INFORM-PRICE# price range and should be a star of #HOTEL-INFORM-STARS# .",
+ "No thank you but I do need a place to stay that has a star of #HOTEL-INFORM-STARS# and in the #HOTEL-INFORM-PRICE# price range",
+ "Yes I am looking for a place to stay in Cambridge that is #HOTEL-INFORM-STARS# stars and #HOTEL-INFORM-PRICE# . Can you help me ?",
+ "Do those both have #HOTEL-INFORM-STARS# star ratings and are #HOTEL-INFORM-PRICE# ?",
+ "I am also looking for a place to stay that is #HOTEL-INFORM-PRICE# and #HOTEL-INFORM-STARS# stars .",
+ "Not about to stay at a nasty hotel . Can you find an #HOTEL-INFORM-PRICE# hotel with at least a #HOTEL-INFORM-STARS# star rating that includes wifi ?",
+ "I ' m taking a trip in cambridge and need a place to stay . I would like a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-PRICE# price range .",
+ "I 'd like it to be #HOTEL-INFORM-PRICE# . #HOTEL-INFORM-STARS# star rated .",
+ "Yes , I ' m also looking for a place to stay . I 'd like it to be #HOTEL-INFORM-PRICE# with a star of #HOTEL-INFORM-STARS# .",
+ "How about something with #HOTEL-INFORM-STARS# stars and something #HOTEL-INFORM-PRICE# .",
+ "Great , please be sure it 's in the #HOTEL-INFORM-PRICE# price range with a star rating of #HOTEL-INFORM-STARS# .",
+ "Is that #HOTEL-INFORM-STARS# star with a #HOTEL-INFORM-PRICE# price ?",
+ "I think a bed and breakfast would be fine . I just need a #HOTEL-INFORM-PRICE# price range #HOTEL-INFORM-STARS# star place .",
+ "Thank you . I ' m also looking for a place to stay . I 'd like a guest house that 's #HOTEL-INFORM-PRICE# with a star of #HOTEL-INFORM-STARS# .",
+ "I would like to keep it #HOTEL-INFORM-PRICE# if possible and something #HOTEL-INFORM-STARS# star rated please .",
+ "Can you double check for a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range with free parking ?",
+ "A #HOTEL-INFORM-PRICE# place with #HOTEL-INFORM-STARS# stars .",
+ "I need to find a #HOTEL-INFORM-STARS# star hotel that has #HOTEL-INFORM-PRICE# price .",
+ "I do n't care , just something in the #HOTEL-INFORM-PRICE# price range and #HOTEL-INFORM-STARS# stars .",
+ "How about some place #HOTEL-INFORM-PRICE# , with #HOTEL-INFORM-STARS# stars ?",
+ "I also need a hotel in #HOTEL-INFORM-PRICE# price range and star rating of #HOTEL-INFORM-STARS# .",
+ "It should be an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "I am looking for a #HOTEL-INFORM-PRICE# price #HOTEL-INFORM-STARS# star hotel . Can you help with that please ?",
+ "I also want to find an #HOTEL-INFORM-PRICE# place to stay with a star rating of #HOTEL-INFORM-STARS# please .",
+ "I also need a very #HOTEL-INFORM-PRICE# hotel with #HOTEL-INFORM-STARS# stars can you help me find one ?",
+ "Thank you I also need a place to stay . I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "Are there any #HOTEL-INFORM-STARS# star ratings in the west ? I ' m looking for a #HOTEL-INFORM-PRICE# hotel basically !",
+ "How about a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-PRICE# price ?",
+ "I would also like to find and #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star place to stay .",
+ "No , I really need #HOTEL-INFORM-STARS# stars . Could you check for a #HOTEL-INFORM-PRICE# price range ?",
+ "How about something #HOTEL-INFORM-PRICE# with a #HOTEL-INFORM-STARS# star rating ?",
+ "How about one that has a #HOTEL-INFORM-STARS# star rating and is #HOTEL-INFORM-PRICE# ?",
+ "What about #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotels ?",
+ "i am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-PRICE# price range and should have a star of #HOTEL-INFORM-STARS# .",
+ "Something #HOTEL-INFORM-PRICE# , but #HOTEL-INFORM-STARS# star quality .",
+ "No , would you be able to look into another hotel for me ? Do you have any hotels that have #HOTEL-INFORM-STARS# stars and are in the #HOTEL-INFORM-PRICE# cost range ?",
+ "Are there any #HOTEL-INFORM-PRICE# hotels that have #HOTEL-INFORM-STARS# stars ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star hotel that is #HOTEL-INFORM-PRICE# .",
+ "I ' m not sure but I ' m looking for something in the #HOTEL-INFORM-PRICE# price rating with #HOTEL-INFORM-STARS# stars .",
+ "I need something #HOTEL-INFORM-PRICE# , but I am hoping for at least #HOTEL-INFORM-STARS# stars . Is that possible ?",
+ "How about a #HOTEL-INFORM-STARS# star guesthouse in the #HOTEL-INFORM-PRICE# price range ?",
+ "No but I want it to be #HOTEL-INFORM-PRICE# and have a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "I am looking to stay at a #HOTEL-INFORM-STARS# star rated place in the #HOTEL-INFORM-PRICE# price range .",
+ "I do n't have a preference . I wold just like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# .",
+ "I 'd like a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-PRICE# price range please .",
+ "I want to find a #HOTEL-INFORM-STARS# star hotel with a #HOTEL-INFORM-PRICE# price .",
+ "Not at the moment . I would , however , like information on a place to stay in the #HOTEL-INFORM-PRICE# price range with a rating of #HOTEL-INFORM-STARS# stars .",
+ "Yes . Also , please find me a #HOTEL-INFORM-PRICE# hotel with a star of #HOTEL-INFORM-STARS# .",
+ "it should have star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# range .",
+ "I really would like a #HOTEL-INFORM-STARS# star hotel . Is there one in the #HOTEL-INFORM-PRICE# price range , then ?",
+ "I would like #HOTEL-INFORM-PRICE# with a #HOTEL-INFORM-STARS# star rating please .",
+ "How about a guesthouse with a star rating of #HOTEL-INFORM-STARS# that is #HOTEL-INFORM-PRICE# ?",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "I also need a place to stay . I ' m looking for a #HOTEL-INFORM-STARS# star place in the #HOTEL-INFORM-PRICE# price range .",
+ "Thank you , I ' m also looking for a place to stay in the #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars .",
+ "I need to stay at an #HOTEL-INFORM-PRICE# hotel that has a #HOTEL-INFORM-STARS# star rating . Can you help me ?",
+ "I would like a #HOTEL-INFORM-PRICE# priced one with a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel with a rating of #HOTEL-INFORM-STARS# out of 5 stars .",
+ "Yes , I need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for a place to stay in cambridge in the #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars",
+ "I also need to get a place to stay that is in the #HOTEL-INFORM-PRICE# price range and have #HOTEL-INFORM-STARS# stars .",
+ "The area does n't matter , but I would like it to be an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "I also need to get a place to stay that is in the #HOTEL-INFORM-PRICE# price range and have #HOTEL-INFORM-STARS# stars .",
+ "Could you check again ? A #HOTEL-INFORM-PRICE# priced , #HOTEL-INFORM-STARS# star hotel or guesthouse , that offers free wifi and parking .",
+ "Yes please , I 'd like it to be in the #HOTEL-INFORM-PRICE# price range and I 'd also like to stay at a #HOTEL-INFORM-STARS# star location .",
+ "I also need to find a #HOTEL-INFORM-PRICE# priced place to stay with a #HOTEL-INFORM-STARS# star rating .",
+ "i am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# price range .",
+ "I also need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# place to stay .",
+ "i am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# price range .",
+ "Hmm , I kind of was looking for something #HOTEL-INFORM-STARS# star rated with free wifi but in the #HOTEL-INFORM-PRICE# price range if possible . Do you have anything like that ?",
+ "I ' m looking for a place to stay , some place #HOTEL-INFORM-PRICE# and with a #HOTEL-INFORM-STARS# star rating .",
+ "I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# place please .",
+ "I ' m not looking for a specific area but I would like it to be a #HOTEL-INFORM-STARS# star and #HOTEL-INFORM-PRICE# please .",
+ "It should be in the #HOTEL-INFORM-PRICE# range and have a star rating of #HOTEL-INFORM-STARS# . Thanks !",
+ "Can you help me find a place to stay ? I am looking a #HOTEL-INFORM-STARS# star hotel with a #HOTEL-INFORM-PRICE# price .",
+ "Can you find a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "I would like #HOTEL-INFORM-PRICE# pricing and #HOTEL-INFORM-STARS# stars please",
+ "Hmm .. okay , how about #HOTEL-INFORM-PRICE# ? Big thing I guess is free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "Can I get information on #HOTEL-INFORM-STARS# star hotels in the #HOTEL-INFORM-PRICE# price range ?",
+ "I ' m looking for something in a #HOTEL-INFORM-PRICE# price range , but it must have at least a #HOTEL-INFORM-STARS# star rating .",
+ "No . thank you . I am also looking for a place to stay . I would like a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range .",
+ "Hm , I would rather stay at a #HOTEL-INFORM-PRICE# hotel with a #HOTEL-INFORM-STARS# star rating .",
+ "I want to stay at an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel .",
+ "Thank you so much . Can you help me find a place to stay ? I would like a #HOTEL-INFORM-STARS# star place that 's in the #HOTEL-INFORM-PRICE# price range .",
+ "There are no #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotels in the whole of London ?"
+ ],
+ "Parking;Stars;": [
+ "I ' m looking for a place to stay that has a star of #HOTEL-INFORM-STARS# and free parking .",
+ "Yes please . I also need a hotel with at least #HOTEL-INFORM-STARS# stars and free parking .",
+ "No , but I 'd like to stay in a #HOTEL-INFORM-STARS# star hotel that offers free parking .",
+ "It does n't matter but I do prefer a #HOTEL-INFORM-STARS# star with free parking .",
+ "I am looking for #HOTEL-INFORM-STARS# star lodging with free parking included",
+ "Yes I need to find a hotel with free parking and #HOTEL-INFORM-STARS# star rating .",
+ "I also need a place to stay . I would like to find a #HOTEL-INFORM-STARS# star holel that has free parking .",
+ "I am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking",
+ "I want to know about #HOTEL-INFORM-STARS# star hotels that include free parking for guests .",
+ "Ok , I also need a #HOTEL-INFORM-STARS# star place to stay with free parking .",
+ "I would like a #HOTEL-INFORM-STARS# star guesthouse with free parking .",
+ "No I do not I would like a #HOTEL-INFORM-STARS# star guesthouse in the west with free parking .",
+ "That would be great , thanks . I am also looking for a hotel . I would prefer a #HOTEL-INFORM-STARS# star hotel . I do not need parking .",
+ "I ' m looking for something with a #HOTEL-INFORM-STARS# star rating and also free parking . Is anything like that available ?",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel does n't need to have free parking .",
+ "Hi ! I 'd like a hotel with a #HOTEL-INFORM-STARS# star rating and free parking , please .",
+ "Yes , but the place will also need to have #HOTEL-INFORM-STARS# stars and free parking .",
+ "I am looking for hotel with #HOTEL-INFORM-STARS# star and free parking in Cambridge .",
+ "I need to book a place to stay with a star of #HOTEL-INFORM-STARS# . I do n't need free parking .",
+ "I need to find a #HOTEL-INFORM-STARS# star hotel that also has free parking .",
+ "The area does n't really matter too much . I would like something with #HOTEL-INFORM-STARS# stars and free parking though .",
+ "Yes , I ' m looking for a #HOTEL-INFORM-STARS# star rated guesthouse in the west with free parking .",
+ "I am looking for a hotel with a #HOTEL-INFORM-STARS# star rating and free parking",
+ "Are there any with a star of #HOTEL-INFORM-STARS# ? I 'd like free parking as well if that is available .",
+ "I 'd prefer something with #HOTEL-INFORM-STARS# stars , and I need free parking as well .",
+ "Thank you ! also looking for a place to stay . The hotel should include free parking and should have a star of #HOTEL-INFORM-STARS# .",
+ "Well then yes , #HOTEL-INFORM-STARS# stars would be OK .",
+ "Does it have free parking ? And is it a #HOTEL-INFORM-STARS# star hotel ? Because that is what I ' m looking for .",
+ "Not really . I like #HOTEL-INFORM-STARS# star places that include free parking though .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel that has free parking .",
+ "I do n't have an area preference but it should have a star of #HOTEL-INFORM-STARS# and have free parking .",
+ "I would like a #HOTEL-INFORM-STARS# star place to stay in but I do n't need parking .",
+ "I am looking for a hotel with a #HOTEL-INFORM-STARS# star rating and free parking",
+ "No but I would like free parking and a star of #HOTEL-INFORM-STARS# please .",
+ "I need a place to stay , some hotel with #HOTEL-INFORM-STARS# star rating and free parking .",
+ "I 'd like to find a #HOTEL-INFORM-STARS# star lodging with free parking .",
+ "The hotel does n't need to have free parking and should have a star of #HOTEL-INFORM-STARS# .",
+ "I do n't mind which area but I need free parking and somewhere with #HOTEL-INFORM-STARS# stars if possible .",
+ "I 'd also like the place to include free parking and a #HOTEL-INFORM-STARS# star rating",
+ "Hi , I am looking for a #HOTEL-INFORM-STARS# star hotel to stay at . Free parking is not necessary .",
+ "We will need free parking . Do any of the options have #HOTEL-INFORM-STARS# stars ?",
+ "I would like one with #HOTEL-INFORM-STARS# stars and free parking .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star lodging with free parking .",
+ "I would like to find a place to stay with a #HOTEL-INFORM-STARS# star rating and free parking .",
+ "The rating should be #HOTEL-INFORM-STARS# stars and I want free parking to be included .",
+ "I do n't have a price range in mind . But I would like a #HOTEL-INFORM-STARS# star rating and somewhere that offers free parking .",
+ "I also am looking for a hotel with a #HOTEL-INFORM-STARS# star rating and free parking .",
+ "I need a place to stay in Cambridge that is a #HOTEL-INFORM-STARS# star hotel with or without free parking .",
+ "No , but I want a hotel with free parking and has a star rating of at least #HOTEL-INFORM-STARS# .",
+ "Oh wow . I really need to find something . Would you mind looking again ? #HOTEL-INFORM-STARS# Star rated in the east with free parking . I would really appreciate it .",
+ "Thanks ! i ' m also looking for a place to stay with free parking and #HOTEL-INFORM-STARS# stars .",
+ "i do n't have a preference . I would like a room with a #HOTEL-INFORM-STARS# star and free parking",
+ "Alright , are there any #HOTEL-INFORM-STARS# star hotels that offer free parking ?",
+ "I would also like it to have a #HOTEL-INFORM-STARS# star rating and free parking",
+ "Help me find a place to stay that has free parking and #HOTEL-INFORM-STARS# stars .",
+ "I would like to find a #HOTEL-INFORM-STARS# star hotel to stay at that includes free parking . Do you know of any ?",
+ "Hi I need to find a place to stay with a #HOTEL-INFORM-STARS# star rating with free parking",
+ "Great can you find one with free parking and a #HOTEL-INFORM-STARS# star rating",
+ "Hi I ' m looking to stay at a place with a #HOTEL-INFORM-STARS# star rating that has free parking",
+ "Yes I am looking for a place to stay that includes free parking and has #HOTEL-INFORM-STARS# stars .",
+ "Yes , I 'd like a #HOTEL-INFORM-STARS# star place . It does n't need to have free parking .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel with free parking .",
+ "Please find me a hotel in cambridge with #HOTEL-INFORM-STARS# star rating and free parking .",
+ "Great . I ' m also looking for a #HOTEL-INFORM-STARS# star hotel with free parking .",
+ "No . I need free parking and a #HOTEL-INFORM-STARS# star rating . Would you possibly have a guesthouse with that .",
+ "It does n't have to be a hotel . I just need something with a #HOTEL-INFORM-STARS# star rating with free parking .",
+ "Can you find me a spot to stay with free parking and a #HOTEL-INFORM-STARS# star rating ?",
+ "Actually , if you do n't have any 1 star guesthouses , how about a #HOTEL-INFORM-STARS# star guesthouse , with free parking .",
+ "Hi , I need to find a hotel with a #HOTEL-INFORM-STARS# star rating that includes free parking . Do you have anything like that ?",
+ "If you could recommend one that would be great , as long as it has free parking and is #HOTEL-INFORM-STARS# stars .",
+ "What about #HOTEL-INFORM-STARS# star places ? And i need free parking .",
+ "I know I have found places with those requirements before . I just do n't remember the name . I really want to stay moderately priced with the #HOTEL-INFORM-STARS# stars and parking .",
+ "I need to find a #HOTEL-INFORM-STARS# star rated place to stay with free parking .",
+ "Thanks ! I also need a place to stay with free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "I need it to have #HOTEL-INFORM-STARS# stars and parking too .",
+ "No , is there one with free parking and #HOTEL-INFORM-STARS# star ?",
+ "I ' m looking for a place that has #HOTEL-INFORM-STARS# stars and free parking .",
+ "I am looking for a palce to stay in cambridge that includes free parking and has a #HOTEL-INFORM-STARS# star rating",
+ "I ' m looking for a place to stay . I want to make sure it is #HOTEL-INFORM-STARS# stars and includes free parking . Can you help with this ?",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking .",
+ "Yes . The hotel should have #HOTEL-INFORM-STARS# star rating and include free parking .",
+ "Great I am also looking for a hotel with a #HOTEL-INFORM-STARS# star rating that has free parking .",
+ "The hotel should be rated #HOTEL-INFORM-STARS# stars and should include frees parking .",
+ "I am looking for place to stay in Cambridge . I would like a #HOTEL-INFORM-STARS# star hotel that includes free parking , please .",
+ "I need a place to stay . I ' m looking for a place with #HOTEL-INFORM-STARS# stars and free parking .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star place to stay that includes free parking .",
+ "I need it to have a #HOTEL-INFORM-STARS# star rating and have free parking .",
+ "I ' m looking to stay at a #HOTEL-INFORM-STARS# star hotel that includes free parking .",
+ "I actually want a #HOTEL-INFORM-STARS# star location and with free parking too",
+ "Is there one with free parking and a #HOTEL-INFORM-STARS# star rating ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star rated place to stay at that does n't need to have free parking",
+ "Either one is fine , but I would like it to have #HOTEL-INFORM-STARS# stars . It does n't need to have free parking .",
+ "any area but ut has have free parking and a #HOTEL-INFORM-STARS# star",
+ "Does it have a star of #HOTEL-INFORM-STARS# and free parking ?",
+ "I need something with free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "I would like to have a #HOTEL-INFORM-STARS# star rating with free parking .",
+ "Yes , I ' m open to a hotel as long as it 's a #HOTEL-INFORM-STARS# star with free parking",
+ "i am looking for a place to stay . The hotel should include free parking and should have a star of #HOTEL-INFORM-STARS# .",
+ "No , I do n't . I just need free parking and #HOTEL-INFORM-STARS# stars .",
+ "I would like it to include free parking as well , with a star of #HOTEL-INFORM-STARS# .",
+ "Can you help me find a place to stay that has #HOTEL-INFORM-STARS# stars and does n't need to have free parking ?",
+ "I also need free parking , and I 'd prefer a #HOTEL-INFORM-STARS# star place .",
+ "I need a place to stay that has #HOTEL-INFORM-STARS# stars and includes free parking .",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking .",
+ "I do n't mind where it is , but it should be #HOTEL-INFORM-STARS# stars with free parking .",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking .",
+ "Yes , if you could find a #HOTEL-INFORM-STARS# star hotel with free parking that would be great .",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and does n't need to have free parking .",
+ "Yes , I also need a place to stay . I would prefer at least #HOTEL-INFORM-STARS# stars and free parking .",
+ "Could you help me find a #HOTEL-INFORM-STARS# star lodging with free parking ?",
+ "I ' m looking to stay at a #HOTEL-INFORM-STARS# star hotel that includes free parking .",
+ "I am looking for a #HOTEL-INFORM-STARS# star hotel with free parking in Cambridge .",
+ "It should have a star of #HOTEL-INFORM-STARS# and include free parking .",
+ "I need a guesthouse with free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "I would like something that is #HOTEL-INFORM-STARS# stars and includes free parking .",
+ "I ' m not really set on an area , however , please make sure that they are a #HOTEL-INFORM-STARS# star hotel with free parking .",
+ "Yes , I also need a place to stay , free parking is not required , I would prefer a #HOTEL-INFORM-STARS# star rating .",
+ "The hotel should include free parking and should have a star of #HOTEL-INFORM-STARS# .",
+ "I am sorry I am actually looking for a #HOTEL-INFORM-STARS# star hotel with free parking . Is there any available ?",
+ "Can you locate me a #HOTEL-INFORM-STARS# star hotel with parking .",
+ "As long as it 's #HOTEL-INFORM-STARS# stars with free parking , any type of hotel works .",
+ "I do n't really care , I just need free parking and prefer #HOTEL-INFORM-STARS# stars .",
+ "I would like a guesthouse with free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "Sure , it should have free parking and have #HOTEL-INFORM-STARS# stars .",
+ "Actually , let 's back up . I need a place with a star rating of #HOTEL-INFORM-STARS# , in the centre , with free parking . Does the Alexander have 0 stars ?",
+ "It does n't matter . I need free parking and prefer a place with #HOTEL-INFORM-STARS# stars .",
+ "I also need a place to stay . I would like a hotel with a #HOTEL-INFORM-STARS# star rating and free parking .",
+ "Yes . I need a hotel with a star rating of #HOTEL-INFORM-STARS# that includes free parking .",
+ "Whichever one provides free parking and is at least a #HOTEL-INFORM-STARS# star will work . Please book and provide a reference number .",
+ "Yes can you book me a #HOTEL-INFORM-STARS# star hotel that offers free parking ?",
+ "I am also looking for a place to stay . Are there any #HOTEL-INFORM-STARS# star hotels that include free parking ?",
+ "Yes , I ' m open to a hotel as long as it 's a #HOTEL-INFORM-STARS# star with free parking",
+ "I would like it to have a star rating of #HOTEL-INFORM-STARS# and cost does not matter , I would also like it to have free parking .",
+ "The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking .",
+ "I do n't have a preference . But it does need to have #HOTEL-INFORM-STARS# stars and include free parking .",
+ "The place must have a #HOTEL-INFORM-STARS# star rating and include parking .",
+ "i am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should include free parking .",
+ "I am looking for a hotel that include free parking and has a #HOTEL-INFORM-STARS# star rating .",
+ "Yes I 'd like to find a hotel with free parking and #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Area;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-AREA# , can you look this up for me ?",
+ "The #HOTEL-INFORM-AREA# part of town please , preferably in a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town . Can you find one for me ?",
+ "OK , tell me about the ones to the #HOTEL-INFORM-AREA# . I need one that 's a regular #HOTEL-INFORM-TYPE# and not a guesthouse .",
+ "Yes , I 'd prefer a #HOTEL-INFORM-TYPE# over a guesthouse and I need to stay in the #HOTEL-INFORM-AREA# .",
+ "Yes , I need a place to stay on my trip . I 'd prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , please",
+ "I was thinking a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town",
+ "I ' m looking for an #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Is there a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# with free wifi ?",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay at .",
+ "I ' m looking to stay at a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I definitely want both a #HOTEL-INFORM-TYPE# and the #HOTEL-INFORM-AREA# of town .",
+ "Hello , I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town .",
+ "That 's great thanks . Also I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I would like an inexpensive #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town .",
+ "I need it to be in the #HOTEL-INFORM-AREA# and I would prefer a #HOTEL-INFORM-TYPE# .",
+ "Well I ' m really looking for that expensive #HOTEL-INFORM-TYPE# type . How about something in the #HOTEL-INFORM-AREA# with free parking included ?",
+ "Hello , I am trying to find a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# part of town . Any ideas ?",
+ "I would like to stay at a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , please .",
+ "I am looking to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town .",
+ "I specifically am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# if that helps narrow things down .",
+ "I would like to be in the #HOTEL-INFORM-AREA# and I prefer a #HOTEL-INFORM-TYPE# .",
+ "I ned it to be a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Great , thanks . I also need a place to stay that is also in the #HOTEL-INFORM-AREA# . A #HOTEL-INFORM-TYPE# is my preference if available .",
+ "Hey ! Looking for a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side . Thanks !",
+ "Internet is not necessary . But can you see if there is one in the #HOTEL-INFORM-AREA# part of town and I would prefer a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at during my trip to Cambridge . I 'd like it to be in the #HOTEL-INFORM-AREA# .",
+ "I kind of need some help finding a nice #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# and it should be in the #HOTEL-INFORM-AREA# .",
+ "I ned it to be a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "Hi , I am looking for a #HOTEL-INFORM-TYPE# to stay on the #HOTEL-INFORM-AREA# side of Cambridge .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay in . Can you help me with this ?",
+ "Yes , i need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "I would like a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town .",
+ "I also need a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# .",
+ "The hotel should be in the #HOTEL-INFORM-AREA# and should be in the type of #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a hotel to stay in the #HOTEL-INFORM-AREA# , specifically , a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in on the #HOTEL-INFORM-AREA# side . You know of any ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of Cambridge .",
+ "Yes , I also need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Yes I am looking for a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# ( not a guesthouse ) on the #HOTEL-INFORM-AREA# side of town . Can you tell me about my options ?",
+ "Thanks . Can you also help with a #HOTEL-INFORM-TYPE# to stay out ? I prefer in the #HOTEL-INFORM-AREA# .",
+ "Do you have directions to a #HOTEL-INFORM-TYPE# I can rent in the #HOTEL-INFORM-AREA# of Cambridge ?",
+ "Yes , I also need to verify that this #HOTEL-INFORM-TYPE# is in the #HOTEL-INFORM-AREA# area of town .",
+ "I am interested in a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side please .",
+ "Thank you . I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "I have no particular price range , but would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# side .",
+ "i am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should be in the #HOTEL-INFORM-AREA# .",
+ "Thank you . I am also hoping to stay at a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Can you help me with that ?",
+ "Thank you , ca n't wait to go ! Can you help me with one more thing ? I need to find a #HOTEL-INFORM-TYPE# for us in the #HOTEL-INFORM-AREA# .",
+ "Before you book , the #HOTEL-INFORM-TYPE# has to be in the #HOTEL-INFORM-AREA# , also . Do you have a hotel meeting my needs ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "HI , can you help me find a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town please ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at located in the #HOTEL-INFORM-AREA# .",
+ "I would like to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Can you help me ?",
+ "I am also looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should be in the type of #HOTEL-INFORM-TYPE# .",
+ "I would like a hotel to the #HOTEL-INFORM-AREA# that is a #HOTEL-INFORM-TYPE# , please .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area .",
+ "I need to book a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of cambridge , are there any ?",
+ "I also need a place to stay . I am thinking a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ?",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town . Do you have anything in that category ?",
+ "Thank you . I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "Thank you . I am also needing help booking a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town . Can you assist me with that ?",
+ "I am coming to cambridge and need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area . Can you find me one ?",
+ "I sure could use a nice #HOTEL-INFORM-TYPE# to stay in . Can you find me one in the #HOTEL-INFORM-AREA# ? I do n't need free WiFi .",
+ "Thanks . I also need a #HOTEL-INFORM-TYPE# to stay in in the #HOTEL-INFORM-AREA# .",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# , and to be a #HOTEL-INFORM-TYPE# .",
+ "Hi , I need a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side , please .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Yes I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town .",
+ "I think I need it to be in the #HOTEL-INFORM-AREA# . I probably prefer a #HOTEL-INFORM-TYPE# if possible .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# will be fine .",
+ "Thanks ! I also need some help finding a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side .",
+ "I am planning a trip to Cambridge and need a place to stay . Can you recommend a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side ?",
+ "We need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# for our stay .",
+ "Okay thank you . Could you help me find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay at ?",
+ "I need a place to stay , a hotel in the #HOTEL-INFORM-AREA# . Preferably in the #HOTEL-INFORM-TYPE# category",
+ "I have no particular price range , but would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town .",
+ "I would really like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "Oh gosh , I did n't need a train booked . I am looking to book a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay in . Can you help me ?",
+ "I want to stay on the #HOTEL-INFORM-AREA# side of town and I ' m looking for a #HOTEL-INFORM-TYPE# type hotel .",
+ "Hello . I ' m hoping to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of Cambridge . Are there any ?",
+ "Yes , I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , close to the airport , thanks .",
+ "I ' m sorry . Can you try a #HOTEL-INFORM-TYPE# ? Still #HOTEL-INFORM-AREA# w / free parking . Thanks and sorry !",
+ "I need a place to stay - a #HOTEL-INFORM-TYPE# , I think . Perhaps in the #HOTEL-INFORM-AREA# ?",
+ "I would like something in the #HOTEL-INFORM-AREA# . I also prefer a #HOTEL-INFORM-TYPE# .",
+ "Hi , I would like to book a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# side of the city . Do you have any recommendations ?",
+ "Yes , please . I ' m looking for a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side .",
+ "Hey , I 'd like to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , today .",
+ "I would prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town please .",
+ "Yes I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# maybe a #HOTEL-INFORM-TYPE# .",
+ "I need one in the #HOTEL-INFORM-AREA# and a #HOTEL-INFORM-TYPE# .",
+ "Okay , maybe I should begin again . I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Are there any available ?",
+ "Yes , I 'll also need a place to stay in the #HOTEL-INFORM-AREA# and would prefer a #HOTEL-INFORM-TYPE# .",
+ "Let 's try a different #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , then .",
+ "I want to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay at .",
+ "Yes , can you help me locate a #HOTEL-INFORM-TYPE# that stay in that is also in the #HOTEL-INFORM-AREA# of town ?",
+ "I want to find a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-AREA# part of town .",
+ "Thanks ! I also need a #HOTEL-INFORM-TYPE# to stay in in the #HOTEL-INFORM-AREA# .",
+ "Yes , I also need a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side .",
+ "I\"m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I need a #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# Cambridge .",
+ "Yes , I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I would love a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "I meant to say #HOTEL-INFORM-AREA# , not south . And the place needs to be a #HOTEL-INFORM-TYPE# type .",
+ "Can you recommend a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town ?",
+ "Great , that 's helpful , thanks . Can you also help us find a #HOTEL-INFORM-TYPE# ? We 'd like to stay on the #HOTEL-INFORM-AREA# side , and we really dislike guesthouses . What can you recommend ?",
+ "I want to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area of Cambridge .",
+ "i am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I really need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please .",
+ "Ok thanks I also need a place to stay located in the #HOTEL-INFORM-AREA# and must be a #HOTEL-INFORM-TYPE# , can you help me ?",
+ "Can you help me find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ?",
+ "I think we 're confusing each other . You said there was no 3-star hotel in the #HOTEL-INFORM-AREA# , so I ' m looking for a 3-star #HOTEL-INFORM-TYPE# in the north . Do you have that ?",
+ "I would like to stay at a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Hello . Can you recommend a good #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ?",
+ "I ' m visiting the #HOTEL-INFORM-AREA# side of Cambridge , can you help me find a #HOTEL-INFORM-TYPE# there ?",
+ "Hello , we 're planning on a trip to Cambridge and would like lodging info . Can you tell us if there is a #HOTEL-INFORM-TYPE# in the economical range near the #HOTEL-INFORM-AREA# ?",
+ "Great , thanks . I am also wanting to find a place to stay . Ugh , I hate guesthouses though so it needs to be a #HOTEL-INFORM-TYPE# room in the #HOTEL-INFORM-AREA# .",
+ "How about a place in the #HOTEL-INFORM-AREA# side of town that is a #HOTEL-INFORM-TYPE# not a guesthouse",
+ "I ' m exhausted . Can you find me a #HOTEL-INFORM-TYPE# somewhere on the #HOTEL-INFORM-AREA# side of town ?",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# will be fine .",
+ "I would like to stay at a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# please",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , please .",
+ "Also in the #HOTEL-INFORM-AREA# of town , please . And , I ' m not too fond of guesthouses , so can you try for a #HOTEL-INFORM-TYPE# instead please . Thanks .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-AREA# part of town .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-AREA# area of Cambridge . Can you help me ?",
+ "Hey ! I ' m coming into town and I need a #HOTEL-INFORM-TYPE# style of lodging on the #HOTEL-INFORM-AREA# of town .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay at ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town .",
+ "I 'd actually like a #HOTEL-INFORM-TYPE# instead of guesthouse and in the #HOTEL-INFORM-AREA# of town .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , please",
+ "I need a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# to stay at , what is available there ?",
+ "Hello , I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Do you have any recommendations ?",
+ "Can you recommend a #HOTEL-INFORM-TYPE# to stay in in the #HOTEL-INFORM-AREA# of town ?",
+ "Yes , I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# . I 'd like a #HOTEL-INFORM-TYPE# if possible .",
+ "I want to be in the #HOTEL-INFORM-AREA# . Preferably in a #HOTEL-INFORM-TYPE# .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# should be perfect .",
+ "I need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m sorry , I decided that I do need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Hello I am looking for a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of town . I ' m not picky about wi - fi .",
+ "Hey there ! Can you find me lodging , please ? I 'd like to stay at a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# end , if possible .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I also need a place to stay , the #HOTEL-INFORM-TYPE# should also be the #HOTEL-INFORM-AREA# area .",
+ "That sounds like a nice #HOTEL-INFORM-TYPE# . Is that located in the #HOTEL-INFORM-AREA# ? If it is , I would want to book a room there .",
+ "I ' m looking to stay in a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# maybe a #HOTEL-INFORM-TYPE# .",
+ "I need to be in the #HOTEL-INFORM-AREA# . Is there a #HOTEL-INFORM-TYPE# available , if there are no hotels ?",
+ "Hey , I 'd like to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , today .",
+ "Thank you . I am also looking for a place to stay . A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I need a #HOTEL-INFORM-TYPE# to stay in the #HOTEL-INFORM-AREA# part of the town .",
+ "I need a place to stay . Can you suggest a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town ?",
+ "Thank you . I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area of town . It needs to be a hotel . Can you recommend any ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# where I can stay in #HOTEL-INFORM-AREA# Cambridge .",
+ "I prefer something in the #HOTEL-INFORM-AREA# . And a #HOTEL-INFORM-TYPE# would be better .",
+ "The hotel should be of the #HOTEL-INFORM-TYPE# type and should be located in the #HOTEL-INFORM-AREA# area .",
+ "Hi , can you help me find a place to stay ? I 'd like a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side , please .",
+ "Could you help me find a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at in Cambridge . Can you recommend a place on the #HOTEL-INFORM-AREA# side ?",
+ "Actually I am just calling for information not a booking . I need a #HOTEL-INFORM-TYPE# , not guesthouse , in the #HOTEL-INFORM-AREA# with free parking . Can you recommend a hotel ?",
+ "I am hoping you can find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town for me .",
+ "Hello , I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , can you help me .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I do n't want to stay in a guesthouse . It needs to be a hotel .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# side of town .",
+ "I need a #HOTEL-INFORM-TYPE# , in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Internet;Parking;Price;Type;": [
+ "I ' m also looking for a place to stay . Ideally a #HOTEL-INFORM-TYPE# with free wifi and parking that is also #HOTEL-INFORM-PRICE# .",
+ "I would prefer a #HOTEL-INFORM-TYPE# type hotel , it just needs to be in the #HOTEL-INFORM-PRICE# price range and does n't need to have free parking , but needs wifi",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range that has free parking & wifi .",
+ "I ' m also looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking and free wifi .",
+ "The #HOTEL-INFORM-TYPE# should include free parking and should include free wifi . The hotel should be in the #HOTEL-INFORM-PRICE# price range"
+ ],
+ "Parking;Type;": [
+ "Great I also need a place to stay that is a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Thank you I also need a place to stay that is a #HOTEL-INFORM-TYPE# with free parking .",
+ "It does n't matter on the pricing or about having free parking . I would like the hotel to be like a #HOTEL-INFORM-TYPE# .",
+ "Hello , I am looking for a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free parking .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking",
+ "I just need a #HOTEL-INFORM-TYPE# with free parking in any part of town . Perhaps you can suggest one .",
+ "Yes , actually . I would prefer it to be a #HOTEL-INFORM-TYPE# with free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I want to find a #HOTEL-INFORM-TYPE# with free parking included . Can you help ?",
+ "I need a #HOTEL-INFORM-TYPE# with free parking .",
+ "okay can you look for a #HOTEL-INFORM-TYPE# without free parking ?",
+ "I ' m looking for a place to stay . I need to find free parking and I only want to stay in a #HOTEL-INFORM-TYPE# and not any thing else other than that .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# hotel with free parking . Can you help me with this ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in . I do n't care about parking , though .",
+ "No , not really . Although , I 'd like it to be a #HOTEL-INFORM-TYPE# with free parking .",
+ "I would like to find a #HOTEL-INFORM-TYPE# to stay at , and I do n't require free parking .",
+ "Hi there , I 'd love to find a #HOTEL-INFORM-TYPE# with free parking .",
+ "I ' m looking to stay in a #HOTEL-INFORM-TYPE# while I ' m there . I 'd like a place that has free parking .",
+ "Hi , I am looking for a #HOTEL-INFORM-TYPE# that includes free parking . Do you have anything available ?",
+ "I want a #HOTEL-INFORM-TYPE# that has free parking .",
+ "It should be a #HOTEL-INFORM-TYPE# . I do n't care if it has parking .",
+ "No , that 's not important to me . But , I would prefer to stay in a #HOTEL-INFORM-TYPE# with free parking .",
+ "Please find me a #HOTEL-INFORM-TYPE# that offers free parking",
+ "Hi . I need to book a #HOTEL-INFORM-TYPE# that has free parking , can you help me ?",
+ "So , I need a #HOTEL-INFORM-TYPE# with free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free parking , please .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# that includes free parking . Can you help me ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# rental that has free parking .",
+ "I need a #HOTEL-INFORM-TYPE# , free parking included .",
+ "I am looking for a #HOTEL-INFORM-TYPE# in Cambridge with free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# style place to stay . It needs to have free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# , but not a guesthouse . All it needs is free parking . Can you recommend one ?",
+ "I prefer a #HOTEL-INFORM-TYPE# please . Oh and I also will need free parking .",
+ "I need one that offers free parking and that is a #HOTEL-INFORM-TYPE# .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in that has free parking .",
+ "A #HOTEL-INFORM-TYPE# will work out better and I need free parking too .",
+ "It does n't matter but I would like a #HOTEL-INFORM-TYPE# with free parking .",
+ "I ' m interested in finding a #HOTEL-INFORM-TYPE# that has free parking that I can stay at .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in and I do n't need a free parking .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free parking",
+ "It does n't matter , as long as it is a #HOTEL-INFORM-TYPE# and includes free parking .",
+ "On second thought , I do n't care what price it is . I just really need a #HOTEL-INFORM-TYPE# with free parking .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# with free parking .",
+ "I 'd like a #HOTEL-INFORM-TYPE# in the north , I do n't care about the parking . Price is no issue .",
+ "I 'd like a #HOTEL-INFORM-TYPE# in the north , I do n't care about the parking . Price is no issue .",
+ "i am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free parking .",
+ "looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free parking",
+ "Yes , I would also like free parking and prefer a #HOTEL-INFORM-TYPE# .",
+ "No thanks . Can you find a #HOTEL-INFORM-TYPE# with free parking for me ?",
+ "I need a #HOTEL-INFORM-TYPE# to stay in that has free parking .",
+ "I want to stay at a #HOTEL-INFORM-TYPE# with free parking , actually , if possible . Are there any that you can recommend for me , please ?",
+ "Hi , can you help me find a #HOTEL-INFORM-TYPE# ? I need free parking .",
+ "Yes , a #HOTEL-INFORM-TYPE# preferably with free parking .",
+ "Ok , find me a #HOTEL-INFORM-TYPE# that has free parking included then .",
+ "Can you please help me find a #HOTEL-INFORM-TYPE# that offers free parking ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking , preferably one star .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that does n't have to have free parking .",
+ "Yes , I need a place to stay . It needs to be a #HOTEL-INFORM-TYPE# and does n't not need to have free parking .",
+ "Hello , I am looking for a #HOTEL-INFORM-TYPE# that has free parking , can you help me with that ?",
+ "I do n't need parking , but I would like to make sure it is a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "Great I also am looking for a #HOTEL-INFORM-TYPE# to stay at that includes free parking . What 's available ?",
+ "Yes . I would like a #HOTEL-INFORM-TYPE# with free parking .",
+ "Thanks ! I ' m also looking for a #HOTEL-INFORM-TYPE# to stay at . I do n't need free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at . It should have free parking .",
+ "Whatever is available . But I would prefer a #HOTEL-INFORM-TYPE# with free parking .",
+ "A #HOTEL-INFORM-TYPE# with free parking would be great .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking .",
+ "Hello I 'll be coming to Cambridge and need a room to stay in . Can you recommend a #HOTEL-INFORM-TYPE# that has free parking ?",
+ "I am looking for a place to stay that includes free parking and is a #HOTEL-INFORM-TYPE# .",
+ "Yes , I also need some lodging accommodations . I 'd like to find a #HOTEL-INFORM-TYPE# that offers free parking , please .",
+ "I need information on a #HOTEL-INFORM-TYPE# that includes free parking please .",
+ "I would like a #HOTEL-INFORM-TYPE# type of place with free parking .",
+ "I ' m going to think about it . I 'd really prefer a #HOTEL-INFORM-TYPE# with parking .",
+ "I 'd like a #HOTEL-INFORM-TYPE# with free parking , please .",
+ "Hi , I need a place to stay . I would prefer it to be a #HOTEL-INFORM-TYPE# type . It does n't need to have free parking .",
+ "I do n't really have a preference for area . But I would like it to be a #HOTEL-INFORM-TYPE# rather than a guesthouse . And I would love free parking .",
+ "I am also looking for a place to stay , preferably a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Could you recommend a local #HOTEL-INFORM-TYPE# with free parking ?",
+ "Thank you . I ' m also interested in finding a #HOTEL-INFORM-TYPE# . I prefer one that includes free parking .",
+ "I am look for a #HOTEL-INFORM-TYPE# on the east with free parking .",
+ "Yes book it for me . I also need a #HOTEL-INFORM-TYPE# hotel with free parking .",
+ "I want a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I am looking for a place to stay that is a #HOTEL-INFORM-TYPE# with free parking please .",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# that has free parking while I ' m in Cambridge . Thanks .",
+ "Thanks . I also need a #HOTEL-INFORM-TYPE# , definitely not a guesthouse , with free parking , please .",
+ "I prefer a #HOTEL-INFORM-TYPE# . Preferably one with free parking .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free parking",
+ "Hello ! I need a #HOTEL-INFORM-TYPE# to stay in , and I really need it to include free parking for my van . Can you help ?",
+ "Yes I am looking for a #HOTEL-INFORM-TYPE# to stay at with free parking please",
+ "I would like a #HOTEL-INFORM-TYPE# that offers free parking .",
+ "yes , please . I need a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I need a #HOTEL-INFORM-TYPE# with free parking , thanks !",
+ "Not really . It does need to be a #HOTEL-INFORM-TYPE# and parking is n't really an issue with us .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking",
+ "No . I actually would like to find a #HOTEL-INFORM-TYPE# instead . I would like one that offers free parking .",
+ "Great , thank you ! I ' m also looking for a #HOTEL-INFORM-TYPE# that includes free parking . Can you help out ?",
+ "Hello . I ' m trying to plan my trip to Cambridge and need to find a #HOTEL-INFORM-TYPE# with free parking .",
+ "I also need a place to stay . I need somewhere that is a #HOTEL-INFORM-TYPE# and includes free parking .",
+ "I need a #HOTEL-INFORM-TYPE# that includes free parking please .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# with free parking ?",
+ "A #HOTEL-INFORM-TYPE# and it needs to have free parking .",
+ "I do n't need parking , but the I 'd prefer to stay in a #HOTEL-INFORM-TYPE# .",
+ "I could really use some help finding info on a #HOTEL-INFORM-TYPE# to stay in . I would need free parking though .",
+ "I ' m looking specifically for a #HOTEL-INFORM-TYPE# , and one that has free parking . I ' m renting a car to sightsee .",
+ "I am searching for a #HOTEL-INFORM-TYPE# in town that has free parking , do you know of any ?",
+ "Yes , I ' m looking for a #HOTEL-INFORM-TYPE# with free parking please .",
+ "Great . I am also looking for a #HOTEL-INFORM-TYPE# to stay in and I do n't need parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that offers free parking .",
+ "I want a place to stay . Find me a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Thank you , I actually need a #HOTEL-INFORM-TYPE# with free parking .",
+ "I need free parking , and like a #HOTEL-INFORM-TYPE# over any other type .",
+ "Hi , I am looking for a #HOTEL-INFORM-TYPE# with free parking . Can you help me ?",
+ "Can you try a #HOTEL-INFORM-TYPE# withouth free parking ?",
+ "Thanks . I also need a place to stay . Can you find a #HOTEL-INFORM-TYPE# with free parking ?",
+ "Can you find me a #HOTEL-INFORM-TYPE# with free parking ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I am looking for a place to stay with a #HOTEL-INFORM-TYPE# set up and free parking .",
+ "I need a #HOTEL-INFORM-TYPE# , with parking that is free .",
+ "I 'd like to stay in a #HOTEL-INFORM-TYPE# if possible , what is there available ?",
+ "I do n't care where but I would also like free parking . Oh , and i would prefer a #HOTEL-INFORM-TYPE# .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# that includes free parking ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free parking .",
+ "No , address will do just fine . I need to book a #HOTEL-INFORM-TYPE# room that has free parking , can you help me please ?",
+ "I definitely want a #HOTEL-INFORM-TYPE# and not a guesthouse . I would also like for it to offer free parking .",
+ "I need a #HOTEL-INFORM-TYPE# with free parking",
+ "Does that also have free parking ? And I forgot to mention I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "A #HOTEL-INFORM-TYPE# that includes parking .",
+ "I need a #HOTEL-INFORM-TYPE# , with free parking .",
+ "A #HOTEL-INFORM-TYPE# please . I also need free parking .",
+ "I also need a place to stay that is a #HOTEL-INFORM-TYPE# and includes free parking and has a rating of 2 .",
+ "I am actually looking for a #HOTEL-INFORM-TYPE# to book , not a guesthouse . I need a hotel in the center with free parking .",
+ "I need a #HOTEL-INFORM-TYPE# to stay while I ' m in town . I do n't care if it has free parking or not . Do you have something I could get ?",
+ "I would also need a place to stay in a #HOTEL-INFORM-TYPE# with free parking",
+ "I am looking for a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I need a #HOTEL-INFORM-TYPE# , one with free parking .",
+ "I 'd like a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Hmm , I ' m not sure . I am looking for a #HOTEL-INFORM-TYPE# type , though , and it does n't need to have free parking .",
+ "Never mind , I will worry about food later . I am actually looking for a hotel with a #HOTEL-INFORM-TYPE# and free parking would be great as well .",
+ "I need to get a #HOTEL-INFORM-TYPE# that does n't have free parking",
+ "Please help me find a #HOTEL-INFORM-TYPE# or hotel that has free parking . I prefer a guesthouse though .",
+ "I am looking for a #HOTEL-INFORM-TYPE# that has free parking .",
+ "It needs to be a #HOTEL-INFORM-TYPE# and include free parking .",
+ "I would like a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I also need free parking included and I would like it to be a #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-TYPE# room with i need free parking .",
+ "Okay . I 'd like a #HOTEL-INFORM-TYPE# that includes free parking then .",
+ "That sounds great , as long as it has free parking and is a #HOTEL-INFORM-TYPE# type of hotel .",
+ "Can you find me a #HOTEL-INFORM-TYPE# with free parking ?",
+ "Can you help me find a #HOTEL-INFORM-TYPE# with free parking ?",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# , it does n't need to have parking as I 'll be taking the train into town .",
+ "I need to book a room in a #HOTEL-INFORM-TYPE# that has free parking .",
+ "Thank you , can I also book a #HOTEL-INFORM-TYPE# ? it would need ot have free parking .",
+ "I am trying to find a #HOTEL-INFORM-TYPE# with free parking to stay in .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking .",
+ "Hi , I 'll be coming in to Cambridge and I 'd like a place to stay . I 'd like a #HOTEL-INFORM-TYPE# with free parking .",
+ "Hello , I am looking to stay in a #HOTEL-INFORM-TYPE# that includes free parking",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that includes free parking . Can you find me something like that ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# . But I wo n't have a car with me , so I do n't need any rigamarole with \" free \" parking .",
+ "No . I need a place to stay , #HOTEL-INFORM-TYPE# . Do not need free parking .",
+ "I need a #HOTEL-INFORM-TYPE# rental that has free parking .",
+ "I want to find a place to stay that is a #HOTEL-INFORM-TYPE# and has free parking .",
+ "I do n't really have a preference for area . But I would like it to be a #HOTEL-INFORM-TYPE# rather than a guesthouse . And I would love free parking .",
+ "Find a #HOTEL-INFORM-TYPE# hotel in Cambridge with free parking .",
+ "I would prefer a #HOTEL-INFORM-TYPE# . Also , I would need free parking .",
+ "How about a #HOTEL-INFORM-TYPE# and it does n't need to have free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that has free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I prefer upscale and want to stay in a #HOTEL-INFORM-TYPE# rather than a guesthouse . I also need free parking .",
+ "Hello , I am looking for a #HOTEL-INFORM-TYPE# to stay in and I would like it to have free parking .",
+ "I am looking for a place to stay . Is there a #HOTEL-INFORM-TYPE# - type hotel in the west that has free parking ? It does n't need to include internet .",
+ "Do either of them have free parking . Are they a type of #HOTEL-INFORM-TYPE# ?",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# with free parking .",
+ "The price does n't matter and I do n't need free parking . I 'd prefer a #HOTEL-INFORM-TYPE# .",
+ "I also need a #HOTEL-INFORM-TYPE# . Do not need Free Parking .",
+ "I do n't care where it is located . I would like an actual #HOTEL-INFORM-TYPE# room and I will need free parking too .",
+ "I would prefer a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I would like a #HOTEL-INFORM-TYPE# with free parking .",
+ "I need to find a place to stay . I prefer a #HOTEL-INFORM-TYPE# and I 'll need free parking for my car .",
+ "It is n't important that the #HOTEL-INFORM-TYPE# have free parking .",
+ "I want a place to stay . Find me a #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in that offers free parking .",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# with free parking .",
+ "I was looking for a #HOTEL-INFORM-TYPE# in the center of town that offers free parking .",
+ "I 'd like to stay in a #HOTEL-INFORM-TYPE# that offers free parking .",
+ "I want it to be a #HOTEL-INFORM-TYPE# , have free parking .",
+ "I also need a place to stay that is a #HOTEL-INFORM-TYPE# and should include free parking .",
+ "I 'd like it to be a #HOTEL-INFORM-TYPE# with free parking included please .",
+ "That does n't matter just a #HOTEL-INFORM-TYPE# in the same area with free parking .",
+ "I ' m in search of a place to stay . A #HOTEL-INFORM-TYPE# , please , with free parking .",
+ "Let 's try a #HOTEL-INFORM-TYPE# type with free parking in the centre of town with a star of 2 .",
+ "Hi I would like to find a place to stay that has a #HOTEL-INFORM-TYPE# and free parking .",
+ "Please help me find a #HOTEL-INFORM-TYPE# or hotel that has free parking . I prefer a guesthouse though .",
+ "Hi . I am looking for a hotel that is a #HOTEL-INFORM-TYPE# that has free parking . Can you help me find one ?",
+ "Does this #HOTEL-INFORM-TYPE# include free parking ?",
+ "I ' m hoping you can help me find a #HOTEL-INFORM-TYPE# . Parking is optional .",
+ "I prefer a #HOTEL-INFORM-TYPE# . Preferably one with free parking .",
+ "I am looking for a place to stay . Preferably a #HOTEL-INFORM-TYPE# with free parking included .",
+ "I would also like to find a #HOTEL-INFORM-TYPE# with free parking .",
+ "That 's lovely . We also require lodging . Could you help find a #HOTEL-INFORM-TYPE# with free parking ?",
+ "Before I book , I 'd like to make sure that it is a #HOTEL-INFORM-TYPE# with free parking . Do you have anything with those amenities ?"
+ ],
+ "Name;": [
+ "I am looking for a hotel call #HOTEL-INFORM-NAME# .",
+ "I am staying in Cambridge soon and would like to stay at #HOTEL-INFORM-NAME# .",
+ "Yes ! I ' m looking for a particular hotel , the name is #HOTEL-INFORM-NAME# .",
+ "Can you tell me about the #HOTEL-INFORM-NAME# hotel ?",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you also help me find a hotel called the #HOTEL-INFORM-NAME# ?",
+ "I am looking for a hotel by the name of #HOTEL-INFORM-NAME# .",
+ "Thank you and I am also looking for the #HOTEL-INFORM-NAME# .",
+ "Sounds great . Can I get more information on #HOTEL-INFORM-NAME# please ?",
+ "Hello , I am wondering if you can help me with some information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "Yes . I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I would like to find some info on the #HOTEL-INFORM-NAME# hotel .",
+ "I am going to visit and was told about the #HOTEL-INFORM-NAME# . Could you help me with that ?",
+ "I want to book the #HOTEL-INFORM-NAME# hotel .",
+ "I ' m also looking for information on the #HOTEL-INFORM-NAME# .",
+ "I would like more information on a hotel called #HOTEL-INFORM-NAME# for my trip to Cambridge .",
+ "I am looking for a particular hotel called #HOTEL-INFORM-NAME# .",
+ "i m looking for the #HOTEL-INFORM-NAME# its a nice hotel",
+ "Yes , I ' m also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "It 's called the #HOTEL-INFORM-NAME# .",
+ "Can you help me find a hotel called #HOTEL-INFORM-NAME# ?",
+ "I was looking for a certain hotel called #HOTEL-INFORM-NAME# please",
+ "Hi , I ' m trying to find a place to stay called #HOTEL-INFORM-NAME# . What can you tell me about that ?",
+ "I ' m looking for this hotel called #HOTEL-INFORM-NAME# , please .",
+ "Great ! Can you also help me with a place to stay , the one I ' m looking for is called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a hotel called the #HOTEL-INFORM-NAME# , can you give me some information about it ?",
+ "Can you find me some information on #HOTEL-INFORM-NAME# ?",
+ "Can you get me information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "I am looking to get some information on #HOTEL-INFORM-NAME# .",
+ "I am looking for a place to stay that is named #HOTEL-INFORM-NAME# . Could you give me some information about it ?",
+ "I am looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME# .",
+ "What can you tell me about #HOTEL-INFORM-NAME# ? What area are they in ?",
+ "Yes , please book it for me . I would also like to find a hotel called #HOTEL-INFORM-NAME# .",
+ "Yes , please get me information about the #HOTEL-INFORM-NAME# hotel",
+ "looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME# .",
+ "Please give me the number to the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a certain hotel called the #HOTEL-INFORM-NAME# . Can you tell me more about it ?",
+ "I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a particular hotel called \" #HOTEL-INFORM-NAME# \" .",
+ "Sure . I also need a reservation at #HOTEL-INFORM-NAME# .",
+ "Thanks Can you help me find a hotel called the university aims no #HOTEL-INFORM-NAME# .",
+ "Hello , I ' m looking for a hotel named #HOTEL-INFORM-NAME# . Can you provide me information about it please ?",
+ "I need more on a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you also find #HOTEL-INFORM-NAME# ?",
+ "I want to make a booking at the #HOTEL-INFORM-NAME# .",
+ "i am looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME# .",
+ "I need to find a particular hotel called #HOTEL-INFORM-NAME# . Please send me all information you have .",
+ "Hello , I am looking for a hotel called the #HOTEL-INFORM-NAME# . Can you help me find it ?",
+ "Beautiful , just need some info on the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for the #HOTEL-INFORM-NAME# . Can you give me more information about it ?",
+ "Yes can you give me information on #HOTEL-INFORM-NAME# ?",
+ "I also need information about a hotel called #HOTEL-INFORM-NAME# ? Can you tell me about it ?",
+ "I was wondering if you can tell me more about a particular hotel called the #HOTEL-INFORM-NAME# .",
+ "I am looking to get some information on the #HOTEL-INFORM-NAME# .",
+ "Well now that you ' ve asked , I would like some information about the #HOTEL-INFORM-NAME# hotel",
+ "I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Hello . I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Yes , I am looking for a particular hotel , #HOTEL-INFORM-NAME# .",
+ "I ' m looking to book at a hotel call #HOTEL-INFORM-NAME# .",
+ "I ' m also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you get me information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "Thanks , I also need the location of #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "A friend told me about the #HOTEL-INFORM-NAME# . Do you know about it ?",
+ "I am looking for #HOTEL-INFORM-NAME# .",
+ "Yes , i am looking to book a room at the #HOTEL-INFORM-NAME# .",
+ "It was #HOTEL-INFORM-NAME# .",
+ "Can you confirm if the #HOTEL-INFORM-NAME# has both free parking and free wifi ?",
+ "I do n't know if this is possible but can you please get me some information on the #HOTEL-INFORM-NAME# ?",
+ "Please send me general information about a particular hotel called #HOTEL-INFORM-NAME# .",
+ "i am looking for the #HOTEL-INFORM-NAME# in Cambridge",
+ "i am also looking for a guest house called #HOTEL-INFORM-NAME# .",
+ "I ' m looking to get some info on a hotel called #HOTEL-INFORM-NAME# .",
+ "I want information on a particular hotel called #HOTEL-INFORM-NAME# . Can you send me what you have on that ?",
+ "I 'd like the #HOTEL-INFORM-NAME# guesthouse",
+ "I need you to look up #HOTEL-INFORM-NAME# for me .",
+ "I am looking for #HOTEL-INFORM-NAME# only .",
+ "Thanks . Last time I stayed in Cambridge several years ago I stayed at the #HOTEL-INFORM-NAME# . Is it still around ?",
+ "Yes , I need some information on #HOTEL-INFORM-NAME# .",
+ "I am looking for the #HOTEL-INFORM-NAME# . Can you help me ?",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Yes I would like to also find a hotel called #HOTEL-INFORM-NAME# .",
+ "I am also looking for a particular hotel named #HOTEL-INFORM-NAME# .",
+ "I need information on the #HOTEL-INFORM-NAME# hotel .",
+ "Actually I am looking for a particular hotel called the #HOTEL-INFORM-NAME# .",
+ "Yes , I am trying to find a hotel by the name of #HOTEL-INFORM-NAME# . Can you help me ?",
+ "I want some information on the #HOTEL-INFORM-NAME# please",
+ "Can I get some information on the #HOTEL-INFORM-NAME# ?",
+ "I need directions to #HOTEL-INFORM-NAME# , a hotel in Cambridge , can you help me ?",
+ "I ' m looking to get some information on the #HOTEL-INFORM-NAME# hotel .",
+ "I have heard wonderful things about the #HOTEL-INFORM-NAME# hotel . Could you provide me with some information on this hotel please ?",
+ "Can you help me get a room at the #HOTEL-INFORM-NAME# ?",
+ "Do you have information on the #HOTEL-INFORM-NAME# ?",
+ "I need to find information on #HOTEL-INFORM-NAME# .",
+ "I am also looking to stay at a hotel called #HOTEL-INFORM-NAME# .",
+ "Could you help me book a hotel called #HOTEL-INFORM-NAME# ?",
+ "That 's all , I also need some info on the #HOTEL-INFORM-NAME# .",
+ "I need to find #HOTEL-INFORM-NAME# .",
+ "It 'll be very good if you can include #HOTEL-INFORM-NAME# but need to be in a reasonable price .",
+ "Yes it is the #HOTEL-INFORM-NAME# .",
+ "That is great . I also want to know about a hotel called #HOTEL-INFORM-NAME# . Can you find it for me .",
+ "I am looking for the #HOTEL-INFORM-NAME# .",
+ "I am looking for information on the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for the #HOTEL-INFORM-NAME# . Do you know it ?",
+ "I am looking for the hotel #HOTEL-INFORM-NAME# to be exact .",
+ "I need help finding a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Th#HOTEL-INFORM-NAME#nk you , can you tell me about a place called the Ghandi ? I near that they have the best tandorri chicken .",
+ "I want to find some information about a hotel called #HOTEL-INFORM-NAME# .",
+ "Hello , I 'd like some information about a hotel called the #HOTEL-INFORM-NAME# , please .",
+ "Hi , I ' m looking for a hotel , the #HOTEL-INFORM-NAME# ?",
+ "I need to book at a hotel called #HOTEL-INFORM-NAME# .",
+ "I am looking for the #HOTEL-INFORM-NAME# hotel",
+ "Can you help me find a hotel called #HOTEL-INFORM-NAME# please ?",
+ "yes.its name is #HOTEL-INFORM-NAME# .",
+ "I am also looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Yes , I would like to book 5 nights at the #HOTEL-INFORM-NAME# .",
+ "I am also looking for information on the #HOTEL-INFORM-NAME# .",
+ "i am also looking for information about the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a place called #HOTEL-INFORM-NAME# .",
+ "I need a place to stay too . Could you give me information on the #HOTEL-INFORM-NAME# ?",
+ "Could you give me information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "Thank you . I ' m also looking to book a room a the #HOTEL-INFORM-NAME# hotel .",
+ "Great can I also get some information on the #HOTEL-INFORM-NAME# ?",
+ "Well , I ' m also looking for info on a hotel I heard about . It 's called #HOTEL-INFORM-NAME# .",
+ "I am also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Hi , I ' m looking for a hotel called #HOTEL-INFORM-NAME# . Do you have anything with that name ?",
+ "I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m also looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME# .",
+ "No but I also need a hotel called #HOTEL-INFORM-NAME# .",
+ "Hello , I ' m planning my trip to cambridge , and I ' m trying to find a hotel called #HOTEL-INFORM-NAME# . Can you help ?",
+ "Hi , I ' m looking for a hotel , the #HOTEL-INFORM-NAME# ?",
+ "Yes , I ' m interested in a hotel called #HOTEL-INFORM-NAME# . Can you tell me about that ?",
+ "Yes , I ' m looking for the hotel #HOTEL-INFORM-NAME# .",
+ "Great , I ' m also looking for info on a hotel called #HOTEL-INFORM-NAME# .",
+ "Hello , are you familiar with #HOTEL-INFORM-NAME# ?",
+ "Yes , I also would like to book a room at the #HOTEL-INFORM-NAME# .",
+ "I am also looking for a particular hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I am also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I am looking for the #HOTEL-INFORM-NAME# please .",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I need information for the #HOTEL-INFORM-NAME# for my hotel .",
+ "I will bee a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m also looking for #HOTEL-INFORM-NAME# .",
+ "I ' m also looking for information on the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for some information about #HOTEL-INFORM-NAME# .",
+ "I 'd prefer a #HOTEL-INFORM-NAME# please .",
+ "I was looking for a hotel called #HOTEL-INFORM-NAME# someone told me about .",
+ "Thank you ! I ' m also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I also need information on a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# ?",
+ "The hotel name is #HOTEL-INFORM-NAME# .",
+ "Yeah I am also looking for a hotel by the name of #HOTEL-INFORM-NAME# .",
+ "Thank you . I ' m also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Awesome . I ' m also looking for the #HOTEL-INFORM-NAME# .",
+ "Yes , is the #HOTEL-INFORM-NAME# still in operation ? I stayed there the last time I was in town years ago and enjoyed it .",
+ "Yes , #HOTEL-INFORM-NAME# sounds like a good idea . Please check .",
+ "I am looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Thank you . I also need information on #HOTEL-INFORM-NAME# . Can you help me with that ?",
+ "I need information about the #HOTEL-INFORM-NAME# .",
+ "Not at this time , thanks . But I would like to look for some hotel information . A friend told me to check out the #HOTEL-INFORM-NAME# . What can you tell me about it ?",
+ "I heard #HOTEL-INFORM-NAME# is a good hotel . Can you give me some information on this hotel ?",
+ "Yes , I need some information on #HOTEL-INFORM-NAME# .",
+ "I need information on the #HOTEL-INFORM-NAME# .",
+ "Hello ! I am looking for information about a hotel called #HOTEL-INFORM-NAME# . Can you help me ?",
+ "Is the #HOTEL-INFORM-NAME# a hotel or bed and breakfast ?",
+ "i am also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Hi , I ' m looking for information about #HOTEL-INFORM-NAME# .",
+ "Can you get me information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "Can you help me find a hotel called #HOTEL-INFORM-NAME# and tell me a little about it ?",
+ "I am looking for a hotel called the #HOTEL-INFORM-NAME# .",
+ "Perfect . I am also looking to stay at the #HOTEL-INFORM-NAME# . Can you tell me about it ?",
+ "I ' m looking for a hotel called the #HOTEL-INFORM-NAME# .",
+ "i ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you also give me information regarding a hotel called the #HOTEL-INFORM-NAME# ?",
+ "Can you help me find a hotel called #HOTEL-INFORM-NAME# ?",
+ "Hello , I am looking for a certain hotel in Cambridge called the #HOTEL-INFORM-NAME# .",
+ "I am trying to find the #HOTEL-INFORM-NAME# hotel .",
+ "I would like to get information on the #HOTEL-INFORM-NAME# .",
+ "The name of the place is called #HOTEL-INFORM-NAME# .",
+ "Can you help me find information about a hotel called #HOTEL-INFORM-NAME# ?",
+ "Is the #HOTEL-INFORM-NAME# a guesthouse ?",
+ "i highly recommend #HOTEL-INFORM-NAME# . it is cheap . can i book ?",
+ "Yes , I am also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Yes , please book that . Also , I am looking for a hotel named the #HOTEL-INFORM-NAME# . Can you find information on it for me ?",
+ "Hi I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "i need information of a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you please help me get information on #HOTEL-INFORM-NAME# ?",
+ "I ' m looking for information on #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel , the #HOTEL-INFORM-NAME# .",
+ "No . I am also looking for a hotel . #HOTEL-INFORM-NAME# .",
+ "I need information to find the #HOTEL-INFORM-NAME# .",
+ "Can you get me information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "Also I need a hotel called #HOTEL-INFORM-NAME# .",
+ "I would like some information about #HOTEL-INFORM-NAME# .",
+ "Yes , I keep hearing about this hotel called #HOTEL-INFORM-NAME# . Can you tell me anything about it ?",
+ "I ' m looking for information on #HOTEL-INFORM-NAME# hotel .",
+ "Can you tell me more information on the #HOTEL-INFORM-NAME# ?",
+ "Thank you . I also need information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Thank you . What can you tell me about the #HOTEL-INFORM-NAME# ?",
+ "I need directions to #HOTEL-INFORM-NAME# , a hotel in Cambridge , can you help me ?",
+ "I am looking for information on the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for a hotel called the #HOTEL-INFORM-NAME# . Can you help me out ?",
+ "I ' m also looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "No , thanks . I ' m looking for info on a #HOTEL-INFORM-NAME# .",
+ "I need some info on the #HOTEL-INFORM-NAME# .",
+ "Can I also get some information on #HOTEL-INFORM-NAME# hotel ?",
+ "I am looking for information on the #HOTEL-INFORM-NAME# hotel",
+ "I ' m also looking for a particular hotel - #HOTEL-INFORM-NAME# . Can you help me with this ?",
+ "Yes , I ' m looking for a hotel called #HOTEL-INFORM-NAME# . Can you get me information on that ?",
+ "I ' m actually looking for the #HOTEL-INFORM-NAME# hotel .",
+ "Thank you . Do you have any information about a specific hotel named the #HOTEL-INFORM-NAME# ?",
+ "Hi , I 'd like to stay at the #HOTEL-INFORM-NAME# please .",
+ "I ' m looking for the #HOTEL-INFORM-NAME# .",
+ "Yes , please book that . Also , I am looking for a hotel named the #HOTEL-INFORM-NAME# . Can you find information on it for me ?",
+ "Can you help me find the #HOTEL-INFORM-NAME# hotel ?",
+ "I am looking for information about a hotel called the #HOTEL-INFORM-NAME# .",
+ "I am also looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Is the #HOTEL-INFORM-NAME# still in operation ?",
+ "i am looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME# .",
+ "Great , I ' m also looking for info on the #HOTEL-INFORM-NAME# .",
+ "I ' m looking for more information on #HOTEL-INFORM-NAME# .",
+ "You said the #HOTEL-INFORM-NAME# .. that sounds fine .",
+ "I am looking for a hotel by the name of #HOTEL-INFORM-NAME# .",
+ "Thank you . I also need information about #HOTEL-INFORM-NAME# .",
+ "I would like to be booked into the #HOTEL-INFORM-NAME# House starting Tuesday .",
+ "I ' m visiting the area and want to stay at #HOTEL-INFORM-NAME# .",
+ "Hi , do you know of a hotel called #HOTEL-INFORM-NAME# ?",
+ "I also need some info on the #HOTEL-INFORM-NAME# .",
+ "Thank you . Can you tell me some information for a place called the #HOTEL-INFORM-NAME# I am not sure if its a hotel or guest house .",
+ "The hotel I am looking for is called #HOTEL-INFORM-NAME# .",
+ "Hi , I ' m looking to book a room in the #HOTEL-INFORM-NAME# .",
+ "I am looking for a hotel in the Cambridge area called the #HOTEL-INFORM-NAME# .",
+ "Yes , I am also looking for a hotel named #HOTEL-INFORM-NAME# .",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Thank you , I also want to find out about a hotel called #HOTEL-INFORM-NAME# .",
+ "I also need information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Could you give me some information on a hotel named #HOTEL-INFORM-NAME# ?",
+ "I ' m looking for information on a hotel , the #HOTEL-INFORM-NAME# .",
+ "Have you ever heard of #HOTEL-INFORM-NAME# ?",
+ "I need to book a room at #HOTEL-INFORM-NAME# and also what restaurants are near there ?",
+ "Hi I am looking to get some information on #HOTEL-INFORM-NAME# hotel .",
+ "Perfect . Now if you can just help me find the #HOTEL-INFORM-NAME# hotel ?",
+ "Sweet!. Can you give me informatin on a place called #HOTEL-INFORM-NAME# ?",
+ "Have you heard of the #HOTEL-INFORM-NAME# ?",
+ "Thanks , I also am looking for a hotel called #HOTEL-INFORM-NAME# a friend mentioned .",
+ "What can you tell me about the hotel #HOTEL-INFORM-NAME# ?",
+ "Can you help me find information on a hotel called #HOTEL-INFORM-NAME# ?",
+ "I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I ' m looking for the #HOTEL-INFORM-NAME# .",
+ "Yes , I ' m also looking for a hotel - #HOTEL-INFORM-NAME# ?",
+ "I am also looking for the #HOTEL-INFORM-NAME# .",
+ "Ok , could you also give me some information about the #HOTEL-INFORM-NAME# ?",
+ "I ' m also looking for information about a hotel called #HOTEL-INFORM-NAME# .",
+ "Hello , I would like to find the #HOTEL-INFORM-NAME# hotel . Can you help me ?",
+ "I ' m looking for a particular hotel called the #HOTEL-INFORM-NAME# . Where is it , and what other information do you have about it ?",
+ "I actually need to book a specific hotel called , the #HOTEL-INFORM-NAME# .",
+ "Howdy , I was wondering if the #HOTEL-INFORM-NAME# still does business ?",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "Thank you . I also need a hotel called #HOTEL-INFORM-NAME# .",
+ "the #HOTEL-INFORM-NAME# in the centre",
+ "What can you tell me about this hotel , the #HOTEL-INFORM-NAME# ?",
+ "I am looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "One moment while I look up the #HOTEL-INFORM-NAME# for you .",
+ "I am looking for information on the #HOTEL-INFORM-NAME# hotel .",
+ "I ' m looking for a hotel called #HOTEL-INFORM-NAME# .",
+ "I need to know more about a hotel called #HOTEL-INFORM-NAME# .",
+ "I am looking for information on a hotel called #HOTEL-INFORM-NAME# . Can you give me the location address and phone number please ?",
+ "Thanks . I ' m also looking for #HOTEL-INFORM-NAME# . Do you know where it is ?",
+ "I am looking for a hotel called the #HOTEL-INFORM-NAME# .",
+ "Can you tell me about a particular hotel called the #HOTEL-INFORM-NAME# ?",
+ "Can you tell me about a hotel called #HOTEL-INFORM-NAME# ?",
+ "Okay thank you . I am also looking for the hotel called #HOTEL-INFORM-NAME# .",
+ "Thanks , can you also lookup a hotel for me ? I think it 's called the #HOTEL-INFORM-NAME# .",
+ "Awesome ! Now please get me some information on the #HOTEL-INFORM-NAME# hotel",
+ "Thank you for taking care of the restaurant . I now need help with a specific hotel called #HOTEL-INFORM-NAME# .",
+ "It is called #HOTEL-INFORM-NAME# ."
+ ],
+ "Internet;Type;": [
+ "Yes , I ' m looking to stay at a #HOTEL-INFORM-TYPE# while I ' m in town . I do n't need internet access , so do n't worry about that .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at with free wifi please .",
+ "I would like to stay at a #HOTEL-INFORM-TYPE# while I ' m in cambridge . It does n't need to have internet .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and does n't need to include internet",
+ "Ok , thank you . I also need some help finding a #HOTEL-INFORM-TYPE# . I also would like free wifi .",
+ "I would prefer a #HOTEL-INFORM-TYPE# with free wifi . Do you have one ?",
+ "The #HOTEL-INFORM-TYPE# should include free wifi .",
+ "I am looking for a place in Cambridge . It does n't need to include internet and should be a #HOTEL-INFORM-TYPE# .",
+ "I need a place to stay , preferably a #HOTEL-INFORM-TYPE# with free wifi",
+ "Can you help me find a #HOTEL-INFORM-TYPE# that includes free wifi ?",
+ "The only other preferences I have are that the hotel is a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I need a place to stay . Find me a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I ' m looking for a place to stay . I 'd like a #HOTEL-INFORM-TYPE# , not a guesthouse , and I do n't care about internet .",
+ "Need a place to stay , free wifi . Needs to be a #HOTEL-INFORM-TYPE# .",
+ "Yes , can you tell me information on Cambridge lodgings ? We are looking for free wifi and a nice #HOTEL-INFORM-TYPE# .",
+ "I am looking for a place to stay . I want to stay in a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free wifi",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free wifi for when I am visiting Cambridge .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Hi , could you find me a #HOTEL-INFORM-TYPE# that includes wifi ?",
+ "I ' m looking for a place to stay . It needs to be a #HOTEL-INFORM-TYPE# and include free wifi .",
+ "I ' m looking for a proper #HOTEL-INFORM-TYPE# , please . If it had free wifi , well , I would n't complain about that either .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# . Something not too expensive ... mid range ? Oh , and I need free wifi .",
+ "I also need a place to stay . I think I 'd like a #HOTEL-INFORM-TYPE# with free wifi .",
+ "The hotel should include free wifi and should be in the type of #HOTEL-INFORM-TYPE# .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# to stay at that provides free wifi , can you help me find one ?",
+ "Yes , I am looking to book a #HOTEL-INFORM-TYPE# in the cheap price range that includes free wifi .",
+ "i do n't have a name in mind but the hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Oh I almost forgot , I also need the #HOTEL-INFORM-TYPE# to provide free wifi . That may narrow my options down a bit . Can you check ?",
+ "I also need a place to stay . A #HOTEL-INFORM-TYPE# with WiFi would be great .",
+ "Hi I am looking to find a #HOTEL-INFORM-TYPE# to stay at and it does not need to have internet .",
+ "I ' m looking for a place to stay . I 'd like to stay in a #HOTEL-INFORM-TYPE# that does n't need to include internet .",
+ "Great ! I ' m also looking for a place to stay . The hotel should include free wifi and should be in the type of #HOTEL-INFORM-TYPE# .",
+ "I would prefer a #HOTEL-INFORM-TYPE# , and it does not need to include internet .",
+ "No anywhere would be fine but I would like a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Hi I am looking for a #HOTEL-INFORM-TYPE# to stay at that includes free wifi .",
+ "Yes I am looking for a place to stay that needs to be a #HOTEL-INFORM-TYPE# that has free wifi .",
+ "Okay , I ' m also looking for a place to say . Needs to be a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I need a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# , I do an online business , so I will need free wifi .",
+ "I want it to be a #HOTEL-INFORM-TYPE# and also include free wifi .",
+ "Thank you , I also need to find a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Thank you ! I am also looking for a place to stay . I would like a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "I 'd actually like to find a #HOTEL-INFORM-TYPE# in the east instead . I 'd still like it to have free wifi .",
+ "Ok . I would like it to be a #HOTEL-INFORM-TYPE# and have free wifi please .",
+ "I 'd like a place to say that is a #HOTEL-INFORM-TYPE# type , and includes free wifi .",
+ "I ' m looking to book lodging for a place to stay , it should be a #HOTEL-INFORM-TYPE# and have free wifi .",
+ "I would love a #HOTEL-INFORM-TYPE# but I do need wifi . Do you have any like that ?",
+ "Thank you ! Can you help me find a #HOTEL-INFORM-TYPE# to stay in ? I need it to have free wifi .",
+ "Thanks . I also need to find a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Hi , I need a #HOTEL-INFORM-TYPE# with wifi , please .",
+ "I also need free wifi , and it needs to be a #HOTEL-INFORM-TYPE# , not a guesthouse or anything like that .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# that offers free wifi ?",
+ "While on my trip to Cambridge I need a #HOTEL-INFORM-TYPE# , and it is not important for it to have internet .",
+ "Thanks . I ' m also looking for a #HOTEL-INFORM-TYPE# ( not a guesthouse ) with free wifi .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at that has free wifi .",
+ "No particular town , but a #HOTEL-INFORM-TYPE# with free wifi is preferable .",
+ "I would like to find a place to stay that has wifi , I ' m not a fan of this new guesthouse trend , so a regular #HOTEL-INFORM-TYPE# please .",
+ "No , just any 2-star #HOTEL-INFORM-TYPE# with free wifi will do .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# that has free wifi ?",
+ "I m looking for a #HOTEL-INFORM-TYPE# with free wifi",
+ "I would like a #HOTEL-INFORM-TYPE# with free wifi please .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# with free wifi to stay at ?",
+ "Can you help me find a place to stay ? I would like to stay in a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "I would like to find a lovely #HOTEL-INFORM-TYPE# to stay in cambridge that has free wifi , so I can watch netflix . Can you help me with that as well ?",
+ "Yes , please . I also need a #HOTEL-INFORM-TYPE# with free wifi . And , thank you for the train reservation .",
+ "Ya I am also looking for a #HOTEL-INFORM-TYPE# to stay . Would prefer one that does n't have wifi if possible .",
+ "Yes , I need a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Do they have free wifi , I was really looking for a #HOTEL-INFORM-TYPE# rather than a guesthouse though .",
+ "I ' m looking to find a #HOTEL-INFORM-TYPE# with free wifi for the night .",
+ "I will also need a place to stay . A #HOTEL-INFORM-TYPE# and it should include free wifi .",
+ "I do n't really have an area in mind . I would just like for it to have free wifi and be a #HOTEL-INFORM-TYPE# instead of a guesthouse .",
+ "Thanks I also need a #HOTEL-INFORM-TYPE# that has free internet .",
+ "I ' m flexible on the price point butthe place will need to be a #HOTEL-INFORM-TYPE# that also had free wifi .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi and should be in the type of hotel",
+ "That sounds nice but I would like to see about a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I ' m in the midst of planning my trip to Cambridge and need help finding a #HOTEL-INFORM-TYPE# that offers free wifi",
+ "I need a #HOTEL-INFORM-TYPE# that has free wifi",
+ "No but I would prefer a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Hi there , I need to find a hotel - a #HOTEL-INFORM-TYPE# to be precise . I do n't need internet so do n't worry about that",
+ "i am also looking for a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "Can you search for a #HOTEL-INFORM-TYPE# that includes free wifi ?",
+ "I do n't have a preference for what area , I do however want free WiFi . I would also like to stay in a #HOTEL-INFORM-TYPE# .",
+ "I prefer a #HOTEL-INFORM-TYPE# with free WiFi .",
+ "Oh I almost forgot can you help me find a 5 star #HOTEL-INFORM-TYPE# with free internet ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# in cambridge with free wifi .",
+ "Thanks . I need a place to stay also . I would like a #HOTEL-INFORM-TYPE# with free wifi . Can you help me find one ?",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi and should be in the type of hotel",
+ "I would need a #HOTEL-INFORM-TYPE# with wifi",
+ "Thank you . I also need help finding a place to stay . I 'd prefer a #HOTEL-INFORM-TYPE# with free wifi",
+ "No particular pricerange , but I want it to be a type of #HOTEL-INFORM-TYPE# . It does n't need to include internet .",
+ "The #HOTEL-INFORM-TYPE# I need should be in the same area as the restaurant and include free wifi .",
+ "I 'd like to stay at a #HOTEL-INFORM-TYPE# that offers free wifi .",
+ "Thanks for the booking . I also am looking for a #HOTEL-INFORM-TYPE# with free internet for all of us .",
+ "I am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and does n't need to include internet",
+ "Thanks . I also need to get a #HOTEL-INFORM-TYPE# with free wifi .",
+ "No but I 'd like it to include free wifi and be in some kind of #HOTEL-INFORM-TYPE# .",
+ "A #HOTEL-INFORM-TYPE# would be fine as long as it has free wifi .",
+ "Yes please , could you find a #HOTEL-INFORM-TYPE# that offers free wifi in the same part of town as the restaurant ?",
+ "I 'd like to stay in a #HOTEL-INFORM-TYPE# that offers free wifi .",
+ "Please help me find a #HOTEL-INFORM-TYPE# to stay in that has free wifi .",
+ "Thanks ! I also need a #HOTEL-INFORM-TYPE# ( not a guesthouse ! ) with free wifi , please .",
+ "I am looking for a #HOTEL-INFORM-TYPE# that has free wifi .",
+ "We would like a #HOTEL-INFORM-TYPE# and free wifi too .",
+ "I am not particular as long as it has a 2 star rating , free wifi and is a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that has free wifi please .",
+ "I\"m looking for a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "The Ashley #HOTEL-INFORM-TYPE# does not have internet is that correct ?",
+ "I will be staying in Cambridge . I need a #HOTEL-INFORM-TYPE# with wifi .",
+ "I would like to stay at a #HOTEL-INFORM-TYPE# while I ' m in cambridge . It does n't need to have internet .",
+ "I am looking for a #HOTEL-INFORM-TYPE# type room that includes free wifi .",
+ "Yes , I ' m also looking for a place to stay . The #HOTEL-INFORM-TYPE# does n't need to include internet .",
+ "I ' m visiting cambridge and want a bed and breakfast like experience , can you help me find a #HOTEL-INFORM-TYPE# with free wifi ?",
+ "I need a place to stay . I would like a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I do n't really have an area in mind . I would just like for it to have free wifi and be a #HOTEL-INFORM-TYPE# instead of a guesthouse .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi ,",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "need a #HOTEL-INFORM-TYPE# with free wifi please",
+ "How about a #HOTEL-INFORM-TYPE# with free WiFi ?",
+ "I would like a #HOTEL-INFORM-TYPE# please . Oh , and I do n't need internet either .",
+ "Yes , can you see if there is a booking available at 18:00 instead ? I will also need to make a #HOTEL-INFORM-TYPE# reservation in a hotel that offers free wifi .",
+ "A #HOTEL-INFORM-TYPE# please . I 'd like wifi also .",
+ "Hi , I need a #HOTEL-INFORM-TYPE# with free wifi please .",
+ "Hi I need to book a #HOTEL-INFORM-TYPE# with free wifi in Cambridge please",
+ "Thanks . I ' m also looking for a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Yes , I would like it to be a #HOTEL-INFORM-TYPE# and I need free wifi !",
+ "Yes I am looking for a place to stay that includes free wifi . I would prefer a #HOTEL-INFORM-TYPE# .",
+ "No , as long as it is a #HOTEL-INFORM-TYPE# and not a guest house . It also needs to have free wifi please .",
+ "Hi there , I 'd like to find a #HOTEL-INFORM-TYPE# to stay in tonight that has free wifi .",
+ "I 'll also be needing a place to stay . Can you find me a #HOTEL-INFORM-TYPE# type place ? I do n't need free internet .",
+ "I 'd like a #HOTEL-INFORM-TYPE# in the expensive price range with free wifi , please .",
+ "I need a place to stay . It needs to be a #HOTEL-INFORM-TYPE# that has free wifi .",
+ "I prefer a #HOTEL-INFORM-TYPE# with free wifi .",
+ "The #HOTEL-INFORM-TYPE# must have free wifi too , sorry .",
+ "I am also looking for a place to stay . I 'd like a #HOTEL-INFORM-TYPE# that has free wifi included .",
+ "the area does n't matter but make sure its a #HOTEL-INFORM-TYPE# and not a guesthouse including free wifi .",
+ "I want to make sure also , that it is a #HOTEL-INFORM-TYPE# and includes free wifi",
+ "I would also like it to be a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Yes , actually . I 'd like to find a #HOTEL-INFORM-TYPE# with free wifi .",
+ "Hi I ' m looking for a #HOTEL-INFORM-TYPE# in the are that includes free wifi .",
+ "An actual #HOTEL-INFORM-TYPE# instead of a guesthouse , I would need to have free wifi .",
+ "I would prefer a #HOTEL-INFORM-TYPE# , is there one that has free wifi ?",
+ "I prefer something with free wifi . I do n't want to stay in a guesthouse and prefer a #HOTEL-INFORM-TYPE# .",
+ "Thank you . I also need help finding a place to stay . I 'd prefer a #HOTEL-INFORM-TYPE# with free wifi",
+ "Yes , I am also looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in with free wifi .",
+ "Thanks . i also need a #HOTEL-INFORM-TYPE# to stay and should include free wifi",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at with free wifi included please .",
+ "No it needs to be a #HOTEL-INFORM-TYPE# that includes wifi",
+ "No but it does need to be a #HOTEL-INFORM-TYPE# and I need to have free WiFi please .",
+ "I also need a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I am looking for a #HOTEL-INFORM-TYPE# that includes free wifi .",
+ "Good day . I ' m headed into town and I need help finding a #HOTEL-INFORM-TYPE# that offers free wifi please",
+ "I do n't have a preference . As long as it has free wifi and is a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at with free wifi please .",
+ "No not really , I would prefer a #HOTEL-INFORM-TYPE# type of hotel with free wifi though .",
+ "Well I would like a #HOTEL-INFORM-TYPE# and I do n't have to have internet .",
+ "I need a #HOTEL-INFORM-TYPE# that also has free wifi .",
+ "Hi , I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that includes free wifi . I ' m looking to stay in a hotel , not a guesthouse .",
+ "i would like place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should include free wifi",
+ "Yes , I 'd like a place that includes free wifi and it should be a #HOTEL-INFORM-TYPE# .",
+ "I also need a #HOTEL-INFORM-TYPE# with free wifi . Can you help me find one ?",
+ "I am also looking for a #HOTEL-INFORM-TYPE# to stay at with free wifi .",
+ "I need a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I also need a #HOTEL-INFORM-TYPE# with free wifi . Can you help me find one ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free wifi .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# that includes free wifi ."
+ ],
+ "Area;Price;": [
+ "I do n't care as long as it 's a guesthouse located in the #HOTEL-INFORM-AREA# for #HOTEL-INFORM-PRICE# .",
+ "Good afternoon , can you help me find an #HOTEL-INFORM-PRICE# place to stay in the town #HOTEL-INFORM-AREA# ?",
+ "Hello . I really need to find a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# . Is there anything like that ?",
+ "I 'd like a #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# for 8 people and 5 nights starting Wednesday .",
+ "Yes , please . I ' m also looking for a hotel that 's #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# .",
+ "I do nt mind either but I am looking for something #HOTEL-INFORM-PRICE# and located in the #HOTEL-INFORM-AREA# part of town .",
+ "Yes , It needs to be in the #HOTEL-INFORM-AREA# and be a #HOTEL-INFORM-PRICE# hotel .",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# ?",
+ "I also need a hotel in the #HOTEL-INFORM-AREA# and should be in the #HOTEL-INFORM-PRICE# price range .",
+ "No . Actually sorry . It should be a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "Can you help me find a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# part of town ?",
+ "Yes , I would like it to be in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# range please .",
+ "I need a place to stay that 's located in the #HOTEL-INFORM-AREA# and that is of #HOTEL-INFORM-PRICE# price range .",
+ "I want an #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# side .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel on the #HOTEL-INFORM-AREA# side of the city . Can you recommend anything ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# priced place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "i want to book a hotel of #HOTEL-INFORM-PRICE# price in the #HOTEL-INFORM-AREA# .",
+ "Are there any luxurious and #HOTEL-INFORM-PRICE# places to stay in the #HOTEL-INFORM-AREA# section of town ?",
+ "I would like to stay in the #HOTEL-INFORM-AREA# I have a #HOTEL-INFORM-PRICE# price range .",
+ "I would like a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# please .",
+ "Find a hotel in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range ?",
+ "Hi , I ' m looking for a #HOTEL-INFORM-PRICE# hotel to stay at in the #HOTEL-INFORM-AREA# .",
+ "Yes , please . I ' m also looking for a hotel that 's #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# .",
+ "I need a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# of town , please .",
+ "How about an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# side of town ?",
+ "I ' m looking for a hotel that 's in the #HOTEL-INFORM-AREA# side of Cambridge and it needs to have a #HOTEL-INFORM-PRICE# price .",
+ "The hotel should be in the #HOTEL-INFORM-AREA# and should be in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# , can you give me information on my options .",
+ "I would like one located in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# .",
+ "Hello , I need to find a place to stay for the night . I 'd rather be in the #HOTEL-INFORM-AREA# than the city centre , and I ' m willing to pay a #HOTEL-INFORM-PRICE# sum .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# .",
+ "I am looking for something in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# of town .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "Any hotel , in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# . Nothing else matters .",
+ "I want a #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# .",
+ "No tickets for the train . I would like a guesthouse in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# , please .",
+ "I would like a hotel in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# of town .",
+ "Need a place to stay on the #HOTEL-INFORM-AREA# side , and I need it #HOTEL-INFORM-PRICE# .",
+ "I would also like the hotel to be in the city #HOTEL-INFORM-AREA# . I 'd like to find something in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like to book a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# area .",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# of town n the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I would like those in the #HOTEL-INFORM-AREA# of town in the #HOTEL-INFORM-PRICE# price range .",
+ "Can you help me find an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# to stay at ? Thanks .",
+ "The #HOTEL-INFORM-AREA# please and #HOTEL-INFORM-PRICE# .",
+ "Yes I am looking for a place to stay in the #HOTEL-INFORM-AREA# that has a #HOTEL-INFORM-PRICE# price range .",
+ "I would like something #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# part of town .",
+ "it should be located in the #HOTEL-INFORM-AREA# and should be #HOTEL-INFORM-PRICE# .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# to stay in .",
+ "i want in the #HOTEL-INFORM-AREA# and should be #HOTEL-INFORM-PRICE# .",
+ "I ' m looking for something #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# .",
+ "No , I 'd actually prefer to stay on the #HOTEL-INFORM-AREA# side . Do you have anything in the #HOTEL-INFORM-PRICE# price range ? I 'd also like free wifi and parking if possible .",
+ "Yes , I 'd like something in the #HOTEL-INFORM-AREA# , and in the #HOTEL-INFORM-PRICE# price range , please .",
+ "I 'd like #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# please .",
+ "There are no #HOTEL-INFORM-PRICE# hotels in the #HOTEL-INFORM-AREA# area with a star rating of 4 ? Can you double - check ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# , what kind of options can you give me ?",
+ "Thanks for the info ! I also need a place to stay in the #HOTEL-INFORM-AREA# of town . I ' m looking for something in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# priced place to stay in the #HOTEL-INFORM-AREA# part of town",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# .",
+ "I a , looking for an #HOTEL-INFORM-PRICE# place to stay on the #HOTEL-INFORM-AREA# side of Cambridge .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# place to stay on the #HOTEL-INFORM-AREA# side .",
+ "Find me an #HOTEL-INFORM-PRICE# place to stay on the #HOTEL-INFORM-AREA# side , please .",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel on the #HOTEL-INFORM-AREA# .",
+ "It should be in the #HOTEL-INFORM-AREA# and be on the #HOTEL-INFORM-PRICE# side .",
+ "I also need a place to stay in the #HOTEL-INFORM-AREA# of town n the #HOTEL-INFORM-PRICE# price range .",
+ "Actually , I do need the hotel to be in the #HOTEL-INFORM-AREA# . I 'd also like it to be #HOTEL-INFORM-PRICE# .",
+ "Yes , I would like to be in the #HOTEL-INFORM-AREA# . Oh and I would like to be in the #HOTEL-INFORM-PRICE# price range .",
+ "Thanks . I am also looking for an #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "Can you help me find an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# to stay at ? Thanks .",
+ "I am organizing my trip to cambridge and need a place to stay in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range .",
+ "Is it in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range ?",
+ "Yes please . I need to find a hotel on the #HOTEL-INFORM-AREA# end of town . An #HOTEL-INFORM-PRICE# hotel .",
+ "hotel should be in the #HOTEL-INFORM-PRICE# and in #HOTEL-INFORM-AREA# of town",
+ "I would like it in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# .",
+ "Great . I also need a place to stay that is #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# area .",
+ "I would like an #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# .",
+ "Yes , the #HOTEL-INFORM-AREA# of town preferably . And a #HOTEL-INFORM-PRICE# price range .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# area and I have a #HOTEL-INFORM-PRICE# price range . Do you think you can help me ?",
+ "I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# in price .",
+ "actually , i still want a place in the #HOTEL-INFORM-AREA# . maybe try a #HOTEL-INFORM-PRICE# price range .",
+ "Yes , please . I need a #HOTEL-INFORM-PRICE# hotel in the city #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# price hotel in the #HOTEL-INFORM-AREA# part of town .",
+ "I m also looking for an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "Hi I am planning a trip and need to find a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# part of Cambridge .",
+ "Is that in the #HOTEL-INFORM-AREA# area also , and in the #HOTEL-INFORM-PRICE# price range ? That is what I ' m looking for .",
+ "Yes , I 'd also like it to be #HOTEL-INFORM-PRICE# and on the #HOTEL-INFORM-AREA# side .",
+ "I m looking for a hotel in the #HOTEL-INFORM-AREA# that 's #HOTEL-INFORM-PRICE# .",
+ "I am also looking for a place to stay in the #HOTEL-INFORM-AREA# . It should be #HOTEL-INFORM-PRICE# .",
+ "I need something #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# of town .",
+ "Hi , i want an #HOTEL-INFORM-PRICE# place to stay in the town #HOTEL-INFORM-AREA# please .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "Hi , I am looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# . Can you help me ?",
+ "I ' m looking for lodgings on the #HOTEL-INFORM-AREA# side , in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "Ok , are there any hotels in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# part of town ?",
+ "Yes please . I am looking for a hotel in the #HOTEL-INFORM-AREA# side of town in the #HOTEL-INFORM-PRICE# price range as well . Any suggestions ?",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# place to stay at in the #HOTEL-INFORM-AREA# section of town , can you help with this ?",
+ "Can you find me an #HOTEL-INFORM-PRICE# place to stay that is located in the #HOTEL-INFORM-AREA# ?",
+ "I am also looking for a place to stay in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range if you could help me .",
+ "Thanks for asking . An #HOTEL-INFORM-PRICE# guesthouse in the #HOTEL-INFORM-AREA# would be best for me .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place to stay . Could you find me a place in the #HOTEL-INFORM-AREA# of town that is #HOTEL-INFORM-PRICE# ?",
+ "Yes I would like a place in the #HOTEL-INFORM-AREA# and in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# but can you try in the #HOTEL-INFORM-PRICE# price range and see if any are available ?",
+ "Yes I am interested in the #HOTEL-INFORM-AREA# and a #HOTEL-INFORM-PRICE# price range .",
+ "Thank you . I am also looking for a place to stay . It needs to be #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# .",
+ "I would like to get a hotel room that is in the #HOTEL-INFORM-AREA# and is priced #HOTEL-INFORM-PRICE# .",
+ "I would like in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# .",
+ "I need a #HOTEL-INFORM-PRICE# place to stay , too . Can you find me something in the #HOTEL-INFORM-AREA# ?",
+ "Thanks ! I 'll also be needing a place to stay . A hotel in the #HOTEL-INFORM-AREA# , preferably also in the #HOTEL-INFORM-PRICE# range .",
+ "I also need a place to stay . Can you recommend an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# ?",
+ "I ' m looking in the #HOTEL-INFORM-PRICE# price range and should be located in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay in the #HOTEL-INFORM-AREA# of town .",
+ "Hello , I ' m looking for a hotel in the #HOTEL-INFORM-AREA# , and I 'd like the more #HOTEL-INFORM-PRICE# range please .",
+ "Yes , I would like to be in the #HOTEL-INFORM-AREA# . Oh and I would like to be in the #HOTEL-INFORM-PRICE# price range .",
+ "Do they have any #HOTEL-INFORM-PRICE# places to stay on the #HOTEL-INFORM-AREA# side ?",
+ "I want the hotel to also be in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-PRICE# price .",
+ "Hi , I need a place to stay . Something #HOTEL-INFORM-PRICE# on the #HOTEL-INFORM-AREA# side .",
+ "Yes . I also need a place to stay on the #HOTEL-INFORM-AREA# side of the town . I would prefer something in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I 'd like a place in the #HOTEL-INFORM-AREA# part of town in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I 'd prefer a #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# .",
+ "I prefer an #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# please",
+ "i am , Also looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should be in the #HOTEL-INFORM-PRICE# price range"
+ ],
+ "Parking;Stay;": [
+ "I need to stay for #HOTEL-INFORM-STAY# nights . We 'll be arriving on Monday ."
+ ],
+ "Area;Internet;Parking;": [
+ "Yes please . I ' m also looking for a hotel in the #HOTEL-INFORM-AREA# . I need free parking and wifi available . Thanks so much .",
+ "I would like a hotel in the #HOTEL-INFORM-AREA# that has free parking . It does n't need to have internet .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# . I would also like the guesthouse to have free parking and wifi .",
+ "I would like something in the #HOTEL-INFORM-AREA# and has free wifi and free parking if possible .",
+ "I need something in the #HOTEL-INFORM-AREA# , with free wifi and free parking .",
+ "The place does not have to have free parking , should include free wifi , and should be in the #HOTEL-INFORM-AREA# of town .",
+ "A hotel with free wifi and parking on the #HOTEL-INFORM-AREA# side .",
+ "I also am looking for a place to stay , it will need to be on the #HOTEL-INFORM-AREA# side and have free parking , I do n't need internet .",
+ "Yes , I need a hotel in the #HOTEL-INFORM-AREA# with free wifi and free parking .",
+ "I 'd like a hotel in the #HOTEL-INFORM-AREA# to stay at . It does n't need to include internet , nor no need to have free parking . Closer to the restaurant would be preferred .",
+ "We would like a place in the #HOTEL-INFORM-AREA# which includes free wifi and free parking . Can you find something fitting this ?",
+ "I would like something in the #HOTEL-INFORM-AREA# , with free wifi and free parking .",
+ "Yes please . An expensive hotel in the #HOTEL-INFORM-AREA# with free parking and free internet . Can you book the room for me please ?",
+ "2 stars , free parking and WiFi , located in the #HOTEL-INFORM-AREA# , please .",
+ "A hotel on the #HOTEL-INFORM-AREA# side with free internet and parking if that s doable .",
+ "We would like a place in the #HOTEL-INFORM-AREA# which includes free wifi and free parking . Can you find something fitting this ?",
+ "I ' m going to be in Cambridge for 4 days and need a place to stay in the #HOTEL-INFORM-AREA# with free wifi . I do n't need parking .",
+ "Yes please . I ' m also looking for a hotel in the #HOTEL-INFORM-AREA# . I need free parking and wifi available . Thanks so much .",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# and have free wifi and parking .",
+ "Yes , the #HOTEL-INFORM-AREA# of town please . Also , no internet is needed , but i would prefer free parking .",
+ "A place in the #HOTEL-INFORM-AREA# with free parking and free wifi please ."
+ ],
+ "Internet;Price;Type;": [
+ "I am looking for a hotel with free wifi . It should be in the #HOTEL-INFORM-PRICE# price range , like a #HOTEL-INFORM-TYPE# .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi and should be in the #HOTEL-INFORM-PRICE# price range",
+ "I would like to stay in a #HOTEL-INFORM-TYPE# type of hotel that is in the #HOTEL-INFORM-PRICE# price range . Also , it should have free wifi .",
+ "I meant a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi .",
+ "Yes , also looking for a #HOTEL-INFORM-TYPE# to stay in . I would like it to be in the #HOTEL-INFORM-PRICE# range and it must have free wifi . What do you recommend ?",
+ "Can you please help me find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay in that includes free wifi ?",
+ "I am also looking for a #HOTEL-INFORM-TYPE# , it can be #HOTEL-INFORM-PRICE# , but it needs to have free wifi .",
+ "I Need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi . I would like it to be a hotel .",
+ "Okay , can you look for a #HOTEL-INFORM-TYPE# with a different star rating that is still #HOTEL-INFORM-PRICE# and has free wifi ?",
+ "Thanks . Now please help me find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that offers wifi",
+ "Nope . I just need the #HOTEL-INFORM-TYPE# to be #HOTEL-INFORM-PRICE# and include wifi .",
+ "I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi please .",
+ "I also want free wifi and I need the #HOTEL-INFORM-TYPE# to be #HOTEL-INFORM-PRICE# as I do n't have a lot of money to spend .",
+ "The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-PRICE# price range and should include free wifi .",
+ "i am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-PRICE# price range and should include free wifi .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free wifi and should be in the #HOTEL-INFORM-PRICE# price range",
+ "i am also looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-PRICE# price range and should include free wifi .",
+ "I want an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi",
+ "You can help me find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge that includes free wifi .",
+ "Hi , can you help me find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free wifi ? Thank you",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge that offers free wifi for guests .",
+ "I would like a #HOTEL-INFORM-TYPE# that meets all my previous criteria , except now I want one in the #HOTEL-INFORM-PRICE# price range and it does n't need to include internet .",
+ "I ' m looking for a place to stay- a #HOTEL-INFORM-TYPE# . It needs to be in the #HOTEL-INFORM-PRICE# price range and needs to have free wifi .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in Cambridge with free wifi .",
+ "Hello I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that includes wifi ."
+ ],
+ "Internet;": [
+ "Yes , it should have free wifi .",
+ "Which of those have free wifi ?",
+ "I ' m open to any area as long as there is free wifi .",
+ "Yes please go ahead and book that for me . I am also looking for a place to stay and can you find me a Guest house with free wifi ?",
+ "How about a place in any area with free wifi .",
+ "Yes please and in the same price range .",
+ "Sorry , I was just kidding about the hating internet part . I do need a place that has free wifi .",
+ "No , I need a guesthouse with free wifi .",
+ "Try changing from no internet to free wifi and see what happens .",
+ "I need one with wifi .",
+ "Yeah , I do n't need internet . Other than that , could you just recoomend one that has a reasonable number of stars ?",
+ "I do n't care about price range or parking , but I do require free WiFi .",
+ "I am looking for a place to stay with free wifi .",
+ "I do n't have a preferred price . I ' m looking for any sort of guesthouse there and absolutely require wifi access .",
+ "I need it to include free wifi .",
+ "Yes , I also need some accomodations . Got anything with free wifi ?",
+ "I do n't believe you . check again . I also want free wifi .",
+ "Yes I do need the free wifi .",
+ "I need place to stay with free wifi .",
+ "I ' m not to worried about price but the hotel needs to have free wifi .",
+ "I need it to include free wifi please .",
+ "Either is fine but I would need to have wifi included , this is a business trip .",
+ "Hi , I am looking for a r star place to stay that has free wifi .",
+ "I would like one that includes free wifi please",
+ "I do need free wifi included , so whichever of those has wifi is the best !",
+ "I am looking for a place to stay with free wifi .",
+ "Yes please . I would like for it to include free wifi .",
+ "Which one of them has free wifi ?",
+ "That sounds good , but can you tell me if it includes free wifi ?",
+ "I do not , but it should have wifi .",
+ "Yes , I ' m also looking for a place to stay , preferably somewhere with free wifi . Can you assist me with that ?",
+ "I require free wifi .",
+ "Hello , I am looking for a place to stay with free wifi .",
+ "I ' m not concerned with area , but I would like it to include free wifi access , please .",
+ "Does this place have free wifi ?",
+ "I have a restaurant reservation , I need a hotel now . 1 star hotel with free wifi .",
+ "Yes , I ' m also looking for a place to stay , preferably somewhere with free wifi . Can you assist me with that ?",
+ "It does n't matter , but I would like something with free WiFi .",
+ "I also need a hotel . One with free wifi and not too expensive .",
+ "something that has free wifi",
+ "I do n't really need internet , but that sounds like everything else I want . Yes , I 'd like you to book it .",
+ "Is there any other guesthouses that do n't have internet included ?",
+ "That sounds like a good option ! Does it include internet ? I wo n't be needing it during my stay , but I 'd like to know .",
+ "Can you give me info on four start places , It doesn;t matter if they have free wifi or not .",
+ "No , although I would like them to include free wifi as well .",
+ "I am looking for a place to stay that has free wifi .",
+ "I do not need internet .",
+ "As long as it has free wifi",
+ "No , but I would like to have free wifi .",
+ "looking for something with 5 stars and free wifi",
+ "I 'd like one with free wifi , and could you give me the star rating ?",
+ "Just one that has free wifi please . No price range restrictions .",
+ "I do n't have a preferred price range , but I 'd like one with free wifi .",
+ "Yes I would like a booking please . It will be just me .",
+ "I would like free wifi .",
+ "I would like to find a room as well , with free wifi .",
+ "Yes please , that would be great .",
+ "I do n't care about wifi , but I would like a guest house , please .",
+ "If that is the case , can you look for a hotel that has free wifi ? Thanks",
+ "Howdy , I ' m looking for a place to stay . I do n't care about internet .",
+ "yes I like that one with the free wifi .",
+ "Yes , I 'd love to have free internet , and I 'd really like to stay at a guest house if possible .",
+ "I ' m not picky about the area of town or the price , but I absolutely need free wifi !",
+ "I do n't really care . I do want a guesthouse with free WiFi , though .",
+ "Does that include free wifi ?",
+ "It should be right there under internet ...",
+ "Hello , I am looking for accommodations with free wifi .",
+ "I am interested in a guesthouse in the north that includes free wifi please .",
+ "I ' m actually not ready to book just yet , but could I find one that has free wifi ?",
+ "Yes , but the place needs to have free wifi as well .",
+ "What are my options for pricier hotels that include wifi free ?",
+ "Price range does n't matter , I 'd like free wifi though .",
+ "I ' m looking for a place to stay that provides wifi without any extra charges . Can you find something like that for me ?",
+ "I would prefer a guest house and free wifi please .",
+ "The area does n't really matter . But I would want a hotel that includes wifi for free .",
+ "No , but I definitely need free wifi .",
+ "It does n't need to include internet . Does that narrow down the options ?",
+ "What about one with free wifi ?",
+ "am looking for a place to stay . The hotel does n't need to include internet",
+ "Are there any that has free wifi ?",
+ "How about a place with free parking and free wifi ?",
+ "I need to find a hotel with free wifi to stay at . Can you help me ?",
+ "No area does not matter but I need free wifi .",
+ "No , actually I do need to book the Holiday Inn Cambridge as long as it has free wifi .",
+ "I do n't really have a preference . I just need free wifi .",
+ "Yes , I prefer the north and I must have free wifi , please .",
+ "I need a place to stay with free wifi .",
+ "Do you know if any of them offer free wifi ?",
+ "No , I do n't . I want one that includes free wifi .",
+ "If it helps , I do not have to have internet . Please tell me my options .",
+ "Does that include free wifi ?",
+ "I am looking for a hotel with free wifi .",
+ "Would you be able to help me find a room that has free wifi ?",
+ "I need a place to stay that has free wifi .",
+ "I need a place to stay that has free wifi please .",
+ "I need to have free wifi .",
+ "would you like to book something without free wifi , or in another area .",
+ "I do need internet .",
+ "I would like free wifi .",
+ "I need one that includes free wifi .",
+ "I 'd like to have you make a reservation at the one in Centre ( providing it has free wifi too ) starting on Wednesday .",
+ "I ' ve changed my mind and would like to go ahead and pick the center of town . Wifi would be great .",
+ "Does it have free wifi ? If so , please book it for me .",
+ "I have to find a place to stay pretty quick . It has to have free wifi so I can work . Can you help me find something ?",
+ "Does any of them have free wifi ?",
+ "I need to find a hotel in the center with free wifi included in their rates .",
+ "I need one that includes free wifi",
+ "Sounds good , I changed my mind about the internet , can you let me know if it has free wifi ?",
+ "I 'd like a zero star hotel that has wifi .",
+ "I need a hotel with free wifi .",
+ "I do n't care about parking . I would like free wifi however .",
+ "No specific price or location . I 'd like it to include free wifi , though .",
+ "I am also looking for a place to stay that has free wifi .",
+ "Yes , please . Do either have free wifi ?",
+ "I ' m looking for a place to stay that offers free wifi",
+ "can you find me a guest house that has free wifi in this town ?",
+ "I need a place to stay with free wifi .",
+ "I have no preference on the part of town , but I do need free wifi as well .",
+ "Does it include free wifi ?",
+ "I also need free wifi .",
+ "Any area is fine , as long as the place has free wifi .",
+ "If there are no 1 star guesthouses , please find me the cheapest one that includes free wifi .",
+ "I do need free wifi .",
+ "Actually , I really do n't know this area . I could use a recommendation . I just need a guesthouse that has free wifi .",
+ "I need a place with wifi .",
+ "I would like to find a hotel that has free wifi .",
+ "Does one not have free internet ?",
+ "I appreciate you finding wifi for me !",
+ "Thanks a lot . Can you also help me find a place to stay that has free wifi ?",
+ "Do any of them include free wifi with their packages ?",
+ "I will need free internet .",
+ "Any area is fine , as long as the place has free wifi .",
+ "I am looking for a place with free wifi as well . Price does n't matter yet .",
+ "Yes , I would like it to have internet .",
+ "It does n't matter and it does n't need to include internet .",
+ "yes but it should include free wifi",
+ "I do n't mind something a bit pricey , and I definitely need wifi .",
+ "Area does not matter . I do need free wifi .",
+ "I ' m looking for a place in the south that provides free wifi . Is there anything like that ?",
+ "I am looking for a place to stay with free wifi .",
+ "I would prefer moderate price range and wifi included",
+ "Hi , I ' m looking for a nice play to stay in Cambridge that has free wifi .",
+ "No , anything with availability is fine . I also do n't care if it has internet or not .",
+ "If that has free wifi that 'll work .",
+ "I might be able to spend more if the hotel comes with free wifi .",
+ "I need a cheap place to stay in the east area with wifi , please .",
+ "I need a place to stay that has free wifi .",
+ "Yes , the hotel should include free wifi .",
+ "Any area , really . But also free internet if possible !",
+ "Yes . I need a place to stay with free wifi",
+ "No I do nt have a preferred area . It does nt need to have internet .",
+ "Any one of them will do . As long as it has free wifi please .",
+ "Can you help me find somewhere to stay with free wifi ?",
+ "Are there any places to stay that offer free wifi ?",
+ "No , I do n't really care about price . Just something in the north that includes wifi .",
+ "I am also looking for a place to stay . I need a guesthouse with free wifi .",
+ "Honestly , I always stay at the same place when we travel there , so I could really use a recommendation . Any one will do just with wifi and moderate pricing .",
+ "No , it should include free wifi .",
+ "I need a place to stay that has free wifi .",
+ "do any of them have free wifi ?",
+ "Do any have free wifi ?",
+ "Yeah , I 'd like someplace with free wifi , please .",
+ "What is the price range and is there internet ?",
+ "No . But it should have free wifi .",
+ "I need a place to stay with free wifi .",
+ "I would like to make sure it has free wifi .",
+ "If the Acorn Guest House has free wifi , please book it for me .",
+ "I ' m looking for a place to stay with free wifi .",
+ "I need a place to stay that has free wifi .",
+ "I prefer a hotel near the main street . I want a hotel that includes free wifi",
+ "Does it have free wifi ?",
+ "It should include free wifi and should be in the cheap price range .",
+ "Great . Do you know of a high - end hotel I could stay at ? It has to have free wifi .",
+ "I would like for it to have free wifi .",
+ "Yes , I would like it to have free wifi .",
+ "Yes . I would like a guesthouse with free wifi , please .",
+ "I do n't care about star rating so much , but it the hotel needs to include free wifi .",
+ "does it have free wifi",
+ "Do both also have free wifi ? If so , can you book the guest house .",
+ "We were wanting to have free wifi . Do either of them provide that ?",
+ "No , but I need free wifi , too .",
+ "I need the hotel to at least have free wifi . Can you accommodate ?",
+ "I am indifferent to parking but free wifi is a necessity .",
+ "Hi , I need to find a hotel to stay at . It does n't need to have wifi .",
+ "I do n't but the hotel does n't need to include internet .",
+ "Thank you ! Can you also help me find a place to stay with free wifi ?",
+ "No , I do need wifi though .",
+ "I would n't mind a guest house as long as it includes free wifi .",
+ "The area does n't matter , but I do need free wifi .",
+ "I need a hotel with free wifi .",
+ "Does it have internet ?",
+ "I 'll take whichever one does n't include Internet .",
+ "No . but it should also have free wifi .",
+ "I ' m looking for a place to stay in the center of town that has free wifi .",
+ "I need something that includes free wifi as well .",
+ "It does n't matter , and I do n't need internet access .",
+ "Do any of them have free Wifi ?",
+ "Do all of them have free wifi ?",
+ "I need free wifi as well .",
+ "I need a cheap one that has free wifi .",
+ "Yes it must have Wifi and be moderately priced",
+ "It should also include free wifi .",
+ "It does n't need internet included",
+ "Yes WiFi internet please .",
+ "Not important , as long as long as it has wifi",
+ "Actually , I need it to have free parking and free wifi . Do you have any hotels with these amenities ?",
+ "I 'll need free wifi .",
+ "Nope , I ' m open on price . It does n't need to have internet .",
+ "No preference in area , just need to make sure that it also has wifi .",
+ "How about one with free wifi ?",
+ "I would just like to know what is available . Oh I also need free wifi .",
+ "We need it to have free wifi .",
+ "I also need free wifi , and I would prefer a hotel if that is possible",
+ "Which ones have free parking and Wifi ?",
+ "Does it have free wifi ?",
+ "That does n't really matter , but I do need it to include free wifi .",
+ "I also need a place to stay with free wifi .",
+ "I would not mind finding one with free wifi .",
+ "The hotel should be in the north and should include free wifi .",
+ "Not really , but I do need free wifi .",
+ "Does it have free wifi ?",
+ "The hotel should include free wifi",
+ "It does n't matter . I would like for the hotel to have free wifi",
+ "It does n't matter , but it should have free wifi .",
+ "No . I do want it in the south and to have wifi though .",
+ "I ' m not picky but it should have free WiFi .",
+ "It does n't matter , but I do need it to have free Internet .",
+ "Hi , I would like to find a place to stay in Cambridge with free wifi .",
+ "I am looking for a place to stay with free wifi .",
+ "I also need a place to stay , I 'd like possibly a guesthouse with free wifi .",
+ "Does it have free wifi ?",
+ "Great , thanks . Can you also help me find an upscale place to stay that offers free wifi ?",
+ "Actually , I also need a 2 star guesthouse with free wifi",
+ "No but it would also need free wifi .",
+ "I need a place to stay in the centre of cambridge with free wifi .",
+ "I do not have a preference for an area but I would like it to be in the moderate price range and free wifi .",
+ "I have to have free wifi",
+ "The area does n't matter . I would like free wifi though , if possible .",
+ "Actually I do need free wifi .",
+ "Can you recommend me a hotel with free wifi in the same area ?",
+ "The hotel should include free wifi .",
+ "Are there any with free wifi available ?",
+ "Can you recheck the same area that has free wifi ?",
+ "I do n't care about the area . All that matters to me is that it has free wifi .",
+ "As long as it has free wifi it 's good .",
+ "I ' m not sure yet . I 'll take a place with free wifi .",
+ "No thanks . Is there another with free wifi ?",
+ "I would like to find a guesthouse in Cambridge that has free wifi .",
+ "No particular star rating but I do want free wifi .",
+ "That sounds good , but can you tell me if it includes free wifi ?",
+ "I do n't have a star rating preference but it needs to have free wifi .",
+ "Well , I do need a place to stay . How about one with free wifi in the centre of town ?",
+ "If there are no hotels with free parking in the centre , how about one with free wifi ?",
+ "I 'd like free wifi included please .",
+ "i am new here . i need a place to stay with free wifi",
+ "I want to confirm with you that the gonville does not need to include internet .",
+ "Yes , also looking for a huesthouse that has free wifi .",
+ "It can be any type , not just a hotel . I also need free wifi .",
+ "I need the place I 'd like to stay to also include wifi , is there anything ?",
+ "I ' m interested in rooms for the night where you can get free wifi .",
+ "Do any of those have free wifi ?",
+ "Actually , come to think of it I might need free wifi . Do either of those offer that ?",
+ "I am looking for a place to stay with free wifi .",
+ "Is this located in the east ? And I change my mind on internet . I would like one with wifi if possibe ?",
+ "Yes , I want to find a hotel with free wifi .",
+ "any that has free wifi"
+ ],
+ "Area;Internet;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , and I 'd like free wifi please .",
+ "Could you help me find a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side with free WiFi ?",
+ "Hi , I need to find a #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# area that includes free wifi .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free wifi , please .",
+ "Thanks ! I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It does n't need to have free wifi .",
+ "I need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that has free wifi and located in the west please .",
+ "Thanks ! I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It does n't need to have free wifi .",
+ "I would like for the #HOTEL-INFORM-TYPE# to be located in the #HOTEL-INFORM-AREA# and include free wifi .",
+ "i am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-AREA# and does n't need to include internet .",
+ "I 'll be on the #HOTEL-INFORM-AREA# side and it should have free wifi . I 'd like a #HOTEL-INFORM-TYPE# please .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-AREA# . Internet is not important . Can you help me with that ?",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# with free wifi . Can you find one in the #HOTEL-INFORM-AREA# ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , internet is optional .",
+ "I would like a #HOTEL-INFORM-TYPE# with free wifi located in the #HOTEL-INFORM-AREA# .",
+ "I actually need a place that has free wifi and is in the #HOTEL-INFORM-AREA# part of town . And it needs to be a #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "I am looking got a #HOTEL-INFORM-TYPE# near the #HOTEL-INFORM-AREA# and I need to it have free wifi .",
+ "I also need to find a #HOTEL-INFORM-TYPE# . I ' m looking for one in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Yes , actually . I 'd like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that has free wifi . Price does n't matter to me , I just want to make sure I can connect to the internet .",
+ "I am coming to Cambridge and need a place to stay . Is there a #HOTEL-INFORM-TYPE# in #HOTEL-INFORM-AREA# with free wifi ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# that has free wifi preferably in the #HOTEL-INFORM-AREA# . Can you help me ?"
+ ],
+ "Stars;Type;": [
+ "I would like a #HOTEL-INFORM-STARS# star hotel , in an expensive #HOTEL-INFORM-TYPE# please . Thanks !",
+ "I also need a #HOTEL-INFORM-TYPE# for 8 and needs to be a #HOTEL-INFORM-STARS# star",
+ "I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-TYPE# with a star rating of #HOTEL-INFORM-STARS# .",
+ "Price is no issue . I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# though .",
+ "I m also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Thank you . I ' m also in need of a place to stay . I 'd like it to be a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# .",
+ "I would like a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating please . It also must include free wi - fi .",
+ "I also need a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# as well .",
+ "I am needing to find a place to stay while traveling in Cambridge . I would like a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-STARS# stars .",
+ "Like I said I needed a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars ... Location and price do n't matter .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in Cambridge .",
+ "Yes I am looking to stay in a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "No , I also need to find a place to stay . I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Okay great . I 'd also like to find a #HOTEL-INFORM-TYPE# that has a #HOTEL-INFORM-STARS# star rating .",
+ "The area does not matter . But , I need it to be an actual #HOTEL-INFORM-TYPE# and have #HOTEL-INFORM-STARS# stars .",
+ "Let 's try any #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , then .",
+ "I ' m sorry . The #HOTEL-INFORM-TYPE# would be my preference . It should be #HOTEL-INFORM-STARS# star rated and in the town center . What 's available that meets those specifications ?",
+ "Yes I need to find a #HOTEL-INFORM-TYPE# , prefer with a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking to stay at a #HOTEL-INFORM-TYPE# that has a #HOTEL-INFORM-STARS# star rating .",
+ "Any area is fine as long as it is #HOTEL-INFORM-STARS# star and a #HOTEL-INFORM-TYPE# .",
+ "Yes , I also need to find a place to stay . Preferably #HOTEL-INFORM-STARS# stars and a #HOTEL-INFORM-TYPE# .",
+ "I 'd like a #HOTEL-INFORM-TYPE# , please . a #HOTEL-INFORM-STARS# star rating is a must .",
+ "Any area in Cambridge is fine , but I want the #HOTEL-INFORM-TYPE# to have a #HOTEL-INFORM-STARS# star rating .",
+ "I will be visiting Cambridge soon and need a place to stay . I am looking for a #HOTEL-INFORM-TYPE# with at least a star #HOTEL-INFORM-STARS# rating .",
+ "I ' m also looking for a place to stay . I 'd prefer a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# if possible please .",
+ "If it 's in the west , I want it to be a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . Is it ?",
+ "Actually , I was looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , not a guesthouse .",
+ "I need a place to stay as well . Preferably a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Can you also help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at ?",
+ "That 's perfect , I ' ve heard of it . How about a cozy #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# nearby ?",
+ "Could you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "Thank you ! I am also looking for a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "Great ! I ' m also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay in .",
+ "Yes , I would like something with a #HOTEL-INFORM-STARS# star rating , and I would like for it to be a #HOTEL-INFORM-TYPE# .",
+ "Thank you I also need help with a #HOTEL-INFORM-TYPE# . I am looking for a #HOTEL-INFORM-STARS# star hotel . What you got ?",
+ "Hi , could you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "A #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# would be ideal , thank you .",
+ "I do not have a preference on price as long as it has a #HOTEL-INFORM-STARS# star rating and is a #HOTEL-INFORM-TYPE# .",
+ "I would like a #HOTEL-INFORM-TYPE# with a star rating of #HOTEL-INFORM-STARS# .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay in .",
+ "I could actually do a #HOTEL-INFORM-TYPE# with a star rating of #HOTEL-INFORM-STARS# .",
+ "No , I ' m looking for a #HOTEL-INFORM-TYPE# . It has to have #HOTEL-INFORM-STARS# stars",
+ "I also = nned to find a #HOTEL-INFORM-TYPE# to stay in that is #HOTEL-INFORM-STARS# stars .",
+ "I an you find me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay in .",
+ "I would like the #HOTEL-INFORM-TYPE# if it has a #HOTEL-INFORM-STARS# star rating .",
+ "Thank you ! I am also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should have a star of #HOTEL-INFORM-STARS# and should be in the type of hotel",
+ "Please locate me a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# star rating in Cambridge .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in Cambridge ?",
+ "Thank you . I ' m looking for a cheap #HOTEL-INFORM-TYPE# to stay at as well , are there any #HOTEL-INFORM-STARS# star accommodations like that ?",
+ "I need to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m sorry , I do n't actually need the tickets right now . Can you find me a moderately priced #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , though ?",
+ "I would prefer a #HOTEL-INFORM-TYPE# that s #HOTEL-INFORM-STARS# star rated . Do either of those fit the bill ?",
+ "Hi I am looking for a #HOTEL-INFORM-TYPE# that has a star rating of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I ' m flexible on the area but I really want a #HOTEL-INFORM-TYPE# instead of a guesthouse . And I would like something with #HOTEL-INFORM-STARS# stars .",
+ "Is it a #HOTEL-INFORM-TYPE# ? I 'd really like a guesthouse with #HOTEL-INFORM-STARS# stars , if possible .",
+ "I would like a place like a #HOTEL-INFORM-TYPE# that has at least #HOTEL-INFORM-STARS# stars .",
+ "I need to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating",
+ "I am looking for a hotel to stay in with a #HOTEL-INFORM-STARS# star rating that is in a #HOTEL-INFORM-TYPE# style .",
+ "Yes please . I need a place to crash . I ' m thinking a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "The area does n't matter as long as it 's a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Hi , I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Can you let me know about #HOTEL-INFORM-STARS# star places in cambridge ? I want a personal touch , so a #HOTEL-INFORM-TYPE# who be perfect .",
+ "I do not have a preference on price as long as it has a #HOTEL-INFORM-STARS# star rating and is a #HOTEL-INFORM-TYPE# .",
+ "I ' m not familiar with the areas of town , but I 'd really like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Could you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I prefer a #HOTEL-INFORM-TYPE# , is there a hotel in this area that is #HOTEL-INFORM-STARS# star ?",
+ "Thanks I also need to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking to get a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in Cambridge please .",
+ "I would prefer a #HOTEL-INFORM-STARS# star for my taste , and a #HOTEL-INFORM-TYPE# please",
+ "I would like it to be a #HOTEL-INFORM-TYPE# and have a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , does that fit the criteria ?",
+ "I need a #HOTEL-INFORM-STARS# star hotel to stay in that should be a #HOTEL-INFORM-TYPE# .",
+ "Hi , can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Great . now I am also looking for a place to stay . I would like a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "Is that a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars ?",
+ "No , I really only care that it is #HOTEL-INFORM-STARS# stars and an actual #HOTEL-INFORM-TYPE# .",
+ "Can you also help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at ?",
+ "Actually I ' m looking for a #HOTEL-INFORM-TYPE# . Do you have one that has #HOTEL-INFORM-STARS# stars and free parking ?",
+ "Can you help me find a nice #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "If there is n't a 2 star #HOTEL-INFORM-TYPE# , a #HOTEL-INFORM-STARS# star hotel will do .",
+ "I 'd like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# but it does n't matter which area it 's in .",
+ "Can you find me a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating ?",
+ "A #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating and does not need to have internet , nothing ?",
+ "I am not particular about the area . Is there a #HOTEL-INFORM-TYPE# available that has a #HOTEL-INFORM-STARS# star rating ?",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# to stay in . I need to make sure it 's a hotel and not a guesthouse , with a star of #HOTEL-INFORM-STARS# .",
+ "I would really love a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# that has #HOTEL-INFORM-STARS# stars ?",
+ "No , I 'd like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# instead . Any recommendations ?",
+ "I want to find a #HOTEL-INFORM-TYPE# place to stay with a #HOTEL-INFORM-STARS# star rating .",
+ "i am looking for a place to stay . The hotel should have a star of #HOTEL-INFORM-STARS# and should be in the type of #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at .",
+ "No preference on the location , but definitely a #HOTEL-INFORM-TYPE# , not a guesthouse ( hate those ! ) . Maybe a #HOTEL-INFORM-STARS# star option ?",
+ "I need a place to stay in Cambridge . I ' m looking for a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "How many stars does it have ? I want a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "No preference . I ' m looking for a #HOTEL-INFORM-STARS# star and #HOTEL-INFORM-TYPE# type .",
+ "I am also looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should have a star of #HOTEL-INFORM-STARS# .",
+ "Okay . Could you also help me with a a place to stay . I am looking for a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at that has a #HOTEL-INFORM-STARS# star rating . Can you help ?",
+ "I ' m visiting cambridge and I need a place to stay . I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Actually , I wanted a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with wifi , not parking . Can you check again ?",
+ "Can you find a room available at a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wi - fi ?",
+ "The area does not matter as long as it is in the type of #HOTEL-INFORM-TYPE# and should have a star of #HOTEL-INFORM-STARS# .",
+ "I need a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# that offers free wi - fi .",
+ "No specific area , but I would like a #HOTEL-INFORM-TYPE# , rather than a hotel . I would also like a place that 's #HOTEL-INFORM-STARS# stars .",
+ "i am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the type of hotel and should have a star of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a place to stay . I would like for it to be a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I would like to find a #HOTEL-INFORM-TYPE# to stay at with a #HOTEL-INFORM-STARS# star rating .",
+ "I m not sure but I would like to stay in a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I do n't care about what part of town it is in , but I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Thanks . I 'll also need a place to stay on my visit . Could you find me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# nearby ?",
+ "I would love if it were a #HOTEL-INFORM-STARS# star place . And a #HOTEL-INFORM-TYPE# if I can .",
+ "How about a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars ?",
+ "Great ! That sounds perfect . I ' m also looking for a #HOTEL-INFORM-TYPE# , nothing too shabby , no less than a #HOTEL-INFORM-STARS# star hotel , please .",
+ "Can you find me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# as well ?",
+ "I 'd like an expensive #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# if that is possible .",
+ "No but I would prefer a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I need a #HOTEL-INFORM-TYPE# to stay with a #HOTEL-INFORM-STARS# star rating please .",
+ "No particular price range . I would like to stay in a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I want to find a #HOTEL-INFORM-TYPE# place to stay with a #HOTEL-INFORM-STARS# star rating .",
+ "No , area does n't matter . I do want a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# though .",
+ "Yes I need to find a #HOTEL-INFORM-TYPE# that has a #HOTEL-INFORM-STARS# star rating , I hate dirty hotels , do n't you ?",
+ "I do n't have a particular area or price range , but I would like it to be a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "I am looking for one with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-TYPE# style .",
+ "A #HOTEL-INFORM-TYPE# would be nice , I am trying to stay in the affordable but not cheap range . Do you have anything that is #HOTEL-INFORM-STARS# or 4 star ?",
+ "Any area would work . It needs to be a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I need a place to stay in Cambridge . I ' m looking for a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars .",
+ "I would like to stay in a #HOTEL-INFORM-STARS# star rated #HOTEL-INFORM-TYPE# .",
+ "Hi , I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# hotel please .",
+ "It depends , I really want a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating . Does it have a rating of 2 stars ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in . It should have #HOTEL-INFORM-STARS# stars .",
+ "Area does n't matter , but it should be a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I prefer a #HOTEL-INFORM-TYPE# rather than a guesthouse with a rating of at least #HOTEL-INFORM-STARS# stars .",
+ "Thanks . I also need a place to stay . I would like a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I would like to find a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I do n't care . I 'd like a #HOTEL-INFORM-TYPE# though , with #HOTEL-INFORM-STARS# stars .",
+ "The #HOTEL-INFORM-TYPE# will be ok , as long as it 's rating is a star of #HOTEL-INFORM-STARS# .",
+ "Yes , I would like a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I would like it to be #HOTEL-INFORM-STARS# stars , and a #HOTEL-INFORM-TYPE# .",
+ "I miscommunicated before I apologize , I am actually looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I would prefer a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "No , I also need to find a place to stay . I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "The hotel should be a #HOTEL-INFORM-TYPE# , in the #HOTEL-INFORM-STARS# star range",
+ "I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at please .",
+ "Hi I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . Can you help me ?",
+ "Can you help me find a nice #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I need a #HOTEL-INFORM-STARS# star luxury #HOTEL-INFORM-TYPE# with a jacuzzi .",
+ "i am looking for a place to stay . The hotel should be in the type of #HOTEL-INFORM-TYPE# and should have a star of #HOTEL-INFORM-STARS# .",
+ "Yes I am looking for a place to stay . i would prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-STARS# state rating category .",
+ "Hi , I would like to book a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in Cambridge",
+ "Scratch that , I 'll book it myself . Now I just need to find a place to stay , a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking to stay in a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "I am not particular about the area but it should be a #HOTEL-INFORM-TYPE# and #HOTEL-INFORM-STARS# stars please .",
+ "How about a #HOTEL-INFORM-TYPE# with free parking and #HOTEL-INFORM-STARS# stars ?",
+ "I also need help finding a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay in while I am there .",
+ "I also need to book a room in a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Hey , wait , just a second ! I just remembered , I need a place to stay with #HOTEL-INFORM-STARS# stars , preferably a #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Yes , a #HOTEL-INFORM-TYPE# . Something #HOTEL-INFORM-STARS# stars .",
+ "I need help finding a #HOTEL-INFORM-TYPE# with a star rating of #HOTEL-INFORM-STARS# .",
+ "I 'd like to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , please .",
+ "Could you help me find a good #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for a nice #HOTEL-INFORM-TYPE# to stay at during my trip to Cambridge . Anything with a #HOTEL-INFORM-STARS# star rating will do .",
+ "That sounds perfect . Can you also help me to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at that has a #HOTEL-INFORM-STARS# star rating . Can you help ?",
+ "Great , I would like it to be a #HOTEL-INFORM-TYPE# and have #HOTEL-INFORM-STARS# stars .",
+ "I ' m looking for a place to stay that has #HOTEL-INFORM-STARS# stars and is a #HOTEL-INFORM-TYPE# , what is there like that ?",
+ "I need a #HOTEL-INFORM-STARS# star hotel in Cambridge , that offers a #HOTEL-INFORM-TYPE# , can you book it for me ?",
+ "Yes , I would prefer a #HOTEL-INFORM-TYPE# and a rating of #HOTEL-INFORM-STARS# stars .",
+ "I also need to find a #HOTEL-INFORM-TYPE# please , preferably one with #HOTEL-INFORM-STARS# stars that is near the restaurant .",
+ "No thank you . I ' m also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "How about a #HOTEL-INFORM-STARS# star rating #HOTEL-INFORM-TYPE# ?",
+ "Yes , I am looking for a place to stay . Can you recommend a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at in Cambridge , at least a #HOTEL-INFORM-STARS# star place please",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# to stay in . Preferably a #HOTEL-INFORM-STARS# star one .",
+ "I also need to find a #HOTEL-INFORM-TYPE# to say in . Preferably a #HOTEL-INFORM-STARS# star one .",
+ "I actually want a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars , I do n't like stars .",
+ "Yes , I 'd like a hotel with a star of #HOTEL-INFORM-STARS# . Actually , instead of a hotel , can we look for a #HOTEL-INFORM-TYPE# ?",
+ "Yes . I would like it to be a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# .",
+ "I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I 'd like a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# , please .",
+ "I also need a place to stay and would like to fins a #HOTEL-INFORM-TYPE# with a star rating of #HOTEL-INFORM-STARS# .",
+ "Is that a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I want to to have a #HOTEL-INFORM-STARS# star rating & be a #HOTEL-INFORM-TYPE# . It can be in any area of the town .",
+ "Could you please try #HOTEL-INFORM-TYPE# , with free parking and a #HOTEL-INFORM-STARS# star then ?",
+ "I am also looking for a #HOTEL-INFORM-TYPE# with a rating of #HOTEL-INFORM-STARS# stars .",
+ "Not really . I just need a 2 star guesthouse or #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I 'd prefer a #HOTEL-INFORM-TYPE# . A #HOTEL-INFORM-STARS# star one , if possible .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in Cambridge . I am flexible on date . What would you recommend ?",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at that has a #HOTEL-INFORM-STARS# star rating . Can you help me ?",
+ "I would also like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# please .",
+ "I do n't have a certain area in mind . But , I would like it to have #HOTEL-INFORM-STARS# stars and that it is a #HOTEL-INFORM-TYPE# and not a hotel .",
+ "I would actually like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , not a guesthouse ."
+ ],
+ "Area;Parking;Stars;Type;": [
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# , free parking is not necessary but it should be rated #HOTEL-INFORM-STARS# stars .",
+ "Yes , in Cambridge , my mistake . I do say , all this travel is messing with my head ... Please find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# #HOTEL-INFORM-AREA# of Cambridge , with free parking I might add .",
+ "Yes . I need a #HOTEL-INFORM-TYPE# . I should be a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-AREA# . Parking is not important .",
+ "Sorry for the confusion . A #HOTEL-INFORM-TYPE# that is also in the #HOTEL-INFORM-AREA# , please . I would like it to have free parking and #HOTEL-INFORM-STARS# stars .",
+ "Yes . The #HOTEL-INFORM-TYPE# should be #HOTEL-INFORM-STARS# stars and located in the #HOTEL-INFORM-AREA# with free parking please .",
+ "Yes . Need it in the #HOTEL-INFORM-AREA# . Star of #HOTEL-INFORM-STARS# and do not care about parking , but do need it to be a #HOTEL-INFORM-TYPE# not guesthouse .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars and free parking , is there a place like that available to stay at ?",
+ "Thank you ! I also need a #HOTEL-INFORM-TYPE# to stay in in the #HOTEL-INFORM-AREA# . It does n't have to have free parking , but I would like a #HOTEL-INFORM-STARS# star place .",
+ "Price does n't matter but would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that includes free parking .",
+ "Do you have another #HOTEL-INFORM-TYPE# that 's #HOTEL-INFORM-STARS# stars with free parking in the #HOTEL-INFORM-AREA# ?",
+ "Yes . The #HOTEL-INFORM-TYPE# should be #HOTEL-INFORM-STARS# stars and located in the #HOTEL-INFORM-AREA# with free parking please ."
+ ],
+ "Parking;Stars;Type;": [
+ "Also , I need a #HOTEL-INFORM-TYPE# with parking and #HOTEL-INFORM-STARS# stars .",
+ "I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "It should be a #HOTEL-INFORM-TYPE# , have #HOTEL-INFORM-STARS# stars and include free parking .",
+ "I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Seventy - nine , wow this is going to be so much fun ! Anyway I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "Yes . I also would like it to be a #HOTEL-INFORM-TYPE# and have a #HOTEL-INFORM-STARS# star rating .",
+ "I 'd like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "No , but I 'd like a #HOTEL-INFORM-TYPE# of at leas #HOTEL-INFORM-STARS# stars and I 'd also like free parking .",
+ "I want to stay at a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "I also need a #HOTEL-INFORM-TYPE# . Preferably a #HOTEL-INFORM-STARS# star one with free parking .",
+ "I ' m looking for a hotel with free parking , Please give me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# hotel",
+ "No I do n't care which area it is in , just so it is a #HOTEL-INFORM-TYPE# with free parking and #HOTEL-INFORM-STARS# stars .",
+ "Hello , I would love to try a few local restaurants and am looking for a #HOTEL-INFORM-TYPE# with free parking and #HOTEL-INFORM-STARS# stars .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that offers free parking ?",
+ "I m also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . It needs to have free parking .",
+ "I would also like to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes parking . Can you help me with that ?",
+ "No I will take care of the train booking . I still need help finding an expensive #HOTEL-INFORM-STARS# star hotel with free parking . I would prefer a #HOTEL-INFORM-TYPE# type .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "I would prefer it to be a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , with free parking .",
+ "I would like to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at that also includes free parking . Do you have any suggestions ?",
+ "No thank you , could you find me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that provides free parking ?",
+ "Thank you so much . Can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking ?",
+ "I am also looking to stay in a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free parking .",
+ "Can you help me book a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that has free parking please ?",
+ "I ' m also lso looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free parking and should have a star of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at that includes free parking . Do you know of any ?",
+ "I am looking for a place to stay . I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "thanks I need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking of course .",
+ "I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "No , it does n't matter . I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking though .",
+ "I also need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking .",
+ "I actually only want a #HOTEL-INFORM-TYPE# if there is not a #HOTEL-INFORM-STARS# star hotel with free parking available in the south",
+ "I am also looking for a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# and includes free parking .",
+ "It does n't have to be in the moderate price range as long as it is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking . Please suggest one for me .",
+ "it should include free parking . The #HOTEL-INFORM-TYPE# should have a star of #HOTEL-INFORM-STARS# .",
+ "Great . I ' m also looking for a place to stay . Can you look for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking ?",
+ "Just a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that has free parking please .",
+ "A #HOTEL-INFORM-TYPE# please . I do n't care about price . I do want free parking and #HOTEL-INFORM-STARS# stars .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should have a star of #HOTEL-INFORM-STARS# and should include free parking",
+ "Can you help me locate a #HOTEL-INFORM-TYPE# to stay at that has free parking and a #HOTEL-INFORM-STARS# star rating ?",
+ "I would like to find a #HOTEL-INFORM-TYPE# that has #HOTEL-INFORM-STARS# stars and included free parking",
+ "Thank you ! I will also need a place to stay . Can you recommend a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars and free parking ?",
+ "I also need a place to stay . I would like a #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars and free parking .",
+ "Well then I need a #HOTEL-INFORM-TYPE# that has free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# , and it does n't need to have free parking ."
+ ],
+ "Area;Internet;Stars;": [
+ "I do n't really mind about price , but I would like a #HOTEL-INFORM-STARS# star guesthouse with wifi located on the #HOTEL-INFORM-AREA# side .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# . It should have a #HOTEL-INFORM-STARS# stars and I would also like free wifi please .",
+ "I 'd like it to be a guesthouse in the #HOTEL-INFORM-AREA# , free wifi also , and #HOTEL-INFORM-STARS# stars . Whatever matches I need a room for 4 nights on Tuesday for 8 people .",
+ "Yes in the #HOTEL-INFORM-AREA# and it should be #HOTEL-INFORM-STARS# stars and have free wifi please .",
+ "It does not need to be a guesthouse . Ca n't you find anything that is #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# star with free wifi . That is all I require . Please , its important .",
+ "I also need a place to stay , it should be #HOTEL-INFORM-STARS# stars , in the #HOTEL-INFORM-AREA# and include free wifi .",
+ "I want to stay on the #HOTEL-INFORM-AREA# side of town in a #HOTEL-INFORM-STARS# star hotel that also has free wifi . Do you have any suggestions ?",
+ "Thank you ! I ' m also looking for a place to stay , ideally a #HOTEL-INFORM-STARS# star in #HOTEL-INFORM-AREA# as well that includes free wifi . Can you help me with that ?",
+ "No specific area but it needs to have #HOTEL-INFORM-STARS# stars and area needs to be in the #HOTEL-INFORM-AREA# . It also needs to include free wifi .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# . I prefer the hotel to have free wifi and be a #HOTEL-INFORM-STARS# star .",
+ "Oh no . Could you look to see if there are any #HOTEL-INFORM-STARS# star hotels that offer free wifi instead and are in the #HOTEL-INFORM-AREA# section ?",
+ "I 'd like it to be in the #HOTEL-INFORM-AREA# . A guesthouse would be great with a #HOTEL-INFORM-STARS# star . Also , I do n't care about internet .",
+ "I ' m looking for a hotel that has wifi and a rating of #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# part of the city .",
+ "Oh no . Could you look to see if there are any #HOTEL-INFORM-STARS# star hotels that offer free wifi instead and are in the #HOTEL-INFORM-AREA# section ?",
+ "Yes , I also need a place to stay in the #HOTEL-INFORM-AREA# area . It should be #HOTEL-INFORM-STARS# stars and have free wifi ."
+ ],
+ "Parking;Price;Stars;Type;": [
+ "I would like a #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-TYPE# please . It also needs to have #HOTEL-INFORM-STARS# stars and free parking .",
+ "What about a #HOTEL-INFORM-STARS# star guest with free parking . If there is no such #HOTEL-INFORM-TYPE# how about one that is in the #HOTEL-INFORM-PRICE# range .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking in the #HOTEL-INFORM-PRICE# range .",
+ "I want a #HOTEL-INFORM-PRICE# price range , with a star of #HOTEL-INFORM-STARS# , and in the type of #HOTEL-INFORM-TYPE# . Also , free parking , please .",
+ "Try a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# then , same other attributes , free parking and #HOTEL-INFORM-STARS# star please .",
+ "Thank you . I am also looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# and has #HOTEL-INFORM-STARS# stars . I need it to include free parking .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range that has #HOTEL-INFORM-STARS# stars and includes free parking ."
+ ],
+ "Internet;Parking;Type;": [
+ "Yes , I would like to book a #HOTEL-INFORM-TYPE# that has free wifi . Parking does n't matter .",
+ "I also need a #HOTEL-INFORM-TYPE# that has free parking . I do n't need internet or anything like that .",
+ "I would appreciate it if you could tell me which #HOTEL-INFORM-TYPE# includes free wifi and free parking . Thanks .",
+ "I would like it to be a #HOTEL-INFORM-TYPE# that has free wifi .",
+ "Let 's go with a #HOTEL-INFORM-TYPE# . I would actually like it to have free internet and parking , if possible .",
+ "I 'd like a #HOTEL-INFORM-TYPE# with free parking and also free wifi .",
+ "I did not receive any list of #HOTEL-INFORM-TYPE#s . Can you just pick one for me , a hotel with free parking and wifi that is upscale please .",
+ "I ' m also looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free parking and should include free wifi .",
+ "area and price are of no concern to me as long as the #HOTEL-INFORM-TYPE# has free parking and free wifi",
+ "Yes , the #HOTEL-INFORM-TYPE# should include free wifi .",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# with free wifi and free parking , please .",
+ "I would like a #HOTEL-INFORM-TYPE# while in cambridge . It does n't need parking or internet .",
+ "I would like some information on places to stay in Cambridge . I prefer a #HOTEL-INFORM-TYPE# that includes free wifi , parking does not matter .",
+ "Thanks . I ' m also looking for a #HOTEL-INFORM-TYPE# that includes free wifi and free parking .",
+ "am also looking for a place to stay . The #HOTEL-INFORM-TYPE# should include free parking and should include free wifi",
+ "Hello . I am looking for a #HOTEL-INFORM-TYPE# with free wifi and free parking .",
+ "I do not need to have free parking or wifi . Please check to see if there is a #HOTEL-INFORM-TYPE# available instead of a hotel for our stay .",
+ "The #HOTEL-INFORM-TYPE# should include free wifi and does n't need to have free parking .",
+ "I also need a #HOTEL-INFORM-TYPE# that has free parking and wifi .",
+ "We 're looking for a place to stay in Cambridge . We 're looking for a #HOTEL-INFORM-TYPE# with free wifi and free parking .",
+ "Please find me a #HOTEL-INFORM-TYPE# with free parking and free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# , and I misspoke earlier . I actually do n't care about the internet , but I do need free parking .",
+ "I need help finding a #HOTEL-INFORM-TYPE# that has free wifi and parking , can you help ?",
+ "Free parking within the #HOTEL-INFORM-TYPE# would be great and free wifi .",
+ "I also need a #HOTEL-INFORM-TYPE# with free wifi and free parking .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free wifi and parking , please .",
+ "I also need a #HOTEL-INFORM-TYPE# that has free parking and wifi .",
+ "You know , the part of town does n't so much matter , I 'd really like to find a #HOTEL-INFORM-TYPE# with free wifi and parking .",
+ "I need to book a room too a #HOTEL-INFORM-TYPE# that does n't have internet but free parking",
+ "I understand . I 'd like a #HOTEL-INFORM-TYPE# that offers free parking and wifi , please .",
+ "Great ! Yes , I 'll also need to find a #HOTEL-INFORM-TYPE# with free parking and free wifi .",
+ "Thank you ! Is there a #HOTEL-INFORM-TYPE# with free parking and wifi nearby ?",
+ "No price range . I do need it to have free wifi and parking though . Can you tell me what star that #HOTEL-INFORM-TYPE# would be ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free parking and free wifi .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# . I need free parking and free wifi there .",
+ "If you could assist me with finding a #HOTEL-INFORM-TYPE# , I 'd appreciate it . I really need a hotel that includes free wifi and free parking .",
+ "Great . I need to find a #HOTEL-INFORM-TYPE# that has free wifi and free parking , the better half is so cheap .",
+ "Thanks ! I really do n't care about the area . I need stay in a #HOTEL-INFORM-TYPE# that has free wifi and parking .",
+ "I also need a #HOTEL-INFORM-TYPE# to stay in . It does n't need to have free parking or internet .",
+ "I am looking for a #HOTEL-INFORM-TYPE# near the mall . The hotel should has free indoor parking , even it does n't include internet .",
+ "I do n't want to stay in a hotel , I 'd prefer a #HOTEL-INFORM-TYPE# please that has free wifi and free parking .",
+ "I also need a #HOTEL-INFORM-TYPE# that has free parking . I do n't need internet or anything like that .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay in over the weekend . I do n't need internet or free parking .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in . It should have free internet and parking .",
+ "Possibly , does this #HOTEL-INFORM-TYPE# hotel offer free parking and free wifi ?",
+ "Price range and location do n't matter . I would just like for it to be a #HOTEL-INFORM-TYPE# that has free parking . Internet is not necessary either .",
+ "Yes , I need a #HOTEL-INFORM-TYPE# that offers free wifi & parking .",
+ "No , I really would like a #HOTEL-INFORM-TYPE# in the centre with free parking and it can have wifi .",
+ "I need a #HOTEL-INFORM-TYPE# with free parking and free wifi .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# . I want it to have free wifi , but parking does n't need to be free .",
+ "I also need a #HOTEL-INFORM-TYPE# to stay in . It does n't need to have free parking or internet .",
+ "I also need to find a #HOTEL-INFORM-TYPE# with free parking and wifi .",
+ "I would prefer a #HOTEL-INFORM-TYPE# and free wifi and parking ."
+ ],
+ "Stars;Stay;": [
+ "Oh , I think I forgot to mention that it needs to be a #HOTEL-INFORM-STARS# star guesthouse . I want to book Saturday for 7 people #HOTEL-INFORM-STAY# nights .",
+ "Yes , I would like to book it for #HOTEL-INFORM-STARS# people for #HOTEL-INFORM-STAY# nights starting from Tuesday .",
+ "Oh , I think I forgot to mention that it needs to be a #HOTEL-INFORM-STARS# star guesthouse . I want to book Saturday for 7 people #HOTEL-INFORM-STAY# nights .",
+ "moderately priced with a #HOTEL-INFORM-STARS# star rating . For 4 people for #HOTEL-INFORM-STAY# nights on thursday ."
+ ],
+ "Stay;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at . I want it to be at least #HOTEL-INFORM-STAY# stars and in the center of town .",
+ "Would you try for #HOTEL-INFORM-STAY# nights instead ? And , what is the name of the #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay at . I want it to be at least #HOTEL-INFORM-STAY# stars and in the center of town .",
+ "I am also looking for a place to stay . Can you find a #HOTEL-INFORM-STAY# star hotel for me that is a #HOTEL-INFORM-TYPE# ?",
+ "I also need to find a #HOTEL-INFORM-TYPE# for the two of us starting on the same Monday for #HOTEL-INFORM-STAY# nights , please ."
+ ],
+ "Internet;Parking;Price;": [
+ "No , I am open to different areas . I would like something #HOTEL-INFORM-PRICE# though . Oh , and make that with free parking and wifi .",
+ "I do n't have an area preference but it needs to have free wifi and parking at a #HOTEL-INFORM-PRICE# price .",
+ "I am looking for a place with free wifi , does n't need parking , and #HOTEL-INFORM-PRICE# price range",
+ "I am looking for something in the #HOTEL-INFORM-PRICE# price range with free wifi and does n't need to have free parking .",
+ "Yes I am looking for hotel that is #HOTEL-INFORM-PRICE# have free wifi and free parking .",
+ "I do n't have an area preference but it needs to have free wifi and parking at a #HOTEL-INFORM-PRICE# price .",
+ "No , I do n't need to book it now . Can you help me find an #HOTEL-INFORM-PRICE# guest house with free parking and wifi ?",
+ "I actually would want something #HOTEL-INFORM-PRICE# ( north side preferred ) and free wifi and parking .",
+ "I will try and restate so you can look again , I need free wifi and parking , #HOTEL-INFORM-PRICE# place , type of room does not matter .",
+ "I have no preference on location , but something in a #HOTEL-INFORM-PRICE# price range with free parking . It does n't need to have internet .",
+ "I need someplace #HOTEL-INFORM-PRICE# near the center of town . Free wifi and free parking are a must ."
+ ],
+ "Price;Stars;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-PRICE# price .",
+ "Great . I ' m going to need a #HOTEL-INFORM-TYPE# too . It needs to be #HOTEL-INFORM-PRICE# but have a #HOTEL-INFORM-STARS# star rating .",
+ "I need a place to stay that is a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-PRICE# price range .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# please ?",
+ "I am looking for a place to stay in Cambridge . I prefer a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "I also need a place to stay . I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# price range #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# star rating .",
+ "I need a #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# to stay at here in Cambridge",
+ "Thank you . I also need a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range , please .",
+ "I need a really #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# price range",
+ "Yes , please . I am also looking for a place to stay , ideally a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-PRICE# price range .",
+ "As long as its in the centre and has a #HOTEL-INFORM-PRICE# price range its ok if it is nt a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# . What options do I have ?",
+ "Yes , please . I am also looking for a place to stay , ideally a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-PRICE# price range .",
+ "I would prefer a #HOTEL-INFORM-TYPE# , in the #HOTEL-INFORM-PRICE# price rage . It should be #HOTEL-INFORM-STARS# stars .",
+ "I would like a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-PRICE# price range and needs to have #HOTEL-INFORM-STARS# stars . It needs to be near the hotel .",
+ "It would be great if it was an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "Hello . I am looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# and also has a #HOTEL-INFORM-STARS# star rating .",
+ "I want to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Can you help me find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ?",
+ "I want to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range with a rating of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# .",
+ "Thank you . Going back , I do n't think we chose a hotel . I need a #HOTEL-INFORM-PRICE# price #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars . Remember ?",
+ "What about an #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ?",
+ "I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating which provides free parking . Is that possible ?",
+ "Oh and I ' m going to need a place to stay . Can you find me an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free wifi please ?",
+ "I need a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-PRICE# price range . That has a #HOTEL-INFORM-STARS# star rating .",
+ "Can I get an #HOTEL-INFORM-PRICE# place to stay ? A #HOTEL-INFORM-TYPE# more specifcally , #HOTEL-INFORM-STARS# stars please .",
+ "Do you have #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars available ?",
+ "I want a #HOTEL-INFORM-TYPE# in the north with a #HOTEL-INFORM-PRICE# price range and #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Area;Parking;": [
+ "I would like a place in the #HOTEL-INFORM-AREA# with free parking .",
+ "Well , first I need to find a place to stay . I need a hotel in the #HOTEL-INFORM-AREA# part of town with free parking .",
+ "Are any of them in the #HOTEL-INFORM-AREA# ? I 'd like free parking too .",
+ "I need to find a place to stay in the #HOTEL-INFORM-AREA# part of town with free parking .",
+ "Thank you . I will also need a place to stay in the #HOTEL-INFORM-AREA# . I 'd like something that includes free parking .",
+ "I need a hotel on the #HOTEL-INFORM-AREA# side with free parking .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# . It does n't matter if it has free parking or not . Thank you !",
+ "Thank you . I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# with free parking .",
+ "I ' m also looking for a recommendation on a hotel with free parking in the #HOTEL-INFORM-AREA# .",
+ "I want it in the #HOTEL-INFORM-AREA# , and it should include free parking .",
+ "I 'd like to find a place to stay in the #HOTEL-INFORM-AREA# which has free parking .",
+ "I am also looking for a place to stay that needs free parking and in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a place to stay in the city #HOTEL-INFORM-AREA# that has free parking .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# area . It does n't need to have free parking .",
+ "Can you check and see if there 's one in the #HOTEL-INFORM-AREA# , please ?",
+ "Do you have any places to stay in the #HOTEL-INFORM-AREA# that include free parking ?",
+ "I 'd like it to include free parking and be in the #HOTEL-INFORM-AREA# please .",
+ "I would prefer to be in the #HOTEL-INFORM-AREA# of town , and I need the hotel to include free parking .",
+ "In the #HOTEL-INFORM-AREA# , please . Something inexpensive , with free parking .",
+ "I ' m looking for a place to stay , in the #HOTEL-INFORM-AREA# , that offers free parking .",
+ "Yes , I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# . I do need free parking .",
+ "Thanks ! You are so nice . I need the guesthouses in the #HOTEL-INFORM-AREA# . It does n't matters if there is not free parking .",
+ "Yes , I just happen to be looking for a place to stay tonight . The hotel should be located in the #HOTEL-INFORM-AREA# part of town and it should include free parking .",
+ "Do you have a hotel that is in the #HOTEL-INFORM-AREA# with free parking ?",
+ "Yes , I would like to stay in the city #HOTEL-INFORM-AREA# . Also , I would need free parking .",
+ "Are there any places in the #HOTEL-INFORM-AREA# that have free parking ?",
+ "Yes , I would like to find a place to stay in the #HOTEL-INFORM-AREA# with free parking . Could you help me ?",
+ "Are there any accommodations in the #HOTEL-INFORM-AREA# part of town that off free parking ?",
+ "Hi I need a hotel that is in the #HOTEL-INFORM-AREA# . I do n't need free parking .",
+ "No that 's okay . I am looking for a place to stay though , somewhere in the #HOTEL-INFORM-AREA# and with free parking preferably .",
+ "Hi I am looking for a place to stay that has free parking in the #HOTEL-INFORM-AREA# part of town .",
+ "In the #HOTEL-INFORM-AREA# I guess . I do need free parking .",
+ "i am looking for a place to stay . The hotel should include free parking and should be in the #HOTEL-INFORM-AREA# part of town .",
+ "I 'd love something in the #HOTEL-INFORM-AREA# , hopefully with free parking .",
+ "I ' m looking for a place to stay on the #HOTEL-INFORM-AREA# side that includes free parking .",
+ "I ' m looking for a hotel with free parking in the #HOTEL-INFORM-AREA# .",
+ "I do n't care about the price , but I would like a place in the #HOTEL-INFORM-AREA# of town with free parking .",
+ "I need the hotel to be in the #HOTEL-INFORM-AREA# part of the city and have free parking please .",
+ "I 'd like a place in the #HOTEL-INFORM-AREA# with free parking .",
+ "I ' m looking for a place to stay . It needs to be in the #HOTEL-INFORM-AREA# but it does n't have to have free parking .",
+ "I would like for it to be in the #HOTEL-INFORM-AREA# area as well . It does n't have to have free parking .",
+ "Can you find me a hotel in the #HOTEL-INFORM-AREA# with free parking included ?",
+ "Is there a place to stay in the #HOTEL-INFORM-AREA# part of town with free parking ?",
+ "In the #HOTEL-INFORM-AREA# , please . Also , free parking .",
+ "I 'd like to find something in the #HOTEL-INFORM-AREA# . It also needs to have free parking .",
+ "In that case , how about just a hotel in the #HOTEL-INFORM-AREA# that has free parking ?",
+ "Thanks ! I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# that has free parking .",
+ "No , thanks . Could you recommend a hotel in the #HOTEL-INFORM-AREA# with free parking ?",
+ "I am looking for a place to stay . The hotel should be in the #HOTEL-INFORM-AREA# and should include free parking",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# of town with free parking .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# , I do n't need a free parking option .",
+ "Hmm , let 's see ... I ' m not sure . Before we do that , I also need a hotel in the #HOTEL-INFORM-AREA# part of town with free parking availability .",
+ "I 'd like to stay in the #HOTEL-INFORM-AREA# and at a place with free parking please .",
+ "No , thanks . I also need a room in the #HOTEL-INFORM-AREA# with free parking .",
+ "I am looking for a hotel in the #HOTEL-INFORM-AREA# and it does n't need to have free parking .",
+ "Let 's try for one in the #HOTEL-INFORM-AREA# area instead .",
+ "I ' m looking for a hotel with free parking in the #HOTEL-INFORM-AREA# .",
+ "Are there any expensive guesthouses in the #HOTEL-INFORM-AREA# with free parking ?",
+ "I need a place to stay that includes free parking and should be in the #HOTEL-INFORM-AREA# please .",
+ "I need to find a place to sleep on the #HOTEL-INFORM-AREA# side , it does nt matter is the parking is free or not .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# that includes free parking . What options are available ?",
+ "Yes , I am looking for a place to stay in the #HOTEL-INFORM-AREA# that has free parking .",
+ "Can you find me a place with free parking to stay in the #HOTEL-INFORM-AREA# ?",
+ "Thank you very much , could you help me find a place to stay ? I am looking for somewhere in the #HOTEL-INFORM-AREA# and it needs to have free parking .",
+ "Is there a place on the #HOTEL-INFORM-AREA# side of town with free parking ?",
+ "I would like to be in the #HOTEL-INFORM-AREA# and I need free parking for my Mercedes please .",
+ "Hi- I need a place to stay that that includes free parking in the #HOTEL-INFORM-AREA# end of Cambridge",
+ "Do you have one in the #HOTEL-INFORM-AREA# that includes free parking ?",
+ "A guesthouse is fine . I ' m looking for a place in the #HOTEL-INFORM-AREA# with free parking .",
+ "I need to find a place to stay in the #HOTEL-INFORM-AREA# , it does not matter if parking is included or not .",
+ "Konnichiwa , I am coming to town and will be staying a few days . I need a place in town #HOTEL-INFORM-AREA# that offers free parking . Can you help me ?",
+ "Actually I also need a place to stay in the #HOTEL-INFORM-AREA# section , I need to have free parking wherever it is .",
+ "I ' m also looking for a place to stay in the #HOTEL-INFORM-AREA# of town that includes free parking .",
+ "That would be great . I am also looking for a hotel . I would like to stay in the #HOTEL-INFORM-AREA# side of town , and I do not need parking .",
+ "Need a hostel , free parking and in the #HOTEL-INFORM-AREA# please .",
+ "I also need a place to stay on the #HOTEL-INFORM-AREA# side of town that includes free parking .",
+ "Great . I 'll also need to make a reservation for a hotel with free parking in the #HOTEL-INFORM-AREA# .",
+ "That 's all the info I needed on the train , I am also looking for a place to stay with free parking in the #HOTEL-INFORM-AREA# .",
+ "Is that located in the #HOTEL-INFORM-AREA# ? I also need free parking .",
+ "Um , actually I think I 'd like to be in the #HOTEL-INFORM-AREA# . I also need parking .",
+ "Yes , the hotel should be in the #HOTEL-INFORM-AREA# and does n't need to have free parking .",
+ "I would like to stay in the #HOTEL-INFORM-AREA# , there is no need for parking .",
+ "I need something in the #HOTEL-INFORM-AREA# and free parking .",
+ "Yes , I 'd like to stay in the #HOTEL-INFORM-AREA# and also need free parking .",
+ "Thank you . I just happen to be looking for a place to stay . The hotel should be located #HOTEL-INFORM-AREA# and it does n't need to have free parking or anything like that .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# of town . It does n't need to have free parking .",
+ "The price range does not matter . It needs to be a guesthouse and located in the #HOTEL-INFORM-AREA# with free parking .",
+ "I do n't mind what type of hotel . But it needs to be in the #HOTEL-INFORM-AREA# and offer free parking .",
+ "No but I want it to be in the #HOTEL-INFORM-AREA# and have free parking .",
+ "I ' m looking for a hotel to stay in . It should be located in the #HOTEL-INFORM-AREA# and should include free parking please .",
+ "I would like to stay on the #HOTEL-INFORM-AREA# side and also need free parking .",
+ "Are you able to find me a hotel in the #HOTEL-INFORM-AREA# with free parking ?",
+ "Hello , I am looking for a hotel in the #HOTEL-INFORM-AREA# part of town . The hotel needs to include free parking .",
+ "Are there any hotels in the #HOTEL-INFORM-AREA# that have free parking , please ?",
+ "I ' m guessing that 's in the centre area of town ? I actually need a guesthouse in the #HOTEL-INFORM-AREA# with free parking .",
+ "Hi , I ' m looking for upscale hotels in the #HOTEL-INFORM-AREA# part of Cambridge . Are there any that also include free parking ?",
+ "I need a hotel in the #HOTEL-INFORM-AREA# that has free parking .",
+ "I am looking for a hotel with free parking in #HOTEL-INFORM-AREA# cambridge .",
+ "I need a place to stay in the #HOTEL-INFORM-AREA# . Oh i need free parking , thank you .",
+ "Can you direct me to hotel in the #HOTEL-INFORM-AREA# end ? Ideally one with free parking ?",
+ "I want to find a place to stay in the #HOTEL-INFORM-AREA# with free parking .",
+ "Yes I need a place to stay that includes free parking and is located on the #HOTEL-INFORM-AREA# side of town ."
+ ],
+ "Internet;Parking;Stars;": [
+ "I ' ve changed my mind and would prefer to stay in the center of town . I need parking , wifi , and it should have a #HOTEL-INFORM-STARS# star rating .",
+ "I would prefer a place with a star of #HOTEL-INFORM-STARS# that includes free parking and free wifi .",
+ "Just a hotel with free parking , free wifi and a star of #HOTEL-INFORM-STARS# .",
+ "Thanks , hate to bug you again but I need a #HOTEL-INFORM-STARS# star place to stay that has free wifi and parking .",
+ "Does it have #HOTEL-INFORM-STARS# stars ? I 'd like my lodgings to be 3-star rated , please . I ' m quite particular . I also will require free parking and Internet .",
+ "Could you check one more time . Moderate , free parking , free wifi , and #HOTEL-INFORM-STARS# stars .",
+ "i am also looking for a place to stay . The hotel should include free wifi and should include free parking . \n The hotel should have a star of #HOTEL-INFORM-STARS# .",
+ "It needs to be #HOTEL-INFORM-STARS# star , have free parking and free wifi .",
+ "I would like a star of #HOTEL-INFORM-STARS# , free parking and free wifi .",
+ "I would also want something #HOTEL-INFORM-STARS# star rated . I do n't need the free parking or wifi but if it comes with it that s fine .",
+ "I would like for the place to be #HOTEL-INFORM-STARS# stars but has to include free wifi and free parking .",
+ "Yes I would prefer a #HOTEL-INFORM-STARS# star and would like for it to have free parking .",
+ "No , but it should have free wifi , #HOTEL-INFORM-STARS# stars , and free parking .",
+ "Sure , I need a #HOTEL-INFORM-STARS# star guesthouse with wifi and parking . The area does n't matter .",
+ "Yes , I am looking for a #HOTEL-INFORM-STARS# star hotel that includes free parking and wifi .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star guesthouse with free parking and wifi- anything in that range ?",
+ "No , I ' m not worried about those things , just as long as it has #HOTEL-INFORM-STARS# star , free parking , and does n't need to include Internet .",
+ "Any area is fine are there any with a #HOTEL-INFORM-STARS# star rating ? I do n't need free parking or internet .",
+ "A #HOTEL-INFORM-STARS# star hotel with wifi and free parking ?",
+ "It needs to be #HOTEL-INFORM-STARS# star , have free parking and free wifi .",
+ "I want it to have star of #HOTEL-INFORM-STARS# , and include free wifi . It does n't need to have free parking ."
+ ],
+ "Internet;Price;": [
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel that has free wifi .",
+ "I would like to find an #HOTEL-INFORM-PRICE# hotel to stay at that also has free wifi . Can you help ?",
+ "Hi , I am looking for a #HOTEL-INFORM-PRICE# place to stay that has free wifi . Can you find anything like that ?",
+ "The hotel also needs to be #HOTEL-INFORM-PRICE# and have free wifi .",
+ "I need a place to stay that does n't have to have internet and is in the #HOTEL-INFORM-PRICE# price range please .",
+ "Hello , I ' m looking for a guesthouse or hotel in the #HOTEL-INFORM-PRICE# price range . I also need free wifi . What area do you think is best ?",
+ "No , I just need one of them that is #HOTEL-INFORM-PRICE# with wifi .",
+ "Yes , I would also like a hotel with free wifi in the #HOTEL-INFORM-PRICE# price range .",
+ "i want a place to stay in Cambridge the is #HOTEL-INFORM-PRICE# price no wifi",
+ "Thank you . I need to book a #HOTEL-INFORM-PRICE# hotel that has free wifi , can you help me ?",
+ "A #HOTEL-INFORM-PRICE# one with wifi , please .",
+ "Yes , I 'd like to keep it #HOTEL-INFORM-PRICE# , please . I do need free wifi , though .",
+ "Yeah , is there one in the #HOTEL-INFORM-PRICE# price range and includes wifi ?",
+ "I would like it to be a #HOTEL-INFORM-PRICE# place , I also need free wifi .",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay with free wifi .",
+ "I am looking for one with a #HOTEL-INFORM-PRICE# price range possibly with free Wifi",
+ "I 'd like one in the #HOTEL-INFORM-PRICE# price range that includes free wifi .",
+ "Could you find a #HOTEL-INFORM-PRICE# priced place to stay for me ? I do need free WiFi .",
+ "I want a place to stay . Is there an #HOTEL-INFORM-PRICE# hotel ? It does n't need to include internet .",
+ "Hi , I ' m looking for a place to stay that is #HOTEL-INFORM-PRICE# prices , and has free wifi please .",
+ "I need an insanely #HOTEL-INFORM-PRICE# hotel that has free wifi",
+ "Can you help me find a place to stay in the #HOTEL-INFORM-PRICE# price range with free wifi ?",
+ "Are any of those in the #HOTEL-INFORM-PRICE# price range with free wifi as well ?",
+ "I 'd like a #HOTEL-INFORM-PRICE# guest house with wifi .",
+ "yes you can help me I need to find a place to stay that includes free wifi and is in the #HOTEL-INFORM-PRICE# price range .",
+ "Is there one in the #HOTEL-INFORM-PRICE# price range with free internet ?",
+ "I am looking for a #HOTEL-INFORM-PRICE# place to stay that has free wifi .",
+ "Yes , I would like it to be #HOTEL-INFORM-PRICE# , but also include free wifi .",
+ "Hello , I ' m looking for a #HOTEL-INFORM-PRICE# place to stay that includes wifi in cambridge .",
+ "Yes , I am looking for #HOTEL-INFORM-PRICE# lodging in town that includes free wifi .",
+ "I would like for it to be in the #HOTEL-INFORM-PRICE# price range and also offer free wifi .",
+ "That does not matter but I need it to have free wifi and in the #HOTEL-INFORM-PRICE# price range .",
+ "I am also looking for a #HOTEL-INFORM-PRICE# room , free wifi .",
+ "I ' m looking for a place to stay , I would need wifi , and would prefer #HOTEL-INFORM-PRICE# pricing ?",
+ "I am looking for a #HOTEL-INFORM-PRICE# hotel with free wifi",
+ "I do n't care which part of town it is . I just want a #HOTEL-INFORM-PRICE# place with free wifi .",
+ "Hi there ! I ' m looking for an #HOTEL-INFORM-PRICE# place to stay that has free wifi . I bet Cambridge has a ton of those .",
+ "I would prefer to keep it in the #HOTEL-INFORM-PRICE# price range and I really need free WiFi as well , please .",
+ "I need a palce to stay that has free wifi but in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay with free wifi .",
+ "I need it to be #HOTEL-INFORM-PRICE# with free wifi .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-PRICE# price range . Internet is not necessary .",
+ "Hello , I ' m looking for a hotel to stay that is in the #HOTEL-INFORM-PRICE# price range with free wifi .",
+ "Area does n't matter , but I would like something #HOTEL-INFORM-PRICE# priced that includes wifi .",
+ "I ' m looking for a nice place to stay , somewhere #HOTEL-INFORM-PRICE# and luxurious with all the amenities like free wifi . Can you recommend something like that ?",
+ "I do prefer that it be #HOTEL-INFORM-PRICE# and include wifi . Location does not matter .",
+ "I do n't really have a preference for location , but I want someplace with free WiFi and would like it in the #HOTEL-INFORM-PRICE# price range .",
+ "Is there one in the #HOTEL-INFORM-PRICE# price range that includes free wifi ?",
+ "Is it also in the #HOTEL-INFORM-PRICE# price range ? Does it include free wifi ?",
+ "I do n't care about the area but I need it to be #HOTEL-INFORM-PRICE# with free wifi .",
+ "Great . Now I need an #HOTEL-INFORM-PRICE# place to stay with free wifi .",
+ "Ok how about a #HOTEL-INFORM-PRICE# priced hotel , free wifi would be a plus .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# hotel that includes free wifi .",
+ "Good morning , I need a place to stay that has free wifi and that is in the #HOTEL-INFORM-PRICE# price range . Can you please tell me what is available ?",
+ "Hi , I need a place to stay with free wifi and in a #HOTEL-INFORM-PRICE# price range .",
+ "I 'd like a hotel with free wifi in the #HOTEL-INFORM-PRICE# price range please .",
+ "Hi , how are you ? Can you help me find an #HOTEL-INFORM-PRICE# place to stay that includes free wifi ?",
+ "No , I ' m sorry can you lookup a hotel in the east that 's priced #HOTEL-INFORM-PRICE# and has free wifi ?",
+ "I ' m looking for somewhere classy and #HOTEL-INFORM-PRICE# , where they do n't skimp on amenities like free wifi . Are there any like that ?",
+ "Can you recommend a place to stay that has free WiFi ? I need something in the #HOTEL-INFORM-PRICE# price range .",
+ "Also , can you find me a place to stay , in #HOTEL-INFORM-PRICE# price and includes free wifi ?",
+ "Ok , well I guess a #HOTEL-INFORM-PRICE# one would work just as well . I need a place to stay . I would just still need free wifi .",
+ "Hi I am looking for a #HOTEL-INFORM-PRICE# priced place to stay that has free wifi .",
+ "Great I also need a #HOTEL-INFORM-PRICE# priced place to stay with free wifi .",
+ "Please find me a htel in a #HOTEL-INFORM-PRICE# price range , no need for internet . The area does n't matter .",
+ "I want one with #HOTEL-INFORM-PRICE# prices that has free wifi .",
+ "i m looking for a place to stay with a #HOTEL-INFORM-PRICE# price and has wifi",
+ "I 'd like a hotel in the #HOTEL-INFORM-PRICE# price range with free wifi .",
+ "I also need a room , with wifi and in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , i also need a hotel with free wi - fi . I do not mind if it is #HOTEL-INFORM-PRICE# .",
+ "I 'd like it to be #HOTEL-INFORM-PRICE# , but have free wifi .",
+ "No specific area but i do need wifi and a #HOTEL-INFORM-PRICE# priced guesthouse please .",
+ "I am also looking for a #HOTEL-INFORM-PRICE# place to stay that has wifi .",
+ "I am visiting Cambridge and need a place to stay in the #HOTEL-INFORM-PRICE# range that has free internet .",
+ "Thank you so much . Can you also find me an #HOTEL-INFORM-PRICE# hotel with free wifi ?",
+ "I would like it to be in the #HOTEL-INFORM-PRICE# price range and include wifi .",
+ "I ' m currently planning a visit to Cambridge and looking for a #HOTEL-INFORM-PRICE# place to stay . I do n't need internet or any frills . Any good suggestions ?",
+ "I like nice places , so definitely something #HOTEL-INFORM-PRICE# . I do want it to have free wifi though .",
+ "Hello , I ' m looking for a hotel to stay in during my visit to Cambridge . I ' m looking for a #HOTEL-INFORM-PRICE# room and the only amenity I care about is free wifi .",
+ "I want an #HOTEL-INFORM-PRICE# place with free wifi .",
+ "Any one will do as long as it has a 4-star rating with free wifi and is #HOTEL-INFORM-PRICE# .",
+ "I 'd like one in the #HOTEL-INFORM-PRICE# price range than includes free wifi .",
+ "I am also looking for someplace in the #HOTEL-INFORM-PRICE# price range , a room with free wifi .",
+ "I can stay anywhere but I need the place to be #HOTEL-INFORM-PRICE# and have free wifi included .",
+ "Yeah , could you find me a #HOTEL-INFORM-PRICE# place to stay with free wifi ?",
+ "I would like to find an #HOTEL-INFORM-PRICE# hotel to stay at that also has free wifi . Can you help ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# priced place to stay that has free wifi .",
+ "I need a #HOTEL-INFORM-PRICE# place with a free WiFi to stay . Can you assist to find one ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# place to stay with free wifi please .",
+ "Yes , I need a place to stay . Something that is #HOTEL-INFORM-PRICE# and has free wifi .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range and should include free wifi .",
+ "Something #HOTEL-INFORM-PRICE# with free wifi would be perfect , I ' m trying to keep this trip from busting my budget .",
+ "I also need a place to a place to stay in the #HOTEL-INFORM-PRICE# price range with free wifi .",
+ "No . I would prefer something #HOTEL-INFORM-PRICE# and with free wifi .",
+ "I want one with #HOTEL-INFORM-PRICE# prices that has free wifi .",
+ "Hi I am hoping to find a place that is #HOTEL-INFORM-PRICE# I can stay at , and also has free wifi .",
+ "I am on a budget and looking for a #HOTEL-INFORM-PRICE# place to stay with free wifi .",
+ "I also need a #HOTEL-INFORM-PRICE# place to stay , with free wifi .",
+ "I 'd prefer a #HOTEL-INFORM-PRICE# guesthouse instead ( that still offers WiFi ) .",
+ "Thanks . I am also looking for an #HOTEL-INFORM-PRICE# place to stay . I 'll need free wifi .",
+ "Can you help me find a hotel in the #HOTEL-INFORM-PRICE# price range that includes free wifi ?",
+ "I am looking for something in the #HOTEL-INFORM-PRICE# price range and free internet , please .",
+ "Yes , it should be in the #HOTEL-INFORM-PRICE# price range and I do n't require internet .",
+ "Thanks . I also need help with lodging in the #HOTEL-INFORM-PRICE# price range with free wifi , please .",
+ "I need an #HOTEL-INFORM-PRICE# place to stay that includes wifi .",
+ "I am looking for a #HOTEL-INFORM-PRICE# price range and I will need free wifi as well .",
+ "Hi ! I ' m looking for a #HOTEL-INFORM-PRICE# place with free wifi . What are my options ?"
+ ],
+ "Day;Internet;People;Type;": [
+ "I need a hotel on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people for 3 nights . I need the hotel to be a #HOTEL-INFORM-TYPE# with free wifi ."
+ ],
+ "Parking;People;Stay;": [
+ "We can try and book that one as long as free parking . #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights ."
+ ],
+ "Day;Stay;": [
+ "Myself and my wife will be staying #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "I need it on #HOTEL-INFORM-DAY# , for #HOTEL-INFORM-STAY# nights .",
+ "Yes , can you book that for #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights ?",
+ "Great . Book me that for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# for just myself .",
+ "Starting #HOTEL-INFORM-DAY# , I want to stay for #HOTEL-INFORM-STAY# nights .",
+ "Are you sure that did n't work ? 8 people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ?",
+ "I 'd like to book for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# , please .",
+ "Just myself , #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "book it for 4 people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Please book the el shaddai for #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights , 2 people .",
+ "Sure that works for me ! Please make a booking for just me for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "Yes I would like to book that for the same day for #HOTEL-INFORM-STAY# nights please starting from #HOTEL-INFORM-DAY# .",
+ "Could you book that for me ? I 'll need it #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights .",
+ "Yes , for person and for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# .",
+ "Yes please book that for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "Friday , #HOTEL-INFORM-STAY# nights , beginning this #HOTEL-INFORM-DAY# ."
+ ],
+ "Area;Internet;Parking;Type;": [
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Free parking and wifi are a must .",
+ "Great ! I ' m also looking for a #HOTEL-INFORM-TYPE# , preferably on the #HOTEL-INFORM-AREA# side of town . I wo n't need parking , but I do need free wifi . Do you have anything like that ?",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of town with free wifi .",
+ "I am also in need of a hotel , preferably a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-AREA# and has free parking and wifi .",
+ "I want it to be in the type of #HOTEL-INFORM-TYPE# . It should have wifi and parking too . And it must be in the #HOTEL-INFORM-AREA# .",
+ "Sorry , I ' ve been all over the place . To be clear , I need a #HOTEL-INFORM-TYPE# with free wifi and parking that is in the #HOTEL-INFORM-AREA# .",
+ "I would like to find a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side . I need parking but wifi is not necessary .",
+ "I I need a #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# with free wifi and parking ."
+ ],
+ "Parking;Price;Type;": [
+ "Hello there ! Could you help me find a #HOTEL-INFORM-TYPE# ? I am looking for one that has free parking and is #HOTEL-INFORM-PRICE# .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking .",
+ "I do n't require free parking , but I would like the #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# to stay out in the #HOTEL-INFORM-PRICE# price range , it also needs to have free parking .",
+ "Sorry , I actually want an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with parking in that same area",
+ "No , but I 'd prefer a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range . I do not need free parking .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# . I need free parking . It can be an #HOTEL-INFORM-PRICE# place .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# and incldes free parking .",
+ "I am looking for a #HOTEL-INFORM-TYPE# to stay at in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "Hello , can you recommend a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking , please ?",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking .",
+ "Find me an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking .",
+ "ok how about a #HOTEL-INFORM-TYPE# in the north that is #HOTEL-INFORM-PRICE# with free parking .",
+ "I am looking for a #HOTEL-INFORM-TYPE# ti stay in the #HOTEL-INFORM-PRICE# range . It does not have to be free parking .",
+ "What kind of attraction is that ? I also need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I need an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that includes free parking .",
+ "I would like to find a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# to stay at where there is free parking . Do you have any suggestions ?",
+ "Yes . I need a #HOTEL-INFORM-TYPE# with free parking . I would like it in the #HOTEL-INFORM-PRICE# price range .",
+ "Hi I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that has free parking . Are there any around town ?",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "I ' m also looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# and includes free parking .",
+ "Yes please . I need an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that has free parking please .",
+ "Okay , great . I ' m also looking for a #HOTEL-INFORM-TYPE# with free parking and a #HOTEL-INFORM-PRICE# price .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# area , I do n't care about free parking , I wo n't be bringing my mercedes on this trip .",
+ "I ' m sorry but I do need an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , not a guesthouse , with free parking in the center of town .",
+ "I am looking for a #HOTEL-INFORM-TYPE# that is #HOTEL-INFORM-PRICE# and has free parking ."
+ ],
+ "Area;Parking;Price;Type;": [
+ "Yes ! I also need to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It should have plenty of free parking for my fancy car .",
+ "In the #HOTEL-INFORM-AREA# . A #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking .",
+ "I am looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with free parking in the #HOTEL-INFORM-AREA# part of town that is a guesthouse .",
+ "Actually , I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking .",
+ "May I have you check one more time to make sure there are not any #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-TYPE#s in the #HOTEL-INFORM-AREA# that include parking . I 'd much rather stay in a guesthouse .",
+ "I am looking for a #HOTEL-INFORM-TYPE# with free parking located in the #HOTEL-INFORM-AREA# that is in the #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I also need a #HOTEL-INFORM-TYPE# hotel with #HOTEL-INFORM-PRICE# prices in the #HOTEL-INFORM-AREA# . I do n't need free parking ."
+ ],
+ "Area;Parking;Stars;": [
+ "I ant a place with a rating of at l#HOTEL-INFORM-AREA# #HOTEL-INFORM-STARS# stars , a guesthouse , in the east , and I do n't need free parking .",
+ "Can you double check for a #HOTEL-INFORM-STARS# star , #HOTEL-INFORM-AREA# area hotel with free wifi and parking please ?",
+ "Hello , I ' m looking for a #HOTEL-INFORM-STARS# star hotel with free parking in the #HOTEL-INFORM-AREA# .",
+ "Yes , I ' m trying to find a hotel in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating , with free parking .",
+ "Could you double check for a 3 or #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side with free parking ?",
+ "Thanks , I need a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# , the hotel needs to has free parking .",
+ "I 'd really like a #HOTEL-INFORM-STARS# star . Is there a 4 star hotel in the #HOTEL-INFORM-AREA# with parking ?",
+ "I need somewhere to stay in the #HOTEL-INFORM-AREA# . With free parking and #HOTEL-INFORM-STARS# stars .",
+ "I would like it to be in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating and free parking please .",
+ "Yes , I also need a place to stay . Are there any #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# with free parking ?",
+ "Can you double check for a #HOTEL-INFORM-STARS# star , #HOTEL-INFORM-AREA# area hotel with free wifi and parking please ?",
+ "Is there anything in the #HOTEL-INFORM-AREA# with a star of #HOTEL-INFORM-STARS# ? It does n't have to have free parking .",
+ "How many stars does it have ? I 'd like a cheap place in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars and free parking .",
+ "I still need to discuss restaurants details with a couple people first , can I start by looking for a #HOTEL-INFORM-STARS# star place to stay in the #HOTEL-INFORM-AREA# with free parking please ?"
+ ],
+ "Parking;Price;Stars;": [
+ "Lets start over , my apologies . We were actually looking for a #HOTEL-INFORM-PRICE# priced hotel , with #HOTEL-INFORM-STARS# stars and free parking , disregard everything said before this .",
+ "Yes , I would like to find a #HOTEL-INFORM-PRICE# place to stay that has #HOTEL-INFORM-STARS# stars and has free parking .",
+ "No , that will be fine . I am needing help finding a hotel in a #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars and free parking . Can you help me with that ?",
+ "I ' m sorry . Could you just find me one with free parking , a #HOTEL-INFORM-STARS# star , #HOTEL-INFORM-PRICE# . I do n't care where it is located .",
+ "I ' m looking for something in the #HOTEL-INFORM-PRICE# price range , but I need it to have a #HOTEL-INFORM-STARS# star rating . I do n't need any parking though .",
+ "I would like a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel with free parking .",
+ "I ' m looking for a place to stay in Cambridge in the #HOTEL-INFORM-PRICE# range with a #HOTEL-INFORM-STARS# star rating that includes free parking .",
+ "I am also looking for a #HOTEL-INFORM-PRICE# place to stay with a #HOTEL-INFORM-STARS# star rating . Does not need to have free parking .",
+ "Something with free parking , #HOTEL-INFORM-STARS# star , and is in the #HOTEL-INFORM-PRICE# price range .",
+ "I would like a #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-PRICE# price range that includes free parking .",
+ "Yes an #HOTEL-INFORM-PRICE# one would be great with a #HOTEL-INFORM-STARS# star rating and free parking .",
+ "No specific area . I would like it to be in the #HOTEL-INFORM-PRICE# price range and it should have free parking . I 'd also like it to have #HOTEL-INFORM-STARS# stars .",
+ "I also need to book a hotel . It needs to have #HOTEL-INFORM-STARS# star and be of a #HOTEL-INFORM-PRICE# range with free parking .",
+ "It does n't matter where the guesthouse is ! I ' m sorry , a hotel or guesthouse is absolutely fine , the only thing that matters is free parking , #HOTEL-INFORM-STARS# stars , and in the #HOTEL-INFORM-PRICE# price ."
+ ],
+ "Area;Internet;Price;Type;": [
+ "I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I would like it to be #HOTEL-INFORM-PRICE# and include free wifi .",
+ "First , I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It should have free WiFi .",
+ "Never mind that for now . I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that includes free wifi and in the #HOTEL-INFORM-PRICE# price range .",
+ "I actually do n't need a train , I need a #HOTEL-INFORM-TYPE# . I 'd like something #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# with free wifi , if possible .",
+ "A #HOTEL-INFORM-TYPE# will be ok as long as it is #HOTEL-INFORM-PRICE# and has free wifi , if you can book me one in the #HOTEL-INFORM-AREA# are for 4 nights please .",
+ "I also need to find a #HOTEL-INFORM-PRICE# place to stay that has free wifi , is a #HOTEL-INFORM-TYPE# and is located in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Parking;Type;": [
+ "Great ! Thank you ! I will also need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It must have free parking .",
+ "I would like a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of Cambridge . I prefer an affordable hotel that includes free parking .",
+ "I want to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . It needs to have free parking .",
+ "I need it to be in the #HOTEL-INFORM-AREA# , and be an actual #HOTEL-INFORM-TYPE# and free parking .",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of the city , it is ok if the hotel does n't has free parking .",
+ "I am looking for an expensive #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking .",
+ "I will be visiting #HOTEL-INFORM-AREA# Cambridge and need a #HOTEL-INFORM-TYPE# that has free parking .",
+ "Need a #HOTEL-INFORM-TYPE# up #HOTEL-INFORM-AREA# with free parking .",
+ "No actually I don;t need a reservation . I just need to find a hotel that is a #HOTEL-INFORM-TYPE# with free parking , and in the #HOTEL-INFORM-AREA# and moderately priced .",
+ "Yes I 'd like to find a #HOTEL-INFORM-TYPE# with free parking , preferably in the #HOTEL-INFORM-AREA# .",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town with free parking , please .",
+ "Can you find me a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Free parking , please .",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking please .",
+ "I would like a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side of Cambridge . I prefer an affordable hotel that includes free parking .",
+ "I am going to be staying in #HOTEL-INFORM-AREA# cambridge and need a #HOTEL-INFORM-TYPE# , I can pay for parking .",
+ "I am also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that has free parking .",
+ "A #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking , please .",
+ "I 'd like one with free parking , located in the #HOTEL-INFORM-AREA# area , and is a #HOTEL-INFORM-TYPE# .",
+ "the #HOTEL-INFORM-AREA# . and make it a #HOTEL-INFORM-TYPE# with free parking also .",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking please .",
+ "I would like a hotel that is in the #HOTEL-INFORM-AREA# , has free parking , and is a #HOTEL-INFORM-TYPE# .",
+ "I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that also has free parking .",
+ "Can you help me find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that includes free parking ?",
+ "I just am looking for a place to stay in the #HOTEL-INFORM-AREA# that includes free parking and should be a #HOTEL-INFORM-TYPE# .",
+ "Yes I would prefer that it 's in the #HOTEL-INFORM-AREA# . And I need free parking . That is a #HOTEL-INFORM-TYPE# style correct ?",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with free parking ."
+ ],
+ "Internet;Parking;Price;Stars;": [
+ "I also need a place to stay in the #HOTEL-INFORM-PRICE# price range . It needs free parking , wifi and a #HOTEL-INFORM-STARS# star rating .",
+ "Can you also find me a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel with free parking and wifi ?",
+ "I am looking for a #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-STARS# star hotel with free parking and free WiFi .",
+ "Yes . It should be a #HOTEL-INFORM-STARS# star and of #HOTEL-INFORM-PRICE# price . Parking and wifi do not matter .",
+ "Thanks . I ' m also looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel . I 'd like it to have free wifi and parking .",
+ "Can you find me an #HOTEL-INFORM-PRICE# place to stay , it should be only #HOTEL-INFORM-STARS# stars and include free wifi and parking .",
+ "Actually , I was confused . I ' m really looking for some lodging accommodations . I 'd like a #HOTEL-INFORM-STARS# star location with free wifi . Something that 's #HOTEL-INFORM-PRICE# , please . Does n't matter if it has free parking .",
+ "Does n't matter so much , as long as it has #HOTEL-INFORM-STARS# stars & is #HOTEL-INFORM-PRICE# . I would also like parking and wifi .",
+ "Actually , a guest room will be fine . As long as it is a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-PRICE# . I 'd like both free wifi and free parking .",
+ "Great . Now I need somewhere to stay . I want an #HOTEL-INFORM-PRICE# place with #HOTEL-INFORM-STARS# stars plus parking and wifi too .",
+ "I ' m not sure . I do want an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel with free wifi but do n't need free parking ."
+ ],
+ "Area;Stars;Type;": [
+ "Is there a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ?",
+ "I also need to find a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that is located in the #HOTEL-INFORM-AREA# , can you help me book one please ?",
+ "Thanks . Also I am looking for a #HOTEL-INFORM-TYPE# hotel with #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# .",
+ "Can you see if there is just a normal #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ? It still needs to be a #HOTEL-INFORM-STARS# star .",
+ "I want a #HOTEL-INFORM-TYPE# and not a guesthouse . It should also be on the #HOTEL-INFORM-AREA# side of town with a #HOTEL-INFORM-STARS# star rating . Can you help ?",
+ "A #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# would be fine too .",
+ "I really need a #HOTEL-INFORM-TYPE# room in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating . Can you please double check ?",
+ "No , it has to be in the #HOTEL-INFORM-AREA# . A #HOTEL-INFORM-STARS# star place would be okay , as long as it is a #HOTEL-INFORM-TYPE# and not a guesthouse .",
+ "OK , can you just book a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# room in the #HOTEL-INFORM-AREA# part of town ? Any one is fine .",
+ "No , I 'd like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking to stay at a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "In the #HOTEL-INFORM-AREA# , I more specifically am looking for a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in that area .",
+ "Maybe I could stay in the #HOTEL-INFORM-AREA# . Can you please look there for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that includes free wifi ?",
+ "I would like to stay in the #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I do n't want to stay in a guesthouse .",
+ "I guess I have no choice but to try something else . Can you see if there is a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars ?",
+ "Thanks . I also need a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# in the #HOTEL-INFORM-AREA# .",
+ "I prefer one in the #HOTEL-INFORM-AREA# . How about a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking there instead ?",
+ "Yes . I 'd like a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I do n't have any other criteria .",
+ "it should be a #HOTEL-INFORM-STARS# star in the #HOTEL-INFORM-AREA# and should be the type of a #HOTEL-INFORM-TYPE# .",
+ "Are there any #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# available ?",
+ "I 'd like to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I want it to have #HOTEL-INFORM-STARS# stars .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town and have at least a #HOTEL-INFORM-STARS# star rating .",
+ "Hello . I ' m looking for a #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# end of town with a #HOTEL-INFORM-STARS# star rating .",
+ "How about a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# ?",
+ "Thank you . I am also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located on the #HOTEL-INFORM-AREA# side of town .",
+ "I need a place with rated #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# . Can you help me find one that like a #HOTEL-INFORM-TYPE# ?",
+ "I would like a #HOTEL-INFORM-TYPE# and my only preference , besides being in the #HOTEL-INFORM-AREA# , is I would like it to have a #HOTEL-INFORM-STARS# star rating please .",
+ "Can you find me a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# ?",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# ? Do you have any on the #HOTEL-INFORM-AREA# side with free wifi ?",
+ "I believe I was in error . I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "Can you find me a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-STARS# star rating free parking ?",
+ "On Friday . I also need a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Can you look for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in that area if not available then could you try one that is in the #HOTEL-INFORM-AREA# ?",
+ "Thank you . I ' m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with a star of #HOTEL-INFORM-STARS# .",
+ "I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Never mind . I ' m looking for a #HOTEL-INFORM-TYPE# to stay at . It must be in the #HOTEL-INFORM-AREA# and #HOTEL-INFORM-STARS# stars .",
+ "Yes I need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that has a star rating of #HOTEL-INFORM-STARS# .",
+ "I would like a #HOTEL-INFORM-TYPE# and my only preference , besides being in the #HOTEL-INFORM-AREA# , is I would like it to have a #HOTEL-INFORM-STARS# star rating please .",
+ "Hmm , I think we are getting confused on what I need . I really need to find a hotel with #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# . Or a #HOTEL-INFORM-TYPE# will do also ."
+ ],
+ "Internet;Price;Stars;": [
+ "Are there any #HOTEL-INFORM-STARS# star guesthouses in the centre that are #HOTEL-INFORM-PRICE# ?",
+ "a place to stay , #HOTEL-INFORM-PRICE# price range should have internet and #HOTEL-INFORM-STARS# stars",
+ "I would prefer a place in the #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars and free wifi .",
+ "The hotel should be in the #HOTEL-INFORM-PRICE# price range and should have a star of #HOTEL-INFORM-STARS# with free wifi .",
+ "Yes , I would like it to be a #HOTEL-INFORM-STARS# star place in a #HOTEL-INFORM-PRICE# price range . Also , free wifi .",
+ "No . I would like to stay in the same area as the attraction . It does n't have to have internet but it does need to be #HOTEL-INFORM-PRICE# and with #HOTEL-INFORM-STARS# stars .",
+ "Yes , I would like a #HOTEL-INFORM-PRICE# price range with a #HOTEL-INFORM-STARS# star rating . It does n't need free internet .",
+ "I want an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel that has free internet . The area does n't matter ."
+ ],
+ "Day;Parking;People;Stay;": [
+ "Yes , can you please book me for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "I would like free parking and to book it for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# . Just the best place possible .",
+ "If it has free parking then I need a booking for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ."
+ ],
+ "People;Type;": [
+ "No , I would need it to be for 3 days and #HOTEL-INFORM-PEOPLE# people , what #HOTEL-INFORM-TYPE# could accomidate me ?",
+ "I do not have a price range just need a #HOTEL-INFORM-TYPE# booked for #HOTEL-INFORM-PEOPLE# people .",
+ "Oh , never mind the restaurant . I 'll book it myself . Did I say 5 people at the #HOTEL-INFORM-TYPE# ? I ' m sorry , I meant #HOTEL-INFORM-PEOPLE# ."
+ ],
+ "Price;Stay;": [
+ "I 'd like it to be #HOTEL-INFORM-PRICE# , any will do . And I 'd like to book it for 5 people and #HOTEL-INFORM-STAY# nights , starting on the same day .",
+ "I 'd prefer the #HOTEL-INFORM-PRICE# one , what is the name of it ? I will need a reservation for 7 people for #HOTEL-INFORM-STAY# nights starting Wednesday ."
+ ],
+ "Parking;Stars;Stay;": [
+ "As long as it is a guesthouse in town centre , and has free parking with #HOTEL-INFORM-STARS# stars . I 'd like to book for #HOTEL-INFORM-STAY# nights starting Wednesday ."
+ ],
+ "Day;Internet;People;Stay;": [
+ "Yes , book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ."
+ ],
+ "Day;People;Stay;Type;": [
+ "The #HOTEL-INFORM-TYPE# please . I need to book it for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# .",
+ "I need a #HOTEL-INFORM-TYPE# book it for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ."
+ ],
+ "Area;Price;Type;": [
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that 's #HOTEL-INFORM-PRICE# and on the #HOTEL-INFORM-AREA# side .",
+ "I ' m looking to book a place to stay while in town . I want the #HOTEL-INFORM-TYPE# to be fairly #HOTEL-INFORM-PRICE# and near the #HOTEL-INFORM-AREA# . Can you give some suggestions ?",
+ "Yes , can you help me with a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town ?",
+ "Hm , #HOTEL-INFORM-PRICE# price please . And #HOTEL-INFORM-AREA# area . Maybe a #HOTEL-INFORM-TYPE# ?",
+ "Can you please look at a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# side ?",
+ "I do n't need it , but either way . As long as the #HOTEL-INFORM-TYPE# is #HOTEL-INFORM-PRICE# and has free wifi I do n't mind . Are any located in the #HOTEL-INFORM-AREA# ?",
+ "After rethinking some things , I actually would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I 'd still like free parking as well . Are any available ?",
+ "Thank you . I m also looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range .",
+ "Help me find a place to stay . I need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "I would like a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# area in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# part of Cambridge that 's in a #HOTEL-INFORM-PRICE# price range .",
+ "Yes , I 'd like to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the city #HOTEL-INFORM-AREA# .",
+ "I was hoping for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-PRICE# .",
+ "I would like to be in the #HOTEL-INFORM-AREA# , and it would be great if it was an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# .",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "Hi , I ' m looking for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# of town .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-AREA# and should be in the #HOTEL-INFORM-PRICE# price range",
+ "I would like to find a #HOTEL-INFORM-TYPE# that is in the #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# to stay in that 's #HOTEL-INFORM-PRICE# and on the #HOTEL-INFORM-AREA# side .",
+ "I am looking for a place to stay . The #HOTEL-INFORM-TYPE# should be in the #HOTEL-INFORM-AREA# and should be in the #HOTEL-INFORM-PRICE# price range",
+ "Great . I also need a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# .",
+ "After rethinking some things , I actually would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . I 'd still like free parking as well . Are any available ?"
+ ],
+ "Area;Internet;Parking;Price;": [
+ "Thank you , I am also looking for a hotel in the #HOTEL-INFORM-AREA# that has free parking for my car . I 'll need the hotel to be #HOTEL-INFORM-PRICE# with wifi",
+ "The price range is on the #HOTEL-INFORM-PRICE# side and I would like if they provide free wifi and parking . I want the hotel to be located on the #HOTEL-INFORM-AREA# side .",
+ "The price range is on the #HOTEL-INFORM-PRICE# side and I would like if they provide free wifi and parking . I want the hotel to be located on the #HOTEL-INFORM-AREA# side ."
+ ],
+ "Area;Stay;Type;": [
+ "Yes I am looking for a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . Can you book it for #HOTEL-INFORM-STAY# nights starting Saturday for 1 person ?"
+ ],
+ "Area;Price;Stars;Type;": [
+ "I do n't need a reservations right now . I do need information on a #HOTEL-INFORM-TYPE# that has #HOTEL-INFORM-STARS# stars in the #HOTEL-INFORM-AREA# in the #HOTEL-INFORM-PRICE# price range .",
+ "I am looking for a #HOTEL-INFORM-PRICE# priced #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating in the #HOTEL-INFORM-AREA# .",
+ "Is there an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with #HOTEL-INFORM-STARS# stars that is located in the #HOTEL-INFORM-AREA# ?",
+ "Are you saying that there is n't even a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# on the #HOTEL-INFORM-AREA# side ? What kind of city is this ?",
+ "Is there a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# that is in the #HOTEL-INFORM-PRICE# price range instead ?",
+ "Is it in the #HOTEL-INFORM-PRICE# price range ? I need a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# with a star rating of a #HOTEL-INFORM-STARS# .",
+ "I would like a #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# in the #HOTEL-INFORM-PRICE# price range . I would like to be in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Parking;Price;": [
+ "I need to find a place in the #HOTEL-INFORM-AREA# side and the pricerange should be #HOTEL-INFORM-PRICE# . I also need free parking",
+ "Is there a #HOTEL-INFORM-PRICE# place in the in the #HOTEL-INFORM-AREA# that has free parking ?",
+ "The area should be the #HOTEL-INFORM-AREA# . I need it to be #HOTEL-INFORM-PRICE# and have free parking .",
+ "I definitely want to stay in the #HOTEL-INFORM-PRICE# range , so how about we change the area to the #HOTEL-INFORM-AREA# of town . What do you have there with wifi and parking ?",
+ "I 'd like to be in the #HOTEL-INFORM-AREA# , and I need a place with free parking . I 'd also like to keep the price to a #HOTEL-INFORM-PRICE# range .",
+ "I was really wanting a guesthouse in the #HOTEL-INFORM-AREA# with an #HOTEL-INFORM-PRICE# price range and include free parking .",
+ "Nothing in the #HOTEL-INFORM-AREA# , four star ? I need that and #HOTEL-INFORM-PRICE# with free parking .",
+ "A hotel that has free parking and in the #HOTEL-INFORM-AREA# part of town . I would like one in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# of town with some #HOTEL-INFORM-PRICE# pricing and they must include free parking , can you help me with that ?"
+ ],
+ "Area;Internet;Price;": [
+ "That should work ! I will also need a place to stay . I am looking for a guesthouse in the #HOTEL-INFORM-AREA# of town , in the #HOTEL-INFORM-PRICE# range . It should include free wifi as well .",
+ "I need one in the #HOTEL-INFORM-AREA# , #HOTEL-INFORM-PRICE# price , free wifi .",
+ "The hotel should be in the #HOTEL-INFORM-AREA# and does n't need to include internet.and should be in the #HOTEL-INFORM-PRICE# price range",
+ "I am looking for an #HOTEL-INFORM-PRICE# place in the #HOTEL-INFORM-AREA# area with free wifi ?",
+ "I want it to be #HOTEL-INFORM-PRICE# , in the #HOTEL-INFORM-AREA# , and it must have internet",
+ "I need it in the #HOTEL-INFORM-AREA# and free wifi and #HOTEL-INFORM-PRICE# .",
+ "No . Let me clarify . I am looking for a hotel or guesthouse but I would like it to be #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# with free wifi .",
+ "Then can you find a hotel in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-PRICE# price range that includes free wifi ?",
+ "I ' m sorry , I need a #HOTEL-INFORM-PRICE# hotel not guesthouse . It should be in the #HOTEL-INFORM-AREA# , and I do n't need internet ."
+ ],
+ "Area;Internet;Stars;Type;": [
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi in the #HOTEL-INFORM-AREA# side of town .",
+ "Yes I also need a #HOTEL-INFORM-TYPE# to stay in . It should have #HOTEL-INFORM-STARS# stars , free wifi , in the #HOTEL-INFORM-AREA# location .",
+ "Yes I also need a #HOTEL-INFORM-TYPE# to stay in . It should have #HOTEL-INFORM-STARS# stars , free wifi , in the #HOTEL-INFORM-AREA# location .",
+ "Yes please , I am looking for a hotel that has #HOTEL-INFORM-STARS# stars and is #HOTEL-INFORM-TYPE# . Preferably in the #HOTEL-INFORM-AREA# with free wifi .",
+ "I need you to find me a #HOTEL-INFORM-TYPE# with free wifi and a star rating of #HOTEL-INFORM-STARS# in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Area;Price;Stars;": [
+ "Indeed I do . I 'd like a hotel in the #HOTEL-INFORM-PRICE# price range that 's on the #HOTEL-INFORM-AREA# side of town . The hotel should have a #HOTEL-INFORM-STARS# star rating .",
+ "Are there any #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotels in the #HOTEL-INFORM-AREA# ?",
+ "I would also like a place to stay . I would like a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# .",
+ "Type does n't matter . I want it to be #HOTEL-INFORM-PRICE# and in the #HOTEL-INFORM-AREA# . With a #HOTEL-INFORM-STARS# star rating .",
+ "I am wanting either a hotel or guesthouse with a #HOTEL-INFORM-STARS# star rating that has free parking . And I want it to be #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# . Can you check that ?",
+ "I am looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# .",
+ "I see , are there any #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotels on the #HOTEL-INFORM-AREA# side ?",
+ "Oh man , I ca n't do expensive . Is there a #HOTEL-INFORM-STARS# star guesthouse that is #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# perhaps ?",
+ "Thanks . I ' m also looking for somewhere to stay in the #HOTEL-INFORM-AREA# . It should be in the #HOTEL-INFORM-PRICE# price range and has a star of #HOTEL-INFORM-STARS# as well .",
+ "I do not need any free parking . Is there any #HOTEL-INFORM-PRICE# hotel in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars and no parking ?",
+ "So you are saying you have nothing #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# star and #HOTEL-INFORM-PRICE# that has free parking like I wanted ?",
+ "Okay . I do n't care if it is a hotel or guest house , but it needs to be #HOTEL-INFORM-PRICE# , #HOTEL-INFORM-STARS# stars , and in the #HOTEL-INFORM-AREA# .",
+ "There are no #HOTEL-INFORM-STARS# star hotels in the #HOTEL-INFORM-AREA# with a #HOTEL-INFORM-PRICE# price ?"
+ ],
+ "Price;Stay;Type;": [
+ "I need a #HOTEL-INFORM-TYPE# , so I will go with Ashley Hotel if it is in the #HOTEL-INFORM-PRICE# price range . I need to book for #HOTEL-INFORM-STAY# nights ."
+ ],
+ "Internet;Parking;Stars;Type;": [
+ "Hello , I ' m looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the center of town for 3 people and 4 nights . I 'd like wifi and free parking too .",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# with free wifi and parking and has a #HOTEL-INFORM-STARS# star rating .",
+ "I am looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# and I need free internet and parking .",
+ "My preferred type is a #HOTEL-INFORM-TYPE# , and I want it to have parking and internet as well as a #HOTEL-INFORM-STARS# star rating .",
+ "I want it to be a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking and internet",
+ "I do n't care what area , I just want to be sure it 's a #HOTEL-INFORM-TYPE# with free wifi and parking and a star of #HOTEL-INFORM-STARS# please .",
+ "The #HOTEL-INFORM-TYPE# does n't have to be in the centre , just a #HOTEL-INFORM-STARS# star hotel type with free parking and wifi ."
+ ],
+ "Area;Internet;Parking;Stars;Type;": [
+ "I prefer a #HOTEL-INFORM-TYPE# , not a guesthouse . I need a #HOTEL-INFORM-STARS# star hotel with free parking and wifi in the #HOTEL-INFORM-AREA# .",
+ "Great , thank you . I ' m also looking for a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# located in the #HOTEL-INFORM-AREA# with free parking .",
+ "Great , thanks . I also need a place to stay that has free parking and wifi preferably a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-AREA# . What do you suggest ?"
+ ],
+ "Area;Internet;Parking;Stars;": [
+ "No and no . I want a #HOTEL-INFORM-STARS# star hotel on the #HOTEL-INFORM-AREA# side with free wifi and parking .",
+ "No , it really does n't matter . I need free parking and free wifi though . I 'd like a #HOTEL-INFORM-STARS# star rating and it should be in the #HOTEL-INFORM-AREA# .",
+ "I am looking for a place in the #HOTEL-INFORM-AREA# , and I do n't need parking . But I do need #HOTEL-INFORM-STARS# stars and wifi !",
+ "I need a hotel , and do n't need internet , but do need free parking . A #HOTEL-INFORM-STARS# star and in the #HOTEL-INFORM-AREA# will do .",
+ "I 'll be in the #HOTEL-INFORM-AREA# . I need free wifi and free parking . I 'd prefer something #HOTEL-INFORM-STARS# star .",
+ "I would like free parking and wifi for sure . Preferably on the #HOTEL-INFORM-AREA# side with #HOTEL-INFORM-STARS# stars , too .",
+ "What about a #HOTEL-INFORM-STARS# star located in the #HOTEL-INFORM-AREA# the only has free parking . Internet it does n't really matter either way",
+ "Yes , I would love to stay at a hotel in the #HOTEL-INFORM-AREA# of town . I need free parking , free wifi , and a star rating of #HOTEL-INFORM-STARS# ."
+ ],
+ "Internet;Price;Stars;Type;": [
+ "Sorry , how silly of me . I want to stay at a #HOTEL-INFORM-TYPE# , not a guesthouse . A #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star with free wifi , please .",
+ "Thank you , I ' m also looking for a place to stay . It should a #HOTEL-INFORM-TYPE# of #HOTEL-INFORM-STARS# stars and in the #HOTEL-INFORM-PRICE# price range . It should include free wifi .",
+ "I am also interested in finding a #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# type hotel in the #HOTEL-INFORM-PRICE# price range with free wifi .",
+ "I also want to find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star lodging , with free wifi and in the type of #HOTEL-INFORM-TYPE# .",
+ "I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# that includes free wifi and has at least #HOTEL-INFORM-STARS# stars .",
+ "Great , can you help me find an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# that has free wifi ?",
+ "I would like a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free wifi instead .",
+ "I also need to find a #HOTEL-INFORM-TYPE# in the #HOTEL-INFORM-PRICE# price range that is rated by #HOTEL-INFORM-STARS# stars and will include free wifi .",
+ "I ' m looking for a place that has free wifi , in the #HOTEL-INFORM-PRICE# price range , and it should be a #HOTEL-INFORM-TYPE# with a #HOTEL-INFORM-STARS# star rating .",
+ "Thank you . I ' m also look for an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# , not a guesthouse , to stay in . I 'd like it to have free wifi and it needs to have #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Day;Name;": [
+ "If the #HOTEL-INFORM-NAME# is cheap , I would like to book ti for #HOTEL-INFORM-DAY# ."
+ ],
+ "Day;People;": [
+ "Yes , please for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# night .",
+ "Yes , #HOTEL-INFORM-DAY# through sunday and #HOTEL-INFORM-PEOPLE# guests ."
+ ],
+ "Internet;Stay;": [
+ "No , I really need it starting Saturday for #HOTEL-INFORM-STAY# nights and with free wifi .",
+ "It does n't matter , we will also need wifi , and will be staying for #HOTEL-INFORM-STAY# nights , starting on Monday ."
+ ],
+ "Day;People;Price;": [
+ "Check for one in the #HOTEL-INFORM-PRICE# price range with that criteria . Book something for #HOTEL-INFORM-PEOPLE# person for 4 nights starting on #HOTEL-INFORM-DAY# ."
+ ],
+ "Area;Parking;Price;Stars;": [
+ "I also need a place to stay in the #HOTEL-INFORM-PRICE# range that includes free parking , in the #HOTEL-INFORM-AREA# with a star of #HOTEL-INFORM-STARS# .",
+ "Somewhere in the #HOTEL-INFORM-AREA# , with #HOTEL-INFORM-STARS# stars , free parking , and #HOTEL-INFORM-PRICE# .",
+ "Are there any hotels that are #HOTEL-INFORM-PRICE# in the #HOTEL-INFORM-AREA# of town that include free parking with #HOTEL-INFORM-STARS# stars ?",
+ "I need a #HOTEL-INFORM-PRICE# priced hotel in the #HOTEL-INFORM-AREA# part of town with free parking and a #HOTEL-INFORM-STARS# star rating .",
+ "Can you try again please . I was looking for a hotel , #HOTEL-INFORM-AREA# area , expensive , #HOTEL-INFORM-STARS# star with free parking . If not a #HOTEL-INFORM-PRICE# price would be good .",
+ "Sure . Look for a #HOTEL-INFORM-PRICE# hotel , #HOTEL-INFORM-STARS# stars , in the #HOTEL-INFORM-AREA# . Free parking also .",
+ "I do n't need free parking . I do care about #HOTEL-INFORM-PRICE# price range in the #HOTEL-INFORM-AREA# with #HOTEL-INFORM-STARS# stars .",
+ "I also need a room at a hotel in the #HOTEL-INFORM-AREA# that has free parking . It should be #HOTEL-INFORM-STARS# stars and #HOTEL-INFORM-PRICE# .",
+ "What about in the #HOTEL-INFORM-AREA# ? A #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel that includes free parking"
+ ],
+ "Area;Internet;Price;Stars;": [
+ "I would also like to find a place to stay near the town #HOTEL-INFORM-AREA# that has a star rate of #HOTEL-INFORM-STARS# that has free WiFi in the #HOTEL-INFORM-PRICE# price range .",
+ "Thank you . Can you help me find a hotel that has #HOTEL-INFORM-STARS# stars and is #HOTEL-INFORM-PRICE# . I would like free wifi and in the #HOTEL-INFORM-AREA# .",
+ "the hotel should have a star of #HOTEL-INFORM-STARS# and should be in the #HOTEL-INFORM-PRICE# price range . \n The hotel should be in the #HOTEL-INFORM-AREA# and should include free wifi",
+ "Yes , I also need a hotel room with free wifi also in #HOTEL-INFORM-AREA# , #HOTEL-INFORM-STARS# star , and #HOTEL-INFORM-PRICE# please .",
+ "Is there anything in the #HOTEL-INFORM-AREA# that is #HOTEL-INFORM-STARS# stars and in the #HOTEL-INFORM-PRICE# price range with free wifi",
+ "The hotel should be in the #HOTEL-INFORM-AREA# and should have a star of #HOTEL-INFORM-STARS# in the #HOTEL-INFORM-PRICE# price range and should include free wifi",
+ "I ' m looking for a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star hotel in the #HOTEL-INFORM-AREA# that has free wifi ."
+ ],
+ "Internet;Name;": [
+ "Can you tell me if #HOTEL-INFORM-NAME# hotel has wifi .",
+ "As long as #HOTEL-INFORM-NAME# meets my criteria of being a guesthouse in the east area with free wifi and cheap , then I am interested ."
+ ],
+ "Parking;People;Price;Type;": [
+ "Yes , I need it for #HOTEL-INFORM-PEOPLE# people . I ' m also looking for a #HOTEL-INFORM-TYPE# type hotel with free parking in the #HOTEL-INFORM-PRICE# range ."
+ ],
+ "People;Price;Stay;Type;": [
+ "The ratings and location do not matter . It must be an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# not a guesthouse . I will follow your recommendation for #HOTEL-INFORM-STAY# nights starting Tuesday for #HOTEL-INFORM-PEOPLE# people .",
+ "Yes book an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# for #HOTEL-INFORM-STAY# nights for #HOTEL-INFORM-PEOPLE# people if you can find one . Please provide the reference number also ."
+ ],
+ "Area;Stay;": [
+ "Yes , I would like something in the #HOTEL-INFORM-AREA# . There will be #HOTEL-INFORM-STAY# guests and will be needed for 5 nights , starting Saturday .",
+ "Preferably in the #HOTEL-INFORM-AREA# . Would like a reservation for #HOTEL-INFORM-STAY# people , for 5 nights beginning Wednesday . Also looking for places to go in the centre as well ."
+ ],
+ "Day;People;Type;": [
+ "I would like the #HOTEL-INFORM-TYPE# for #HOTEL-INFORM-PEOPLE# people for 3 nights starting on #HOTEL-INFORM-DAY# .",
+ "I need a #HOTEL-INFORM-TYPE# not a gueshouse sorry . On #HOTEL-INFORM-DAY# for #HOTEL-INFORM-PEOPLE# people for 5 nights please . I am sorry ."
+ ],
+ "Day;Name;People;Stay;Type;": [
+ "Let 's go with the #HOTEL-INFORM-NAME# . I 'd like it for #HOTEL-INFORM-PEOPLE# people starting #HOTEL-INFORM-DAY# . We 'd like to stay for #HOTEL-INFORM-STAY# nights ."
+ ],
+ "Area;Day;Stay;": [
+ "Are there any expensive hotels in the #HOTEL-INFORM-AREA# ? I plan on staying with #HOTEL-INFORM-STAY# other people for 4 nights , starting #HOTEL-INFORM-DAY# ."
+ ],
+ "Day;Name;People;Stay;": [
+ "i also want to book a stay at #HOTEL-INFORM-NAME# . i want to book for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# .",
+ "How about the #HOTEL-INFORM-NAME# for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting on #HOTEL-INFORM-DAY# ?",
+ "I need help finding #HOTEL-INFORM-NAME# please . Could you book a room for me for #HOTEL-INFORM-PEOPLE# people on #HOTEL-INFORM-DAY# for #HOTEL-INFORM-STAY# nights please ?"
+ ],
+ "Day;Parking;": [
+ "If it has free parking , I would like to book it for #HOTEL-INFORM-DAY# please ."
+ ],
+ "Day;People;Price;Stay;Type;": [
+ "You do n't have a #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# ( any area ) with free wifi , for #HOTEL-INFORM-DAY# , #HOTEL-INFORM-STAY# nights , #HOTEL-INFORM-PEOPLE# people ? Could you please check again ?"
+ ],
+ "Internet;Parking;Price;Stars;Type;": [
+ "Yes , I 'd like to stay at an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-STARS# star #HOTEL-INFORM-TYPE# with free parking and wifi .",
+ "I would like an #HOTEL-INFORM-PRICE# #HOTEL-INFORM-TYPE# with a star of #HOTEL-INFORM-STARS# . It should also have free parking and free wifi ."
+ ],
+ "Name;Type;": [
+ "I ' m looking for a particualr #HOTEL-INFORM-TYPE# called #HOTEL-INFORM-NAME# ?",
+ "Can you also help me with information on the #HOTEL-INFORM-TYPE# #HOTEL-INFORM-NAME# ?"
+ ],
+ "People;Stay;Type;": [
+ "I would like to book for the lensfield #HOTEL-INFORM-TYPE# for #HOTEL-INFORM-PEOPLE# people from the same day but for #HOTEL-INFORM-STAY# nights only then .",
+ "I would rather have a #HOTEL-INFORM-TYPE# . I need it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights . Is there anything available ?"
+ ],
+ "Area;Internet;People;Stay;": [
+ "the #HOTEL-INFORM-AREA# please . And it should include free wifi . book for #HOTEL-INFORM-PEOPLE# people #HOTEL-INFORM-STAY# nights starting thurs ."
+ ],
+ "Name;Stay;": [
+ "Could you book me a room at The #HOTEL-INFORM-NAME# Bed and Breakfast for 6 people and #HOTEL-INFORM-STAY# nights starting from friday ?",
+ "Can you book #HOTEL-INFORM-NAME# for 7 people , starting on saturday for #HOTEL-INFORM-STAY# nights , please ?"
+ ],
+ "Parking;People;Stay;Type;": [
+ "I want #HOTEL-INFORM-TYPE# with free parking also it will be for #HOTEL-INFORM-PEOPLE# people , #HOTEL-INFORM-STAY# nights starting Wednesday .",
+ "I want a #HOTEL-INFORM-TYPE# for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights , with free parking . Is there nothing in the city that fits those requirements ?"
+ ],
+ "Internet;Stars;Stay;": [
+ "free wifi , #HOTEL-INFORM-STARS# star rating . I need it booked for 4 for #HOTEL-INFORM-STAY# nights starting Thurs . I also need the reference # too please"
+ ],
+ "Internet;Parking;People;Stars;Stay;": [
+ "Nope , I 'll take anything on the Eastside that 's #HOTEL-INFORM-STARS# stars and offers either free parking or Wifi , booked for #HOTEL-INFORM-PEOPLE# people and #HOTEL-INFORM-STAY# nights starting from Thursday ."
+ ],
+ "Day;Stay;Type;": [
+ "I prefer a #HOTEL-INFORM-TYPE# please . I only need it for myself for #HOTEL-INFORM-STAY# nights starting from #HOTEL-INFORM-DAY# ."
+ ],
+ "Internet;Parking;Stay;": [
+ "OK , well I do need a room someplace with internet and parking . I need a room for #HOTEL-INFORM-STAY# people , 3 nights ."
+ ],
+ "People;Price;Stay;": [
+ "I need a #HOTEL-INFORM-PRICE# hotel for #HOTEL-INFORM-PEOPLE# people on wednesday for #HOTEL-INFORM-STAY# nights please ."
+ ],
+ "Parking;Price;Stay;Type;": [
+ "A #HOTEL-INFORM-TYPE# and should include free parking , in the #HOTEL-INFORM-PRICE# price range , for same group for #HOTEL-INFORM-STAY# nights"
+ ],
+ "Parking;People;Price;Stay;Type;": [
+ "Yes , I need a #HOTEL-INFORM-TYPE# for #HOTEL-INFORM-PEOPLE# people with free parking in the #HOTEL-INFORM-PRICE# price range , for #HOTEL-INFORM-STAY# nights"
+ ],
+ "Day;Internet;Parking;People;Stay;": [
+ "Yes please , I need to book it for #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights starting #HOTEL-INFORM-DAY# ."
+ ],
+ "People;Price;Stars;Stay;Type;": [
+ "yes , I am looking for a #HOTEL-INFORM-TYPE# in a #HOTEL-INFORM-PRICE# price range with #HOTEL-INFORM-STARS# stars and I will need to book #HOTEL-INFORM-PEOPLE# people for #HOTEL-INFORM-STAY# nights . Thank you ."
+ ]
+ },
+ "Hotel-Request": {
+ "Addr;": [
+ "Okay , none of them DON'T offer free wifi ? If not , I 'll need the address for one that does have wifi , please . Tell me about your favorite .",
+ "That wo n't be necessary . I just need the address .",
+ "I 'd like to travel there myself , may I have the address ?",
+ "no , i just need their address .",
+ "Can you give me the address please ?",
+ "I do n't need a reservation but would like the address please .",
+ "No , but could I get their address ?",
+ "Could you give me the address , please ?",
+ "Yes , may I have the address for that hotel ?",
+ "I do n't need it booked but what s the address ?",
+ "No , I just need the address , please .",
+ "Can you just tell me the address please ?",
+ "Okay , may I please have their address ?",
+ "No , I wo n't be booking today . Can you just give me the address ?",
+ "Could I get the address please ?",
+ "No but what is the address ?",
+ "No , I just need the address , thank you .",
+ "Could you give me the address for Huntingdon Marriott , please ?",
+ "No thanks , just needed the address . That 's all for today thank you !",
+ "What is the address of the Acorn ?",
+ "No , I 'll take the address for the first one listed .",
+ "Yes , can you give me the address of your favorite one ?",
+ "No , I do n't need to book a room , I just need the address please .",
+ "Can I get the address and star rating ?",
+ "Yes , what is the address , please ?",
+ "Great , thanks . Can I please also get the address ?",
+ "I ' m sorry , I changed my mind . I do n't need a room booked . I just need their address .",
+ "Great . Is it a hotel or guesthouse , and what 's the address ?",
+ "I just need the address .",
+ "Okay , can I see the address for Cambridge Belfry ?",
+ "Actually , I just need the address of the hotel .",
+ "What 's its address ?",
+ "I actually do n't need it booked , I just need the address .",
+ "That sounds fine . Can you provide the phone number and address ? And , is that considered a hotel or a guesthouse ?",
+ "Thank you for the address and star rating of Acorn Guest House .",
+ "I need the address for Carolina Bed and Breakfast .",
+ "What is their address ?",
+ "Can you also tell me the address ?",
+ "Can I have the address and postcode ?",
+ "That will work . Can you give me the address ?",
+ "Yes please . I would like the address .",
+ "Ok . I 'd like the address , please .",
+ "and what is the address ?",
+ "Can you give me the address of the one you recommend ?",
+ "I do n't need a reservation just yet , but can you give me the address ?",
+ "Just one more question : Is it in the moderate prince range ? If so , please give me their address . If not , I need something moderately priced .",
+ "Could I please have the address ?",
+ "That one sounds perfect . Can I get the address for the alpha - milton guesthouse please .",
+ "No , any area will do . Could I get the address for one of them ? I ' m also looking to go on a boat can you help with that ?",
+ "Yes can I please have the address ?",
+ "I am not booking a room yet I just need information . Please make a suggestion and provide the address .",
+ "Thanks . And now could you also provide me with the address for that location ?",
+ "Sure . May I have the address ?",
+ "No , I do n't need a booking , just the address .",
+ "What is the address ?",
+ "Not yet . Could I get the address ?",
+ "I think I have heard of that . Can you just get me an address ?",
+ "No that wo n't be necessary . What is the address though so I have it for my reference ?",
+ "Great ! Can I get the address , please ?",
+ "Thanks for the train info . May I have the address for the Acorn guest house , please ?",
+ "Can I have the address for Hamilton Lodge ?",
+ "Yes , I ' m not familiar with that address . What part of town is that in ?",
+ "No , I just need the address .",
+ "No thank you . I just needed the address . Thanks for your help .",
+ "Let 's go with that . What 's the address ?",
+ "No , can you just give me the address ?",
+ "Can I have the address for kettle 's Yard , please ?",
+ "Yes , and I would also like the address ?",
+ "No , please recommend one for me and give me the address .",
+ "That sounds great . Can I get the address please ?",
+ "Can I have the address of the hotel ?",
+ "Could you please give me the address of the hotel ?",
+ "I actually do n't need a room . I just need the address please .",
+ "No thank you- please just give me the address and phone number .",
+ "Can I have the pricing and address of the one in the centre of town ?",
+ "Kindly recommend one of the many in the area and send me the address .",
+ "No , thank you . Can I just get the address , please ?",
+ "thanks . What 's the address ?",
+ "no , i just need their address .",
+ "No not right now . What is their address ?",
+ "Can I get the address for the Kirkwood House ?",
+ "Not just yet , but can you tell me the address for whichever is your personal fave ?",
+ "I also need the address ...",
+ "No thank you . Can you please give me the address though ?",
+ "Thank you . What is the address ?",
+ "The star rating is not important . Either of those will do . Can I just get the name of one and the address please ?",
+ "I ' m not quite sure yet , could I get the address there please ?",
+ "Actually , just send me the address . Thank you .",
+ "Not yet . Can I have the address there though ?",
+ "Awesome ! Thank you , could you give me their address ?",
+ "No , but I would like the address , please .",
+ "That sounds good as long as it 's got parking . Can you get me the address ?",
+ "I need the address and phone to them please .",
+ "Yes can you tell me the address please ?",
+ "Oh , that 's great ! What 's the address for The Ashley ?",
+ "Not right now , but could I please get the address for the hotel ?",
+ "Yes , may I confirm the address of this hotel please ?",
+ "Could I please have the address ?",
+ "No , but can you give me their address , please ?",
+ "What is their address ?",
+ "I ' m not ready to book . Can you tell me the address and type please instead",
+ "I just want information the the Warkworth house , especially the address , please .",
+ "I just need the address please .",
+ "Thank you but I would just like the address of the hotel for now . I will also need a taxi to be booked , though .",
+ "Can you just tell me the address please ?",
+ "Sounds great . Could I have the address ?",
+ "I would like the address please .",
+ "I ' m sorry , I do n't need a room right now . I just need their address .",
+ "No , i do n't need a booking yet . I just would like the address please .",
+ "Thanks . What was the address for Worth House ?",
+ "Which one is the best that offers free wifi and free parking and can I get their address please ?",
+ "No reservation at this time but I would like the address please .",
+ "Yes , this sounds ideal . I need an address",
+ "What is the address of the guesthouse ?",
+ "Does it have free wifi ? And can you get me the address to Cambridge Museum of Technology that I asked you for ?",
+ "No thanks , I just need the address please .",
+ "I still need the address , please .",
+ "Yes , could you give me the address ?",
+ "No I do n't need those things , could you give me the address of one that you recommend ?",
+ "It does not matter . Just make a suggestion and please provide the address .",
+ "Please give me aylesbray lodge 's address . I am not booking now .",
+ "What is the address of the hotel ?",
+ "I ' m not sure at this point . For now , I just need the address .",
+ "Can I just get the address for them please",
+ "The Avalon sounds good . What is the address ?",
+ "That sounds great . Could you give me the address please ?",
+ "entrance fee , address , and phone number",
+ "Could I get the address as well ?",
+ "Yes , please . Include their address .",
+ "Thank you ! Can I also have the address , please ?",
+ "Can I get the address of the Gonville , please ?",
+ "Either is fine . What 's the address of your favorite ?",
+ "Can I have the exact address please ?",
+ "Can you tell me what the address is ?",
+ "No I just need an address .",
+ "No thank you , could you give their full address ?",
+ "Do they offer free wifi ? If so , I would like to have the address , please .",
+ "Yes , can I get the address please ?",
+ "Ok , and what was the address of the Acorn Guest House ?",
+ "No need to book it , just give me the address please",
+ "Could you please give me their address ?",
+ "That`s fine . What is their address , please ?",
+ "Just information for now , can you please give me the address ?",
+ "Could you just give me the address for now ?",
+ "I 'd prefer an address at this point . Thanks !",
+ "Can you provide the address please ?",
+ "No thank you but I do need the address please ?",
+ "Well , that s great . That means you should be able to give me the address",
+ "No , I just need the address . Thank you ."
+ ],
+ "Ref;": [
+ "Please book it and provide the reference number .",
+ "Yes , please give me the reference number .",
+ "Yes please , a reference number would be great !",
+ "Yes , please book it and provide a reference number .",
+ "Cambridge Belfry sounds great , can I get the reference number once you make that reservation ?",
+ "That 's great . Can you book the room and give me the reference number ?",
+ "Three nights beginning on Tuesday just for myself . I 'd like the reference number as well .",
+ "Thank you . I will also need the booking reference number .",
+ "Okay , just let me get a reference number when you book it .",
+ "Yes as long as it 's in the same price range that will be fine . I need the reference number too .",
+ "Great . All I need is the reference number for that reservation .",
+ "Yes , and I would also like you to include the reference number for the booking .",
+ "I will be leaving on Thursday . Can you book and give me the reference number ?",
+ "I will need the reference number please .",
+ "May I have the booking reference number , please ?",
+ "I need the reference number please .",
+ "Yes . Can I get the reference number so I can give it to them when we arrive ?",
+ "I need the reference number",
+ "After that I ' m also going to need the reference number .",
+ "Yes please book it and let me have the reference number .",
+ "I need the reference number too . I am not particular as to where , as long as it is near Cambridge .",
+ "Yes , please book that for me and give me the reference number .",
+ "Great to hear that , can you provide me also with reference number ?",
+ "Well yes obviously I need the reference number !",
+ "Can I please get the reference number ?",
+ "Okay let 's try that and please get me a reference number .",
+ "I would like to have the reference number for the room booking please .",
+ "thanks , what 's the reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "Yes , I also need the reference number .",
+ "That 's wonderful . What is the reference number for that booking ?",
+ "I have n't the faintest . But do you have a reference number for the booking you made ?",
+ "Okay let 's try booking that and get me a reference number .",
+ "Thank you . Can you please give me a reference number ?",
+ "Go ahead and book the Archway House please and I need a reference number .",
+ "thanks can I get a reference number please ?",
+ "Have you b ooked that yet ? I need the reference number .",
+ "Yes , as long as Finches is in the cheap price range please book it and give me the reference number .",
+ "On second thought , would you look for another hotel in the cheap price range ? Please book it and give me the reference number .",
+ "Yes , please book it and give me the reference number .",
+ "ok good thinking . book it for me and I would need the reference number",
+ "Oh ! Before you go , can I get the reference number from you please ? And if it 's not too much of a burden , can you provide train information for us ?",
+ "Can you book it for me and get a reference number ?",
+ "Yes please . Give me the reference number !",
+ "Yes . What is the reference number ?",
+ "Go ahead and book it , may I have the reference number please ?",
+ "yes.book for six people and six nights . remember to also give me the reference number",
+ "Can you give me a reference number to check in with ?",
+ "Yes please do and send me the reference number .",
+ "Can you book it for me and get a reference number ?",
+ "Yes , please provide the reference number .",
+ "May I have the reference code please ?",
+ "Great . Can I have the reference number for that reservation ?",
+ "No thank you . Thank you for the reference number 7QVODJMI . Goodbye .",
+ "May i get the reference number ?",
+ "Great , can I have the phone number and reference fee .",
+ "Yes that would be great and I need a reference number and number of taxi",
+ "In the same price range as the Belfry . Can I get the reference number too ?",
+ "Yeah , how about for one day ? Please get me the reference number if that works",
+ "Great . What is the reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "As long as it 's in the same price range . Can you give me the reference number too please ?",
+ "Great . Can you give me a reference number please ?",
+ "Yes could I get the reference number for the booking please .",
+ "Can I please get the reference number for the booking ?",
+ "I will need the reference number .",
+ "Can you book it for me and get a reference number ?",
+ "Could I have the reference number for that reservation please ?",
+ "Yes please and I need a reference number after booked please .",
+ "As long as I do n't need anything beside the reference number . Thanks",
+ "Is there a reference number with that ?",
+ "Thank you for booking and providing the reference number .",
+ "The reference number please !",
+ "I probably need a reference number do nt I ?",
+ "Thank you ! What is the reference number ?",
+ "Yes can you book me a room and send me a reference number ?",
+ "Are you still there ? Were you able to book that ? Can I get a reference number please ?",
+ "That would be great . Could you please give me a reference number ?",
+ "Starting Monday and its for 2 people . I also need a reference number",
+ "Thank you , I will just need a reference number for the booking .",
+ "I see . That sounds great . Thank you . Could I get a reference number please ?",
+ "Sure . That sounds fine . Can you give me the reference number once you book that ?",
+ "Yes , please provide the reference number .",
+ "I 'll will need the reference number please .",
+ "Can I get the reference number for that reservation , too ?",
+ "Thank you . What is the reference number ? I ' m also looking for places to go in town .",
+ "Thank you ! When you are done I will need the reference number .",
+ "a reference number",
+ "Please get me the reference number too .",
+ "Yes , of course I want you to book it . And give me the reference number too !",
+ "Yes , can you book that for me and send me a reference number please ?",
+ "Yes , please . And I will need the reference number .",
+ "Yes please and I need the reference number",
+ "yes I need the reference number . I also want to find a restaurant .",
+ "Yes , please . I need the reference number for that as I said .",
+ "I need a reference number for that booking !",
+ "No the area does n't matter as much , please provide me with the reference number .",
+ "I need a reference number for the hotel .",
+ "Thanks I need the reference number as well .",
+ "Okay , thank you . I 'll need the reference number for the booking .",
+ "Great , thank you so much . May I also have the reference number once you have booked it ?",
+ "Awesome , what about reference number ?",
+ "Yes , may I have the reference number for the booking ?",
+ "Thank you for the reference number B4IRJDNN . Goodbye .",
+ "Yes , thank you ! What is the reference number ?",
+ "Can I get the reference number for that booking ?",
+ "Yes , can i have a reference number please ?",
+ "I need the reference number to confirm my booking at the hotel . You should ' ve provided that to me .",
+ "I need a reservation for Archway House , did you make it ? I need the reference number , please .",
+ "Any will do as long as it 's in the same price points . I need a reference number too please .",
+ "what ever finches is listed at . I need the reference number after its booked please",
+ "Yes , book please and I need a reference number",
+ "Could you try another hotel in the same price range and , if you make a reservation , give me the reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "Yes , I need the reference number .",
+ "Great . What was the reference number for the booking ?",
+ "What is the reference number ?",
+ "Can I have the reference number please .",
+ "Yes two more things , can I confirm the reference number as CB8VVF4 M ? Also , I want to make sure that the have free Wi - fi .",
+ "Yes can you please and send me the reference number .",
+ "Yes , please go ahead and book the tickets . Can I have the reference number as well ?",
+ "Yes , please . Make sure it 's for 3 people and 3 nights starting on Sunday and I need the reference number .",
+ "Yes , please give me the reference number .",
+ "Of course , give me the reference number after you do .",
+ "Thank you , what is the reference number ?",
+ "Can I get that reference number please ?",
+ "Yes , I 'll need the reference number for that booking .",
+ "Yes I would like the reference number and that will be all today .",
+ "Yes , and please give me the reference number .",
+ "Yes please and I need the reference number",
+ "I 'll need that reference number , please .",
+ "Wow , I ' m certainly glad I asked for the reference number ! Yes , please do try another in the same price range .",
+ "Okay , go ahead and book it and get me a reference number .",
+ "Area does n't matter . Just book me one and hand me the reference number .",
+ "Thanks ! May I have the reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "Great . Can I have the reference number please ?",
+ "Yes thank you and the reference number",
+ "Okay , may I get a reference number please ?",
+ "Could you possible email or fax me the reference number , train number , and the time ? I appreciate your assistance .",
+ "Yes please book for me then me the reference number",
+ "Yep . I think that will work . Please book it . I need a reference number .",
+ "Yes please . Also could you provide me the reference number for that ?",
+ "Can you provide the reference number ?",
+ "Do you have the reference number for that reservation ?",
+ "Yes please book that and provide me with the reference number .",
+ "Can I have the reference number ?",
+ "May I have the reference number for the booking please ?",
+ "Thank you for the reference number YU3MOAHH . Goodbye .",
+ "Did you get the reference number yet ? ? ?",
+ "Yes please , and I 'll need the reference number .",
+ "Okay . May I have the reference number ?",
+ "Yes , that sounds great . Can I please have the reference number as well ?",
+ "May I have the reference number for my reservation please ?",
+ "I will need you to make that reservation and provide a reference number .",
+ "Yes , I need the reference number .",
+ "Ok , thanks for that . What 's the reference number ?",
+ "I just need a reference number for the reservation .",
+ "What is the reference number for that booking ?",
+ "Yes , please , I want to book it . Give me the reference number .",
+ "Let me know when your break is over . I 'll need a reference number please .",
+ "that will be nice . get me the reference numbers",
+ "Yes I would like the reference number , thank you .",
+ "Yes please , and can you send me the reference number once the booking is complete ?",
+ "Just the reference number thanks",
+ "5 nights , starting from Thursday . For 3 people . Reference number please .",
+ "Yes . I need the reference number too",
+ "Sure . Book Allenbell . I need the reference number as well .",
+ "Can I have the reference number and address please ?",
+ "Before we continue , I need the reference number for my hotel booking .",
+ "Thank you ! I appreciate you providing the reference number .",
+ "Yes . I need the reference number .",
+ "Could you fax me the reference number , as well as any fees for additional amenities ?",
+ "Please book me a room , I would like the reference number .",
+ "Yes and can i get the reference number ?",
+ "Thank you . Could I have the reference number for my records , please ?",
+ "And the reference number ?"
+ ],
+ "Internet;Post;": [
+ "I do n't need to book today , thanks . Can you get me the postcode of one of them ? Oh , and please make sure the one you choose has internet !",
+ "I do n't need a room right now , but does the Allenbell have free wifi ? And what 's their postcode ?",
+ "I do not need it to be booked . Can I just get the postcode and whether it has internet ?",
+ "I need to know the postcode and if they have internet .",
+ "I would just like to know what the postcode is and whether or not they offer internet .",
+ "Do they have internet , and also what is the postcode ?",
+ "I ' m not looking for any particular price range . I need the postcode and please let me know if they have internet ?",
+ "I actually think I will book myself later . If I could just get the postal code and if they have internet ?",
+ "Can you give me the postcode ? And , do they have internet ?",
+ "Do they have free internet and can you provide the postcode ?",
+ "No , I just need to know if they have internet and I need their postcode .",
+ "I need the address and postcode . Does it have internet ?",
+ "Not just yet . Do they have internet ? And what is the postcode ?"
+ ],
+ "Post;": [
+ "Can I get the postcode for both of them ?",
+ "That sounds fine , I just need the postcode though .",
+ "Can I please have the address along with post code ?",
+ "No , not yet . I just need the postcode .",
+ "What is the postcode ?",
+ "Actually , can you give me the postcode for that B and B ?",
+ "No thanks , but could you provide me with their postcode ?",
+ "Can you suggest one please ? And I need a postcode .",
+ "Not now . I would like to get the postcode , please .",
+ "Can I get their postcode please ?",
+ "Just the postal code please ?",
+ "Great and what is their post code ?",
+ "No , but can you give me the post code , please ?",
+ "May I have the postcode ?",
+ "No , I just need the phone number and postcode , please .",
+ "Yes . I am interested to know the postcode , and if it is a hotel or guesthouse .",
+ "Yes , do you have their postcode please ?",
+ "No , thanks , just give me the postcode .",
+ "Please book a guesthouse . Can i also get the star rating and the postcode ?",
+ "No thank you . Could I get the postcode please ?",
+ "What 's the postcode for your favorite of those guesthouses ?",
+ "Nevermind . Not at this time . Can you help me find the postcode for the Holiday Inn Cambridge ?",
+ "Could I get the postcode please ?",
+ "That would be great . Can I can the postcode that it is in ?",
+ "No , any price range is fine . Go ahead and book , and get me the postcode .",
+ "No price range , please book me a place and I need postcode",
+ "No , I do n't need a reservation at this time . But can you provide me with their postcode ?",
+ "No , thanks . I just need to now the postcode .",
+ "what 's the postcode ?",
+ "Can I get their postcode ?",
+ "What is the postcode of aylesbray lodge ?",
+ "Not right now , but could you tell me their postcode ?",
+ "No , but could you give me the postcode ?",
+ "On second thought , I am not quite ready to book yet . Could you send me their postcode , please ?",
+ "I do n't know yet , what is it 's star rating and postcode ?",
+ "Not yet , but I would like the postcode .",
+ "Can I get the postcode of one you 'd recommend ?",
+ "No thank you . Would you give me the postcode ?",
+ "Yes please . Can you also provide me with the postcode ?",
+ "What 's the postcode for it ?",
+ "Can I get the postcode please ?",
+ "yes . could you provide the postcode and star of the hotel .",
+ "actually , i just need the phone number and postcard for the hotel .",
+ "That would be great ! Can you let me know what the post code is ? Thank you !",
+ "Could I have the post code ?",
+ "No , thank you . I am not ready to reserve quite yet . Could you just tell me the postcode for The Alexander Bed and Breakfast ?",
+ "I do not want to book yet , just gathering information . What is the postcode ?",
+ "Yes please and I 'll also need the postcode .",
+ "yeah , what 's their postcode ?",
+ "Actually , I ' m going to hold off on booking for now , but can I get the postcode ?",
+ "No thank you , may I please get the postcode for Huntingdon Marriott ?",
+ "Yes , the postcode would be great , thanks .",
+ "No preference on either . Can you recommend me a place and can I get a postcode for that guesthouse ?",
+ "Perhaps . What 's their postcode ?",
+ "what s their postcode ?",
+ "No thanks , I just need their postcode , please .",
+ "No , I do n't need a room . I just need the postcode for that hotel , please .",
+ "Can I get the postcode of it ?",
+ "Sure , what is the post code ?",
+ "I actually just need the post code for the bridge guest house . and then i 'll need a taxi as well .",
+ "No , if you could get me the postcode for Allenbell that would be great .",
+ "And what is the postcode ?",
+ "Actually , can you give me the postcode for the alysebray lodge guest house ?",
+ "No thank you . I would just like the number and postcode for Cityroomz .",
+ "just find me the phone number and postcode i 'll book it myself",
+ "I would like the post code for the hotel please .",
+ "What is the postcode ?",
+ "Can I get the postal code for that hotel ?",
+ "That sounds great . Can I just get the postcode please ?",
+ "Not at this time , can you give me the postcode ?",
+ "Can you try booking at the Aylesbray lodge for 2 nights , and may I have the postal code ?",
+ "Please just give me their postcode .",
+ "What 's their postcode ?",
+ "No , I just really need the postcode . Is this a moderate ?",
+ "What 's the hotels postcode ?",
+ "I do n't need a reservation at this moment . Can I have the postcode for the el shaddai hotel ?",
+ "What is their postcode ?",
+ "What 's their postcode ?",
+ "Can I please get their postcode ?",
+ "I need the postcode too .",
+ "Actually I would just like their postcode at the moment .",
+ "I would like the postcode of Aylesbray Lodge and I would like to find where the Milton Country Park is located .",
+ "Okay can you tell me what the postcode is for that ?",
+ "I will also need the postcode and the star rating of that guesthouse please .",
+ "No , can I please just have the post code of that hotel for now ?",
+ "That sounds good . What is the postcode for the Kirkwood house ?",
+ "Is Finches located in the west and if so , can I please get the postcode ?",
+ "Can you tell me the postcode ?",
+ "I do n't mind , just pick your favorite ! Can you get me the postcode and tell me what part of town it 's in ?",
+ "No thanks . No need to make a reservation but can I get the postcode please ?",
+ "Can you give me the postcode ?",
+ "No , it does n't matter . Which ever you recommend would be fine . I do need to get the postcode for it .",
+ "Just the postcode for the Acorn , please .",
+ "No , I just need the postcode please .",
+ "No thanks . But can I please get the postcode ?",
+ "how is it rated and give me the phone number and post code",
+ "Yes , most likely . Can you provide me with the postcode of the hotel please ?",
+ "please just send me their postcode . thank you",
+ "I do not want to book it . I just need the postcode .",
+ "I need the postcode too .",
+ "What is the postcode for the Allenbell ?",
+ "I will be happy too . I will also need a postcode .",
+ "Thank you , could I get the postal code to this hotel , please ?",
+ "Perhaps I can book it . I will just need the postcode",
+ "Does it have free wifi ? I will need the postcode if it does .",
+ "No , that 's ok . May I have the post code for the Hamilton ?",
+ "No thanks do they have free internet ? If so I need the postcode for it .",
+ "Can you give me the address and post code ?",
+ "Not yet , but can you tell me the postcode for this guesthouse ?",
+ "Great . Can I have the postcode for the Aplha - Milton guesthouse ?",
+ "Ok , can you recommend one and give me the postcode and phone number .",
+ "No thanks . I just need their post code .",
+ "Okay , what is the postcode of the Bridge Guest House ?",
+ "No but I would like the post code please .",
+ "I ' m not sure yet , what is the postal code there ?",
+ "Can I have the postcode for that one please ?",
+ "Great ! What is their postcode ?",
+ "Not at the moment . What is the postcode ?",
+ "Excellent . Can I get the postal code for this hotel please ?",
+ "No , what is the postcode , please ?",
+ "recommend any and find me its postcode",
+ "yes and could i have the postcode please",
+ "Yes please . Make sure to send me the postcode for the hotel .",
+ "Yes please , book the hotel and give the address with the postcode . Thanks .",
+ "Yes , can I get the post code please ?",
+ "Oh nice , what postcode is that ?",
+ "No , thanks . I would like the postcode to that hotel , please .",
+ "Can you give me the postal code for the hotel as well ?",
+ "Can I get it 's postcode ?",
+ "I do n't need a booking yet . I do need the postcode , though .",
+ "No thank you . I just need the post code .",
+ "Could i get the postcode , please ?",
+ "Oh , yes . That is fine . And can I get the post code for the guesthouse ?",
+ "Yes and can I get a postcode ?",
+ "Wonderful . I just need their postcode then please .",
+ "That sounds nice , thank you . May have their number and postcode , please ?",
+ "No , thank you . However , will you please tell me the postcode ?",
+ "Does such a place exist ? If so , I would like some information on it , like the postcode .",
+ "That sounds great what is their postcode ?"
+ ],
+ "Phone;": [
+ "Do you have their phone numbers ?",
+ "i only need the phone number then i will book for myself",
+ "Thanks so much ! Could I get the phone number for the Acorn Guesthouse ?",
+ "What 's the phone number for the one in the center ?",
+ "I also need free wifi . Stars do n't matter , but can you get me their phone number ?",
+ "No , thank you . Can you just give me the phone number , please ?",
+ "Just get me their phone number .",
+ "What 's the star rating , and phone number for the acorn ?",
+ "Yes I just am looking to get the phone number of one .",
+ "Not yet . What is their phone number ?",
+ "Can you give me the phone number for your favorite of those ?",
+ "Can I please have their phone number ?",
+ "Yes , please . I need a price range and phone number .",
+ "Thanks , can I get their phone number ?",
+ "Hello , I am looking for the address and phone number of the hotel Cambridge Belfry .",
+ "No , I just want the phone number of one place that you would recommend .",
+ "No , just the phone number if you have it .",
+ "May I get the phone number ?",
+ "Any of those places will do then , just please provide me the phone number for one of them .",
+ "Not yet . Can I get the phone number for the hotel first ?",
+ "Yes , and can I get the phone number for the guesthouse , please .",
+ "What 's the phone number there ?",
+ "May I please have the phone number for the hotel ?",
+ "Could i get the phone number ?",
+ "That 's fine . Can I please have the phone number ?",
+ "Not yet , can I just get their phone number please ?",
+ "Could I also get the phone number ?",
+ "Wait , what is the phone number for the Worth House ?",
+ "I ' m sorry , can you provide that phone number again ? I got a post code .",
+ "Either way is fine with me . What 's the phone number ?",
+ "Can I just get the phone number instead please ?",
+ "Could you provide me with their phone number and star rating please ?",
+ "Can I just have the phone number ?",
+ "Not at the moment , can I have their phone number ?",
+ "Do you have the phone number ?",
+ "Could I please have the phone number for the Autumn House ?",
+ "Could I get the phone number for them .",
+ "No , just the phone number , thanks !",
+ "Not right now . I 'd just like their phone number , please .",
+ "No need , but please give me their phone number . thanks !",
+ "I would just like the phone number please .",
+ "Sounds perfect . What is the phone number ?",
+ "Ok , great . Can I get their phone number please so that I can contact them ?",
+ "No , just get me their phone number and I 'll give them a ring",
+ "None . Both parties hung up the phone .",
+ "Sorry , actually , can you please just send me their phone number ?",
+ "Yes , I need the phone number please !",
+ "I just need their phone number please .",
+ "Well that does not work , can I get the phone number anyway ?",
+ "What is their phone number ?",
+ "Sure , can I just get their phone number ?",
+ "Alright , can I get the phone number ?",
+ "Hobson 's House sounds interesting . What is their phone number ?",
+ "Great , can I get their phone number please ? And I also wanted to see if you have any info on the Mumford Theatre .",
+ "Anything you recommend will work fine . Can I have the phone number of the one you pick ?",
+ "Okay can you give me their phone number ?",
+ "Could you give me the phone number of the Marriott please ?",
+ "No but if you can , please get me their phone number and I 'll take it from there .",
+ "Can I get the phone number for the Huntingdon Marriott , please ?",
+ "Could you give me their phone number ? I would like to verify that they have free parking .",
+ "Thank you . Can I also get the phone number ?",
+ "No , just get me their phone number and I 'll give them a ring",
+ "No thank you . I just need their phone number for now .",
+ "Can I please get their phone number as well ? That 's all I 'll need for the day .",
+ "I need help finding the Aylesbray Lodge Guest House . Would you be able to give me the address and phone number ?",
+ "No that is not an issue . Could I get their phone number of one you recommend .",
+ "May I please have their phone number ?",
+ "Not right now , but I do need their phone number .",
+ "Can you give me the phone numbers for them ?",
+ "No , but can you give me that phone number please ?",
+ "That 's perfect . What 's the phone number ?",
+ "What 's the phone number and star rating of your favorite one ?",
+ "No , I do n't need a booking , just the phone number please .",
+ "That might just work out . Can I have their phone number please ?",
+ "Thank you . Can you give me the phone number ?",
+ "Not yet , can I get the phone number ?",
+ "Could you give me the phone number for that hotel ?",
+ "I ' m sorry , I do n't need to book it at this time but could you please provide me the phone number to Bridge guesthouse ? Thanks",
+ "Can you provide me with their phone number please ?",
+ "That will be fine . Please provide the phone number and address .",
+ "Not at this time but can you give me the phone number , please ?",
+ "Yes , please . Can you also give me the phone number ?",
+ "Um , i like the sounds of the lovell lodge . Can you give me a phone number ?",
+ "Can I have their phone number please ?",
+ "Ok and what is their phone number ?",
+ "I 'd just need their star rating and phone number , thank you .",
+ "Yes go ahead can I please get the phone number as well ?",
+ "Can I get the phone number for that please ? I want to book directly through them .",
+ "What is the phone number for Allenbell ? What are some places to go in town close to the hotel ?",
+ "could I have the phone number please",
+ "No . Just free parking and free wifi . Also I 'll need the phone number please ?",
+ "No I just need a phone number .",
+ "Sounds perfect . What is the phone number please ?",
+ "Let 's go with the 4 star . Could I have the phone number of that one ?",
+ "I ' m not ready to book just yet . Could you just give me the phone number ?",
+ "That sounds good . What 's its phone number , please ?",
+ "I ' m not sure . May I have their telephone number first ?",
+ "Actually , I just need their phone number , please .",
+ "I 'd like to stay in a good part of town . Can you please give me the phone number ?",
+ "Not yet . But I would like their telephone number .",
+ "Ok , great . Can I get their phone number please so that I can contact them ?",
+ "no all i need is the phone number",
+ "What is the phone number for The Aylesbray Lodge ?",
+ "Can I get the phone number for them please ?",
+ "May I have the phone number please ?",
+ "Thanks you . May I please have their phone number ?",
+ "no thank you . get me the phone number instead",
+ "Could I please have the phone number and address of this hotel ?",
+ "Actually I ' m not sure yet how many people will be with me . Can you just give me their phone number for now ?",
+ "find me the phone number",
+ "Can you tell me the name and phone number of that hotel please ?",
+ "Thank you . I believe I 'll try the Lovell . Could you give me their phone number , please ?",
+ "Not really , no . Can you give me the phone number for your favorite place ?",
+ "Thanks ! What 's the phone number ?",
+ "And what 's their phone number ?",
+ "Could you please provide me the phone number of the hotel ?",
+ "Actually , I think I 'll hold off on the reservation , but can you provide their phone number , please ?",
+ "That sounds great ! What 's their phone number ?",
+ "May I also have the telephone number for the alpha - milton , please ?",
+ "Can I have their phone number , please ?",
+ "Could you recommend one with free wifi and free parking in the moderate price range , and give me the star rating and phone number ?",
+ "That is fine , as long as it is a hotel . What is the phone number there ?"
+ ],
+ "Parking;": [
+ "Do they have parking ?",
+ "If Archway House offers free parking , then I am all set .",
+ "Does that have free parking ?",
+ "Do any / all of them have free parking as well ?",
+ "Do they have free parking ?",
+ "Can you tell me if they have free parking ?",
+ "I ' m sorry , but I do n't need a booking anymore . Could you tell me if they have free parking ?",
+ "The part of town does not really matter to me . Can you recommend something please and let me know whether or not they have free parking ?",
+ "Did they have free parking ?",
+ "I do n't want to book it yet . But can you tell me if it has free parking ?",
+ "First let me ask if they have free parking . Also , can you please tell me the star rating ?",
+ "Do they have free parking ?",
+ "Yes that would be great do they have free parking ?",
+ "Do they have free parking ?",
+ "Do they have free parking ?",
+ "Do they have free parking ?",
+ "I ' m sorry I do n't need a reservation right now . Can you just tell me if they offer free parking ?",
+ "Which one of them has free parking ?",
+ "Do any of the three have parking ?",
+ "Do they have free parking ?",
+ "Do they have free parking ?",
+ "Do they have free parking available ?",
+ "Is there free parking ?",
+ "Oh . One more thing . Is there free parking ?",
+ "Do they have free parking ?",
+ "Which one of those has free parking ?",
+ "That would be fine . Do they offer free parking ?",
+ "Do they have free parking ?",
+ "Can you tell me if they have free parking ?",
+ "Before we do that , what is the name of the guesthouse ? And also , do they have free parking ?",
+ "Do you know if Alexander bed and breakfast offers free parking ?",
+ "If they have free parking , yes .",
+ "First , do they have free parking ?",
+ "Oh before you book , please advise on whether they have free parking or not .",
+ "Does that hotel have free parking ?",
+ "I would like a guesthouse in the north please . Can you check if it has free parking ?",
+ "That sounds good . Do they have free parking ?",
+ "Do any of the locations you have found offer free parking ?",
+ "Does it have free parking ?",
+ "Do they have free parking ?",
+ "Do they have free parking ? I will need that .",
+ "Of the three hotels you found , do any include free parking ?",
+ "First of all , do they have free parking ?",
+ "Do they have free parking ?",
+ "Does the Hamilton Lodge include free parking ?",
+ "Do all of them have free parking as well ?",
+ "Is there one with free parking ?",
+ "Can you tell me if they provide free parking ?",
+ "do they have free parking ?",
+ "Can you tell me if this a hotel or guesthouse and whether or not they have free parking please ?",
+ "Is the parking free ? ?",
+ "Does it have free parking ?",
+ "Price does n't matter . Do they have free parking ?",
+ "Do they offer free parking ?",
+ "I just needed to find out if they offer free parking there .",
+ "I ' m not quite sure yet . Do they have free parking ?",
+ "Do they have free parking ?",
+ "Oh , I forgot , do they have free parking ?",
+ "Do you know if they offer free parking ?",
+ "It does n't matter to me . Do any of them have free parking ?",
+ "Do they also have free parking ?",
+ "Please pick one that has free parking .",
+ "Does it have free parking ?",
+ "No , I do n't care about price , but I do need to have free parking .",
+ "No thank you . Do they offer free parking ?",
+ "No thanks . Do they have free parking ?",
+ "Do they have free parking ?",
+ "I will be staying tonight . Is there parking available ?"
+ ],
+ "Price;": [
+ "what is the address and price range",
+ "Also , what is the price range of the hotel ?",
+ "What is the price range ?",
+ "What is the price range for the hotel ?",
+ "Any would be fine . I just need to know the price range .",
+ "I have no particular preference on price range .",
+ "Not yet . Do you have a price range for that hotel ?",
+ "Can you give me the star rating of your top three guesthouses along with a price range ?",
+ "What is the price range of the hotel ?",
+ "Maybe . What is the star rating and price range on that hotel ?",
+ "And what is the price range ? Is it relatively cheap or pricey ?",
+ "Could you tell me what price range that hotel is in ?",
+ "I am not sure . Would you happen to be able to tell me the price range ?",
+ "Price does n't matter to me . Do you have any recommendations ?",
+ "I do n't actually need to book a room right now , can you just give me the price range that is in ?",
+ "The centre of town and with a moderate price range . Nothing too expensive .",
+ "I ' m not looking to book yet , can you tell me their price ranges ?",
+ "Can you choose one of the moderately priced ones for me , please ?",
+ "Sounds good so far ... what is the price range ?",
+ "Sorry ! Do you have any 4-star guest houses available ? I do n't care about the price range , I just need to know what it is .",
+ "I just need to know the price range please . And confirm that it has free parking ?",
+ "Back to the guesthouse now ... what is the price range for your favorite one ?",
+ "Not particularly . Could you let me know what the price range is for the five guesthouses ?",
+ "What is the name of the cheaply priced guesthouse ?",
+ "Yes please . What is the price range ?",
+ "Yes that is fine I need the price range as well .",
+ "Can I get the price range for the restaurant ?",
+ "I ' m not sure , actually . Just doing some research . Could you tell me what the price range is on the Warkworth ?",
+ "Not really . I ' m hoping you give me the price range along with my options .",
+ "Can I get the price range on it ?",
+ "What is the price range of that hotel ?",
+ "No thanks . No need to book today . Can I get the price range for them though ?",
+ "What is the price range of The Acorn Guest House ?",
+ "Yes . What is the price range for Leverton House ?",
+ "i want to know its star rating price range ,",
+ "I ' m not sure . What is the price range ?",
+ "What is the star rating and price range of Cityroomz ?",
+ "On second . Wait . What was the price range on that guesthouse ?",
+ "What is the price range of this restaurant and is it located near the hotel ?",
+ "I ' m open to any price range as long as it meets everything else I need .",
+ "I think I 'd choose one of the hotels . Either is fine , could you recommend one ? And give me it 's price range ?",
+ "One more thing , I 'd also like the price range please .",
+ "I do n't care about price range .",
+ "I do n't care about the location or price .",
+ "What is the price range ?",
+ "I 'd like to get a little more information first . What is the price range at the Huntingdon Marriott Hotel ?",
+ "What is the price range of the Ashley ? Also , it 's a hotel , right ? not a guest house ?",
+ "yes please . I am also looking for a place to dine ; european modern food , but at a moderate price .",
+ "What is their price range ?",
+ "What is the price range of those hotels ?",
+ "moderate price range please and thank you that will be all",
+ "I do n't have a price range . As long as it 's nice .",
+ "What is the price range ?",
+ "What was their price range again , please ?",
+ "Price does not matter can you recommend one of the 5 ?",
+ "Is that a hotel ? And what is the price range ?"
+ ],
+ "Area;Post;Stars;": [
+ "Any of them will do . Pick your favorite and let me know what area they 're in , and their postcode and how many stars they have ?"
+ ],
+ "Area;Internet;Phone;": [
+ "That works . What 's the phone number , area , and if they have internet ?",
+ "What area is the Belfry in ? Do they have internet ? I 'd also like their phone number ."
+ ],
+ "Area;": [
+ "I just need it for one night for one person please . Can you tell me which area it is in ?",
+ "What area is it in ?",
+ "Do you know the area the hotel is located in ?",
+ "I do n't have an area preference .",
+ "that would be great . What 's the area ?",
+ "can you tell me what area that 's in ?",
+ "Can you also confirm the area that is in please ?",
+ "What is the area ?",
+ "yeah , what area of town is it in ?",
+ "What 's the area at first ?",
+ "No . I only need to know which area it 's in . Thanks .",
+ "You may decide which area would be good , just let me know which area you pick .",
+ "What area is that one in ?",
+ "Ok , and what area of town is that in ?",
+ "What area are they located in ?",
+ "Thanks . That sounds good . Can you give me the area it 's in ?",
+ "and what area is it in ?",
+ "What area of town is the hotel in ?",
+ "What area is the hotel in ?",
+ "What area is that in",
+ "What area of town is it in ?",
+ "I would like for it to include free parking . The area does n't matter . What do you recommend ?",
+ "Yes , the area of the city and the address .",
+ "What is the star rating for the hotel ? And what area is that in ?",
+ "What area is it in ?",
+ "No , that 's okay , I just needed to know what area it was in .",
+ "Are there any 5 star hotels in that area ?",
+ "I do n't want to book right now , but could you confirm what area of town that is in ?",
+ "I want to get take the bus to the centre area then take a taxi tour of the area can you help me arrange that .",
+ "I do n't care about any particular area to be honest .",
+ "I do n't have and area preference .",
+ "What area is it in ?",
+ "Can you recommend one and provide me with their star rating and area ?",
+ "Okay , could you also tell me the area of the hotel ?",
+ "Could you tell me what area of town it is in ?",
+ "I do not have a preference on area .",
+ "Sounds interesting ! What area is it in ?",
+ "Could you also please tell me the area that is in ?",
+ "Before I commit I have a few questions . What area is the hotel located in ?",
+ "Any time is fine . What area is it located ?",
+ "Can I have the area the hotel is in ?"
+ ],
+ "Addr;Internet;Parking;": [
+ "Great can I get their address , whether they have free parking , and internet ?",
+ "What is their address and do they have free parking or free internet ?",
+ "First I need the address please . Also , can you tell me if they have free parking and wifi ?",
+ "First , I have a couple of questions . Do you have internet and free parking ? Also , what is the address of the hotel ?",
+ "Does n't matter . Do they have free parking and internet ? Can you tell me the address ?",
+ "Sorry , I do n't need to book it now , but can you tell me their address and if they have free parking and wifi ?"
+ ],
+ "Addr;Internet;Phone;": [
+ "I would like the address , whether they have internet , and phone number , please .",
+ "Can you let me know if they have internet , their address , and phone number ?",
+ "Can you let me know if they have internet , and then let me know their address and phone number ?",
+ "Wait , before you go , can you give me the phone number and address of the Ashley Hotel ? And do they have internet there ?"
+ ],
+ "Internet;Phone;": [
+ "Do they have internet and what is the phone number ?",
+ "No thanks . I will need the phone number please . Also , do they have internet ?",
+ "No thanks , but I do need the phone number of one of those hotels , please . Oh , and can you tell me if they have free wifi ?",
+ "Do they have internet and could I have the phone number please ?",
+ "Right now I just need their phone number and to know if they have internet or not please .",
+ "do they have free wifi ? And I need their phone #",
+ "Could you also let me know the star rating of the hotel , phone number and I 'd also like to know if they have wifi .",
+ "OK , can I have their phone number ? Oh , and they have free wifi , right ?",
+ "No thank you , but could you tell me the phone number ? And do they have free internet ?",
+ "Yes , that 's okay . Please get me their phone number . Also , find out if they have internet or not"
+ ],
+ "Type;": [
+ "Thanks , what type of hotel is it ?",
+ "what type of hotel is it ?",
+ "And what type of car will be picking me up ?",
+ "what type of hotels are they ?",
+ "What type of hotel is it ?",
+ "What type of hotels are they ?",
+ "What type of accommodations are they",
+ "I need the type of place it is , the number and full adress please .",
+ "What type of hotel is the University Arms ?",
+ "I am wondering where it is located , what type of hotel , and how much it costs , please .",
+ "Forget about booking it , just please tell me what type of hotel it is .",
+ "Can you tell me what type of accommodation this is ?",
+ "I do n't have a preference for the price range or the type of lodging . Could you recommend one of them to me ?",
+ "Sounds promising . What type of hotel are the ones you found ?",
+ "Tell me what hotel type it is ?",
+ "What type of hotel is it ?",
+ "What is the type of hotel ?",
+ "I ' m sorry . Did you say the hotel is Cityroomz or Sleeperz ? What type of hotel is it ?",
+ "What type of car is the taxi ?",
+ "What hotel type is that ?",
+ "I would like you to pick one , and tell em the adress and what type of room it is please .",
+ "Can you tell me what type of hotel this is please ?",
+ "What type of hotel is this ?",
+ "And what type of hotel is that ?",
+ "I actually do n't need a hotel booking right now , just the address you already gave me , and a confirmation of the hotel type .",
+ "Thank you . Do you know what type of hotel Lensfield is ?"
+ ],
+ "Phone;Post;": [
+ "No , I would just like the star rating , postcode , and phone number of the establishment .",
+ "I actually just need information on the kirkwood house . What is the postcode and phone number please ?",
+ "I ' m sorry , no booking please , just need their postcode and phone number .",
+ "Can you give me the phone number and postcode please ?",
+ "Thanks very much ! What is their postcode and phone number ?",
+ "I 'd just like the phone number and postcode for now . Thank you .",
+ "No that 's ok . Can I just get the phone number and postcode ?",
+ "I actually do n't need a reservation just yet , but could I have the postcode and phone number for the Gonville ? And is that a hotel or a guesthouse ?",
+ "OK , I do n't need a room right now , but can I have the post code and phone number for Acorn ?",
+ "No thanks . I just need the postcode and phone number of Lovell Lodge please .",
+ "That 's fine . Could I get their postcode and phone number ?",
+ "I just need the phone number and postcode from the Hobsons .",
+ "I think I would prefer the Hobsons House . Can I get the postcode and phone number ?",
+ "Can you let me know the postcode and phone number of the 4 star guesthouse ?",
+ "I do n't wish to book . Can I just get the postcode and phone number ?",
+ "Yes , a recommendation , postcode and phone number please .",
+ "I do n't need you to book it , I just need the phone number and post code please .",
+ "Could I get the hotel 's phone number and postcode please ?",
+ "Yep what is their postcode and phone number if you have that handy",
+ "Actually I would just like the postcode and telephone number .",
+ "I would like the phone number , postcode , and star of the hotel",
+ "Not yet . Can you just give me the phone number and postcode of the Worth House ?",
+ "Actually , I am not ready to book yet . But , can you please tell me the phone number and postcode ?",
+ "No , just please get me their postcode and phone number and I 'll take it from there",
+ "Actually I do n't need a reservation . Could you just give me the star rating , phone and postcode ?",
+ "Can you give me the hotel , phone number , and postcode ?",
+ "NO , i just need you to get phone number and postcode",
+ "The Allenbell sounds great . Can I get their phone number and postcode please ?",
+ "Can I have the information for the guesthouse that does n't have free parking ? I would like the phone number , postcode and star rating please .",
+ "Sounds promising . Do tell , what would be the Ashley 's phone number and postcode ?",
+ "I ' m not quite ready to make a reservation , but can you tell me their postcode and phone number so I can ring them later if I change my mind ?",
+ "Sure . Can you give me the phone number and postcode ?",
+ "Sure , can I get the phone number and postcode please ?",
+ "That sounds perfect . Can I have the postcode and phone number please ?",
+ "The Gonville is fine , I need it 's postcode and phone number , thanks !",
+ "If you have it , can I get their phone number and postcode please .",
+ "0 stars , what could go wrong . I just need to find out the postcode and phone number .",
+ "Any one of them would be fine . Can I get the post code and phone number ?",
+ "I do n't need a reservation yet . I would like the phone number and postcode , though .",
+ "Could you give me their phone number and postcode ? And is that a guesthouse ?",
+ "Actually , I ' m not ready to book yet . Can I just get the postal code and phone number ?",
+ "No , but could you provide me with their postcode and phone number please .",
+ "phone number and postcode please and thank you",
+ "Please include post code and phone number with the listings .",
+ "Sure , could I get the phone number and postcode ?",
+ "I actually do n't need to book . Could you just just give me the star rating , postcode and phone number please .",
+ "No thank you I just need their postcode and phone number please .",
+ "No , I 'll take your recommendation . Can you give me a phone number and postcode ? Oh , and how expensive is it ?",
+ "What is the phone number and post code for that B and B ?",
+ "I 'd like the postcode and phone number please .",
+ "Internet does n't matter to me . Any guesthouse in the north that you recommend will be fine . I 'll just need the phone number , star , and postcode ."
+ ],
+ "Internet;": [
+ "Does it have internet ?",
+ "Do any of the guesthouses have access to internet for their guests ?",
+ "No , I just need to know if they have free internet .",
+ "Can I just confirm it has free internet as well",
+ "First , can you tell me if the hotel has internet available ?",
+ "Can you tell me if they have free internet and the star rating for each ?",
+ "Do they also have internet available ?",
+ "Do any of them offer internet ?",
+ "Do they have free wifi ?",
+ "I need to know if they have internet service .",
+ "Does the Archway House have internet ?",
+ "Do all 8 places have the internet ?",
+ "That sounds good . Do they have wifi ?",
+ "Thank you ! Do they have internet ?",
+ "Do they have free internet ?",
+ "Just to verify , the University Arms offers free WiFi and free parking ?",
+ "Do they have internet ?",
+ "I ' m not sure . Do they have internet ?",
+ "Thank you . Does this guesthouse provide internet ?",
+ "Does The Kirkwood House have internet ?",
+ "Could you tell me the star of the hotel and whether they have internet ?",
+ "Does it have internet ?",
+ "Is internet provided ?",
+ "Can you tell me if they have free internet ?",
+ "Can you confirm if this is a guesthouse or hotel ? Do they have free wifi ?",
+ "No thank you . Do they have free wifi ?",
+ "I assume they have internet , right ?",
+ "Does it have internet ?",
+ "Do you have any with free wifi ?",
+ "Do they have internet ?",
+ "I need to double check , does it include wifi ?",
+ "How about the guesthouse in the west ? Do you know if they offer internet ?",
+ "Do they have free internet ?",
+ "I ' m not too concerned with area . Which would you recommend , and do they have internet ?",
+ "How about internet ? Can I get wifi for free ?",
+ "Does The Alexander have internet ?",
+ "Can you tell me if Limehouse has internet access ?",
+ "Does Lovell Lodge have free internet , and may I ask what star rating it has ? Thank you for checking this for me .",
+ "Yes and can you tell me whether they have free wifi ?",
+ "I do n't need a reservation right now , but does Rosa 's B&B have internet ?",
+ "I really need internet . Can you tell me if they have free wifi ?",
+ "Do they have internet ?",
+ "What is the star rating for the Allenbell , and do they have internet ?",
+ "Is that a hotel or guesthouse ? And , do they have free internet ?",
+ "Does it offer free wifi ?",
+ "That is fine . Do they have internet ?",
+ "Do they have internet ?",
+ "Do they both have internet access ?",
+ "Actually , I need to know , does the Acorn guesthouse have internet ?",
+ "Hmm , do they have internet ?",
+ "I 'd prefer one with at least a 2 star rating . I 'd also like one with internet .",
+ "Can you tell me if they have free internet ?",
+ "Do they all have free wifi ?",
+ "That 's not as important as the internet .",
+ "Actually , I change my mind . I can arrange the booking myself . Can you just let me know if they offer free wifi ?",
+ "Does it have internet ?",
+ "Do they have internet ?",
+ "Does it also have internet access ?",
+ "first of all does the guesthouse have free internet ? That is important . First things first .",
+ "Do they have internet ?",
+ "Does it have internet ?",
+ "Do they have wifi ?",
+ "Do they have wifi ?",
+ "Does it have internet ?",
+ "Can you tell me if they have free internet ?",
+ "I ' m impartial to both , but would like to know if they have or do n't have internet available .",
+ "That sounds fine . Do they have internet access ?"
+ ],
+ "Phone;Stars;": [
+ "What 's the phone number and how many stars is it ?",
+ "Sounds great . How many stars it that ? And can I have the phone number ?",
+ "Could I get the stars of the hotel and phone numbers ?",
+ "How many stars are they rated and could I get the phone number ?",
+ "How many stars is it and can you give me the phone number ?",
+ "Sounds great . How many stars it that ? And can I have the phone number ?"
+ ],
+ "Addr;Post;": [
+ "Can you give me the address and postcode of one ?",
+ "No , I just need the address and postcode , please .",
+ "Could you provide me with the address and post code ?",
+ "Can I just have the address and postcode ?",
+ "No , thanks . I ' m just looking for the address , postcode .",
+ "Not yet but can I get the postcode and address please ?",
+ "Can you tell me the address , including post code ?",
+ "I need the address and postcode of the hotel .",
+ "I do not want to book it . I need the postcode and address only .",
+ "May I please have the address and postcode for Cityroomz ?",
+ "What 's the postcode and address for that ?",
+ "I do n't need a booking but can you tell me the postcode and address ?",
+ "Could I have the address and postcode please ?",
+ "Not at this time but what is their address and postcode ?",
+ "No I just need the post code and the address please .",
+ "Awesome ! Can I have the address and postcode for that hotel ? Thanks !",
+ "No , I just need an address and postcode . Is it a guesthouse or hotel ?",
+ "Do nt care about star rating , can you recommend one and give me the address and postcode for it ?",
+ "just find me the postcode and address .",
+ "No thanks can I just have the address and postcode ? I also need help finding a restaurant .",
+ "I do n't need a reservation yet . Could you give me the address and postcode for it ?",
+ "I do not so that will be all , I do need their address and postcode though .",
+ "Great , thanks so much ! What is their address and postcode ?",
+ "Can I have the address , post code , and star of University Arms ?",
+ "Yes , can I get the postcode and address please .",
+ "Could you give me the postcode , address , and number for cityroomz ?",
+ "Okay , great ! What 's the address and postcode for that place ?",
+ "No that wo n't be necessary . I 'd just like the postcode and address please .",
+ "what s the postcode and address to a and b guest house please",
+ "Can you give me the address and postcode of one you 'd recommend ?",
+ "That sounds good . Can you give me the address and postcode for Leverton House ?",
+ "Let 's try the cheap one . Could you give me the address and postcode ?",
+ "That sounds good . Can you give me their address and postcode ?",
+ "And this is a guesthouse , correct ? If so , I would love the postcode and address please .",
+ "That sounds great . Can you give me their address and postcode ?",
+ "I 'll contact them myself thank . Can you tell me their address , including postcode ?",
+ "Ok , can you pick one for me ? I 'll just need the address and postcode please ."
+ ],
+ "Addr;Post;Type;": [
+ "The center one is good . Could you provide me with the room type hotel or guesthouse ) and the address , postcode as well .",
+ "I do n't care about the area . Can you pick one and give me the postcode , hotel type , and address please ?",
+ "No , could you make a recommendation based on that criteria and send me the postcode , address , and hotel type , please ?",
+ "May I please have the postcode , address , and hotel type ?"
+ ],
+ "Addr;Area;Post;": [
+ "no . get me the address , area and post code .",
+ "No , please choose the best one . I need the area , postcode and address for them .",
+ "I ' m sorry , I am mistaken . I will not need you to book a reservation for me . I will need the area , address , and post code please .",
+ "Yes that will work . I 'll need the area , postcode and address , please .",
+ "I do n't need a reservation at this time , but I do need the address , postcode , and area for the Huntingdon Marriott , please ."
+ ],
+ "Area;Phone;Type;": [
+ "Yes , please just forward me the area , hotel type and their phone number .",
+ "Could you please give me the hotel phone number ? I also need to know what type of hotel it is and the area it is in ."
+ ],
+ "Phone;Type;": [
+ "The Huntington Marriott in the west would be great . What is the hotel type and phone number ?",
+ "I 'd like their phone numbers and what type hotel they are please",
+ "If you could tell me hotel types of both and phone number please .",
+ "No thank you , just the type of hotel , phone number and star rating .",
+ "Yes can I get the hotel type and phone number ?",
+ "get me their phone number and hotel type",
+ "No can I just get the hotel type and phone number please ?",
+ "Okay . Sounds good . Can you tell me the type of hotel and provide me with the hotel 's phone number ?",
+ "Yes please . I 'll need the phone number and hotel type please ."
+ ],
+ "Addr;Phone;": [
+ "Can I get the address and phone number , please ?",
+ "Any , I 'll take the first one on your list , and i 'll need the address , and phone number please .",
+ "Yes . Can I get the phone number and address please .",
+ "please give me the star of the hotel , address , and phone number of Ashley hotel",
+ "On second thought , I ' m not ready to book yet . Could you give me the address and phone number of the Ashley Hotel ?",
+ "no , thanks . I just need their address and phone number",
+ "I just am looking for the star rating , phone number , and address of one and do n't need a reservation at this time .",
+ "Great , could you give me their phone number and address please ?",
+ "Please tell me its star rating , phone number and address .",
+ "That wo n't be necessary , I will just need their address and phone number please .",
+ "The area does n't matter . If you could give me the name , phone number and address of a 4 store hotel ; that would be fine .",
+ "That sounds great ! What 's their address and phone ? And is that a hotel or a guesthouse ?",
+ "get me the address of the hotel and phone number",
+ "What is their address and phone number ?",
+ "no i do nt need to book it now . Just let me know their address and phone number please .",
+ "Thanks , what 's their phone number and address ?",
+ "No but I do need the phone number and address .",
+ "Great , can I please have the address and phone number ?",
+ "What is the address and phone number ?",
+ "Could I get their phone number and address , please ?",
+ "That will work . What is the phone number , address , and star rating for the hotel ?",
+ "What is the star rating of this guest house , address and phone number ?",
+ "The Bridge guest house would be just fine . Can I get the address , phone and postcode please ?",
+ "No , but could I get the address and phone number , please ?",
+ "What 's their address and phone number ?",
+ "Give me the address and phone number for the one you most recommend",
+ "Could I get the phone number and address please ?",
+ "No , but can I have the phone number and the address ?",
+ "No , that 's not needed . Just give me the name address and phone number of one of these hotels .",
+ "No , please get me their address and phone number .",
+ "Could you give me the address and phone number of both please ?",
+ "Sure , please provide the address and phone number as well .",
+ "I would like the phone number and the address of the expensive one .",
+ "Not right now . Can I please have the address and phone number of the Huntingdon Marriott ?",
+ "Can I get the phone number and address please ?",
+ "No thank you but can you give me the address and phone number for Lovell Lodge .",
+ "Can I just get the address , star rating , and phone number ?",
+ "No need to book today . But , can you provide me with their phone number and address please ?",
+ "Fantastic . Please provide me with the address and phone number .",
+ "Can i get the phone number and address for University Arms please ?"
+ ],
+ "Area;Post;": [
+ "Ok great . What is the postcode and what area is it in ?",
+ "No , could you just give me the area that is in and postcode please ?",
+ "Actually , let 's not worry about booking it just now . Can you narrow down where it is for me with the area at postcode ?",
+ "Also expensive . May I have the post code and area of the Archway house as well ?",
+ "Yes can you tell me the area it is located in and the postal code ?",
+ "No , just the area and postcode please ."
+ ],
+ "Addr;Price;": [
+ "I do n't need reservations I just need the address and price range .",
+ "Can you tell me which one is your favorite , and let me know the price range and address for that one ?",
+ "That works okay . Can I get the price range and address ?",
+ "I do n't need a reservation at this time , but I would like to know their price range and address .",
+ "Can you tell me the price range ? I also need the address .",
+ "It does not matter . But do tell me the address and price range of the place you book for me .",
+ "What is the address and price range of Rosa 's Bed and Breakfast ?",
+ "I do n't need to book a hotel just need the address and price range .",
+ "Yes , please . I will need their address and what price range it is in .",
+ "Sure , what is its address and price range ?"
+ ],
+ "Area;Phone;Post;": [
+ "That will work . Can you please give me the phone number , area and postcode ?",
+ "Yes please book that for me . I also need postcode , phone number , and area",
+ "If you could recommend any one of them that would be great . I need the postcode , phone number and the area the hotel is in please .",
+ "No , not right now . Could you tell me what area that 's in , and the postcode and phone number ?",
+ "Can you tell the the area , postcode , and phone number for it ?"
+ ],
+ "Phone;Post;Price;": [
+ "Any of those is fine , I just need the phone number , price range and postcode .",
+ "Sure . Can I get the postcode , price range , and phone number ? I also need an attraction in the same area of town .",
+ "I do n't need to book a room . I just need the phone number , postcode and price range of the guesthouse you found .",
+ "First , I need the price , phone number , and postcode there .",
+ "Great , can you get me the postcode , phone number and price range ?",
+ "I actually do n't need to book . I would just like the phone number , postcode , and price range .",
+ "No thanks . I just need the price range , postcode and phone number .",
+ "I do n't have a location preference but can you give me the phone number , postal code and price range ?"
+ ],
+ "Post;Price;": [
+ "I trust your opinion , just please let me know the price range and postcode .",
+ "I just need their postcode and price range please . I will book it myself later .",
+ "First can you give me the postcode , star rating , and a more specific price range ?",
+ "No thanks , but can I have the postcode and price range for the Acorn , please ?",
+ "Please give me their price range and postcode .",
+ "No thanks . I 'll take care of that . I need the price range and their postcode please .",
+ "no what s the price range , postcode please ?",
+ "Yes , could you tell me the postcode and the price range ?",
+ "No thank you . I just need the price and the postcode please .",
+ "Is that a hotel . If so , could you get me the postcode and price range please .",
+ "Can you please tell me the price range and post code of the Cambridge Belfry ?",
+ "No preference really . Could you pick one and get me the postcode and price range please ?",
+ "Perfect . What 's the price range and postcode ?",
+ "That wo n't be necessary . I need the price range and postcode .",
+ "Yes , could you tell me the postcode and the price range ?"
+ ],
+ "Phone;Price;Type;": [
+ "getme its price range , phone number and hotel type",
+ "Yes , choose for me ! That sounds exciting ! Try something new ! Just decide and then give me the hotel - type , price range , and phone number ! This is so cool !"
+ ],
+ "Addr;Internet;": [
+ "Can you tell me their address and let me know whether or not they have internet there ?",
+ "That sounds good . Do they have free wifi ? Also , can you provide me with their address please ?",
+ "Can I have the address ? Also do they offer internet ?",
+ "Do they have internet and what is there address ?",
+ "Yes , can I get the address ? Oh , and do they have internet ?",
+ "Does this hotel has internet ? If yes , please give the address .",
+ "Do they have internet and if so what is the address there ?"
+ ],
+ "Addr;Area;": [
+ "Sure ! Can I have the address and the area it 's located in ?",
+ "Is there more an address , such as building number ? Also , what area of town is it in ? How many starts is it ?",
+ "I do n't need you to book it . Can you just provide me with the address and area .",
+ "What is the star of that hotel ? The address , including area of town too .",
+ "No , just the address , area please .",
+ "That sounds nice , what area is that located in and what is their address ?",
+ "I ' m sorry , but do n't book it . I just need the area and address ."
+ ],
+ "Stars;": [
+ "Yes , can you please tell me how many stars it has ?",
+ "It has 2 stars . Is there anything else I can do for you ?",
+ "I ' m not ready to book quite yet . Can you let me know if it is a hotel or guest house . Also , how many stars it is ?",
+ "How about the 4 stars one .",
+ "Thank you . How many stars does the Autumn House have ?",
+ "How many stars is the hotel rated ?",
+ "How many stars is it ?",
+ "how many stars ?",
+ "How many stars does the hotel have ?",
+ "Thanks , how many stars is it rated ?",
+ "Well how many stars does it have ?",
+ "How many stars is Cityroomz ?",
+ "Okay , how many stars do they have ?",
+ "How many stars is it ?",
+ "Perfect . I was curious about how many stars they had . Thanks so much for the information .",
+ "Maybe . How many stars is the hotel rated ?"
+ ],
+ "Addr;Parking;": [
+ "Yes , that would be good . Can you just let me know the star rating of the hotel , whether they have free parking , and address ? Thanks",
+ "Great can I get the address of one and whether or not they have free parking ?",
+ "I actually do n't need a reservation , sorry . Can you just tell me the address and if they have free parking and wifi ?",
+ "They sound like just what I need . Could you verify whether they have free parking , and give me their address ?",
+ "What 's their address and star rating ? And do they have free parking ?",
+ "Not quite yet . Do they have free parking ? Also , what is their address ?",
+ "Thanks , what is the address and does it have free parking ?",
+ "Possibly . I 'd like their address , and to know if they have free parking .",
+ "Possibly . What is the address ? And do they have free parking ?",
+ "You just gave me the address . Does it have free parking ?",
+ "I would like to know more about the Aylesbray Lodge , do you have the address and can you tell me whether they offer free parking ?"
+ ],
+ "Parking;Phone;Post;": [
+ "That would be great . Can I have the postcode , phone number , and if they have free parking ?",
+ "Can you let me know the postcode , if they have free parking , and phone number for carolina bed and breakfast ?",
+ "Could I get the postcode , phone number and whether they have free parking ?"
+ ],
+ "Addr;Stars;": [
+ "I ' m not ready to book . Can you just tell me what the address is ? Oh , and how many stars is it ?",
+ "How many stars is Acorn Guesthouse , and what is its address ?"
+ ],
+ "Addr;Post;Price;": [
+ "That does n't matter . I just need the price range , address , and postcode . You pick the type .",
+ "What 's the price range , postcode and address please",
+ "What is Kirkwood House 's address , postcode , and price range ?",
+ "No need to book , just tell me the price range , postcode , and address if you could",
+ "Please pick one . I need the price range postcode and address please .",
+ "Sorry about that , I do n't need a booking . Could you just give me the price range , postcode , and address instead ? Sorry for the confusion",
+ "What is the price range ? Can I also get the address and postcode ?"
+ ],
+ "Addr;Internet;Price;": [
+ "Can you give me their address , price range , and tell me whether they have free internet ?",
+ "Nope . What 's the address and price range for your favorite one ? And do they offer internet ?"
+ ],
+ "Parking;Post;": [
+ "Can you let me know whether they have free parking and what the postcode is ?",
+ "No thank you . I just need to know if they have free parking and the postcode .",
+ "Can I also get the postcode ? And do they have free parking ?",
+ "Yes , tell me if the Archway House has free parking and please get me their postcode",
+ "Yes their postcode and whether they have free parking or not .",
+ "You did n't answer my question . I need the postcode for The Cambridge Belfry and I need to know if they have free parking or not .",
+ "Just give me the postcode please and tell me if they offer parking"
+ ],
+ "Area;Phone;": [
+ "That sounds great ! Could I get the area and phone number of the Bed and Breakfast ?",
+ "That is fine . Can I have the phone number and the area that the guesthouse is in ?",
+ "Thanks , do you know what area in the city they 're located ? I could also use a phone number if you have it on record .",
+ "Just a couple more questions . What is the star rating ? Also , I need to know the area of town and the phone number please .",
+ "No , I would just like a phone number . What area is that in ?",
+ "I would like the phone number and area of town in which it is located .",
+ "Can you tell me the area the cheap one is in and give me it 's phone number ?"
+ ],
+ "Addr;Phone;Post;": [
+ "I just need the phone number , postcode , and address , please .",
+ "Can I get the phone number , postcode , and address ?",
+ "Perfect ! what 's the phone number , postcode , and address for that place ?",
+ "Great . Could I get the postcode , phone number , and address please ?",
+ "Ok , could you give me the address , phone number , and postcode please ?",
+ "That would be fine can you give me the address , postcode and phone number please ?",
+ "Can you just get me the phone number , address , and postcode for the one you recommend ?",
+ "Can you give me the phone number , postcode and address please ?",
+ "No , but I would like the address , postcode and phone number please",
+ "I 'd like some details on the Acorn Guest House please . What 's the address , postcode , and phone number ?",
+ "Can you pick one and send me the postcode , address and phone number ?",
+ "Can you please provide me with the address , postcode and phone number ?",
+ "Thanks , no need to book for now , but can I get the postcode , phone number , and address ?",
+ "No , but can you give me the postcode , address , and phone number for the Acorn ?",
+ "Actually I am do n't need to book a room just yet but can you provide the phone number , postcode , and address .",
+ "I do n't need to book at this time . I just need the phone number , address , and postcode , please .",
+ "No , but I do need the address , postcode , and phone number .",
+ "Great can I get their address , phone number , and postcode ?",
+ "No , I do n't need a reservation right now , but I do need their phone number , postcode , and address .",
+ "That 's great can you give me the phone number , postcode and address for Alexander Bed and Breakfast ?",
+ "Can I have the postcode , address , and phone number ?",
+ "Monday . Please give me their phone number , postcode and address"
+ ],
+ "Phone;Price;": [
+ "Can I have the phone number and what is the price range ?",
+ "I am not worried about the price range . Go ahead and choose one you would recommend and let me know the phone number and price range please .",
+ "Actually I just need a bit of information . What is the price range , star rating , and phone number ?",
+ "What is the price range and phone number of the gonville hotel ?",
+ "I do n't want a booking . Just give me the phone number and price range , please .",
+ "That is great . Can you provide me the phone number and price range of the best guest house ?",
+ "I actually do n't need reservations I just need the phone number , price range .",
+ "No booking just yet , but I do want to know the price range and phone number please",
+ "I do n't , so please pick one . I will need the price range and phone number .",
+ "I do n't , so please pick one . I will need the price range and phone number .",
+ "No thanks . Could you just tell me their phone umber and price range ?",
+ "Never mind . Can I get the star rating , price , and phone number for Finches instead ?"
+ ],
+ "Addr;Phone;Type;": [
+ "Actually , can I have the hotel type , phone number , and address instead ?",
+ "Can you give me the address , hotel type , and phone number for either of the hotels ?",
+ "Could I please get the address , hotel type , and phone number first ?"
+ ],
+ "Parking;Stars;": [
+ "Perhaps , can you tell me how many stars they have and if they have free parking ?"
+ ],
+ "Addr;Parking;Post;": [
+ "Not right now , but could you give me their address and postcode ? And do they have free parking ?",
+ "Can I get their postcode and addresses and whether or not they free parking ? Thank you .",
+ "No , that 's ok . Could you just give me the address and postcode and please let me know if they have free parking ?"
+ ],
+ "Addr;Type;": [
+ "Alexander Bed and breakfast , can I get the address and hotel type please ?",
+ "Okay , I will book it at a later time . I just need the star of the hotel , address , and hotel type .",
+ "No , thank you . I 'll just need to know the hotel type and address , please ?",
+ "Yes I would . If you could also send me the address and type of hotel , I would appreciate it .",
+ "Actually , I just need the address and hotel type , if you do n't mind .",
+ "Thank you ! What type of hotel is that , and the address please ?",
+ "Ok , thank you . I do n't need the hotel to be booked . I just need the hotel type and address information .",
+ "Can I have the address and the hotel type of Cityroomz ?",
+ "What type of hotel is this and could I get the address ?"
+ ],
+ "Addr;Area;Phone;": [
+ "Could I get the area , phone number , and address of the Kettles yard ?",
+ "Perfect . will you please give me the address , area , and phone number ?",
+ "Great ! Can you give me their phone number , area and address , please ?",
+ "Yes , I would . Can I get the address , area , and phone number ?",
+ "Please just give me the address , phone number , and area .",
+ "Yes , that one would be perfect . I need the address , phone number and area please ."
+ ],
+ "Internet;Parking;": [
+ "Yes please , do they offer free wifi and parking ?",
+ "Do they have internet and free parking ?",
+ "It really does n't matter but I 'll need to know if the particular hotel has free parking and internet please .",
+ "No but I do need to know if they have internet , free parking , and the address of the guesthouse of your choice , thanks !",
+ "Does the Lensfield have free parking and internet ?",
+ "Could you please tell me if free parking and internet is available at the Limehouse ?",
+ "Do they have internet and free parking ?",
+ "Out of those , can you find me one with free internet and parking ?",
+ "Do you know if they offer internet and free parking ?",
+ "Does the Kirkwood House have free parking and wifi ?",
+ "No , I just need information today thanks . So , it is a bed and breakfast right ? I do n't want a hotel . Any parking or internet available ?",
+ "Do they provide free parking and internet ?",
+ "Do they have free parking and wifi ?",
+ "Can you tell me if they have free parking and internet ?"
+ ],
+ "Phone;Stars;Type;": [
+ "I would like to know how many stars the hotel is , what type of hotel it is , and I need their phone number please ."
+ ],
+ "Addr;Internet;Post;": [
+ "Yes please . I 'll need the address , postcode , and whether they have internet also .",
+ "You pick . Give me the postcode , internet availability , and address to the one that stands out to you .",
+ "The one in the west will be fine . I 'll need the address , postcode , and if they have free internet ."
+ ],
+ "Area;Internet;Stars;": [
+ "I have no more specific needs . Can you select your favorite and tell me their area , if they have internet , and how many stars they have ?"
+ ],
+ "Parking;Phone;": [
+ "Do they offer free parking ? And can I get the phone number for them please .",
+ "Sure free parking is fine , let me know if they do or do n't . Please also give me a phone number , internet does n't matter .",
+ "Can you get me the phone number ? I like that they have free parking . That sounds great . Thanks !",
+ "Do they have free parking , and what is their phone number ?",
+ "What is the phone number ? Do they have free parking ?",
+ "Do they have free parking and can I get the phone number please ?",
+ "Yes I need to know whether they have free parking , star of the hotel , and phone number .",
+ "I ' m not ready to book yet . What is the phone number and is there free parking ?"
+ ],
+ "Parking;Post;Type;": [
+ "Okay , once you ' ve found a hotel , could you give me the hotel type , post code and whether or not they have free parking ?",
+ "I 'd like to know if it has free parking . Also , the hotel type and it 's postcode ."
+ ],
+ "Post;Stars;": [
+ "No thank you . How many stars does it have ? What is the postcode ?",
+ "Actually I just need to know how many stars they hotel has and the postcode .",
+ "Could I have the postcode and how many stars of the hotel ?"
+ ],
+ "Phone;Post;Type;": [
+ "Can you tell me the phone number , hotel type , and postcode ? I need to check on a few things .",
+ "No thanks , just gathering information . Can I get the hotel type , phone number and postal code please ?",
+ "Can you tell me the phone number , hotel type , and postcode ? I need to check on a few things ."
+ ],
+ "Internet;Phone;Type;": [
+ "Can you suggest one for me ? I need the hotel type , phone number , and whether it has internet or not .",
+ "I do not need to book the hotel yet . Can you please give me the phone number and hotel type ? Also , do they have internet ?"
+ ],
+ "Post;Type;": [
+ "I just need the postcode and hotel type .",
+ "That wo n't be necessary . Could you just give me the postcode , hotel type , and what it 's star rating is please ?",
+ "What type of hotel is it ? And what is the post code ?",
+ "What 's the hotel type , postcode , and star of the hotel ?",
+ "What type of hotel is it and what is the postcode ?",
+ "What 's the hotel type and postcode ?",
+ "Absolutely , can you provide me with the postcode and hotel type of the Gonville hotel ?",
+ "I do n't need to book right now . I just needed to know the postcode and the hotel type please . Can you confirm those ?",
+ "Can I have the postcode and hotel type , please ?"
+ ],
+ "Internet;Price;": [
+ "I just need to verify some information before I book anything . Do they still have wifi , and have the prices stayed moderate ? Oh , and they are in the East , correct ?",
+ "What is the price range and do they have wifi ?",
+ "Right now I am just gathering information . What is it 's price range , star of the hotel , and also is internet available ?",
+ "Do they have internet and what 's the price range ?"
+ ],
+ "Internet;Post;Stars;": [
+ "do they have internet ? how many stars does it have ? and what s its postcode ?"
+ ],
+ "Addr;Phone;Price;": [
+ "Please give me their phone number , price range , and address",
+ "Can I get the price range , address , and phone number for the 4-star place ?",
+ "Actually I do n't need it booked , I just need to know the price range , address and phone please .",
+ "Could you tell me the price , address and phone number ?",
+ "What is the price range , address and phone number of the hotel ?",
+ "I 'd like to know the price range , address , and phone number please .",
+ "No I just need the price range , address and phone please ."
+ ],
+ "Addr;Price;Type;": [
+ "I 'd like to get the address , hotel type , and price range please !"
+ ],
+ "Area;Price;": [
+ "I need the price range , area , and star of the hotel .",
+ "What is the price range and area ?",
+ "You choose . Let me know the area , price range , and star rating of the hotel ."
+ ],
+ "Addr;Internet;Type;": [
+ "Does it have free parking ? Also I need to know if they have free internet . The address and the type of hotel it is , got it ?"
+ ],
+ "Internet;Phone;Post;": [
+ "Sorry I do not need to make a reservation but I do need the postcode , phone number , and whether they have internet .",
+ "First , can you give me the phone number , postcode , and tell me if they have internet ?",
+ "Do they include wifi , and can I get the postcode and phone number ?",
+ "Do they include wifi , and can I get the postcode and phone number ?",
+ "No I just need the postcode , phone # and if they have internet"
+ ],
+ "Area;Stars;": [
+ "Can you tell me how many stars that guesthouse is and the area of town ?"
+ ],
+ "Area;Price;Type;": [
+ "I am also looking for a hotel called finches bed & breakfast . What is the area , hotel type and price range ?"
+ ],
+ "Internet;Stars;": [
+ "Can you tell me how many stars they are and if they have free internet ?",
+ "Not really , can you give me the number of stars and whether or not they have internet ?"
+ ],
+ "Area;Internet;Price;": [
+ "Just gathering information about the hotel first . Could you tell me what area of the city they 're in , the price , and if they have internet connectivity ?"
+ ],
+ "Addr;Area;Parking;": [
+ "Of these 11 , please give me the area and address of all those that offer free parking"
+ ],
+ "Price;Type;": [
+ "Can I have their hotel type and price range please ?",
+ "I would first like to know what their price range and hotel type are , thank you .",
+ "Can you please give me the price range and the hotel type ?"
+ ],
+ "Parking;Type;": [
+ "Do they have free parking ? And what is their hotel type ?",
+ "Do they have free parking and what type of hotel is it ?"
+ ],
+ "Area;Parking;": [
+ "Can you tell me their star rating and fo they have free parking ? Oh and what area are they in ?",
+ "The area does n't matter , but I need to know if they have free parking .",
+ "Could you tell me what area it is in and whether it has free parking ?"
+ ],
+ "Stars;Type;": [
+ "I need to know how many stars it has and the hotel type ?"
+ ],
+ "Area;Type;": [
+ "What is the hotel type and what area is it located ?"
+ ],
+ "Parking;Price;": [
+ "I need more info . Does the hotel have free parking and what is the price range ?",
+ "Does that hotel have free parking ? What price range is it in ?"
+ ],
+ "Internet;Post;Type;": [
+ "Yes and I will need to know their postcode , if they have internet , and what type of hotel they are .",
+ "Sorry , I do n't actually need to make a reservation . I just need to know the postcode , hotel type , and whether they have internet ."
+ ],
+ "Post;Price;Type;": [
+ "Can you give me the price range , postcode and hotel type ?"
+ ],
+ "Internet;Post;Price;": [
+ "Do they have internet access and can you tell me their price range and postcode ?"
+ ],
+ "Internet;Phone;Stars;": [
+ "I just need to know the how many stars it has , the phone number there , and if they have WiFi ."
+ ],
+ "Addr;Parking;Phone;": [
+ "Yes , that would be a good choice . Can let me know their phone number , whether they have free parking , and address ?",
+ "Sorry , I actually wo n't need it booked after all . I only want to know if they have free parking and also the phone number and address there please .",
+ "I need more information about the guesthouse , do they have free parking ? What is the address and phone number ?"
+ ],
+ "Parking;Phone;Price;": [
+ "Okay so it has free parking . What is the price range ? Also could i receive the phone number ?"
+ ],
+ "Area;Phone;Price;": [
+ "Great can I get the price range , phone number , and area ?"
+ ],
+ "Internet;Type;": [
+ "I 'd also like the hotel type and internet status , please .",
+ "First could you tell me what type of hotel this is and if they provide internet ?"
+ ],
+ "Addr;Area;Type;": [
+ "I am looking for their address , hotel type , and area please ."
+ ],
+ "Area;Post;Price;": [
+ "No , I just need to know the price range , postcode and area .",
+ "I ' m sorry I do n't need a reservation . Could you just confirm the price range , postcode and what area that is in ?"
+ ],
+ "Area;Price;Stars;": [
+ "What are my options for guesthouses ? I ' m not sure about the area , price , or stars ."
+ ],
+ "Area;Internet;Post;": [
+ "I just need to know if they have wifi . If they do I 'll need the area and postcode ."
+ ],
+ "Price;Stars;": [
+ "Actually do n't book it just yet on second thought . Can you advise how many stars it has and the price first ?"
+ ],
+ "Internet;Parking;Phone;": [
+ "Yes , I need the guesthouse to have free internet and parking . Can you get me their phone number ?"
+ ],
+ "Addr;Post;Stars;": [
+ "Yes , can I get the address postcode and the number of stars it has ?"
+ ],
+ "Addr;Area;Internet;": [
+ "Actually , lets not book a room yet . Can you tell me if they have internet ? Also the address and the area of town it is located in ."
+ ]
+ },
+ "Police-Inform": {
+ "none;": [
+ "Hello , I have been robbed . Can you please help me get in touch with the police ?",
+ "Can you tell me the address to the police station in Cambridge ?",
+ "Hi , I would like to find Parkside Police Station please .",
+ "You should go to the local police department ?",
+ "Help , I need to find the nearest police station .",
+ "There 's a Parkside Police Station in town , right ?",
+ "I am looking for a police station in Parkside",
+ "I appreciate your help . Do you know how quickly the police will respond ? I may need some medical help as well .",
+ "I am calling the police and if I need anything else will contact you later . Goodbye .",
+ "Help I was just robbed ! Could you please help me contact the police ?",
+ "I ' m looking for a police station . It has something to do with parkside , although I do n't know if that 's a name or a location .",
+ "Can you tell me the address to the police station ? I am in trouble and I need some help asap .",
+ "No , I ' m going to the police station now . Thanks for your help .",
+ "where is the nearest police station ?",
+ "Can you help me find the nearest police station ?",
+ "I am trying to find the Parkside Police Station .",
+ "I need to make a call to the Parkland Police Station please .",
+ "Do you have a phone number for the police ?",
+ "may you help me find the nearest police station",
+ "Can you direct me to the closest police station ?",
+ "How do I find the closest police station ?",
+ "Can you give me the address to the Parkside Police Station ?",
+ "can i find the parkside police station",
+ "I ' m sorry I need to find the information for Parkside Police Station .",
+ "I need to contact the police .",
+ "looking for the nearest police station .",
+ "Oh my God , I ' ve just been robbed ! I need the police please ! Help !",
+ "I need some details about a police station , I think it 's called Parkside Station .",
+ "I need to contact the police please .",
+ "Good afternoon , would you kindly tell me where the Parkside Police Station is ?",
+ "Can you locate the nearest police station please ?",
+ "I need to contact the nearest police station .",
+ "Please connect me to the Parkside Police Station .",
+ "Hi , where can I find the closest police station ?",
+ "Hi ! I ' m looking for the nearest police station .",
+ "Can you get me the nearest police station ?",
+ "I ' m trying to find out where the Parkside Police Station is . Can you help me ?",
+ "Where is the Parkside Police Station ?",
+ "Am looking for the nearest police station",
+ "Am looking for the nearest police station",
+ "What is the location of the Parkside Police Station ?",
+ "Where can I find the police station ?",
+ "I was just the victim of a robbery and I need to contact the police please !",
+ "I was in a car accident . I need to contact the police , please .",
+ "where is the nearest police station ?",
+ "I am looking for the Parkside Police Station .",
+ "I ' m looking for the Parkside Police Station please .",
+ "Where is the closest police station located ?",
+ "Ok thanks . I 'd also like to know where the nearest police station is .",
+ "where is the parkside police station ?",
+ "Thank you , I will contact the Parkside Police Station by calling them at : 01223358966 .",
+ "How do I contact the Parkside , Cambridge police station ?",
+ "Can you give me the contact info for the nearest police station ?",
+ "I need to find the nearest police station .",
+ "I ' ve just had a dispute with another driver due to an accident we had . I need the police please !",
+ "can i find the parkside police station",
+ "I need to locate the nearest police station please .",
+ "I need the address for the Parkside police station",
+ "I need to find the nearest police station .",
+ "I need to find the nearest police station .",
+ "I need to speak with the police .",
+ "Yes , could you help me find the Parkside Police Station please ?",
+ "Hello I need help finding the nearest police station .",
+ "Could you please connect me to the closest police station ?",
+ "Where is this police station located ?",
+ "I am looking for the nearest police station .",
+ "Hello there , could you tell me where the Parkside Police Station is please ?",
+ "Do you know of the Parkside Police Station ?",
+ "I am looking for the Parkside Police Station",
+ "I would like to contact the police .",
+ "Hello , I need information for the nearest police station please .",
+ "Please put me in touch with the local police , I was just robbed .",
+ "Yes . Please give me the number for the Parkside police station so I can report the robbery .",
+ "Hi ! I need to find the Parkside Police station please .",
+ "Yes I need the nearest police station , I was in a car accident .",
+ "Hi there , I am am trying to find out more information about the Parkside Police Station .",
+ "Is there a good place to eat near the police station ?",
+ "I am looking for the nearest police station",
+ "I need to find the nearest police station .",
+ "Oh , yes , I need the location of the Parkside Police Station . Where would I find that ?",
+ "I need some help finding the Parkside Police Station .",
+ "Hi , I am looking for the nearest police station .",
+ "I was just in a car accident , can I please have the number for the police station ?",
+ "I ' ve been robbed and need the police .",
+ "May I please have the number for the local police ?",
+ "I am looking for the Parkside Police Station . Can you help me ?",
+ "I need to find the police station closest to me please .",
+ "I ' m looking for a police station , I think it 's called \" Parkside \" .",
+ "Hello , I need information on the parkside police station .",
+ "Could you tell me the nearest police station ?",
+ "I ' ve been robbed ! I need to get in touch with the police right away !",
+ "Someone just robbed me , I need to contact the police .",
+ "Can you tell me about the Parkside police station ?",
+ "Hi , I am trying to find the police station that 's closest to my location please .",
+ "Can you tell me where the Parkside Police Station is located ?",
+ "I want to know where I would find the Parkside Police Station . Could you tell me ?",
+ "Thank you . May I have a street address for the police station ?",
+ "Hello , I need information about Parkside Police Station , please .",
+ "Hello , do you know where the parkside police station is ?",
+ "Hello ! I ' m looking for the Parkside Police Station . Do you know where that is ? Any additional information would be helpful . Thank you !",
+ "Please provide the location of the nearest police station .",
+ "Can you call the police because my purse was snatched as i sitting on this bench talking to you .",
+ "I am looking for information about the Parkside Police Station .",
+ "Can you tell me where the nearest police station is to me ?",
+ "Am looking for the Parkside Police Station",
+ "Where is the police station ?",
+ "can i find the parkside police station",
+ "Can you locate the nearest police station ?",
+ "Do you have the location of the police department ?",
+ "Hello , I need information for the nearest police station please .",
+ "Hi , I just had a fight with someone regarding an automobile accident we had and I need to contact the police !",
+ "I ' m looking for information on the Parkside Police Station .",
+ "I have been robbed , how do I contact the police ?",
+ "I was told I need to do something at the Parkside Police Station . Can you give me some info about it ?",
+ "Do you also have the police station postcode ?",
+ "I am looking for the nearest police station",
+ "I am looking for the nearest police station",
+ "I ' m trying to find the Parkside Police Station please .",
+ "Hi there , I need to know where I can find the Parkside Police Station .",
+ "I ' m looking for a the Parkside police station .",
+ "Can you point me to the nearest police station ?",
+ "I need to get to the nearest police station , can you assist me ?",
+ "No , I hear the police sirens now . Thank you . Bye .",
+ "What is the closest police station to my current location ?",
+ "I need to find the nearest police station .",
+ "Hi , I want to find the police station that 's nearest to me .",
+ "I am looking for a nearest police station",
+ "Where is the Parkside Police Station located ?",
+ "Can you help me find the nearest police station ? I was just robbed !",
+ "Where is the nearest police station ?",
+ "Am looking for the nearest police station",
+ "Hello . I ' m looking for the nearest police station .",
+ "How do I locate the closest police station ?",
+ "I need to find the Parkside Police Station",
+ "I need to speak to the police .",
+ "I need to get in touch with the police , I have just been the victim of a robbery .",
+ "I am looking for the Parkside Police Station",
+ "I was in a car accident and have a dispute with the other driver so please contact the police and tell them I need help .",
+ "I am looking for the nearest police station",
+ "I need assistance in finding the Parkside police station",
+ "Do you know where the Parkside Police Station is ?",
+ "Hello ! I ' m looking for the Parkside Police Station .",
+ "Do you have any information on the Parkside Police Station ?",
+ "Please give me directions to the Parkside Police Station .",
+ "Am looking for the Parkside Police Station",
+ "I was just robbed ! Please help ! I need to contact the police .",
+ "I ' m looking for a place , I believe its official name is \" Parkside Police Station \" .",
+ "I ' m trying to find the Parkside Police Station .",
+ "I am looking for a nearest police station",
+ "can i find the nearest police station",
+ "where is the parkside police station",
+ "Please help me , I ' ve just been robbed and I need to report this to the police .",
+ "I am looking for the nearest police station .",
+ "Could you give me the address of the Parkside Police station ?",
+ "I also need the address for the Parkside Police Station , please .",
+ "I am trying to find the Parkside Police Station .",
+ "Oh , hey , can you tell me where Parkside Police Station is located ?",
+ "I need the police please .",
+ "Can you tell me how to get to the Parkside Police Station from my location ?",
+ "I am looking for the police station"
+ ]
+ },
+ "Police-Request": {
+ "Post;": [
+ "Can I please have the postcode as well ?",
+ "I will also need the postcode please .",
+ "Can I get the postcode ?",
+ "Thanks very much , what is its postcode ?",
+ "Thank you . What is the postcode for that station ?",
+ "an get the postcode please ?",
+ "Thank you , may I also please have the postcode ?",
+ "Not yet . Can you help me with locating the postcode ?",
+ "Yes and the postcode please",
+ "What is the postcode ?",
+ "Thank you , what 's the postcode ?",
+ "Can I get the postcode please ?",
+ "I may need the postcode . What is it , please ?",
+ "Thanks . What is the postcode ?",
+ "I may be close by . What is the station 's postcode ?",
+ "Thank you . What is the postcode ?",
+ "May I please have the postcode as well ?",
+ "Thank you , could you also give me the postcode ?",
+ "Yes , could you also give me their postcode ?",
+ "Could I have the postcode please ?",
+ "Can I have the postcode please ?",
+ "And what is the postcode ?",
+ "Can I get the postcode ?",
+ "I need their postcode also please .",
+ "Could you please give me the postcode to the police station ?",
+ "What is the postcode of the police station ?",
+ "That 's great , can I get their postcode as well please ?",
+ "What 's their postcode , please ?",
+ "Yes , could I get the postcode as well please ?",
+ "What is the post code for the hospital ?",
+ "Great , can you give me the post code and actual address ?",
+ "Can I get the zip code or postal code for the area I ' m in right now ?",
+ "Yes I need their postcode also .",
+ "Thank you , what 's the post code ?",
+ "Actually , I ca n't find it on my phone . Can you give me the postcode of the station ?",
+ "I also would like the postcode .",
+ "Yes , Please give me the post code .",
+ "Thank you . What 's the post code ?",
+ "Could I also have the postcode please ?",
+ "What is their postcode ?",
+ "Could you also provide me with the post code ?"
+ ],
+ "Addr;": [
+ "Was Parkside the address of the police station ? If not , can I have the address please ?",
+ "Thanks ! Also , can you give me the exact address to the station ?",
+ "Could I also get the address of the police station ?",
+ "Can you give me their address , please ?",
+ "Yes and the address , as well . Thanks .",
+ "What is the address ?",
+ "Can you give me the exact address for the police ?",
+ "Yes , I will need their address also please .",
+ "Great , could I also have their address .",
+ "Thank you so much . Do you have their address ?",
+ "What is their address ?",
+ "I need the address for the Parkside police station .",
+ "And what is the address of the police station ?",
+ "Yes I 'll need their address please .",
+ "Can I get the full mailing address for that location ?",
+ "I will also need their address .",
+ "I 'll need to address also .",
+ "What is the address for the parkside police ?",
+ "Do you have an address for them ?",
+ "I am not hurt but I need to get in touch with the police , can you send me the address ?",
+ "Can you please give me the written address as well ?",
+ "Thanks , what is the address ?",
+ "Hello , what 's the address of the Parkside Police Station , if you would be so kind ?",
+ "Can I get the full mailing address for that location , please ?",
+ "Can I get the address . I would like to go directly to the Station .",
+ "What 's the address , please ?",
+ "Great can I also have the address ?",
+ "Can I get the address and phone number for the Parkside police station ?",
+ "Can you give me their address too ?",
+ "I am looking for the address of the Parkside Police Station .",
+ "Thank you , may I please have the address ?",
+ "Yes , can I please have the address ?",
+ "Can I have the pone number and address , please ?",
+ "Can you give me the address for the Parkside Police Station ?",
+ "Was that that the full address for the police station ?",
+ "Can I get the full mailing address for that location ?",
+ "Yes please send the address and postcode .",
+ "Thanks , what is the address ?",
+ "Can I please have their address ?",
+ "Get me the address to the police station nearest me .",
+ "Sorry , what is the street address ?",
+ "I 'll also need the address please .",
+ "Can I get the address as well ?",
+ "Are you sure there 's no address ?",
+ "Can you give me the address ?",
+ "Can I please get the address instead ?",
+ "And the address for the police station please ?",
+ "May I have the address please ?"
+ ],
+ "Addr;Phone;Post;": [
+ "I need the address including postcode of the police station and also the phone number .",
+ "I can contact the police myself . What 's the address including postcode , and also phone number for the police ?",
+ "No , I need to find out the address , phone number , and postcode of the location I was robbed .",
+ "Yes , I need the postcode , address , and phone number .",
+ "Thanks , I need the phone number , address and postcode .",
+ "What 's the phone number , address , and post code ?",
+ "I was in a car accident dispute and need some info . I need a phone number , address , and postcode ."
+ ],
+ "Addr;Post;": [
+ "Can I just have the address and postcode for the police station , please ?",
+ "That 's great , may I have their address and postcode please ?",
+ "Thank you for the information . Could you also give me the address and postcode ?",
+ "Thanks . Can I also get the address and postcode ?",
+ "Probably . Can I get the address and postcode , too ?",
+ "thank you , i also need the postcode and address .",
+ "Thank you , can I also have the post code and the address ?",
+ "What is the address and postcode ?",
+ "Yes , please provide me with the address and postcode .",
+ "Thank you , may I also get the address and postcode ?",
+ "I would like the address and postcode please .",
+ "Great , do you have the address and postcode ?",
+ "What is the address and postcode ?",
+ "I also need their postcode and address .",
+ "yes , please . I need the address , postcode too .",
+ "I ' m not sure . Can you give me the address and post code ?",
+ "Can I have the address and postal to check ?",
+ "What is the postcode and address ?",
+ "May I also have the address and the post code ?",
+ "If you could just get me the postcode and address , that would be perfect .",
+ "Thanks , what 's the address and postcode to the police department ?",
+ "I ' m not comfortable standing around on the street . Can you give me the address and postcode ?",
+ "What is the address and postcode , please ?",
+ "Yes , i need the address and postcode .",
+ "Ok , thanks . Could I also get the address and postal code ? I need it for directions .",
+ "Thank you very much . Can I please have their address and postcode also ?",
+ "Thank you , could you also provide me the postcode and address ?",
+ "Can I also get their address and post code ? Thanks .",
+ "Could you also forward the postcode and address to me ?",
+ "What is the address and postcode ?",
+ "Can I get the address and postal code ?",
+ "I need the address and postcode as well please .",
+ "Thanks . What is the postcode and address ?",
+ "Can I get the address and post code ?",
+ "Thanks , I also need he address and post code .",
+ "May I have the address and postcode ?",
+ "I also need the police station 's address and postcode , please .",
+ "Can you give me their address and postcode , please ?",
+ "Would you give me their address and postcode also , please ?"
+ ],
+ "Phone;Post;": [
+ "Thanks . I need the phone number and postcode too .",
+ "Can you please give me the postcode and phone number ?",
+ "Thank you . So that is post code and phone number for the nearest police station , right ?",
+ "Okay , I need the phone number and postcode , please .",
+ "I do n't know , could you just give me the postcode and phone ?",
+ "Thanks , can I also have the phone number and postcode ?",
+ "Can I get the postcode and phone number , please ?",
+ "Thank you , what is the phone number and postcode ?"
+ ],
+ "Phone;": [
+ "Do you have the phone number there ?",
+ "What is the police phone number , please ?",
+ "Can you give me the phone number please ?",
+ "May I get the phone number ?",
+ "Thank you , what is their phone number ?",
+ "Yes , I 'll also need their phone number .",
+ "Could you tell me where to find the nearest police station and give the telephone number ?",
+ "I only needed the phone number . Thank you !",
+ "I do n't know I am new to this area , please just give me the phone number to the police station .",
+ "I need to call them actually right now - do you have their phone number ?",
+ "Can I get the phone number please ?",
+ "Great , thanks . Do you also have their telephone number ?",
+ "May I have the phone number for the police station please ?",
+ "No , I just need he phone number .",
+ "Thank you , what is their phone number ?",
+ "I was just robbed and am looking for help . Can you give me the phone number for the police ?",
+ "give me the phone number too",
+ "Can you please give me the phone number as well ?",
+ "Thanks , what is their phone number ?",
+ "The phone number is what I was looking for . Thanks !",
+ "Can I get the phone number ?",
+ "I ca n't think straight . Give me the police phone number , so they can come to me .",
+ "Can I get the phone number ?",
+ "Do you have the phone number for that police station ?",
+ "What is the phone number ?",
+ "That looks right . What is the phone number for that location ?",
+ "Thank you so much . Could you also provide me with the phone number ?",
+ "Thanks , I need the phone number too please .",
+ "No , I just need their phone number .",
+ "Can I also get their phone number please ?",
+ "Could you give me the phone number for the station as well ?"
+ ],
+ "Addr;Phone;": [
+ "Can you read me the address for that location , and phone number as well ?",
+ "Could you give me their address and phone please .",
+ "I just need an address and phone number for the police please",
+ "I believe so . What is the police address and phone number ?",
+ "Yes , can you please provide their phone number and physical address ?",
+ "What is the address and phone number for that station ?",
+ "Can I get the address and phone number too ?"
+ ]
+ },
+ "Restaurant-Inform": {
+ "Name;": [
+ "I am looking for a particular restaurant . It is called #RESTAURANT-INFORM-NAME# .",
+ "I would like #RESTAURANT-INFORM-NAME# .",
+ "Could you just give me the number for #RESTAURANT-INFORM-NAME# .",
+ "It is called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for details on the #RESTAURANT-INFORM-NAME# restaurant .",
+ "i need info about #RESTAURANT-INFORM-NAME# restaurant .",
+ "Excellent . I also am looking for a restaurant as well . It 's called the sitar #RESTAURANT-INFORM-NAME# .",
+ "Yes , I ' m looking for a restaurant named #RESTAURANT-INFORM-NAME# .",
+ "No thank you . I am also looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi . I am having trouble finding a place to eat called #RESTAURANT-INFORM-NAME# . Can you locate it for me and tell me a little about it please ?",
+ "No , I 'll book it myself but you can help me get some information on the #RESTAURANT-INFORM-NAME# restaurant",
+ "Hello , I am looking for a restaurant name #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant called the #RESTAURANT-INFORM-NAME# .",
+ "I need information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Find me a place called #RESTAURANT-INFORM-NAME# , please",
+ "Hello , I ' m trying to find a restaurant called #RESTAURANT-INFORM-NAME# . Do you have any info about it ?",
+ "I am throwing a party with friends with a theme from the move \" IT \" , can I details on the restaurant with the name #RESTAURANT-INFORM-NAME# ? It may add a nice touch .",
+ "Hi , what can you tell me about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I also need information about a restaurant #RESTAURANT-INFORM-NAME# .",
+ "Can you find a a restaurant by the name of #RESTAURANT-INFORM-NAME# for me ?",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# in Cambridge .",
+ "Can you find a restaurant called #RESTAURANT-INFORM-NAME# for me , please ?",
+ "Great . I actually do n't need tickets yet . Could you tell me about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I also need a place to eat called #RESTAURANT-INFORM-NAME# palace .",
+ "Hello , what can you tell me about #RESTAURANT-INFORM-NAME# ?",
+ "I need help finding a place to eat called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a particular restaurant . It 's called #RESTAURANT-INFORM-NAME# .",
+ "Yes , I am looking for a restaurant someone recommended . It 's called #RESTAURANT-INFORM-NAME# ? Do you have any information on that ?",
+ "Thanks so much . Also can you provide me information about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Can you help me with finding a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "iM LOOKING FOR THE #RESTAURANT-INFORM-NAME# WHAT TYPE OF FOOD DOES IT SERVE AND I ALSO NEED THE ADDRESS",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "i am looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "I ' m trying to find a restaurant called #RESTAURANT-INFORM-NAME# . Do you know where that is ?",
+ "Help me find a restaurant called #RESTAURANT-INFORM-NAME# please",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# city centre",
+ "I need information on a restaurant called #RESTAURANT-INFORM-NAME# please .",
+ "Thank you . I ' m also looking for more information on a restaurant called #RESTAURANT-INFORM-NAME# . Is there anything you can tell me about it ?",
+ "Yes , I ' m also looking for a restaurant called the #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# . Do you know of it ?",
+ "I ' m looking for a place called #RESTAURANT-INFORM-NAME# .",
+ "let 's try #RESTAURANT-INFORM-NAME# .",
+ "I ' m actually looking for a particular restaurant recommended to me by the name of #RESTAURANT-INFORM-NAME# .",
+ "Awesome . I ' m also looking for the #RESTAURANT-INFORM-NAME# .",
+ "Hi , what can you tell me about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Yes . It 's called the #RESTAURANT-INFORM-NAME# .",
+ "I ' m also looking for information on #RESTAURANT-INFORM-NAME# .",
+ "I am looking for information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Thank you ! Could you help me find information on the #RESTAURANT-INFORM-NAME# as well ?",
+ "Hi , I am looking for information on a restaurant it 's called #RESTAURANT-INFORM-NAME# .",
+ "Can you help me find a restaurant called #RESTAURANT-INFORM-NAME# please ?",
+ "I was also wondering if you can help me find a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I would like more information on #RESTAURANT-INFORM-NAME# . Thank you .",
+ "I ' m looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "Not sure of that , I am looking for a restaurant named \" #RESTAURANT-INFORM-NAME# . \"",
+ "Hi , could you help me find a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I need information about a certain restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Please look up #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "have you heard of #RESTAURANT-INFORM-NAME# ? its a restaurant in town",
+ "I am looking forward to try a local restaurant in Cambridge and I have #RESTAURANT-INFORM-NAME# particularly in my mind . Can you assist to book a table for me ?",
+ "I ' m also looking for a restaurant called #RESTAURANT-INFORM-NAME# . Can you find it ?",
+ "I am looking for information on a restaurant , the name of the place is #RESTAURANT-INFORM-NAME# . Can you tell me about it ?",
+ "Yes , I am also looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "While in Cambridge I need to find a restaurant called the #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "Great ! Thank you ! I ' m also looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for information about a restaurant named the #RESTAURANT-INFORM-NAME# .",
+ "Yes , I need some information about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I need some information on a place to eat call #RESTAURANT-INFORM-NAME# .",
+ "Thanks ! Can you help me with a restaurant that I ' m looking for its called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "I will hold off on the booking for now but thank you . I am also looking for a particular restaurant called #RESTAURANT-INFORM-NAME# . Can you give me details ?",
+ "Great . Can you also help me find out about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Could you give me information about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Thanks ! I ' m also looking for a restaurant named #RESTAURANT-INFORM-NAME# .",
+ "Can you help me find a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for the #RESTAURANT-INFORM-NAME# can you help me find it ?",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Thank you , can you also give me info on #RESTAURANT-INFORM-NAME# , I hear that it rocks the house like mickey mouse .",
+ "I would like to know more about a restaurant called the #RESTAURANT-INFORM-NAME# if you could help ?",
+ "befor i go , please give me information about #RESTAURANT-INFORM-NAME# restaurant",
+ "I need your help in finding a particular restaurant . I do n't know much about the restaurant , unfortunately I do n't even know the food served . I do know the name : #RESTAURANT-INFORM-NAME# .",
+ "The mahal sounds expensive and the gandhi probably has only small portions . Let 's book a table for two at the #RESTAURANT-INFORM-NAME# .",
+ "I am also looking for #RESTAURANT-INFORM-NAME# , can you help me locate it ?",
+ "Thank you . I ' m also looking for the #RESTAURANT-INFORM-NAME# restaurant , can you give me directions ?",
+ "Hi , I ' m trying to find a good place to eat . I heard about #RESTAURANT-INFORM-NAME# . What can you tell me about it ?",
+ "Actually the restaurant I have in mind is #RESTAURANT-INFORM-NAME# .",
+ "Can you get me information on a place called #RESTAURANT-INFORM-NAME# ?",
+ "I am looking for #RESTAURANT-INFORM-NAME# .",
+ "I am also looking for the restaurant called #RESTAURANT-INFORM-NAME# , can I have more info on that ?",
+ "Can you get me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Hello , I am looking for information about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "No thank you . But can you tell me if there 's a restaurant called #RESTAURANT-INFORM-NAME# in town ?",
+ "Where can I find the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "Hi , I ' m trying to find a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for the #RESTAURANT-INFORM-NAME# restaurant .",
+ "Someone recommended me a place called #RESTAURANT-INFORM-NAME# . Do you have any information about it ?",
+ "Hey , when I was a kid my parents took me to a place called #RESTAURANT-INFORM-NAME# . Is it still around ?",
+ "I am looking for a place for a restaurant called #RESTAURANT-INFORM-NAME# . Can you help me ?",
+ "Can you get me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "The restaurant is called #RESTAURANT-INFORM-NAME# .",
+ "I was told about a great place to eat called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for #RESTAURANT-INFORM-NAME# .",
+ "I do n't know if you ' ve heard of it but can you please get me some information on the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "Hi ! Do you know anything about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I am also looking for a place to dine called #RESTAURANT-INFORM-NAME# can you give me some info on it ?",
+ "Thank you . I am also looking for a place to eat , called #RESTAURANT-INFORM-NAME# .",
+ "I also need to know about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Thanks . A friend told me about a restaurant called the #RESTAURANT-INFORM-NAME# . Do you know it ?",
+ "I ' m looking for a #RESTAURANT-INFORM-NAME# .",
+ "I ' m also looking for a restaurant named #RESTAURANT-INFORM-NAME# ? Can you help me find it ?",
+ "I ' m trying to get some information on the #RESTAURANT-INFORM-NAME# restaurant please",
+ "I want to find a place to eat called #RESTAURANT-INFORM-NAME# .",
+ "No but I need information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "can you tell me where #RESTAURANT-INFORM-NAME# is",
+ "Last time i was in Cambridge there was a restaurant with the strange name of \" #RESTAURANT-INFORM-NAME# \" is that placed still around and if so , can I have info on it ?",
+ "Great , thanks for that . I ' m also looking for information about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant named #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I need information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Can you give me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Are you sure ? I really need to find a place called #RESTAURANT-INFORM-NAME# .",
+ "Lets try #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m also looking for a restaurant called #RESTAURANT-INFORM-NAME# . Can you help me find it ?",
+ "Hello , I ' m looking for a hotel called #RESTAURANT-INFORM-NAME# . Can you help ?",
+ "I also need reservations for #RESTAURANT-INFORM-NAME# .",
+ "Cool . I need a restaurant called #RESTAURANT-INFORM-NAME# too .",
+ "Thanks ! If it is n't too much trouble , could you also find me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Yes I also need information on a place to eat called #RESTAURANT-INFORM-NAME# .",
+ "I need some info on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Yes please . I need a reservation for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "i am looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "Thank you . Can you find out some information on the #RESTAURANT-INFORM-NAME# for me as well ?",
+ "i am actually looking to book a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a place called #RESTAURANT-INFORM-NAME# . Can you help me ?",
+ "What can you tell me about the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "Can you tell me more about the #RESTAURANT-INFORM-NAME# ? Thank you .",
+ "I am looking for #RESTAURANT-INFORM-NAME# restaurant a friend told me to try .",
+ "I am looking for a restaurant a friend recommended . It is called the #RESTAURANT-INFORM-NAME# .",
+ "What is the address for find #RESTAURANT-INFORM-NAME# ?",
+ "Lets try #RESTAURANT-INFORM-NAME# .",
+ "No but you can give me the phone number of your recommendation . What can you tell me about #RESTAURANT-INFORM-NAME# restaurant ?",
+ "I ' m looking for information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi , what can you tell me about the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "I am looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "Thank you . I ' m also looking for a restaurant ... the #RESTAURANT-INFORM-NAME# ? Do you have any information about it ?",
+ "I ' m also looking for information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m sorry I am also looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am also looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for some info on #RESTAURANT-INFORM-NAME# .",
+ "I would like to try #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a place called #RESTAURANT-INFORM-NAME# . Do you know it ? It 's a restaurant .",
+ "I ' m wondering if you have information about a particular restaurant called the #RESTAURANT-INFORM-NAME# ?",
+ "I am looking for information about #RESTAURANT-INFORM-NAME# ?",
+ "Can you get me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I also need to book a table at the #RESTAURANT-INFORM-NAME# restaurant .",
+ "Where is this #RESTAURANT-INFORM-NAME# located ?",
+ "At the #RESTAURANT-INFORM-NAME# .",
+ "Hello I ' m looking for the #RESTAURANT-INFORM-NAME# .",
+ "Can you help me find #RESTAURANT-INFORM-NAME# please , where is it ?",
+ "I ' m looking for information on #RESTAURANT-INFORM-NAME# .",
+ "I am looking for some info on #RESTAURANT-INFORM-NAME# restaurant .",
+ "Hi ! My friends told me about a restaurant called #RESTAURANT-INFORM-NAME# . What can you tell me about it ?",
+ "Okay , thanks . I ' m also looking for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Yes please . Can you provide info about a restaurant called #RESTAURANT-INFORM-NAME# . What kind of food , price range , and what area if you can find it . Thanks .",
+ "I ' m interested in a place called #RESTAURANT-INFORM-NAME# . What can you tell me about it ?",
+ "I ' m looking for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi , I ' m trying to find out more about a restaurant called #RESTAURANT-INFORM-NAME# . What can you tell me ?",
+ "I ' m also looking for a restaurant called #RESTAURANT-INFORM-NAME# . Can you help me book a table there ?",
+ "I ' m looking for a particular restaurant called #RESTAURANT-INFORM-NAME# . Please give me information on that restaurant .",
+ "I ' m looking for a restaurant called \" #RESTAURANT-INFORM-NAME# \" . Can you help me ?",
+ "I am looking for a restaurant called the #RESTAURANT-INFORM-NAME# .",
+ "Thanks . Can you give me some information about #RESTAURANT-INFORM-NAME# ?",
+ "I ' m hoping you can help me dig up some information about #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi , I ' m visiting Cambridge and ca n't wait to try local restaurants . Have you heard anything about a place called #RESTAURANT-INFORM-NAME# ?",
+ "Can you help me find a place to eat called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for #RESTAURANT-INFORM-NAME# , can you help me find where it is ?",
+ "Hi , I am looking for a particular restaurant , the #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Great ! Thank you . I need to find a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi , I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I would also like more info about #RESTAURANT-INFORM-NAME# in the city center .",
+ "Please provide me information on the #RESTAURANT-INFORM-NAME# .",
+ "I am looking for #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Actually , could you just give me some information on #RESTAURANT-INFORM-NAME# ?",
+ "It 's a place called #RESTAURANT-INFORM-NAME# .",
+ "i want information about #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a particular restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I m looking for a restaurant called #RESTAURANT-INFORM-NAME# , can you help ?",
+ "What can you tell me about the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "I want to book a reservation at #RESTAURANT-INFORM-NAME# in cambridge",
+ "I ' m looking for info about the #RESTAURANT-INFORM-NAME# restaurant .",
+ "What can you dig up about the #RESTAURANT-INFORM-NAME# ?",
+ "I ' m trying to find information on a particular restaurant , it is called #RESTAURANT-INFORM-NAME# .",
+ "Thanks ! I am looking for a restaurant called #RESTAURANT-INFORM-NAME# . I want to make a reservation there",
+ "Yes , I would also like to book a table at #RESTAURANT-INFORM-NAME# .",
+ "I also am looking for #RESTAURANT-INFORM-NAME# .",
+ "Yes , thank you for asking . Do you have a listing for a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Thank you . Can you also tell me about a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "Hi , I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# , can you help me find it ?",
+ "I m also looking for a restaurant by the name of #RESTAURANT-INFORM-NAME# .",
+ "Hi , do you have a listing for #RESTAURANT-INFORM-NAME# ? It 's a restaurant .",
+ "Thanks for the room booking . Can you locate a restaurant for me , too ? The name is #RESTAURANT-INFORM-NAME# .",
+ "The #RESTAURANT-INFORM-NAME# would be fine . I would like to book a table for the same day",
+ "Yes . I need a restaurant by the name of #RESTAURANT-INFORM-NAME# .",
+ "I am also looking for information about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Hi , Can you help me locate a restaurant named #RESTAURANT-INFORM-NAME# ?",
+ "I am looking for the restaurant #RESTAURANT-INFORM-NAME# .",
+ "Yes , I ' m also looking for a place called the #RESTAURANT-INFORM-NAME# .",
+ "Hi , is there a restaurant in town called the #RESTAURANT-INFORM-NAME# ?",
+ "Yes , can you lookup the #RESTAURANT-INFORM-NAME# for me .",
+ "I ' m looking for a specific restaurant . It 's called #RESTAURANT-INFORM-NAME# . Can you help with this ?",
+ "Great ! Is there a restaurant called #RESTAURANT-INFORM-NAME# near by ?",
+ "While in Cambridge I would really like to know where to find a place to eat called #RESTAURANT-INFORM-NAME# .",
+ "Please book #RESTAURANT-INFORM-NAME# .",
+ "Can you please check again ? #RESTAURANT-INFORM-NAME# .",
+ "Need a certain restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for information about a particular restaurant in Cambridge that people are talking about . It is named #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for the #RESTAURANT-INFORM-NAME# .",
+ "I am looking for information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I would like to make a reservation at the #RESTAURANT-INFORM-NAME# in cambridge",
+ "Yes , I am looking for a specific restaurant named #RESTAURANT-INFORM-NAME# . What can you tell me about this place ?",
+ "I am looking for #RESTAURANT-INFORM-NAME# in Cambridge .",
+ "I need to find a restaurant call #RESTAURANT-INFORM-NAME# .",
+ "Oh wait , I was also looking for a particular restaurant , by the name of the #RESTAURANT-INFORM-NAME# .",
+ "Yes please . I 'd like to find a restaurant called #RESTAURANT-INFORM-NAME# . Do you have a listing for them ?",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Okay thanks , I also need info for #RESTAURANT-INFORM-NAME# .",
+ "That would be fine . Could you also find out some information about the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "I am also looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME# .",
+ "Do you know of a restaurant by the name of #RESTAURANT-INFORM-NAME# ?",
+ "I also need help looking up a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# . Are you aware of it ?",
+ "Is the #RESTAURANT-INFORM-NAME# restaurant still open ?",
+ "can you book the #RESTAURANT-INFORM-NAME# for me ?",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# , do you have any information on it ?",
+ "I ' m looking for #RESTAURANT-INFORM-NAME# , can you help me find it ?",
+ "Ok , thank you . I ' m also looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Great . Can you also tell me about the #RESTAURANT-INFORM-NAME# restaurant ?",
+ "Can you tell me more about #RESTAURANT-INFORM-NAME# ? Where is it ?",
+ "Can you get me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for more information regarding #RESTAURANT-INFORM-NAME# .",
+ "I am looking for a restaurant #RESTAURANT-INFORM-NAME# . Can you give me more information ?",
+ "Ok , great thanks . Could you also give me information on a restaurant called #RESTAURANT-INFORM-NAME# ?",
+ "I need to find a certain restaurant called #RESTAURANT-INFORM-NAME# .",
+ "What can you tell me about the #RESTAURANT-INFORM-NAME# ?",
+ "Yes please . I am also looking for a particular restaurant , it 's called the #RESTAURANT-INFORM-NAME# .",
+ "Hey , is #RESTAURANT-INFORM-NAME# still open ?",
+ "I am looking for a restaurant called #RESTAURANT-INFORM-NAME# . Can you get me more information about it please ?",
+ "i need information about #RESTAURANT-INFORM-NAME# restaurant .",
+ "Yes I am looking for a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "When i I get to Cambridge I need to know where to find a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m also looking to eat at a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Can you find a restaurant by the name of #RESTAURANT-INFORM-NAME# ?",
+ "I ' m looking for some information on a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "Okay . That sounds good . Can you tell me more about a restaurant called #RESTAURANT-INFORM-NAME# .",
+ "I ' m trying to find a restaurant by the name of #RESTAURANT-INFORM-NAME# . Can you help me out ?",
+ "I ' m looking for a particular restaurant called #RESTAURANT-INFORM-NAME# . What do you know about it ?",
+ "Thanks . I also need information about a specific restaurant called #RESTAURANT-INFORM-NAME# . What can you tell me about it ?",
+ "Can you also look up the #RESTAURANT-INFORM-NAME# restaurant ?"
+ ],
+ "Area;": [
+ "I ' m so hungry - can you find me a place to eat in the city #RESTAURANT-INFORM-AREA# ?",
+ "Hi , I am currently planning to come to Cambridge , and I was looking for a relatively inexpensive place to eat in the #RESTAURANT-INFORM-AREA# . What would you suggest ?",
+ "Can you help me find a restaurant ? I want to find a place in the #RESTAURANT-INFORM-AREA# .",
+ "I would prefer it in the #RESTAURANT-INFORM-AREA# area .",
+ "I am also in the market for a new restaurant . Is there something in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Is that located in the #RESTAURANT-INFORM-AREA# ?",
+ "I 'd like to be in the #RESTAURANT-INFORM-AREA# please .",
+ "What restaurants are located in the #RESTAURANT-INFORM-AREA# ?",
+ "I also would like information on a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "I 'd like the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "Is there any restaurants located in the #RESTAURANT-INFORM-AREA# side of town ?",
+ "Yes , I would also like a place to eat near the #RESTAURANT-INFORM-AREA# area . Can you assist me with that ?",
+ "I am open to any price range , but am looking for somewhere located in the #RESTAURANT-INFORM-AREA# area of town .",
+ "I want one in the #RESTAURANT-INFORM-AREA# .",
+ "I need to find a place to eat in the #RESTAURANT-INFORM-AREA# , thanks !",
+ "Yes , in the #RESTAURANT-INFORM-AREA# part of town please .",
+ "I ' m in the #RESTAURANT-INFORM-AREA# of town .",
+ "In the #RESTAURANT-INFORM-AREA# .",
+ "Hmm , I really want to stay near the hotel . Do you have anything in the #RESTAURANT-INFORM-AREA# instead ?",
+ "the #RESTAURANT-INFORM-AREA# around the same area as the restaurant do you have any suggestions ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "I 'd like to find somewhere to eat in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , what options are available in the #RESTAURANT-INFORM-AREA# of Cambridge for upscale dining ?",
+ "We would like recommendation of places we could go on the #RESTAURANT-INFORM-AREA# side of town .",
+ "In the #RESTAURANT-INFORM-AREA# of town please .",
+ "Hey , I ' m up #RESTAURANT-INFORM-AREA# can you give me a place to eat ?",
+ "it should be in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any high end restaurants within the #RESTAURANT-INFORM-AREA# of town ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Are you looking in the #RESTAURANT-INFORM-AREA# area ?",
+ "Yes , I do . I would like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Let 's try the #RESTAURANT-INFORM-AREA# part of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a moderately priced resaturant in the #RESTAURANT-INFORM-AREA# that serves latin american food ?",
+ "I 'd like a place in the #RESTAURANT-INFORM-AREA# , please .",
+ "I prefer a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Let 's see what 's near the #RESTAURANT-INFORM-AREA# area , first .",
+ "I 'd like to dine at a restaurant in the #RESTAURANT-INFORM-AREA# part of town . Can you help me find one ?",
+ "I am interested in the one in the #RESTAURANT-INFORM-AREA# .",
+ "I would like it in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any in the #RESTAURANT-INFORM-AREA# side of town ?",
+ "The #RESTAURANT-INFORM-AREA# area please .",
+ "Let 's try the #RESTAURANT-INFORM-AREA# .",
+ "Yes #RESTAURANT-INFORM-AREA# please .",
+ "Hi ! I 'd like to find a restaurant located in the #RESTAURANT-INFORM-AREA# please .",
+ "Can you check in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Anything cheap in the #RESTAURANT-INFORM-AREA# of town please .",
+ "I want to get a place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I would like the #RESTAURANT-INFORM-AREA# part of town please .",
+ "I will be traveling to Cambridge and would like to dine on the #RESTAURANT-INFORM-AREA# side .",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , I 'd like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking forward to trying local restaurants but would like help finding a place to go in town . I would like it to be in the #RESTAURANT-INFORM-AREA# and a swimmingpool",
+ "I would really prefer Jamaican . Are there any in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I do n't have a specific price range . Just something in the #RESTAURANT-INFORM-AREA# will be fine .",
+ "I am looking for a Europeon restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I #RESTAURANT-INFORM-AREA# which area .",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-AREA# side of the city .",
+ "I will be in the #RESTAURANT-INFORM-AREA# .",
+ "Actually , I will need a restaurant in the #RESTAURANT-INFORM-AREA# . Do you have any ?",
+ "Do n't you have one that serves #RESTAURANT-INFORM-AREA# african food ?",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "What about one in the #RESTAURANT-INFORM-AREA# ?",
+ "No , I really need it in that area and I ' m desperately craving Chinese food . Can you please check again and make sure you 're looking in the #RESTAURANT-INFORM-AREA# area ?",
+ "Great , thanks a lot . Can you also help me find a good restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Can you find me a restaurant in the #RESTAURANT-INFORM-AREA# part of the city ?",
+ "Could you check again in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I ' m going to be traveling to Cambridge and I 'd really like to find information about what restaurants there are on the #RESTAURANT-INFORM-AREA# end of the city . Can you help me ?",
+ "I ' m sorry I meant to say #RESTAURANT-INFORM-AREA# before . I am looking for a European place that is expensive in the west .",
+ "I 'd like to dine in the #RESTAURANT-INFORM-AREA# if possible .",
+ "I rather eat somewhere in the #RESTAURANT-INFORM-AREA# of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I want the location to be in the #RESTAURANT-INFORM-AREA# .",
+ "located in the #RESTAURANT-INFORM-AREA# side",
+ "The #RESTAURANT-INFORM-AREA# part of town .",
+ "There is n't any afghan places in the #RESTAURANT-INFORM-AREA# ?",
+ "I #RESTAURANT-INFORM-AREA# which area the restaurant is located in .",
+ "Can you find a restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like the #RESTAURANT-INFORM-AREA# please .",
+ "Hi , can you help me find a restaurant in the #RESTAURANT-INFORM-AREA# area ?",
+ "Yes , I 'd like to find a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Thanks ! I also need a place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "The restaurant should be in the #RESTAURANT-INFORM-AREA# .",
+ "Is there any restaurants on the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am hoping to find a great place to dine while visiting the #RESTAURANT-INFORM-AREA# area of cambridge .",
+ "I want a place to dine that is in the #RESTAURANT-INFORM-AREA# please .",
+ "I am also looking for a good restaurant in the same #RESTAURANT-INFORM-AREA# part of town .",
+ "Hi , I need a place to eat on the #RESTAURANT-INFORM-AREA# side .",
+ "I am looking for a high scale restaurant located in the city #RESTAURANT-INFORM-AREA# .",
+ "I 'd like something in the #RESTAURANT-INFORM-AREA# please .",
+ "I would like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Great ! Thanks so much for the info . I am also hoping you might help me find a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Is that in the #RESTAURANT-INFORM-AREA# area . I really would like to be in the west .",
+ "I would prefer the city #RESTAURANT-INFORM-AREA# please .",
+ "I want a restaurant on the #RESTAURANT-INFORM-AREA# end of town .",
+ "yes , that is fine . Please make sure it 's in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would prefer the restaurant be located in the #RESTAURANT-INFORM-AREA# . Can you help me find one there ?",
+ "Actually , I 'd like one in #RESTAURANT-INFORM-AREA# part of town . Is Ask in the south ?",
+ "I need one that is in the #RESTAURANT-INFORM-AREA# . Is either of those ?",
+ "Are there any in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I need a restaurant located in the #RESTAURANT-INFORM-AREA# please .",
+ "I 'd prefer the #RESTAURANT-INFORM-AREA# , please .",
+ "How about one in the #RESTAURANT-INFORM-AREA# ?",
+ "On the #RESTAURANT-INFORM-AREA# side please",
+ "No , I ' m sorry that one wo n't work , are there any in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Okay , would it help to narrow it down to the #RESTAURANT-INFORM-AREA# part of town ? I am having trouble deciding what I want to eat today .",
+ "No , I am only interested in a restaurant that serves swiss food and is in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for an upscale , expensive one in the #RESTAURANT-INFORM-AREA# of town , please .",
+ "The restaurant should be in the #RESTAURANT-INFORM-AREA# .",
+ "Yes in the #RESTAURANT-INFORM-AREA# .",
+ "Do you have any cheap restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Is there one in the #RESTAURANT-INFORM-AREA# ?",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# area of the city .",
+ "Which one of these restaurants is in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I would prefer something near the #RESTAURANT-INFORM-AREA# please .",
+ "Yes the #RESTAURANT-INFORM-AREA# please ?",
+ "I also need a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "We will be in the #RESTAURANT-INFORM-AREA# part of town and would like to go to a restaurant while we are there .",
+ "Is it in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I want to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking in the #RESTAURANT-INFORM-AREA# of town .",
+ "The restaurant should be in the #RESTAURANT-INFORM-AREA# .",
+ "Well I need it to be in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need one in the #RESTAURANT-INFORM-AREA# , does n't matter which .",
+ "I definitely would like it to be in the #RESTAURANT-INFORM-AREA# , please .",
+ "Actually , I was looking for a Mexican restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "The type of food does n't matter to me , but I would like the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "Hi there . Can you help me find a restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Are any of these in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Yes , I would like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I do n't have a preference . Just need it to be cheap and in the #RESTAURANT-INFORM-AREA# .",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need something that 's in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Thank you , I also need a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes . Are any of those restaurants in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Is Curry Garden in the #RESTAURANT-INFORM-AREA# ? I kind of want something in that area .",
+ "Can we do the #RESTAURANT-INFORM-AREA# of town ?",
+ "No thank you , I ' m looking for one that is in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "If it is in the #RESTAURANT-INFORM-AREA# part of town , yes . If not can you suggest something else ?",
+ "are you sure ? maybe try the #RESTAURANT-INFORM-AREA# ?",
+ "Staying in the #RESTAURANT-INFORM-AREA# would be more convenient . What are my choices ?",
+ "I want a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I would like it in the #RESTAURANT-INFORM-AREA# area of town . If you could recommend one , that would be nice .",
+ "Is it located in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for something in the #RESTAURANT-INFORM-AREA# near the pool .",
+ "Either Curry Prince or Rajmahal will do since they are located in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a high end restaurant in the #RESTAURANT-INFORM-AREA# , can you help me out ?",
+ "How about in the #RESTAURANT-INFORM-AREA# ?",
+ "I do n't care about the type of cusine , I 'd like it to be in the moderate range in the #RESTAURANT-INFORM-AREA# .",
+ "Is there another high - end restaurant in the #RESTAURANT-INFORM-AREA# area that you can recommend ?",
+ "It should be in the #RESTAURANT-INFORM-AREA# .",
+ "Is it located in the #RESTAURANT-INFORM-AREA# ?",
+ "In the #RESTAURANT-INFORM-AREA# of town .",
+ "I 'd like to eat at the one that 's in the #RESTAURANT-INFORM-AREA# .",
+ "Is Curry garden in the #RESTAURANT-INFORM-AREA# ?",
+ "da vinci pizzeria serves italian food . it is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "What is good in the #RESTAURANT-INFORM-AREA# part of town",
+ "Yes , the one in the #RESTAURANT-INFORM-AREA# please .",
+ "Thank you ! I ' m also looking for a great place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like to be where all the action is in the #RESTAURANT-INFORM-AREA# of town .",
+ "It should be in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Sure , but please make sure there are n't any in the #RESTAURANT-INFORM-AREA# again too .",
+ "What restaurants are on the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I should have mentioned I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# . Sorry about that .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I 'd like a restaurant on the #RESTAURANT-INFORM-AREA# end of town , please .",
+ "Where'a a restaurant on the #RESTAURANT-INFORM-AREA# part f town ?",
+ "Are there any restaurants located not in the city centre but in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I need the town #RESTAURANT-INFORM-AREA# .",
+ "I looking for a restaurant in #RESTAURANT-INFORM-AREA# .",
+ "I would like to dine in the #RESTAURANT-INFORM-AREA# area , so let 's go with Nandos City Centre .",
+ "Actually , I ' m looking for somewhere that 's located near the #RESTAURANT-INFORM-AREA# . Could you recommend somewhere near there ?",
+ "In the #RESTAURANT-INFORM-AREA# please .",
+ "Wonderful ! Can you also recommend a restaurant in the #RESTAURANT-INFORM-AREA# for me ?",
+ "Thanks , I ' m also looking for a restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "yes please . tell me if there are other restaurants in the #RESTAURANT-INFORM-AREA# as well .",
+ "I am interested in the #RESTAURANT-INFORM-AREA# area .",
+ "Hi Can you help me find a restauant in the #RESTAURANT-INFORM-AREA# side of the city ? >",
+ "Yes , I would also l like to find a splendid , moderately - priced place to dine in the #RESTAURANT-INFORM-AREA# . That would be just wonderful if you could help me out with that !",
+ "Oh no , my friend told me there was a really great British place in the #RESTAURANT-INFORM-AREA# . Can you double check ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like to be in the #RESTAURANT-INFORM-AREA# .",
+ "In the #RESTAURANT-INFORM-AREA# , please .",
+ "Is it in the #RESTAURANT-INFORM-AREA# of the city ?",
+ "I ' m looking for somewhere to eat in the #RESTAURANT-INFORM-AREA# . Can you help me out ?",
+ "I s it located in the #RESTAURANT-INFORM-AREA# ?",
+ "Is it located in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Is this actually located in the #RESTAURANT-INFORM-AREA# area ? I just want to make sure .",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "Thank you . I also need a place to eat in the city #RESTAURANT-INFORM-AREA# .",
+ "Yes and book one in the #RESTAURANT-INFORM-AREA# of town for tonight .",
+ "No I 'd really like lebanese , is there one in the #RESTAURANT-INFORM-AREA# area ?",
+ "The #RESTAURANT-INFORM-AREA# please !",
+ "I want a place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "Is the Gourmet Burger Kitchen located in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Something in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Is there anything near the #RESTAURANT-INFORM-AREA# ?",
+ "In the #RESTAURANT-INFORM-AREA# area .",
+ "Hello , I 'd like some information on a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Okay can you tell me which one is in the #RESTAURANT-INFORM-AREA# ?",
+ "What other options are there at the city #RESTAURANT-INFORM-AREA# in the expensive price range ?",
+ "Which of the two restaurants is in the #RESTAURANT-INFORM-AREA# ?",
+ "I want a restaurant in the town #RESTAURANT-INFORM-AREA# . Can you help me ?",
+ "The #RESTAURANT-INFORM-AREA# please .",
+ "How about one in the #RESTAURANT-INFORM-AREA# area ?",
+ "It appears that I forgot to book a restaurant reservation . I need something in the #RESTAURANT-INFORM-AREA# in the same price range as the hotel , please .",
+ "Is there anything Tuscan in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I need an inexpensive restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "Is that located in the #RESTAURANT-INFORM-AREA# ? I forgot to mention I wanted to stay close to where the museum is .",
+ "In the #RESTAURANT-INFORM-AREA# please .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need to find a place to eat in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I would prefer the #RESTAURANT-INFORM-AREA# please .",
+ "I would like the #RESTAURANT-INFORM-AREA# please .",
+ "I want it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to eat in the #RESTAURANT-INFORM-AREA# . Can you help me ?",
+ "I would prefer the #RESTAURANT-INFORM-AREA# please can I get some info on it ?",
+ "Is it located in the #RESTAURANT-INFORM-AREA# ?",
+ "Is there another chinese restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , I 'd like to find a restaurant in the #RESTAURANT-INFORM-AREA# area also .",
+ "I would prefer it in the #RESTAURANT-INFORM-AREA# of town . Thanks",
+ "Hello , I 'd like some information on a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Are any of those options located in the #RESTAURANT-INFORM-AREA# of town ?",
+ "What fancy restaurants are there on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I am looking for restaurants in the #RESTAURANT-INFORM-AREA# part of town",
+ "Great ! Can you also help me find a place to dine in the #RESTAURANT-INFORM-AREA# area ?",
+ "I would like for it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I #RESTAURANT-INFORM-AREA# what part of town the restaurant is in .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "No I do not have a price range but it does need to be located in the #RESTAURANT-INFORM-AREA# .",
+ "I am going to be on the #RESTAURANT-INFORM-AREA# side of town and would like a recommendation to a high end restaurant for dinner .",
+ "Are there any Asian restaurants in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Yes , I would prefer the #RESTAURANT-INFORM-AREA# .",
+ "Hi , I am looking for a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , the #RESTAURANT-INFORM-AREA# of town please .",
+ "Can you help me find somewhere to eat in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for an inexpensive restaurant in the #RESTAURANT-INFORM-AREA# section of Cambridge .",
+ "I would like it in the #RESTAURANT-INFORM-AREA# please .",
+ "Hm , how about we try the #RESTAURANT-INFORM-AREA# area for the polish food .",
+ "I would like one in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a restaurant in the #RESTAURANT-INFORM-AREA# that does n't cost a lot of money . In fact , I need one that 's quite inexpensive .",
+ "The #RESTAURANT-INFORM-AREA# .",
+ "What kind of food is offered in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes . I am looking for #RESTAURANT-INFORM-AREA# .",
+ "Is there anything in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Are there any casual restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , the one in the #RESTAURANT-INFORM-AREA# please .",
+ "Yes , I would prefer the #RESTAURANT-INFORM-AREA# please .",
+ "Can you find one in the #RESTAURANT-INFORM-AREA# with a different price range ?",
+ "I 'd like something in the #RESTAURANT-INFORM-AREA# if possible .",
+ "Is Cocum located in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I would prefer one on the #RESTAURANT-INFORM-AREA# area .",
+ "Can I ask you for a restaurant suggestion in the #RESTAURANT-INFORM-AREA# today ?",
+ "I would like one in the #RESTAURANT-INFORM-AREA# area , please .",
+ "Are there any Eritrean restaurants in the #RESTAURANT-INFORM-AREA# instead ?",
+ "I am looking for a place to eat in town #RESTAURANT-INFORM-AREA# .",
+ "Hi ! I ' m planning a trip in Cambridge and I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for somewhere to eat in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-AREA# part of town , please .",
+ "Is it in the #RESTAURANT-INFORM-AREA# of town ?",
+ "How about something in the #RESTAURANT-INFORM-AREA# of town ?",
+ "In the #RESTAURANT-INFORM-AREA# yes please .",
+ "I would like to be in the #RESTAURANT-INFORM-AREA# of town , and if it could be inexpensive , that would be ideal .",
+ "Yes , I would like to find one in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like to be in the #RESTAURANT-INFORM-AREA# of town .",
+ "Is there a good restaurant on the #RESTAURANT-INFORM-AREA# end of town ?",
+ "I need help finding a very inexpensive place to eat located in the #RESTAURANT-INFORM-AREA# , can you help me ?",
+ "I would like it in the #RESTAURANT-INFORM-AREA# near the restaurant . It needs to be a guesthouse .",
+ "Hmm , I was pretty sure that there was a Polynesian restaurant in the #RESTAURANT-INFORM-AREA# of town . Would you mind double - checking ?",
+ "What other restaurants are in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Was that restaurant in the North ? I needed one in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# ..",
+ "I would like to eat not too pricy or cheap in #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for restaurants and colleges in the city #RESTAURANT-INFORM-AREA# .",
+ "Could you help me locate a restaurant in the #RESTAURANT-INFORM-AREA# area of town ?",
+ "I am coming to cambridge to try some good food , but would like to find a place to go in the #RESTAURANT-INFORM-AREA# area .",
+ "I would like to dine in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I would like one in the #RESTAURANT-INFORM-AREA# area , but maybe you could pick me a good one .",
+ "How about something in the #RESTAURANT-INFORM-AREA# of town",
+ "Could you make that on the #RESTAURANT-INFORM-AREA# side please .",
+ "How about an intalian restaurnat in the #RESTAURANT-INFORM-AREA# area ?",
+ "Great ! I also need a place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a nice place to dine in the #RESTAURANT-INFORM-AREA# area .",
+ "I would prefer the #RESTAURANT-INFORM-AREA# of town .",
+ "Anything in the #RESTAURANT-INFORM-AREA# would be fine , whatever you recommend .",
+ "I ' m not sure where on the #RESTAURANT-INFORM-AREA# side I ' m going to be . Could you suggest an alternate restaurant and give me their information , too ?",
+ "Hi , I am interested in finding a place to dine on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "We will be on the #RESTAURANT-INFORM-AREA# side of town and would like to find a place to eat while there .",
+ "Yeah , can you check the #RESTAURANT-INFORM-AREA# please ?",
+ "Yes , something in the #RESTAURANT-INFORM-AREA# of town please ?",
+ "I would prefer the #RESTAURANT-INFORM-AREA# if there is anything available there .",
+ "I would like to stay in the #RESTAURANT-INFORM-AREA# please .",
+ "I would prefer a restaurant in the #RESTAURANT-INFORM-AREA# side of town .",
+ "I would like the one in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I 'd like the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , the city #RESTAURANT-INFORM-AREA# was where I was planning to go .",
+ "Yes , I would like the #RESTAURANT-INFORM-AREA# area please .",
+ "Are there any in the #RESTAURANT-INFORM-AREA# location ?",
+ "I would like more information about the one in the #RESTAURANT-INFORM-AREA# please .",
+ "I need to find a restaurant in the #RESTAURANT-INFORM-AREA# side of town",
+ "I would like the #RESTAURANT-INFORM-AREA# please .",
+ "Yes , but first I just want to make sure this is in the #RESTAURANT-INFORM-AREA# area of town .",
+ "Not even in the #RESTAURANT-INFORM-AREA# of town ?",
+ "is that located in the #RESTAURANT-INFORM-AREA# ? i prefer the west .",
+ "Are there any restaurants that would be in the #RESTAURANT-INFORM-AREA# ?",
+ "I need one close to #RESTAURANT-INFORM-AREA# of town",
+ "Yes please . In the #RESTAURANT-INFORM-AREA# of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Hi , I want a place to eat in the town #RESTAURANT-INFORM-AREA# .",
+ "Yes , the one in the #RESTAURANT-INFORM-AREA# does .",
+ "Yes I 'd like some info on a place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I need to find a place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "Do you have a similar restaurant that is close to #RESTAURANT-INFORM-AREA# ?",
+ "I 'd like it to be in the #RESTAURANT-INFORM-AREA# please .",
+ "Yeah , I ' m looking in the #RESTAURANT-INFORM-AREA# .",
+ "In the #RESTAURANT-INFORM-AREA# , please",
+ "I ' m looking for an expensive place to eat located in #RESTAURANT-INFORM-AREA# of town . Can you help ?",
+ "We would like to find a restaurant that is #RESTAURANT-INFORM-AREA# of town .",
+ "I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Thanks ! I ' m also looking for a place to eat in the #RESTAURANT-INFORM-AREA# if you do n't mind .",
+ "On the #RESTAURANT-INFORM-AREA# side of town , please .",
+ "In the #RESTAURANT-INFORM-AREA# , sorry did n't I mention that ?",
+ "Yes , I 'd like to find one in the #RESTAURANT-INFORM-AREA# side of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Is dojo noodle bar in the #RESTAURANT-INFORM-AREA# of town ? I need something in that area , please .",
+ "I would like the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "No , the #RESTAURANT-INFORM-AREA# part of town",
+ "I ' m sorry , I need a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Tell me some restaurant types in the town #RESTAURANT-INFORM-AREA# ?",
+ "Nothing specific , anything in the #RESTAURANT-INFORM-AREA# is fine .",
+ "Let 's try Indian food , but it needs to be near the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town . Are there any available ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes . Where area is it located in ? I need it to be in the #RESTAURANT-INFORM-AREA# .",
+ "No . I need something in the #RESTAURANT-INFORM-AREA# .",
+ "No price range but can you check in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Any good places to eat in #RESTAURANT-INFORM-AREA# ?",
+ "I would like a restairant in the #RESTAURANT-INFORM-AREA# please .",
+ "I apologize , but can we go back to finding a place to go but I would like something preferably in the #RESTAURANT-INFORM-AREA# of town and how much it costs ?",
+ "Thanks ! I also need a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Are you sure there 's no expensive Austrian food in the #RESTAURANT-INFORM-AREA# ? It 's what I ' m really set on .",
+ "Can you help me find a restaurant located in the #RESTAURANT-INFORM-AREA# area ?",
+ "I would like to go to the #RESTAURANT-INFORM-AREA# , please .",
+ "I ' m looking for something in the #RESTAURANT-INFORM-AREA# , please !",
+ "How about #RESTAURANT-INFORM-AREA# ?",
+ "Yes I need the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "It should be in the #RESTAURANT-INFORM-AREA# .",
+ "I would prefer it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Sure . I am looking for a restaurant near the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "hmmm . Can you check again ? it should be in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like a place in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , please I would like to get info on a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "In the #RESTAURANT-INFORM-AREA# please . It will be just myself at 16:15 on Sunday .",
+ "No , I would like afternoon tea in the #RESTAURANT-INFORM-AREA# .",
+ "Did you check the #RESTAURANT-INFORM-AREA# area ?",
+ "I am flexible on the cuisine . But I would like something in the #RESTAURANT-INFORM-AREA# of town that is expensive .",
+ "No , I just realized I 'll be in the #RESTAURANT-INFORM-AREA# area . Are there any that meet my criteria in the south ?",
+ "I would like the #RESTAURANT-INFORM-AREA# part of town , please .",
+ "I 'd like a place in the #RESTAURANT-INFORM-AREA# , please .",
+ "restaurant on the #RESTAURANT-INFORM-AREA# side please",
+ "What are of town is that in ? I really want to stay in the #RESTAURANT-INFORM-AREA# of town to be close to the attractions .",
+ "I 'd like a place in the #RESTAURANT-INFORM-AREA# .",
+ "Sorry , not sure I follow . Can you recommend a #RESTAURANT-INFORM-AREA# african food restaurant ? Thanks .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "How about in the city #RESTAURANT-INFORM-AREA# ?",
+ "Hello ! I would like to go to a restaurant in the #RESTAURANT-INFORM-AREA# , please .",
+ "Is there any located in the #RESTAURANT-INFORM-AREA# ?",
+ "I prefer the #RESTAURANT-INFORM-AREA# area of town .",
+ "I ' m looking for a restaurant in #RESTAURANT-INFORM-AREA# .",
+ "no , I #RESTAURANT-INFORM-AREA# .",
+ "I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes I would like to eat in town #RESTAURANT-INFORM-AREA# .",
+ "Any place in the #RESTAURANT-INFORM-AREA# with good food and service would be perfect .",
+ "Hi . I ' m trying to find a good restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can I have the address of the location in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# side of town .",
+ "i am looking for a place to eat in the #RESTAURANT-INFORM-AREA# that serves creative food .",
+ "I would like to be in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , in the #RESTAURANT-INFORM-AREA# .",
+ "What kind of restaurants are on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "Are either of those in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Yes , I need it to be located in the town #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-AREA# of town .",
+ "I would like it to be in the #RESTAURANT-INFORM-AREA# area , please .",
+ "I was actually hoping for a restaurant in the #RESTAURANT-INFORM-AREA# . Are there any available ?",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "Is there anything in the #RESTAURANT-INFORM-AREA# ?",
+ "I want to find out more about places to dine in the city #RESTAURANT-INFORM-AREA# that serve asian cuisine .",
+ "Hello I 'd like to get some information on a place to eat in the #RESTAURANT-INFORM-AREA# side of Cambridge .",
+ "I was thinking somewhere in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes please . I prefer the #RESTAURANT-INFORM-AREA# of town if possible .",
+ "I need something in the #RESTAURANT-INFORM-AREA# part of town . What do you have ?",
+ "I need a place to dine that is expensive in the #RESTAURANT-INFORM-AREA# .",
+ "The restaurant should be in the #RESTAURANT-INFORM-AREA# .",
+ "Thanks much ! Oh and I 'd also like to find a place to dine in the #RESTAURANT-INFORM-AREA# . Can you help me with that too ?",
+ "Is one of them in the #RESTAURANT-INFORM-AREA# area . I would like one close to the college .",
+ "I 'd like some info on a restaurant , in the #RESTAURANT-INFORM-AREA# .",
+ "The #RESTAURANT-INFORM-AREA# .",
+ "I prefer the #RESTAURANT-INFORM-AREA# but I am open to other areas of town .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "I 'd like to look at the one in the #RESTAURANT-INFORM-AREA# , please .",
+ "I want to dine in a place in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I would like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Yeah , I need to grab something to eat . I ' m looking for a malay place in the #RESTAURANT-INFORM-AREA# of town .",
+ "A restaurant in the #RESTAURANT-INFORM-AREA# , please .",
+ "I am looking for something in #RESTAURANT-INFORM-AREA# of town then",
+ "I #RESTAURANT-INFORM-AREA# where it is .",
+ "a #RESTAURANT-INFORM-AREA# part of town restaurant",
+ "The #RESTAURANT-INFORM-AREA# is my preference . Thank you .",
+ "Yes , Can your search in the #RESTAURANT-INFORM-AREA# please ?",
+ "Is there something available in the #RESTAURANT-INFORM-AREA# ?",
+ "Yeah , I 'd like to stay in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , I 'd like to find a place to eat in the #RESTAURANT-INFORM-AREA# area .",
+ "I want the one in the #RESTAURANT-INFORM-AREA# , please book me a table for 3 people .",
+ "In the #RESTAURANT-INFORM-AREA# of town , if possible .",
+ "Is that in the #RESTAURANT-INFORM-AREA# area of town ?",
+ "I would love to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to dine near the #RESTAURANT-INFORM-AREA# .",
+ "No , but I 'd like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m trying to plan a trip there . Can you find me a nice place to dine in the #RESTAURANT-INFORM-AREA# area of town ?",
+ "I want to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I would like something in the #RESTAURANT-INFORM-AREA# , if possible .",
+ "Are you sure ? I thought there was one located in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "Yes , I would like a restaurant that is also in the #RESTAURANT-INFORM-AREA# .",
+ "No , I 'd like steak . Maybe try in the #RESTAURANT-INFORM-AREA# ?",
+ "I 'd like to find a place to dine in the #RESTAURANT-INFORM-AREA# please .",
+ "I would rather be in the #RESTAURANT-INFORM-AREA# area .",
+ "I was hoping for something in the #RESTAURANT-INFORM-AREA# .",
+ "What 's your favorite place on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "Okay , pick one for me please . It should be in the #RESTAURANT-INFORM-AREA# .",
+ "No , as long as the Meze Bar Restaurant is in the #RESTAURANT-INFORM-AREA# area , that is perfect . Thank you .",
+ "in the #RESTAURANT-INFORM-AREA# , book a table for 3 people at 11:30 on tuesday .",
+ "Yes , I 'd like for the restaurant to be in the #RESTAURANT-INFORM-AREA# .",
+ "I suppose the one in the #RESTAURANT-INFORM-AREA# makes more sense , since it 's close to the restaurant .",
+ "No , I really need a restaurant in the #RESTAURANT-INFORM-AREA# that serves international food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am also looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I ' m sorry . Can you check the #RESTAURANT-INFORM-AREA# and see if there is one ?",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "I need to find a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would prefer one that is located in the #RESTAURANT-INFORM-AREA# .",
+ "Is there one in the #RESTAURANT-INFORM-AREA# of town maybe ?",
+ "No , I would like a place that 's in the #RESTAURANT-INFORM-AREA# part of town . Is there one of those ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town , please .",
+ "Thanks . I am also looking to find a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Is it in the #RESTAURANT-INFORM-AREA# area ?",
+ "Can you find me something in the #RESTAURANT-INFORM-AREA# part of town ? Price range does n't matter .",
+ "Yes , I also need a tuscan restaurant in the #RESTAURANT-INFORM-AREA# as well .",
+ "Can I get more information about the one in the #RESTAURANT-INFORM-AREA# ?",
+ "I do n't care about the cuisine but I want it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I would prefer the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I want to eat in the #RESTAURANT-INFORM-AREA# please",
+ "Is Siagon City in the #RESTAURANT-INFORM-AREA# ? I want a restaurant in the west .",
+ "Can you help me find a restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , I am looking to stay in the #RESTAURANT-INFORM-AREA# of town .",
+ "The town #RESTAURANT-INFORM-AREA# , please .",
+ "Can you find me a good restaurant in the city #RESTAURANT-INFORM-AREA# ?",
+ "Please find me a restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a luxurious dining experience in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I 'd really like something in the #RESTAURANT-INFORM-AREA# , do you have Polynesian or Chinese in the centre ?",
+ "No I ' m not ready to book a spot yet . I do need to find a place to eat in the #RESTAURANT-INFORM-AREA# though .",
+ "I need something in the #RESTAURANT-INFORM-AREA# .",
+ "Yes the #RESTAURANT-INFORM-AREA# please .",
+ "Yes , I 'd like to find one in the #RESTAURANT-INFORM-AREA# .",
+ "I really need that to be in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Is it in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "yes #RESTAURANT-INFORM-AREA# please",
+ "I am looking for a brazliian restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# area , so that wo n't work .",
+ "We want to try a restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "Let 's keep looking in the #RESTAURANT-INFORM-AREA# area for now . Perhaps you can list some other available cuisines .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# , please .",
+ "I would like the #RESTAURANT-INFORM-AREA# please .",
+ "I ' m sorry . I actually need a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like fusion food and please make sure the restaurant is located in #RESTAURANT-INFORM-AREA# .",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "No , I do n't have a preference . But I want something in the #RESTAURANT-INFORM-AREA# and is expensive . Can you suggest one ?",
+ "Are there any Persian restaurants in the area ? The #RESTAURANT-INFORM-AREA# side would be best .",
+ "In the #RESTAURANT-INFORM-AREA# please .",
+ "i 'd like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "Is this in the #RESTAURANT-INFORM-AREA# ? I 'd like something in the centre , if possible .",
+ "The #RESTAURANT-INFORM-AREA# , please .",
+ "I ' m not too picky , could you make a suggestion ? One in the #RESTAURANT-INFORM-AREA# ?",
+ "I need a really inexpensive restaurant on the #RESTAURANT-INFORM-AREA# side .",
+ "I am looking for a place to dine in the #RESTAURANT-INFORM-AREA# of town",
+ "I ' m looking for unusual food . And I want a place in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , could you help me find a nice place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I want it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I #RESTAURANT-INFORM-AREA# .",
+ "In the #RESTAURANT-INFORM-AREA# if possible",
+ "I want a restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I think I 'd like to eat on the #RESTAURANT-INFORM-AREA# side .",
+ "I would like to pick a restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Price does n't matter but it needs to be in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I need that in the #RESTAURANT-INFORM-AREA# please .",
+ "I want one on the west side of town . If there 's not one there then the #RESTAURANT-INFORM-AREA# of town will be fine .",
+ "I 'd like to get a bite to eat in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "Are there any expensive international food places in the #RESTAURANT-INFORM-AREA# area ?",
+ "Where can I find a restaurant located in the Cambridge #RESTAURANT-INFORM-AREA# ?",
+ "Yes it needs to be in the #RESTAURANT-INFORM-AREA# . Can you book me a table for 6 people at 17:45 on Friday ?",
+ "How about any restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like to be in the #RESTAURANT-INFORM-AREA# of town ."
+ ],
+ "Price;": [
+ "I do not not care , it just needs to be #RESTAURANT-INFORM-PRICE# .",
+ "I do n't care where , just as long as it 's #RESTAURANT-INFORM-PRICE# !",
+ "I am open to all types of food as long as it 's in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the center of the city .",
+ "Oh , I really need something #RESTAURANT-INFORM-PRICE# .",
+ "Can you help me find a restaurant ? I want somewhere #RESTAURANT-INFORM-PRICE# .",
+ "Yes , I am looking for a #RESTAURANT-INFORM-PRICE# price range .",
+ "I need to find a #RESTAURANT-INFORM-PRICE# place to eat .",
+ "I would like one in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Sure . I also need somewhere to eat . I ' m thinking something on the #RESTAURANT-INFORM-PRICE# side and close to the college .",
+ "i need #RESTAURANT-INFORM-PRICE# , please .",
+ "Does Cambridge have any #RESTAURANT-INFORM-PRICE# Austalasian restaurants ?",
+ "That will do thank you . I also need a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I also need a restaurant in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes , I would prefer a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "What are some #RESTAURANT-INFORM-PRICE# restaurants ?",
+ "In a moment . I also need to find a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Something #RESTAURANT-INFORM-PRICE# . I 'd like to treat my family to some great food .",
+ "Is it an #RESTAURANT-INFORM-PRICE# restaurant ? I ' m really looking to break the bank here .",
+ "I 'd like one in the #RESTAURANT-INFORM-PRICE# price range , please .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the center of town ?",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I 'd like to find a #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I have no food preference , but I would prefer an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Well how about an #RESTAURANT-INFORM-PRICE# one then ?",
+ "I am on a tight budget so would prefer something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "An #RESTAURANT-INFORM-PRICE# restaurant would be nice .",
+ "And that 's a #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "Yes , I am also looking for an #RESTAURANT-INFORM-PRICE# Halal restaurant to dine at .",
+ "Looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I need it to be in the #RESTAURANT-INFORM-PRICE# price range and I ' m looking for a table for 4 .",
+ "What about #RESTAURANT-INFORM-PRICE# restaurants ?",
+ "Come to think of it , let 's put that off for now . I was thinking of trying some new cuisine while we are in town . Something #RESTAURANT-INFORM-PRICE# .",
+ "Yes , definitely the #RESTAURANT-INFORM-PRICE# one .",
+ "I need to find a #RESTAURANT-INFORM-PRICE# place to eat in Cambridge .",
+ "I would still like #RESTAURANT-INFORM-PRICE# please .",
+ "Probably #RESTAURANT-INFORM-PRICE# would be best",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I would like the one in the #RESTAURANT-INFORM-PRICE# price range . Can you book it for me ?",
+ "I do n't have a preference on price , but how about #RESTAURANT-INFORM-PRICE# ?",
+ "Moderate please . If that is n't available though I can do #RESTAURANT-INFORM-PRICE# .",
+ "Are there any other restaurants in the same area in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Yes and looking for #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like it to be #RESTAURANT-INFORM-PRICE# .",
+ "Is the restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "No , but I want the most #RESTAURANT-INFORM-PRICE# one .",
+ "Yes , I would prefer an #RESTAURANT-INFORM-PRICE# one .",
+ "I need a place to eat in the #RESTAURANT-INFORM-PRICE# price range .",
+ "What are my options for #RESTAURANT-INFORM-PRICE# restaurants in the city center ?",
+ "I want one in the #RESTAURANT-INFORM-PRICE# priced range . What is the price range of Chiquito restaurant ?",
+ "I do n't care , should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a restaurant in the center of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , I would like an #RESTAURANT-INFORM-PRICE# restaurant , please .",
+ "How about the #RESTAURANT-INFORM-PRICE# one ?",
+ "I am interested in #RESTAURANT-INFORM-PRICE# restaurants .",
+ "I heard you have good #RESTAURANT-INFORM-PRICE# restaurants . While I am there , I would like to try one ?",
+ "I want the #RESTAURANT-INFORM-PRICE# one please",
+ "Are there any other #RESTAURANT-INFORM-PRICE# restaurants in the area ?",
+ "Okay , thank you for that information . I also need to find a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Yes , #RESTAURANT-INFORM-PRICE# please .",
+ "No I think I 'd rather find something European in the center of town that is #RESTAURANT-INFORM-PRICE# . Can you help me with that ?",
+ "I would like one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Any cuisine is fine , but I would like it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# eastern european place in the south .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant please ?",
+ "Thank you . I ' m also looking for for a place to dine , I 'd prefer an #RESTAURANT-INFORM-PRICE# place please .",
+ "i apologize . my husband wants something #RESTAURANT-INFORM-PRICE# . do you have any portuguese places that are expensive ?",
+ "I would like it to be #RESTAURANT-INFORM-PRICE# .",
+ "Let 's do #RESTAURANT-INFORM-PRICE# .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant",
+ "Is that #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for a restaurant in the city 's center that is in th #RESTAURANT-INFORM-PRICE# price range .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant to have a meal .",
+ "Thanks , I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Are any of those #RESTAURANT-INFORM-PRICE# ?",
+ "Is that in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "If you do n't have any restaurants that serve Austrian food , do you at least have any restaurants in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for a place to eat that is #RESTAURANT-INFORM-PRICE# .",
+ "Definitely #RESTAURANT-INFORM-PRICE# .",
+ "I would prefer one of the #RESTAURANT-INFORM-PRICE# places . Need to impress my guests , you know ?",
+ "I want the #RESTAURANT-INFORM-PRICE# one . Can you give me some information on them ?",
+ "No , I ' m just getting some information together . Is it #RESTAURANT-INFORM-PRICE# ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants that are centrally located ?",
+ "I would like the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , please find another #RESTAURANT-INFORM-PRICE# restaurant for that amount of people at that time .",
+ "Is that an #RESTAURANT-INFORM-PRICE# restaraunt ? I really need someplace expensive , it is a special occasion for me .",
+ "I also need a #RESTAURANT-INFORM-PRICE# place to eat in the center of town .",
+ "I would prefer one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "Please I am also looking for an #RESTAURANT-INFORM-PRICE# restaurant to dine at .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# place to dine .",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# restaurant , please .",
+ "I would like #RESTAURANT-INFORM-PRICE# price range please .",
+ "I also need the name and number for an #RESTAURANT-INFORM-PRICE# restaurant in the city center .",
+ "an #RESTAURANT-INFORM-PRICE# restaurant please",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need some #RESTAURANT-INFORM-PRICE# Chop Suey , please .",
+ "Great ! I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant near the college .",
+ "I was hoping for a #RESTAURANT-INFORM-PRICE# restaurant close to the Vue Cinema .",
+ "Are they all listed as #RESTAURANT-INFORM-PRICE# ?",
+ "I would like it to be in the #RESTAURANT-INFORM-PRICE# range please .",
+ "Is that one a #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I #RESTAURANT-INFORM-PRICE# about the price . Thank you goodbye .",
+ "I need one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I just want something #RESTAURANT-INFORM-PRICE# .",
+ "Can we try something #RESTAURANT-INFORM-PRICE# .",
+ "can you find me one that is in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "The price range should be #RESTAURANT-INFORM-PRICE# .",
+ "No , I 'd really like #RESTAURANT-INFORM-PRICE# Christmas food . How about in a different area ?",
+ "I ' m looking for a restaurant in a #RESTAURANT-INFORM-PRICE# price range .",
+ "I want it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , I ' m looking for something #RESTAURANT-INFORM-PRICE# .",
+ "what 's the most #RESTAURANT-INFORM-PRICE# one ?",
+ "I 'd like to know what my options are , as far as #RESTAURANT-INFORM-PRICE# restaurants in the city center .",
+ "I will need to have one that is #RESTAURANT-INFORM-PRICE# .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I am hoping to find an #RESTAURANT-INFORM-PRICE# place to dine out while I am visiting .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need a place to eat that is #RESTAURANT-INFORM-PRICE# .",
+ "looking for an #RESTAURANT-INFORM-PRICE# restaurant",
+ "Not right now , thanks . As I 'll be in the center part of town I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant there . Do you have any suggestions ?",
+ "Do you have any asian #RESTAURANT-INFORM-PRICE# restaurants ?",
+ "I ' m definitely looking for someplace #RESTAURANT-INFORM-PRICE# .",
+ "I would like it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Thank you ! The price range that I would like is #RESTAURANT-INFORM-PRICE# .",
+ "How about a place in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Sorry , I got ahead of myself . I want a french restaurant but it must be in the #RESTAURANT-INFORM-PRICE# price range . Do either of those options match ?",
+ "Can you select one of the restaurants with the #RESTAURANT-INFORM-PRICE# price range in the center of town ?",
+ "What is the closest asian restaurant that is #RESTAURANT-INFORM-PRICE# ?",
+ "In the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# restaurant that serves molecular gastronomy please",
+ "please do . i would also like help finding an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Is it #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# place to have a meal .",
+ "Yes , I would prefer an #RESTAURANT-INFORM-PRICE# one please .",
+ "Thank you ! I would like to go to an #RESTAURANT-INFORM-PRICE# restaurant , please .",
+ "What #RESTAURANT-INFORM-PRICE# restaurants are there ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant . Can you help ?",
+ "Well is there perhaps a #RESTAURANT-INFORM-PRICE# option serving that type of food in the center ?",
+ "I want something #RESTAURANT-INFORM-PRICE# .",
+ "Could you assist me in finding a restaurant ? We are going all out so would like an #RESTAURANT-INFORM-PRICE# one near the hotel .",
+ "Could you recommend one of the #RESTAURANT-INFORM-PRICE# ones ?",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# restaurant please .",
+ "I am also looking for a restaurant in the center of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am also looking for an #RESTAURANT-INFORM-PRICE# place to eat around there . Can you offer a recommendation ?",
+ "Do n't really have a food preference but would prefer something #RESTAURANT-INFORM-PRICE# .",
+ "I need a place to eat near the museum . I do n't want to spend much so it should be #RESTAURANT-INFORM-PRICE# . What do you have ?",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant to dine at in the center .",
+ "I need one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need a place to eat in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Are any of them in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Something #RESTAURANT-INFORM-PRICE# , and close to the pool , please .",
+ "Hey any ideals for a #RESTAURANT-INFORM-PRICE# chines restaurant ?",
+ "A #RESTAURANT-INFORM-PRICE# place please .",
+ "Ok , is it #RESTAURANT-INFORM-PRICE# ?",
+ "I ' m looking for some good , #RESTAURANT-INFORM-PRICE# food .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-PRICE# price range",
+ "I actually would like one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Could you recommend an #RESTAURANT-INFORM-PRICE# restaurant in the same area ?",
+ "I would prefer #RESTAURANT-INFORM-PRICE# price range please .",
+ "What do you have in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "No certain area , but I 'd like one in a #RESTAURANT-INFORM-PRICE# price range please .",
+ "What are the #RESTAURANT-INFORM-PRICE# ones ?",
+ "Are they a #RESTAURANT-INFORM-PRICE# restaurant ? I want to save money for all the other plans we have during our trip .",
+ "Hi ! Can I get some info on a #RESTAURANT-INFORM-PRICE# place to eat ?",
+ "Thanks , also looking for a restaurant in the same part of town in the #RESTAURANT-INFORM-PRICE# range . Can you recommend one ?",
+ "I need a #RESTAURANT-INFORM-PRICE# price range .",
+ "The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I would like something in the #RESTAURANT-INFORM-PRICE# price range , please .",
+ "looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range",
+ "i do n't care , but I 'd like #RESTAURANT-INFORM-PRICE# food",
+ "Lets do a #RESTAURANT-INFORM-PRICE# one . Which would you recommend ?",
+ "Yes , I need help finding a place to eat . I would like it to be #RESTAURANT-INFORM-PRICE# .",
+ "I can call for that . But thanks anyway . I am also looking for a #RESTAURANT-INFORM-PRICE# place to eat .",
+ "Give me something #RESTAURANT-INFORM-PRICE# .",
+ "I need a #RESTAURANT-INFORM-PRICE# priced restaurant please .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "Is Bloomsbury restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I prefer the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like it in the centre , #RESTAURANT-INFORM-PRICE# range in price .",
+ "It should be #RESTAURANT-INFORM-PRICE# .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the center of town ?",
+ "i need a #RESTAURANT-INFORM-PRICE# restaurant",
+ "I ' m trying to plan a trip there . I need to find a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I do n't really care what kind of food , but I am on a budget so #RESTAURANT-INFORM-PRICE# would be great .",
+ "I like my food #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for something in the fine dining price range , so the place should be #RESTAURANT-INFORM-PRICE# . Are there any that fit that criteria ?",
+ "I also want to dine at a #RESTAURANT-INFORM-PRICE# restaurant in the center area .",
+ "I would like something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Darn , I was really hoping to find a #RESTAURANT-INFORM-PRICE# Austrian restaurant . Would you mind checking one more time ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place .",
+ "Is that restaurant #RESTAURANT-INFORM-PRICE# ?",
+ "I am on a budget and need a #RESTAURANT-INFORM-PRICE# place to eat .",
+ "Yes , can we try a #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m so hungry ! Can you find me an #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I need a #RESTAURANT-INFORM-PRICE# price range .",
+ "I need a place to eat that is #RESTAURANT-INFORM-PRICE# .",
+ "How about something in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Actually I would prefer something in the #RESTAURANT-INFORM-PRICE# range if possible .",
+ "I prefer something #RESTAURANT-INFORM-PRICE# .",
+ "What kind of #RESTAURANT-INFORM-PRICE# restaurants are there in the center of town ?",
+ "Something that is #RESTAURANT-INFORM-PRICE# in price , and I 'll need a table for 3 at 15:45 this coming saturday .",
+ "I also need a place to eat someplace close to Scott Polar Museum . I ' m splurging so I want something #RESTAURANT-INFORM-PRICE# .",
+ "yes , pick the most #RESTAURANT-INFORM-PRICE# one .",
+ "I need an #RESTAURANT-INFORM-PRICE# place to dine in the center of town .",
+ "You 're certain that , with no particular cuisine needed , there were no #RESTAURANT-INFORM-PRICE# restaurants at all ?",
+ "Do you have anything in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I want the restaurant to be #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for something #RESTAURANT-INFORM-PRICE# .",
+ "What are some nice , #RESTAURANT-INFORM-PRICE# restaurants in the center of town ?",
+ "I prefer something #RESTAURANT-INFORM-PRICE# .",
+ "I want the most #RESTAURANT-INFORM-PRICE# one .",
+ "Yes , I would like to have an #RESTAURANT-INFORM-PRICE# restaurant please .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ? If so , could you book me a table for 3 people at 19:30 for Wednesday ?",
+ "Yes #RESTAURANT-INFORM-PRICE# would work best for me .",
+ "Hi , I need an #RESTAURANT-INFORM-PRICE# restaurant please .",
+ "Yes great!. Now could you help me find a place to dine in the city center in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "is there a #RESTAURANT-INFORM-PRICE# priced restaurant ?",
+ "I would like something #RESTAURANT-INFORM-PRICE# . Is either option expensive ?",
+ "In the #RESTAURANT-INFORM-PRICE# range , please",
+ "Yes , I in am interested in an #RESTAURANT-INFORM-PRICE# restaurant . Thanks !",
+ "I want #RESTAURANT-INFORM-PRICE# please .",
+ "Sorry , actually I need an #RESTAURANT-INFORM-PRICE# restaurant as well .",
+ "are there any #RESTAURANT-INFORM-PRICE# restaurants ? in the same area as the hotel ?",
+ "I 'd like to impress my colleagues , so something #RESTAURANT-INFORM-PRICE# please .",
+ "I 'd like one of the #RESTAURANT-INFORM-PRICE# ones . Which is your favorite ?",
+ "I also need it in the #RESTAURANT-INFORM-PRICE# price range .",
+ "it should be on the #RESTAURANT-INFORM-PRICE# price range",
+ "I 'd like somewhere #RESTAURANT-INFORM-PRICE# , is it ?",
+ "I am seeking an #RESTAURANT-INFORM-PRICE# restaurant in Cambridge .",
+ "Yes . Just make sure it is something in the #RESTAURANT-INFORM-PRICE# range .",
+ "Actually , do you have anything that is #RESTAURANT-INFORM-PRICE# . It 's a business meeting so I 'd like to impress them .",
+ "No thanks , but I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town . Can you tell me what 's available ?",
+ "Hello , can you recommend an #RESTAURANT-INFORM-PRICE# restaurant in Cambridge ?",
+ "Could you try again , English food , #RESTAURANT-INFORM-PRICE# priced in the centre of town .",
+ "Is it #RESTAURANT-INFORM-PRICE# ? I would like the restaurant to be expensive .",
+ "I ' m also looking for a restaurant . The restaurant should be in the center and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant",
+ "Is it #RESTAURANT-INFORM-PRICE# ? I 'd like to really paint the town red !",
+ "Are you sure ? It should be #RESTAURANT-INFORM-PRICE# .",
+ "really ? it should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I also need an #RESTAURANT-INFORM-PRICE# place to dine in the mid of town .",
+ "I ' m looking for a very nice place to dine . Something #RESTAURANT-INFORM-PRICE# .",
+ "Yes , it should also be #RESTAURANT-INFORM-PRICE# priced .",
+ "I do n't care what cuisine , but i 'd like one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "I need a #RESTAURANT-INFORM-PRICE# restaurant please .",
+ "What else do you have that is #RESTAURANT-INFORM-PRICE# ?",
+ "Not right now , but I was wondering if you could tell me about #RESTAURANT-INFORM-PRICE# restaurants in the center of town .",
+ "I would like an #RESTAURANT-INFORM-PRICE# price range",
+ "No type of food but I 'd like it to be in the #RESTAURANT-INFORM-PRICE# range please",
+ "Thanks ! I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "So long as they 're #RESTAURANT-INFORM-PRICE# , and in the center of town , I would , thank you .",
+ "i 'd like an #RESTAURANT-INFORM-PRICE# , please .",
+ "How about the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like someplace #RESTAURANT-INFORM-PRICE# , please .",
+ "I would like to book somewhere with #RESTAURANT-INFORM-PRICE# prices . What other options do I have ?",
+ "I am looking for the #RESTAURANT-INFORM-PRICE# price range , the area does n't matter .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place in any area .",
+ "If there are no Scottish places in the west , what about #RESTAURANT-INFORM-PRICE# places to eat ?",
+ "What type of #RESTAURANT-INFORM-PRICE# restaurants do you have in the center ?",
+ "I would like it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like to save some money for other things , so let 's find one that 's on the #RESTAURANT-INFORM-PRICE# , please .",
+ "I 'd like someplace #RESTAURANT-INFORM-PRICE# , please .",
+ "There are going to be a lot of us , so something #RESTAURANT-INFORM-PRICE# would be best .",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Yes , I need one in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "What types of #RESTAURANT-INFORM-PRICE# restaurants are in that part of town ?",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant , please .",
+ "It does n't matter as long as it is #RESTAURANT-INFORM-PRICE# .",
+ "A #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like for the restaurant to be #RESTAURANT-INFORM-PRICE# .",
+ "I prefer an #RESTAURANT-INFORM-PRICE# one .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "We are celebrating so how about in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "How about something just in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Definitely #RESTAURANT-INFORM-PRICE# . We 're going all out on this trip .",
+ "I would prefer an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the city center",
+ "I would prefer #RESTAURANT-INFORM-PRICE# restaurants .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# place to eat ?",
+ "I would prefer an #RESTAURANT-INFORM-PRICE# price range and need a reservation for 1 at 13:30 on Monday .",
+ "so , nothing that is #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# , centrally located restaurant .",
+ "I want something #RESTAURANT-INFORM-PRICE# .",
+ "Can you make sure that 's an #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-PRICE# range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "Are these places in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Yes . I would like it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like an #RESTAURANT-INFORM-PRICE# one please .",
+ "I would like to stay in the #RESTAURANT-INFORM-PRICE# price range .",
+ "let 's change location and the restaurant should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes I would like one to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "I would like to find a restaurant in the #RESTAURANT-INFORM-PRICE# price range that is located in the city center .",
+ "I am interested in an #RESTAURANT-INFORM-PRICE# restaurant . See what 's available , and maybe I can choose from there .",
+ "I am traveling to Cambridge and looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the cente .",
+ "I would like #RESTAURANT-INFORM-PRICE# please.l",
+ "Is it a #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "Thank you ! I also need to find a place to eat while there . Something #RESTAURANT-INFORM-PRICE# .",
+ "Yes , I 'd like a #RESTAURANT-INFORM-PRICE# one .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I ' m thinking the #RESTAURANT-INFORM-PRICE# price range .",
+ "Thanks so much . I 'd also like to find an #RESTAURANT-INFORM-PRICE# restaurant in the center .",
+ "What restaurants are #RESTAURANT-INFORM-PRICE# ?",
+ "I want the most #RESTAURANT-INFORM-PRICE# one available .",
+ "Does reasonably mean #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for a place to dine that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Thank you ! I am looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I am looking for something in the #RESTAURANT-INFORM-PRICE# price range , please .",
+ "Yes please . Like to hear least to most #RESTAURANT-INFORM-PRICE# first .",
+ "Thank , I also want to dine at a restaurant in the same area with an #RESTAURANT-INFORM-PRICE# price range .",
+ "The restaurant should be in the same area as the hotel and should be in the #RESTAURANT-INFORM-PRICE# price",
+ "A #RESTAURANT-INFORM-PRICE# price range , please .",
+ "I would really love to find an #RESTAURANT-INFORM-PRICE# Polish restaurant .",
+ "I would like to dine at an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need a #RESTAURANT-INFORM-PRICE# place to eat , does that restaurant fit that criteria ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Thanks so much . Now , I guess I will need to find a #RESTAURANT-INFORM-PRICE# place to eat in the centre .",
+ "I 'd like to treat myself . Is this in the #RESTAURANT-INFORM-PRICE# range ?",
+ "It is a special occasion so I am hoping for an #RESTAURANT-INFORM-PRICE# place .",
+ "I need to find an #RESTAURANT-INFORM-PRICE# place to eat .",
+ "As long as they are #RESTAURANT-INFORM-PRICE# priced . The shanghai sounds good .",
+ "I would also like to eat somewhere #RESTAURANT-INFORM-PRICE# in the middle of town .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant",
+ "Ok , of those 4 is there one that is #RESTAURANT-INFORM-PRICE# priced ?",
+ "Do you have anything #RESTAURANT-INFORM-PRICE# ?",
+ "Yes , I am also looking for a #RESTAURANT-INFORM-PRICE# place to dine .",
+ "Are there any #RESTAURANT-INFORM-PRICE# places to eat that serve traditional food in other areas of the city ?",
+ "Is there any cuban restaurants near the hotel in the #RESTAURANT-INFORM-PRICE# range ?",
+ "are there any #RESTAURANT-INFORM-PRICE# restaurants ?",
+ "I #RESTAURANT-INFORM-PRICE# . What have you found ?",
+ "It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you recommend a restaurant in the center of Cambridge that has #RESTAURANT-INFORM-PRICE# prices ?",
+ "Maybe something in the #RESTAURANT-INFORM-PRICE# range .",
+ "I would like to find a #RESTAURANT-INFORM-PRICE# one please .",
+ "Is one of them #RESTAURANT-INFORM-PRICE# ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of the town .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "My price range is #RESTAURANT-INFORM-PRICE# .",
+ "I do n't really care about cuisine , but I would like something #RESTAURANT-INFORM-PRICE# in the center of town . What 's your favorite high - end place ?",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need a #RESTAURANT-INFORM-PRICE# one .",
+ "Please find me one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you find me a restaurant with a #RESTAURANT-INFORM-PRICE# price range ?",
+ "I need it to be in the #RESTAURANT-INFORM-PRICE# price range . What are my options ?",
+ "Is there anything else in the #RESTAURANT-INFORM-PRICE# range in the north area of town ?",
+ "I need one in the #RESTAURANT-INFORM-PRICE# range .",
+ "Oh , how disappointing . There are no #RESTAURANT-INFORM-PRICE# persian restaurants in the center of town ?",
+ "I would like one that is in the #RESTAURANT-INFORM-PRICE# range .",
+ "Is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would like to dine somewhere that is #RESTAURANT-INFORM-PRICE# .",
+ "I need it to be in the #RESTAURANT-INFORM-PRICE# range please .",
+ "Yes , I would also like to find an #RESTAURANT-INFORM-PRICE# restaurant in the same area .",
+ "I ' m sorry could you check again but in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I need a #RESTAURANT-INFORM-PRICE# place to dine please .",
+ "looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range",
+ "Is it a #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I need a #RESTAURANT-INFORM-PRICE# place , please .",
+ "A #RESTAURANT-INFORM-PRICE# price range would be best .",
+ "I would like the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the center part of town ? Thanks .",
+ "Something in the #RESTAURANT-INFORM-PRICE# price range would be best thanks !",
+ "I do n't care , just as long as it 's #RESTAURANT-INFORM-PRICE# and in the center of town .",
+ "What kind of #RESTAURANT-INFORM-PRICE# restaurants are there in the center of town ?",
+ "Yes . I would like an #RESTAURANT-INFORM-PRICE# one please .",
+ "Maybe later . I am also looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "Thanks , that sounds great . Can you suggest a #RESTAURANT-INFORM-PRICE# restaurant near the pool ?",
+ "Great , can I get the reference number for the train ? Also I would like to find a #RESTAURANT-INFORM-PRICE# price Cantonese restaurant .",
+ "I 'd like something #RESTAURANT-INFORM-PRICE# please .",
+ "Yes , it 's for a special occasion , so something #RESTAURANT-INFORM-PRICE# would be preferred .",
+ "I want something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "We would n't mind trying something new . We 'd like to treat ourselves to something in the #RESTAURANT-INFORM-PRICE# range . What do you recommend ?",
+ "How about an #RESTAURANT-INFORM-PRICE# one . What are my choices in that range ?",
+ "I 'd like one that is #RESTAURANT-INFORM-PRICE# and in the city center .",
+ "Yeah what 's the address of Camboats ? I also need an #RESTAURANT-INFORM-PRICE# place to eat .",
+ "No that 's fine . I also need to find a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# place .",
+ "Hi . I ' m interested in finding a good restaurant near the center of town . Do you have any listings that fall in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I ' m looking for something upscale in the #RESTAURANT-INFORM-PRICE# price range .",
+ "book the #RESTAURANT-INFORM-PRICE# one a table for 4 people at 13:00 on monday",
+ "Can you find a place to eat in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would like it to be an #RESTAURANT-INFORM-PRICE# place to eat .",
+ "Hello , I ' m seeking a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "No , I do n't care where it is . I ' m thinking I 'd like an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I was hoping for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I would like to stay in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It is a special occasion so it can be #RESTAURANT-INFORM-PRICE# !",
+ "Are there any other #RESTAURANT-INFORM-PRICE# restaurants in the same area ?",
+ "Yes , I need something in the #RESTAURANT-INFORM-PRICE# price range",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I am looking for Indian food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "No thanks I will book it . Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant as well ?",
+ "Are those both in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "How about looking for crossover restaurants that are #RESTAURANT-INFORM-PRICE# . Does n't matter the area .",
+ "Yes , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant to dine at earlier the same day .",
+ "I am interested in a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "he restaurant should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Is this in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant . Can you help me ?",
+ "I need a place to eat in the #RESTAURANT-INFORM-PRICE# price .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "Yes please ; I 'd greatly prefer the #RESTAURANT-INFORM-PRICE# price range as I ' m on a bit of a budget .",
+ "I need a place to eat with a #RESTAURANT-INFORM-PRICE# price .",
+ "I need a #RESTAURANT-INFORM-PRICE# price range for three people",
+ "A #RESTAURANT-INFORM-PRICE# price range .",
+ "Is this restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "It 's a special occasion , so let 's go with something #RESTAURANT-INFORM-PRICE# .",
+ "It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "a #RESTAURANT-INFORM-PRICE# place , please",
+ "Sure , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I would like to find something #RESTAURANT-INFORM-PRICE# . Is Charlie Chan cheap ?",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# one please .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking an #RESTAURANT-INFORM-PRICE# restaurant in the center .",
+ "Can you suggest one that has an #RESTAURANT-INFORM-PRICE# price range , please ?",
+ "Yes , I would like the one in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Lets try European food in the #RESTAURANT-INFORM-PRICE# price range in the northern part of town again .",
+ "I am looking for a local , #RESTAURANT-INFORM-PRICE# place to eat .",
+ "I prefer something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am heading to Cambridge soon and am looking to find a nice #RESTAURANT-INFORM-PRICE# restaurant to eat at .",
+ "Yes , find me a #RESTAURANT-INFORM-PRICE# place to eat in the center",
+ "Not really- what about a #RESTAURANT-INFORM-PRICE# restaurant ? What are my choices ?",
+ "Is the price range for Stazione restaurant #RESTAURANT-INFORM-PRICE# ?",
+ "I want something #RESTAURANT-INFORM-PRICE# .",
+ "I 'd like to dine at an #RESTAURANT-INFORM-PRICE# restaurant in the city center .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurant that serves American , anywhere in the city ?",
+ "I would prefer a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I would like for that to be #RESTAURANT-INFORM-PRICE# as well .",
+ "Yes hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# place to dine .",
+ "I would like one in the #RESTAURANT-INFORM-PRICE# range please",
+ "Yes , I ' m looking for a very nice , #RESTAURANT-INFORM-PRICE# place .",
+ "I am also looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the same area as the attraction .",
+ "Thank you ! Is one of them an #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "Help me find an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "how about a #RESTAURANT-INFORM-PRICE# one ?",
+ "Hi , I need a really #RESTAURANT-INFORM-PRICE# restaurant .",
+ "What do you have that is #RESTAURANT-INFORM-PRICE# ?",
+ "That sounds good , is it in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would like #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I would like a restaurant that serves eritrean food and in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "yes #RESTAURANT-INFORM-PRICE# restaurant please",
+ "Maybe . Is that restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Yes , are there any Weish restaurants in the #RESTAURANT-INFORM-PRICE# price range that are in north Cambridge ?",
+ "What about something in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I need help finding a #RESTAURANT-INFORM-PRICE# restaurant",
+ "I would like something #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced restaurant while I am visiting .",
+ "Hmm , I do n't want to scrape the bottom of the barrel . Maybe something #RESTAURANT-INFORM-PRICE# but not too cheap .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# price range , please .",
+ "Actually , I have heard about the great local restaurants . I am looking for something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I want something #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for something on the #RESTAURANT-INFORM-PRICE# side , please , although I 'd like to get good value for the money .",
+ "I need 3 rooms for nights in a #RESTAURANT-INFORM-PRICE# hotel",
+ "Is that restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Out of the 5 , how many are #RESTAURANT-INFORM-PRICE# ? I would like an expensive restaurant location does n't matter to much .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced restaurant",
+ "Thank you , I would prefer the #RESTAURANT-INFORM-PRICE# price range , does that fall in that range ?",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# place . Is there anything like that ?",
+ "I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant near the hotel . Can you help with that ?",
+ "Hello , I ' m looking for some #RESTAURANT-INFORM-PRICE# restaurant recommendations .",
+ "I think I would like to be in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes I am looking for an oriental restaurant that is relatively #RESTAURANT-INFORM-PRICE# . Any suggestions ?",
+ "I am looking for something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "As long as it is in the #RESTAURANT-INFORM-PRICE# price range , I am open to your recommendation .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# one , I do n't want to spend too much on food , I want to bring back as many knick - knacks as possible .",
+ "I need something in the #RESTAURANT-INFORM-PRICE# price range , please .",
+ "I would like it on the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes I would like it to be #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to eat .",
+ "No particular type of food but I need it in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# place to eat please .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# one , please .",
+ "Is this restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# cantonese restaurants in town ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "as #RESTAURANT-INFORM-PRICE# as possible",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I would love some help finding a nice restaurant to take my wife to . Something #RESTAURANT-INFORM-PRICE# .",
+ "Yes I am looking for an #RESTAURANT-INFORM-PRICE# place to eat that is located in the city center .",
+ "I would prefer something in the #RESTAURANT-INFORM-PRICE# range .",
+ "Just something #RESTAURANT-INFORM-PRICE# , if you pay enough I ' m sure the food is good regardless of the cuisine .",
+ "Actually , could you help me find a place to eat ? I ' m looking for something #RESTAURANT-INFORM-PRICE# near All Saints .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant to go to .",
+ "Thanks for booking the lodging . Would you help with a restaurant ? I want to dine in the center at a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I need a place to eat that is #RESTAURANT-INFORM-PRICE# .",
+ "I am also looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like to eat in the Center of town at a #RESTAURANT-INFORM-PRICE# place .",
+ "It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m interested in a #RESTAURANT-INFORM-PRICE# place . What can you tell me about those ?",
+ "No , what type of #RESTAURANT-INFORM-PRICE# restaurants are there ?",
+ "Thank you , the restaurant should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need a #RESTAURANT-INFORM-PRICE# priced Jamican restaurant .",
+ "I am looking for something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Is it #RESTAURANT-INFORM-PRICE# ? I would like an expensive restaurant .",
+ "Yeah , I want an #RESTAURANT-INFORM-PRICE# place .",
+ "I prefer the #RESTAURANT-INFORM-PRICE# price range .",
+ "I want one in the #RESTAURANT-INFORM-PRICE# range .",
+ "I do n't have a preference of area as long as it 's an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant for us to eat at . Some place nice .",
+ "I am open to suggestions . I just would prefer it to be in the #RESTAURANT-INFORM-PRICE# range .",
+ "I want something #RESTAURANT-INFORM-PRICE# .",
+ "I ' m trying to find a #RESTAURANT-INFORM-PRICE# Asian restaurant to have dinner at tonight . What kind of options are available for me ?",
+ "Yes , actually . Is there one that is #RESTAURANT-INFORM-PRICE# ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-PRICE# price range . Can you find one ?",
+ "Yes what kind of #RESTAURANT-INFORM-PRICE# restaurants are near the hotel ?",
+ "Yes , I need the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I 'd like something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes . It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like something #RESTAURANT-INFORM-PRICE# please ?",
+ "I ' m also looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I do n't care , as long as it 's really #RESTAURANT-INFORM-PRICE# .",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant",
+ "No , just as long as it is in the #RESTAURANT-INFORM-PRICE# range would be good .",
+ "No . I would like an #RESTAURANT-INFORM-PRICE# restaurant , though .",
+ "How about the #RESTAURANT-INFORM-PRICE# priced one ?",
+ "I would like the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like the restaurant to be in the #RESTAURANT-INFORM-PRICE# price range . Can you narrow it down ?",
+ "What kind of #RESTAURANT-INFORM-PRICE# restaurants are in the center of town ?",
+ "I need a place to eat that is #RESTAURANT-INFORM-PRICE# .",
+ "Sorry I messed up before . I actually did want an #RESTAURANT-INFORM-PRICE# restaurant . Is Kitchen and Bar expensive ?",
+ "I ' m looking for something #RESTAURANT-INFORM-PRICE# , I ' m on a budget .",
+ "I am in the past of town . Can you recommend a restaurant in a #RESTAURANT-INFORM-PRICE# priced range ?",
+ "No , I do n't really care . I ' m just looking for something #RESTAURANT-INFORM-PRICE# that is nearby .",
+ "Which one is #RESTAURANT-INFORM-PRICE# ?",
+ "Something in the #RESTAURANT-INFORM-PRICE# price range would be good .",
+ "I am open to any suggestion , but I am looking for a fancy #RESTAURANT-INFORM-PRICE# restaurant . What would you suggest ?",
+ "I am looking for a place to eat that 's #RESTAURANT-INFORM-PRICE# . Can you help me ?",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant . Something that is impressive in the same area of the hotel . Can you find one for me ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to eat .",
+ "Could you check again for an #RESTAURANT-INFORM-PRICE# one ?",
+ "Thanks ! I ' m also looking for a place to dine in the center that 's #RESTAURANT-INFORM-PRICE# .",
+ "I would like a place to eat in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Do you have any #RESTAURANT-INFORM-PRICE# restaurants ?",
+ "Very , very insanely #RESTAURANT-INFORM-PRICE# , money is no object .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes I 'd like one in the #RESTAURANT-INFORM-PRICE# range . If there 's more than one whichever you recommend will be fine .",
+ "Yes actually , can we find something in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I 'll take something that is #RESTAURANT-INFORM-PRICE# .",
+ "I would like it to be #RESTAURANT-INFORM-PRICE# .",
+ "Yes , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "I would like #RESTAURANT-INFORM-PRICE# pricing .",
+ "I 'd still prefer to keep it in the #RESTAURANT-INFORM-PRICE# price range if possible",
+ "I #RESTAURANT-INFORM-PRICE# .",
+ "Do you have anything #RESTAURANT-INFORM-PRICE# ?",
+ "A #RESTAURANT-INFORM-PRICE# option please .",
+ "Also want to find some place to eat . West part of town with an #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for something sort of on the #RESTAURANT-INFORM-PRICE# side .",
+ "I need it in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant ."
+ ],
+ "Food;": [
+ "How about #RESTAURANT-INFORM-FOOD# .",
+ "Yes , are there any #RESTAURANT-INFORM-FOOD# restaurants in the center of town ?",
+ "Hmm , I 'll try #RESTAURANT-INFORM-FOOD# instead .",
+ "I 'd like to find a #RESTAURANT-INFORM-FOOD# restaurant , if possible .",
+ "Do you have #RESTAURANT-INFORM-FOOD# food ? That sounds really good .",
+ "Yes . This restaurant should serve #RESTAURANT-INFORM-FOOD# food too .",
+ "I ' m visiting Cambridge and would like some suggestions for an upscale restaurant which serves #RESTAURANT-INFORM-FOOD# cuisine .",
+ "Yes , how about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food please .",
+ "Is there another restaurant in that area with #RESTAURANT-INFORM-FOOD# food ?",
+ "yes , can you please check for a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Do any of them specialize in #RESTAURANT-INFORM-FOOD# ?",
+ "Yes #RESTAURANT-INFORM-FOOD# food .",
+ "I want a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m independently wealthy and price does n't matter , I am interested more in #RESTAURANT-INFORM-FOOD# food , do you have any with that ?",
+ "sorry but i wanted #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "can i have an #RESTAURANT-INFORM-FOOD# restaurant instead ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "What about #RESTAURANT-INFORM-FOOD# foods ?",
+ "How about one serving #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "Is there anything in the area for #RESTAURANT-INFORM-FOOD# food ?",
+ "There are no restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Why do n't we try #RESTAURANT-INFORM-FOOD# food instead",
+ "I would like to try #RESTAURANT-INFORM-FOOD# food in the north part of town .",
+ "Let 's try #RESTAURANT-INFORM-FOOD# food .",
+ "I need one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I was thinking about #RESTAURANT-INFORM-FOOD# food",
+ "My boyfriend really likes #RESTAURANT-INFORM-FOOD# food . Would you have anything that offers that ?",
+ "Oh wow . That 's too bad . How about a good #RESTAURANT-INFORM-FOOD# place ?",
+ "How about #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I would love to find a good #RESTAURANT-INFORM-FOOD# place in the centre of town .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Ooh , #RESTAURANT-INFORM-FOOD# sounds interesting . What have you got ?",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ? Is there anything like that ?",
+ "Sure , can we try #RESTAURANT-INFORM-FOOD# food ?",
+ "How about a #RESTAURANT-INFORM-FOOD# place then ?",
+ "I ' m looking for a place near the center of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , how about #RESTAURANT-INFORM-FOOD# food",
+ "iam looking for something #RESTAURANT-INFORM-FOOD# and not so expensive restaurant .",
+ "Yes , I was hoping for #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Really interested in #RESTAURANT-INFORM-FOOD# type food if possible .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like a cuisine of #RESTAURANT-INFORM-FOOD# .",
+ "How about on that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants with moderate cost nearby there ?",
+ "My husband 's family will be with us for a birthday dinner , so how about Italian . They are from an #RESTAURANT-INFORM-FOOD# family .",
+ "I would like to look for one that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "Yes , I would like to try #RESTAURANT-INFORM-FOOD# food .",
+ "Can you see if there are any that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "What about a restaurant that serves just #RESTAURANT-INFORM-FOOD# food ?",
+ "yes . it should be cheap and serve #RESTAURANT-INFORM-FOOD# food .",
+ "Sure . I 'd like #RESTAURANT-INFORM-FOOD# food please .",
+ "what are the two expensive #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food around ?",
+ "Thank you . Do you have any good #RESTAURANT-INFORM-FOOD# restaurants listed ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food . Do you see anything for that ?",
+ "Well , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Cheap #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I just want it to be south #RESTAURANT-INFORM-FOOD# food . I do n't mind what area it 's in .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Okay , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food instead ?",
+ "Hmm ... let me think . Let 's try maybe something #RESTAURANT-INFORM-FOOD# instead .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a high scale #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I 'd like to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant , please .",
+ "How about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes do you have #RESTAURANT-INFORM-FOOD# type food ?",
+ "i want somewhere that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How abou #RESTAURANT-INFORM-FOOD# food",
+ "Thank you . I would really like #RESTAURANT-INFORM-FOOD# food if possible .",
+ "I would like on that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a restaurant in any part of town and serves #RESTAURANT-INFORM-FOOD# .",
+ "Okay what about #RESTAURANT-INFORM-FOOD# cuisine then ?",
+ "Hi , I ' m looking for a place to eat some #RESTAURANT-INFORM-FOOD# food .",
+ "Is there any #RESTAURANT-INFORM-FOOD# restaurants around ?",
+ "Yes , I am looking for a #RESTAURANT-INFORM-FOOD# near the hotel .",
+ "How about one with #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants in town ?",
+ "No I #RESTAURANT-INFORM-FOOD# about the type of cuisine .",
+ "Yes something creative and #RESTAURANT-INFORM-FOOD# .",
+ "If you are n't able to find creative food , how about an #RESTAURANT-INFORM-FOOD# one instead ?",
+ "Can you tell me if there are any restuarants in the west side that have #RESTAURANT-INFORM-FOOD# food ?",
+ "yes , how about #RESTAURANT-INFORM-FOOD# food ? , thanks for checking .",
+ "I ' m hoping to have some #RESTAURANT-INFORM-FOOD# food .",
+ "I was thinking maybe trying something #RESTAURANT-INFORM-FOOD# .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "no thanks , i ' m also looking for an #RESTAURANT-INFORM-FOOD# restaurant",
+ "I want a #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "What about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to find a restaurant serves #RESTAURANT-INFORM-FOOD# food please .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the same part of town as the hotel . What 's around ?",
+ "i will do #RESTAURANT-INFORM-FOOD# food",
+ "Actually , could you look up some #RESTAURANT-INFORM-FOOD# restaurants instead ?",
+ "Yes , are there are restaurants with #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "Yes , is there another restaurant serving #RESTAURANT-INFORM-FOOD# food that you can recommend ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Bummer ! I guess I 'll try some #RESTAURANT-INFORM-FOOD# food then",
+ "How about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "Then how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Try #RESTAURANT-INFORM-FOOD# food , please .",
+ "Do you have anything that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to eat #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Okay how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Hi . I would like help finding an #RESTAURANT-INFORM-FOOD# restaurant to eat at .",
+ "How about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "in that case what about #RESTAURANT-INFORM-FOOD# ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like them to serve #RESTAURANT-INFORM-FOOD# food .",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd like an #RESTAURANT-INFORM-FOOD# place , thanks .",
+ "Thanks . Is there a #RESTAURANT-INFORM-FOOD# restaurant near the church I can eat at ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# ?",
+ "thanks ! i ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "You can look for #RESTAURANT-INFORM-FOOD# restaurants .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Can i have a #RESTAURANT-INFORM-FOOD# restaurant instead ?",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant in the same area , same price range ?",
+ "I do n't have a specific restaurant in mind . I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Could you help me find a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would like a restaurant that also serves #RESTAURANT-INFORM-FOOD# food please .",
+ "what about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant that is high end #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food then ?",
+ "Sure . also could you help me find a restaurant serving #RESTAURANT-INFORM-FOOD# food in the same part of town ?",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like to try some #RESTAURANT-INFORM-FOOD# food while I am visiting cambridge .",
+ "Can you recommend a place that services #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# , in the center of the town .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant in the center that serves #RESTAURANT-INFORM-FOOD# food .",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "That 's pretty offensive to call Asian oriental #RESTAURANT-INFORM-FOOD# . I ' m looking for a restaurant that serves food labelled as unusual .",
+ "What about #RESTAURANT-INFORM-FOOD# in any part of town ?",
+ "How about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Do they serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like it to serve food from #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , how about something that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I also need a restaurant in the center of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Lets go with #RESTAURANT-INFORM-FOOD# food . He likes chinese just as much . Can you recommend one in the centre ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a dining establishment that serves #RESTAURANT-INFORM-FOOD# , in the center of town .",
+ "Are there any restaurants that have #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I would like #RESTAURANT-INFORM-FOOD# food .",
+ "Yes could you search for #RESTAURANT-INFORM-FOOD# food instead ?",
+ "Aww , too bad . Well , how about something in a good #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I ' m starving and will only be satisfied with some #RESTAURANT-INFORM-FOOD# food , please !",
+ "Okay . That 's fine . Can you find me one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yeah , how about a #RESTAURANT-INFORM-FOOD# then ?",
+ "Yes i am looking for one that serves #RESTAURANT-INFORM-FOOD# .",
+ "yes , #RESTAURANT-INFORM-FOOD# food",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Then how about somewhere serving #RESTAURANT-INFORM-FOOD# food ?",
+ "I was thinking #RESTAURANT-INFORM-FOOD# food",
+ "Is the food there #RESTAURANT-INFORM-FOOD# ?",
+ "can you suggest me some #RESTAURANT-INFORM-FOOD# ones ?",
+ "Do any serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Thanks . I was also wondering about restaurants . Any chance there are places that serve #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "I 'd like #RESTAURANT-INFORM-FOOD# food , please .",
+ "The #RESTAURANT-INFORM-FOOD# place could work .",
+ "How about #RESTAURANT-INFORM-FOOD# cuisine then ?",
+ "I am thinking I would like to try some #RESTAURANT-INFORM-FOOD# food while I am in town .",
+ "Ok , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m in the mood for #RESTAURANT-INFORM-FOOD# food . Which is your favorite ?",
+ "What about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food around the same area as the hotel",
+ "Can you try #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I would #RESTAURANT-INFORM-FOOD# please .",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "looking for #RESTAURANT-INFORM-FOOD# food",
+ "Yes , need a #RESTAURANT-INFORM-FOOD# food restaurant in the same area and price range as the hotel .",
+ "Hello , I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Can we search for one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Can i have the #RESTAURANT-INFORM-FOOD# type of food then ?",
+ "Can you just verify , is there an #RESTAURANT-INFORM-FOOD# restaurant in the south or no ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am also looking to eat out . Center of town , #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "what about #RESTAURANT-INFORM-FOOD# food ?",
+ "Sure , can you look up #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I need help finding a book on #RESTAURANT-INFORM-FOOD# food",
+ "Great , thanks . Can you also help me find a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "How about #RESTAURANT-INFORM-FOOD# food , please ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "is there a #RESTAURANT-INFORM-FOOD# food restaurant ?",
+ "I am looking to eat at a #RESTAURANT-INFORM-FOOD# .",
+ "Yes , is there any #RESTAURANT-INFORM-FOOD# in the area ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I would like a #RESTAURANT-INFORM-FOOD# then if you have one open .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Hi , can you recommend an inexpensive #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "need a restaurant serving #RESTAURANT-INFORM-FOOD# style venue",
+ "i want some #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Get me a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "yes i would like #RESTAURANT-INFORM-FOOD# food",
+ "Does it serve #RESTAURANT-INFORM-FOOD# food ?",
+ "A restaurant that serves #RESTAURANT-INFORM-FOOD# food will be fine .",
+ "Do you have any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "how about one with #RESTAURANT-INFORM-FOOD# food ?",
+ "What an interesting name ! Hmm , what do you have in the way of #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Hello . I need to find a place that serves #RESTAURANT-INFORM-FOOD# food in the city .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes - are there any restaurants serving #RESTAURANT-INFORM-FOOD# cuisine that are located in the center of town ?",
+ "What about the other restaurant that serves #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "Is there any #RESTAURANT-INFORM-FOOD# food around me right now ?",
+ "do they serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you look up #RESTAURANT-INFORM-FOOD# food please ?",
+ "How about a place that serves #RESTAURANT-INFORM-FOOD# ?",
+ "Aww , that 's too bad . Do you have any that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to find a place that serves #RESTAURANT-INFORM-FOOD# food .",
+ "OK . Is there anything for #RESTAURANT-INFORM-FOOD# food ?",
+ "How about on one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , please and one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Actually , let 's try another kind of food . How about #RESTAURANT-INFORM-FOOD# ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "how about modern #RESTAURANT-INFORM-FOOD# food then ?",
+ "Is there any restaurants that have #RESTAURANT-INFORM-FOOD# type of food ?",
+ "I would like a \" #RESTAURANT-INFORM-FOOD# bite \" .",
+ "Yes , search for #RESTAURANT-INFORM-FOOD# food instead then please .",
+ "I would love to try some #RESTAURANT-INFORM-FOOD# food while I am there . Could you help me find a restaurant ?",
+ "I guess so . I guess maybe a good #RESTAURANT-INFORM-FOOD# place would work .",
+ "How about one with #RESTAURANT-INFORM-FOOD# food ?",
+ "Another #RESTAURANT-INFORM-FOOD# restaurant will due , and I 'll need my reference number too please .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "can i find one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Somewhere that serves #RESTAURANT-INFORM-FOOD# , please",
+ "Hm is there a cheap #RESTAURANT-INFORM-FOOD# food restaurant anywhere in cambridge ?",
+ "I ' m looking for a restaurant that serves traditional #RESTAURANT-INFORM-FOOD# food , that 's not too expensive or too cheap .",
+ "Do you have anything that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "What about #RESTAURANT-INFORM-FOOD# ?",
+ "Why do n't you try #RESTAURANT-INFORM-FOOD# food .",
+ "I would like the restaurant to serve #RESTAURANT-INFORM-FOOD# food .",
+ "Can you try a #RESTAURANT-INFORM-FOOD# restaurant in the same price range and area ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant then ?",
+ "Perhaps a #RESTAURANT-INFORM-FOOD# ?",
+ "Can you find me a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Yes , a restaurant serving #RESTAURANT-INFORM-FOOD# food would be good .",
+ "I need a place to eat that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# .",
+ "I would like to book a meal at a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "No , I ' m not really particular about the price . Any #RESTAURANT-INFORM-FOOD# restaurant would be great .",
+ "Can I have more information on #RESTAURANT-INFORM-FOOD# ?",
+ "Are there any there serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m actually looking for some #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a place to eat . I want expensive #RESTAURANT-INFORM-FOOD# food . Can you help ?",
+ "Okay , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food",
+ "What about something that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I ' m looking for #RESTAURANT-INFORM-FOOD# food .",
+ "i ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant",
+ "What about a #RESTAURANT-INFORM-FOOD# ?",
+ "Sure , can you try to find a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I want a place with #RESTAURANT-INFORM-FOOD# food .",
+ "Can you please search for #RESTAURANT-INFORM-FOOD# food .",
+ "no but how about one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I also need a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am also looking for a place to eat , in the same price range as my hotel and preferably #RESTAURANT-INFORM-FOOD# food .",
+ "I want #RESTAURANT-INFORM-FOOD# food .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Yes I would like #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd really like to take my client out to a nice restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# ? I love pasta .",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "how about #RESTAURANT-INFORM-FOOD# ?",
+ "i #RESTAURANT-INFORM-FOOD# what type of food it is .",
+ "Can you recommend some #RESTAURANT-INFORM-FOOD# food in Cambridge please ?",
+ "I ' m looking for a restaurant serves #RESTAURANT-INFORM-FOOD# food . Are there any nearby ?",
+ "I would like #RESTAURANT-INFORM-FOOD# , please .",
+ "I need a place to dine on expensive #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m interested in #RESTAURANT-INFORM-FOOD# food .",
+ "I am interested in #RESTAURANT-INFORM-FOOD# food .",
+ "Great , can you find a #RESTAURANT-INFORM-FOOD# restaurant for me to eat at ?",
+ "I would like a a decent #RESTAURANT-INFORM-FOOD# restaurant",
+ "Yes , I am looking for a restaurant that offers #RESTAURANT-INFORM-FOOD# options .",
+ "How about someplace with #RESTAURANT-INFORM-FOOD# food ?",
+ "We are looking for #RESTAURANT-INFORM-FOOD# food .",
+ "I really have a craving for some good #RESTAURANT-INFORM-FOOD# food . Can you suggest a place ?",
+ "Does this restaurant serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Can you try #RESTAURANT-INFORM-FOOD# ?",
+ "It 's our anniversary and my wife loves #RESTAURANT-INFORM-FOOD# food . I want it to be special , so maybe something expensive .",
+ "I want one that serves #RESTAURANT-INFORM-FOOD# .",
+ "I am actually looking to eat #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-FOOD# food please ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Where can I find #RESTAURANT-INFORM-FOOD# food ?",
+ "Ok , can you give me more information on the #RESTAURANT-INFORM-FOOD# restaurant .",
+ "One that serves #RESTAURANT-INFORM-FOOD# food .",
+ "No , I really need it for that time and area . Maybe the #RESTAURANT-INFORM-FOOD# restaurant if it is in the same price range ?",
+ "I would like to eat #RESTAURANT-INFORM-FOOD# food please .",
+ "Thanks . Can you look for a restaurant that serves #RESTAURANT-INFORM-FOOD# food . It sounds good .",
+ "I was really looking for a #RESTAURANT-INFORM-FOOD# cuisine ? Is that available there ? If so can you book a table for four ?",
+ "Do any of those places serve #RESTAURANT-INFORM-FOOD# food ? I ' m in the mood for polenta !",
+ "Do any of those places serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I would like #RESTAURANT-INFORM-FOOD# food .",
+ "I would love some #RESTAURANT-INFORM-FOOD# food .",
+ "I #RESTAURANT-INFORM-FOOD# what type of food it is .",
+ "I would like one serving #RESTAURANT-INFORM-FOOD# food , possible .",
+ "I ' m looking for something serving #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any with #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Hi there . I am hoping you could help me find a #RESTAURANT-INFORM-FOOD# restaurant in town .",
+ "Yes , I would like #RESTAURANT-INFORM-FOOD# food please .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Yes can you check for #RESTAURANT-INFORM-FOOD# please ?",
+ "Sorry , I ' m actually looking for #RESTAURANT-INFORM-FOOD# food .",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , are there options for #RESTAURANT-INFORM-FOOD# ?",
+ "is there one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m sorry , I said Italian but I really wanted #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant , please .",
+ "Area of town does n't matter , but I would like to try #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food !",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I changed my mind . Could you find a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Thanks I also need a restaurant in the cheap price range serving #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant with #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I m looking for an #RESTAURANT-INFORM-FOOD# restaurant . I also need it to be near the center of town .",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I would like to try #RESTAURANT-INFORM-FOOD# food",
+ "Ok , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Hi , I ' m looking for a local upscale #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Yes , can you find a #RESTAURANT-INFORM-FOOD# restaurant near the hotel , please ?",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "No , in that case I think I would prefer to try a place that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Yes , as long as it serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I was thinking more on the lines of #RESTAURANT-INFORM-FOOD# food . Do you have any listings for that ?",
+ "Could you check fr #RESTAURANT-INFORM-FOOD# please ?",
+ "Okay . What about one that serves #RESTAURANT-INFORM-FOOD# instead ?",
+ "I ca n't change the location but I can eat #RESTAURANT-INFORM-FOOD# food instead . Is that an option ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food in the same parameters ?",
+ "Are any of them #RESTAURANT-INFORM-FOOD# food ?",
+ "I do n't have a price range but I am looking for #RESTAURANT-INFORM-FOOD# cuisine . Is that possible ?",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant instead ?",
+ "I ' m looking for some #RESTAURANT-INFORM-FOOD# food around here .",
+ "Ok , let 's try to find an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Yes an you search for #RESTAURANT-INFORM-FOOD# food ?",
+ "i want something with #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , how about #RESTAURANT-INFORM-FOOD# food instead .",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food .",
+ "I would like to try #RESTAURANT-INFORM-FOOD# food then .",
+ "Well , that is disappointing but maybe we could try #RESTAURANT-INFORM-FOOD# .",
+ "hmm find me something #RESTAURANT-INFORM-FOOD# then",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food . Do you show something cheap in the center ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I want a restaurant that serves #RESTAURANT-INFORM-FOOD# cuisine .",
+ "I am actually looking for a lively #RESTAURANT-INFORM-FOOD# .",
+ "I would like a #RESTAURANT-INFORM-FOOD# place .",
+ "I need to place to eat , say , in the center of the town with some #RESTAURANT-INFORM-FOOD# food .",
+ "I also need a restaurant that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , i would like to find a #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "I ' m hoping to find a #RESTAURANT-INFORM-FOOD# restaurant in Cambridge .",
+ "Can you search for one that has #RESTAURANT-INFORM-FOOD# food then ?",
+ "Well , let 's try the #RESTAURANT-INFORM-FOOD# food instead .",
+ "How about #RESTAURANT-INFORM-FOOD# instead ?",
+ "Is there any #RESTAURANT-INFORM-FOOD# food in Cambridge ?",
+ "Okay , what about #RESTAURANT-INFORM-FOOD# food ?",
+ "I want a restaurant with #RESTAURANT-INFORM-FOOD# food please .",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "I want to try #RESTAURANT-INFORM-FOOD# food wherever it may be .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "Lets try some #RESTAURANT-INFORM-FOOD# food ?",
+ "Ok , well how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Let 's do #RESTAURANT-INFORM-FOOD# food , please .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I need a restaurant that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "I was really hoping to try some #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking to eat some #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# restaurants please ?",
+ "I would like a cheap #RESTAURANT-INFORM-FOOD# place .",
+ "I want a place to eat that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# .",
+ "can i have a #RESTAURANT-INFORM-FOOD# food instead ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# places around the hotel ?",
+ "Alright . Can you find me an #RESTAURANT-INFORM-FOOD# food restaurant instead ?",
+ "Yes , I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I would really like #RESTAURANT-INFORM-FOOD# food please",
+ "I need a #RESTAURANT-INFORM-FOOD# restaurant",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "You know , I ' m feeling like #RESTAURANT-INFORM-FOOD# . What do you have ?",
+ "I am also looking for a restaurant , maybe with #RESTAURANT-INFORM-FOOD# food ?",
+ "What about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "No , I would like to dine in the north , but can you search for #RESTAURANT-INFORM-FOOD# food instead ?",
+ "There 's nothing that serves #RESTAURANT-INFORM-FOOD# food in the cheap price range in the centre of town ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "I ' m looking for a restaurant with #RESTAURANT-INFORM-FOOD# food .",
+ "How about a good #RESTAURANT-INFORM-FOOD# place ?",
+ "how about a #RESTAURANT-INFORM-FOOD# one ?",
+ "Are there any that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to have some #RESTAURANT-INFORM-FOOD# food .",
+ "Great . I also need a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for an affordable #RESTAURANT-INFORM-FOOD# restaurant .",
+ "looking for #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yeah , I ' m going to be looking for some #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m sorry to be a bother . Instead of that reservation , I would be ok with #RESTAURANT-INFORM-FOOD# food . Is there a British place in the centre ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Hmmm ... how about a #RESTAURANT-INFORM-FOOD# instead ?",
+ "I would like to try #RESTAURANT-INFORM-FOOD# food . Can you help me find one ?",
+ "how about #RESTAURANT-INFORM-FOOD# ?",
+ "What about a restaurant there that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "That 's great ! Can you see if one of them serves #RESTAURANT-INFORM-FOOD# food , please ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "Thank you . Did you locate a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Somewhere that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "Maybe later . What about a restaurant that serves #RESTAURANT-INFORM-FOOD# food with the same specifications ?",
+ "Can you help me find some #RESTAURANT-INFORM-FOOD# food in Cambridge ?",
+ "Yes , I would be interested in one that serves #RESTAURANT-INFORM-FOOD# food . Where would you recommend ?",
+ "Find me a place to dine on some cheap foods from #RESTAURANT-INFORM-FOOD# please .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , #RESTAURANT-INFORM-FOOD# food would be nice .",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hmmm , I ' m hungry for some #RESTAURANT-INFORM-FOOD# food ... Have anything like that ?",
+ "yes please , is there any restaurant serve #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "That 's fine . Can you find me a #RESTAURANT-INFORM-FOOD# restaurant in the same area ?",
+ "I want #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , let 's try #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any good #RESTAURANT-INFORM-FOOD# restaurants in the city ?",
+ "i will try #RESTAURANT-INFORM-FOOD# food",
+ "Thanks , could you also recommend could you help you help me find a place with #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Boo . I guess I would be able to try a #RESTAURANT-INFORM-FOOD# food restaurant ?",
+ "Are there any serving #RESTAURANT-INFORM-FOOD# cuisine in the same area and price range ?",
+ "Let 's try #RESTAURANT-INFORM-FOOD# , please",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# .",
+ "A #RESTAURANT-INFORM-FOOD# sounds great .",
+ "I actually need a place serving #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food then ?",
+ "Ooh , #RESTAURANT-INFORM-FOOD# , please .",
+ "Please find a cheap place to eat that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any #RESTAURANT-INFORM-FOOD# food restaurants ?",
+ "Can you find something with #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I am really looking for #RESTAURANT-INFORM-FOOD# food .",
+ "Yes . I also need to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "What about one that serves #RESTAURANT-INFORM-FOOD# dood ?",
+ "Hello , I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a place to eat in the centere of town in the expensive price range serving #RESTAURANT-INFORM-FOOD# food .",
+ "Ok , how about one serving #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to eat someplace with #RESTAURANT-INFORM-FOOD# food . Price is no object . What can you suggest ?",
+ "Ok , what about #RESTAURANT-INFORM-FOOD# food ?",
+ "I want a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I would like a #RESTAURANT-INFORM-FOOD# food restaurant nearby also .",
+ "I like #RESTAURANT-INFORM-FOOD# also . Are there any in that area ?",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about one in the same location with #RESTAURANT-INFORM-FOOD# food ?",
+ "Great ! Can you also tell me if there are any #RESTAURANT-INFORM-FOOD# restaurants in town , preferably in the center ?",
+ "I want to find a restaurant in any part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any places that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a place to eat #RESTAURANT-INFORM-FOOD# food",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m trying to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food . Can you recommend anything ?",
+ "What is the postcode for that ? I am also looking for an #RESTAURANT-INFORM-FOOD# restaurant near the nightclub , are there any ?",
+ "how about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "It 's a #RESTAURANT-INFORM-FOOD# restaurant , Two Two , I believe .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in town .",
+ "How about #RESTAURANT-INFORM-FOOD# food instead ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "What about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "A restaurant that serves #RESTAURANT-INFORM-FOOD# food . I also need a train that departs from bishop storford and goes to cambrdige .",
+ "Darn . How about trying a #RESTAURANT-INFORM-FOOD# place ?",
+ "Hi ! Are there any #RESTAURANT-INFORM-FOOD# restaurants in the center of town ?",
+ "I would like #RESTAURANT-INFORM-FOOD# .",
+ "What about #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you see if there are any expensive #RESTAURANT-INFORM-FOOD# food ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food",
+ "Oh well , no goulash or Chicken Paprika for me . :( Mexican is always a good standby , any #RESTAURANT-INFORM-FOOD# palces around there ?",
+ "I want to eat fine #RESTAURANT-INFORM-FOOD# food .",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food",
+ "No problem . How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Is there one that serves #RESTAURANT-INFORM-FOOD# ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Do the serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Oh okay . I must have been mistaken . Let 's try something that has #RESTAURANT-INFORM-FOOD# , is expensive and in the centre of town .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant in the center ?",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Why do n't we try for #RESTAURANT-INFORM-FOOD# food instead",
+ "I would love some eastern #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Hello , I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Ok , well thank you for trying . Can you see if there is anything with the same criteria but for #RESTAURANT-INFORM-FOOD# food ?",
+ "I said , #RESTAURANT-INFORM-FOOD# food please .",
+ "do you have some places that serve #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Do any of them serve #RESTAURANT-INFORM-FOOD# food ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you check for #RESTAURANT-INFORM-FOOD# food instead ?",
+ "Let 's go with #RESTAURANT-INFORM-FOOD# .",
+ "Can you list places for #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant the serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# .",
+ "Well , I guess I would like to try #RESTAURANT-INFORM-FOOD# food if you have that .",
+ "Are there any that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I would really love to have some #RESTAURANT-INFORM-FOOD# food while I am in town .",
+ "ok I need a place to eat that serves #RESTAURANT-INFORM-FOOD# food",
+ "i do n't mind where it is as long as they have #RESTAURANT-INFORM-FOOD# food .",
+ "Could you look for an #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant then .",
+ "That 's ok . Is there an #RESTAURANT-INFORM-FOOD# restaurant instead ?",
+ "I ' m also need a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "i want some #RESTAURANT-INFORM-FOOD# food .",
+ "Okay , can you search for #RESTAURANT-INFORM-FOOD# food instead then ?",
+ "I was looking for a #RESTAURANT-INFORM-FOOD# place in Cambridge .",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "I really would like to try a #RESTAURANT-INFORM-FOOD# restaurant while in Cambridge .",
+ "Oh , that 's okay . How about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Oh , that 's too bad . How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Well , if you do n't have that , do you have one that serves #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# food in the expensive range in the centre .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "l am looking for a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the center .",
+ "Yes , I ' m looking for #RESTAURANT-INFORM-FOOD# .",
+ "yes #RESTAURANT-INFORM-FOOD# food",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Lets change it to #RESTAURANT-INFORM-FOOD# food , anything ?",
+ "do you have one the is #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you please try #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you please book a one bedroom at Warkwoth house and I also am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the same area .",
+ "I would also like to find a #RESTAURANT-INFORM-FOOD# restaurant",
+ "How about ones that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Is there a #RESTAURANT-INFORM-FOOD# type food available ?",
+ "i ' m looking for good #RESTAURANT-INFORM-FOOD# food , and price is no object .",
+ "Hm , I guess a #RESTAURANT-INFORM-FOOD# place would be good .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for an expensive #RESTAURANT-INFORM-FOOD# place .",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I ' m looking for a restaurant in the center of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "On second thought , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "I also need an #RESTAURANT-INFORM-FOOD# restaurant in the same price range as the hotel .",
+ "I am looking for a restaurant in Cambridge that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hello , I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the center .",
+ "Ok . How about just #RESTAURANT-INFORM-FOOD# ? Any luck there ?",
+ "Can you look for #RESTAURANT-INFORM-FOOD# restaurants please .",
+ "Are there any #RESTAURANT-INFORM-FOOD# ones ?",
+ "I ' m sorry I misread that you said north american . If there 's no modern american , then can you try #RESTAURANT-INFORM-FOOD# instead ?",
+ "what about #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you try #RESTAURANT-INFORM-FOOD# ?",
+ "Is there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Hi . Can you tell me if any restaurants in the area serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Great . Is there one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like it to be #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food anywhere in town .",
+ "No , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food ,",
+ "No , the restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for a really nice restaurant that serves #RESTAURANT-INFORM-FOOD# food . Can you help me with that ?",
+ "Sure , how about one that serves #RESTAURANT-INFORM-FOOD# food in that area .",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "what about #RESTAURANT-INFORM-FOOD# food ?",
+ "restaurant should serve #RESTAURANT-INFORM-FOOD# food is what I need",
+ "Do you have any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd like a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Then how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "No thanks , is there any #RESTAURANT-INFORM-FOOD# restaurants in the same price range and area ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Can I get a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Yes , I would prefer #RESTAURANT-INFORM-FOOD# please .",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I would prefer #RESTAURANT-INFORM-FOOD# .",
+ "Ok , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food in the area ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "how about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would like some #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for a cheap place to dine that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hmm okay can you search for #RESTAURANT-INFORM-FOOD# food instead then please ?",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Okay . How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I am actually looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a place to eat that is #RESTAURANT-INFORM-FOOD# that is in the mid price range please .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I also need a restaurant ina mdoerate range that serve #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "hmm , what about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about something that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about some #RESTAURANT-INFORM-FOOD# food ?",
+ "No thank you . i ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-FOOD# , please .",
+ "What about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about something that serves #RESTAURANT-INFORM-FOOD# ?",
+ "I do n't really care where it 's at , but I would prefer that it serve #RESTAURANT-INFORM-FOOD# food . Is there anything like that in town ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Hmm I guess I could try #RESTAURANT-INFORM-FOOD# food instead",
+ "What about one that serves #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m so hungry ! Can you find me a really great #RESTAURANT-INFORM-FOOD# restaurant ? Money is no object !",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-FOOD# food .",
+ "Ok , try the #RESTAURANT-INFORM-FOOD# food then .",
+ "I was thinking some #RESTAURANT-INFORM-FOOD# food would be great .",
+ "Could you try a restaurant that serves #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I also need a place to eat serving #RESTAURANT-INFORM-FOOD# food",
+ "No it has to be expensive . Are there any #RESTAURANT-INFORM-FOOD# places in the centre ?",
+ "I miss home a little lets try a search for #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , on second thought I would like help finding a restaurant . What do you know about #RESTAURANT-INFORM-FOOD# cuisine restaurants ?",
+ "Good eve ! I ' m looking for a nice place to have a spot of #RESTAURANT-INFORM-FOOD# .",
+ "How about expensive #RESTAURANT-INFORM-FOOD# food in the east area ?",
+ "I am interested in moderately priced #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , please . I 'd like something with some #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food please ?",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "how about #RESTAURANT-INFORM-FOOD# type of food ?",
+ "No actually , can you suggest me some #RESTAURANT-INFORM-FOOD# places ?",
+ "A #RESTAURANT-INFORM-FOOD# restaurant might be nice .",
+ "I would like a #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant . I do n't suppose you happen to have one serving #RESTAURANT-INFORM-FOOD# food ?",
+ "Do you have one that is in the moderate price range and serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-FOOD# options available ?",
+ "Well , can I get some #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "i want #RESTAURANT-INFORM-FOOD# food",
+ "I am actually looking for #RESTAURANT-INFORM-FOOD# food .",
+ "Can you try #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like to eat #RESTAURANT-INFORM-FOOD# food , please .",
+ "I want #RESTAURANT-INFORM-FOOD# food .",
+ "I need a place to eat that serves #RESTAURANT-INFORM-FOOD# food .",
+ "and serves #RESTAURANT-INFORM-FOOD# style food please",
+ "I ' m looking for a place serving #RESTAURANT-INFORM-FOOD# food somewhere in town .",
+ "I prefer something with #RESTAURANT-INFORM-FOOD# food .",
+ "could you find any restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there any other #RESTAURANT-INFORM-FOOD# restaurants in the same price range ?",
+ "It 's my wife 's birthday and I promised I 'd take her out . Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I am also looking for a good place to dine , are there any #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "What about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I 'd like a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "what about one that serves #RESTAURANT-INFORM-FOOD# food in the same side ?",
+ "Are there any restaurants serving #RESTAURANT-INFORM-FOOD# food ?",
+ "No , please stay in the centre , but lets try a #RESTAURANT-INFORM-FOOD# .",
+ "Yes , I would like #RESTAURANT-INFORM-FOOD# food please .",
+ "Oh darn it . How about one that offers #RESTAURANT-INFORM-FOOD# food ?",
+ "Then , how about a place that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you find a restaurant that serves #RESTAURANT-INFORM-FOOD# food that is nt so expensive ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food",
+ "Yeah , so that restaurant . I want something that serves #RESTAURANT-INFORM-FOOD# if possible .",
+ "Yes please try #RESTAURANT-INFORM-FOOD# food .",
+ "Well how about one that serves #RESTAURANT-INFORM-FOOD# food then ?",
+ "Well , then I really want to stay with something cheap . How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for something that offers #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I am also looking for #RESTAURANT-INFORM-FOOD# food in centre please .",
+ "I ' m looking for a restaurant in the center of town that serves food from #RESTAURANT-INFORM-FOOD# .",
+ "Can you check again to see if there are any #RESTAURANT-INFORM-FOOD# restaurants in the center of town ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I also need a place to dine serving #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food then ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "is there #RESTAURANT-INFORM-FOOD# available ?",
+ "Yes . How about a restaurant serving #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I 'd be willing to try #RESTAURANT-INFORM-FOOD# cuisine if you could find an establishment that serves it .",
+ "Yes , I am looking for #RESTAURANT-INFORM-FOOD# food .",
+ "Okay , let 's adjust the food type to #RESTAURANT-INFORM-FOOD# please",
+ "Maybe #RESTAURANT-INFORM-FOOD# ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you look for #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd really like to try #RESTAURANT-INFORM-FOOD# food - will the oak bistro be ok for that ?",
+ "Hi there . I ' m trying to impress my girlfriend and was wondering if there might be a really nice #RESTAURANT-INFORM-FOOD# restaurant in town ?",
+ "I prefer #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you look for #RESTAURANT-INFORM-FOOD# food ?",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , that would be a good idea . Can you search for one that serves #RESTAURANT-INFORM-FOOD# food for me ? Thanks a lot",
+ "Are there any #RESTAURANT-INFORM-FOOD# places ?",
+ "Darn , alright . Can we search #RESTAURANT-INFORM-FOOD# instead then please ?",
+ "Are there any restaurants in town that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any restaurants in the cenre that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "What about an #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like recommendations for #RESTAURANT-INFORM-FOOD# restaurants .",
+ "I would like to eat at an #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "Thank you . I am also looking to find a good #RESTAURANT-INFORM-FOOD# restaurant .",
+ "how about #RESTAURANT-INFORM-FOOD# food",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "how about #RESTAURANT-INFORM-FOOD# ?",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Yes can you check the same area for #RESTAURANT-INFORM-FOOD# food please ?",
+ "How about Indian food , I hear there are some good #RESTAURANT-INFORM-FOOD# places in Cambridge .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Where 's a good place to eat #RESTAURANT-INFORM-FOOD# food in Cambridge ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "i want to find an #RESTAURANT-INFORM-FOOD# restaurant",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about find me a #RESTAURANT-INFORM-FOOD# one ?",
+ "No . I said #RESTAURANT-INFORM-FOOD# food . Do yo have something ?",
+ "We would like to eat near the hotel , something #RESTAURANT-INFORM-FOOD# !",
+ "Let 's try #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I am also looking to eat some #RESTAURANT-INFORM-FOOD# food . Can you help me find a restaurant ?",
+ "I am not looking for British , I am looking for #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like a #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "alright then . how about #RESTAURANT-INFORM-FOOD# ?",
+ "Hello , I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Ok , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about one with #RESTAURANT-INFORM-FOOD# food ?",
+ "Thank you . Yes . I am also looking for an #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I ' m looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Hmmm ... #RESTAURANT-INFORM-FOOD# is sounding pretty good right now .",
+ "What about #RESTAURANT-INFORM-FOOD# food ?",
+ "You know , I 'd really like to try #RESTAURANT-INFORM-FOOD# food .",
+ "How about some #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for #RESTAURANT-INFORM-FOOD# please .",
+ "I am looking for a restaurant that servers #RESTAURANT-INFORM-FOOD# food .",
+ "Do you think you can find me a great #RESTAURANT-INFORM-FOOD# food place . I want something really fancy . It 's for an anniversary dinner .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , I prefer #RESTAURANT-INFORM-FOOD# . I really like pizza .",
+ "Ok my second choice was #RESTAURANT-INFORM-FOOD# food can you find a british restaurant ?",
+ "Alright , are there any moderately priced #RESTAURANT-INFORM-FOOD# places nearby ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd like a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "That 's disappointing . Can you try #RESTAURANT-INFORM-FOOD# food instead ?",
+ "Yes please make sure it is #RESTAURANT-INFORM-FOOD# and expensive price range .",
+ "How about one that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "The restaurant would need to serve #RESTAURANT-INFORM-FOOD# food .",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , can you look at five star restaurants offering either #RESTAURANT-INFORM-FOOD# or british food ?",
+ "I ' m looking for mid range #RESTAURANT-INFORM-FOOD# restaurants , can you help me ?",
+ "actually , i want #RESTAURANT-INFORM-FOOD# food .",
+ "Can you tell me if there are any #RESTAURANT-INFORM-FOOD# restaurants in the center of town ?",
+ "I m feeling #RESTAURANT-INFORM-FOOD# what are some of my options for that ?",
+ "can you find me one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Then can you find me one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Is that a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food on the south side of town , is there anything like that ?",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food , please !",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Could you find one that serves #RESTAURANT-INFORM-FOOD# food , instead ?",
+ "I would like to try #RESTAURANT-INFORM-FOOD# . Do you have one that serves that ?",
+ "Yes , I am also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the same area and price range as my hotel .",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food , please .",
+ "I need a place to dine on #RESTAURANT-INFORM-FOOD# food . It should be in the centre",
+ "what about #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , do any serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I want a restaurant that serve #RESTAURANT-INFORM-FOOD# food",
+ "Can you tell me more about the #RESTAURANT-INFORM-FOOD# restaurant please ?",
+ "Thank you . I also need a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "wow ! what about #RESTAURANT-INFORM-FOOD# food ?",
+ "Actually I 'd like #RESTAURANT-INFORM-FOOD# food , please .",
+ "Actually , yes . I am really in the mood for good #RESTAURANT-INFORM-FOOD# food . Could you help me find somewhere new to try ?",
+ "i would really enjoy some #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I would like to find something with #RESTAURANT-INFORM-FOOD# food .",
+ "Try #RESTAURANT-INFORM-FOOD# food instead .",
+ "Yes #RESTAURANT-INFORM-FOOD# please .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "What about #RESTAURANT-INFORM-FOOD# food ?",
+ "I really love #RESTAURANT-INFORM-FOOD# . Do you have one that serves that ?",
+ "okay , how about #RESTAURANT-INFORM-FOOD# food .",
+ "Yeah , how about #RESTAURANT-INFORM-FOOD# ?",
+ "We like #RESTAURANT-INFORM-FOOD# food .",
+ "I prefer the #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "I need a restaurant that serves #RESTAURANT-INFORM-FOOD# food please",
+ "Ok , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# type of food ?",
+ "I 'd prefer #RESTAURANT-INFORM-FOOD# food , if at all possible .",
+ "Yes , could you please check whether there is a #RESTAURANT-INFORM-FOOD# ?",
+ "how about #RESTAURANT-INFORM-FOOD# food ?",
+ "I am really craving #RESTAURANT-INFORM-FOOD# if you have something in that area .",
+ "Yes , I ' m looking for #RESTAURANT-INFORM-FOOD# food please .",
+ "actually , i also need a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Ok , how about something #RESTAURANT-INFORM-FOOD# ?",
+ "I meant #RESTAURANT-INFORM-FOOD# food with that .",
+ "I was thinking of having #RESTAURANT-INFORM-FOOD# food",
+ "how about #RESTAURANT-INFORM-FOOD# . yummy !",
+ "How about a place that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the center of town .",
+ "I am also looking for some #RESTAURANT-INFORM-FOOD# food .",
+ "Yes #RESTAURANT-INFORM-FOOD# food please .",
+ "Wait , I just realized I am hungry for #RESTAURANT-INFORM-FOOD# food . Are you still there ?",
+ "I want to eat some #RESTAURANT-INFORM-FOOD# food",
+ "Okay , how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Actually , I do n't need a reservation . I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the center of town , though .",
+ "how about #RESTAURANT-INFORM-FOOD# ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Thank you . Can you help me out in finding an #RESTAURANT-INFORM-FOOD# restaurant in town ?",
+ "Is there anywhere that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Is there anywhere in the centre that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I would really love to try #RESTAURANT-INFORM-FOOD# food .",
+ "I would love #RESTAURANT-INFORM-FOOD# food then .",
+ "Is there one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I would love to try #RESTAURANT-INFORM-FOOD# . Do you have that type ?",
+ "Do any of those serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes , can you look for #RESTAURANT-INFORM-FOOD# food please ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant as well . Is there anything near the hotel ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food instead ?",
+ "i want #RESTAURANT-INFORM-FOOD# food .",
+ "Same area and price , but #RESTAURANT-INFORM-FOOD# , anything for that ?",
+ "Can you try #RESTAURANT-INFORM-FOOD# ?",
+ "I ' m looking for some #RESTAURANT-INFORM-FOOD# food .",
+ "Well , how about a #RESTAURANT-INFORM-FOOD# ?",
+ "I would like #RESTAURANT-INFORM-FOOD# , please",
+ "Yes , what about #RESTAURANT-INFORM-FOOD# food please .",
+ "Are there any places serving #RESTAURANT-INFORM-FOOD# food ?",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "how about one that serves #RESTAURANT-INFORM-FOOD# food",
+ "Hm , I think I want to hold off on a booking . But I do need to book a place to eat . I think I 'll just want #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "Okay can you look out for any in still the same location with the Hotel that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-FOOD# . I would like that for 7 pm .",
+ "Are there any restaurants in that area that serve #RESTAURANT-INFORM-FOOD# ?",
+ "Thank you . can you also find me a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Can you try #RESTAURANT-INFORM-FOOD# food please ?",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "I was hoping to dine at a #RESTAURANT-INFORM-FOOD# restaurant while in Cambridge .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "How about #RESTAURANT-INFORM-FOOD# food ?",
+ "Know anywhere that has #RESTAURANT-INFORM-FOOD# food ?",
+ "It does n't matter . We want to eat #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , could you see if there is one that serves #RESTAURANT-INFORM-FOOD# food instead ?",
+ "Lets go with the #RESTAURANT-INFORM-FOOD# restaurant !",
+ "My friend wants to eat lobster , so maybe a good #RESTAURANT-INFORM-FOOD# place .",
+ "I need a place to dine in the centre of town , serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am also looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a place that serves #RESTAURANT-INFORM-FOOD# food . Can you help me ? Not too expensive , please .",
+ "I would like to eat #RESTAURANT-INFORM-FOOD# food .",
+ "do you have any serves #RESTAURANT-INFORM-FOOD# food ?",
+ "How about #RESTAURANT-INFORM-FOOD# ?",
+ "I am coming to cambridge and would like to dine at a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Oh no . Well I 'll take #RESTAURANT-INFORM-FOOD# food then .",
+ "Hmm , well maybe #RESTAURANT-INFORM-FOOD# food if you have anything .",
+ "How about #RESTAURANT-INFORM-FOOD# food instead ?",
+ "I would really like #RESTAURANT-INFORM-FOOD# food .",
+ "I #RESTAURANT-INFORM-FOOD# .",
+ "Let 's try a place serving #RESTAURANT-INFORM-FOOD# food .",
+ "I want a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Yes . can you find any #RESTAURANT-INFORM-FOOD# restaurant please",
+ "Hello , I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like an expensive #RESTAURANT-INFORM-FOOD# .",
+ "I #RESTAURANT-INFORM-FOOD# . Either one is fine .",
+ "Please find me a #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "now I need a #RESTAURANT-INFORM-FOOD# place to eat",
+ "how about #RESTAURANT-INFORM-FOOD# instead ?",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food"
+ ],
+ "Day;People;Time;": [
+ "Perfect . Can you help me with a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# this coming #RESTAURANT-INFORM-DAY# ? And please make sure I have a confirmation number to use .",
+ "I need to book a table for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yeah . That sounds good . Can you book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "I would need it for #RESTAURANT-INFORM-PEOPLE# people for #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , that would be great ! Could you please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Do they have booking available for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "No just book at a chinese place in the centre . I need a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# and give me reference number",
+ "Yes that would be fine . Please make reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Can you book be there for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "That does n't matter . Which of the restaurants have an opening for a table for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes actually . Book me a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# .... let 's say #RESTAURANT-INFORM-TIME# ?",
+ "I do n't really care which type of food . You can just pick one and book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Sure please book for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "Sure , surprise me ! I need a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , can I reserve for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "pick one for me and book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes I would like the reservation for #RESTAURANT-INFORM-PEOPLE# person #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "I need to get a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# as well",
+ "I am looking just for any restaurant available for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I want to book a Golden House table for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I am looking for #RESTAURANT-INFORM-PEOPLE# people , at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sure , please book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes can I make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Thanks ! please make a reservation for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "any price range is fine with me . please book for mea table for #RESTAURANT-INFORM-PEOPLE# peopleat #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . please get me the reference number",
+ "No , I just need a resrvation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . I 'd like a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# at The Kohinoor .",
+ "I would like to book a table at this restaurant for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Yes for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "Let 's do the varsity place for #RESTAURANT-INFORM-PEOPLE# people #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . Do not forget to send my reference number !",
+ "Yes please , #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sounds good can I make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes please I need it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book me a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes that would be fine I need reservation sfor #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sure . Book it for 14:#RESTAURANT-INFORM-PEOPLE#0 on #RESTAURANT-INFORM-DAY# for 3 people .",
+ "Yes I need it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Great can you book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "I need to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# at galleria",
+ "Please book there for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . Thank you for your assistance .",
+ "How about Hakka for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Ok , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Thanks , please make a reservation there for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yeah , book for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# and give me the reference number",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Ok , sounds good . Could I make a reservation for #RESTAURANT-INFORM-PEOPLE# for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ? Can you send me a reference number as well . Thanks !",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "IT will be for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# person #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "I would like a reservation for #RESTAURANT-INFORM-PEOPLE# person on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Perfect , yes . I want a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I need reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That would be just fine . Can you make reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , thank you",
+ "Can you book me a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "it will be for #RESTAURANT-INFORM-DAY# , #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "I would like the one with the italian food . Can you see if I can book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# there please ?",
+ "Yes , for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Great can you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Choose one and surprise me . And book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . I 'll need the reference number",
+ "Yes , could you please book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sure , can you book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please ? And then give me the reference number",
+ "Yes please . Can you make it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Sounds good . Can you book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ? I 'll need the reference number .",
+ "Yes , please . #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes . I need a booking for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people .",
+ "I 'd like to know if I can book a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# .",
+ "that should be fine.please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "It does n't matter really . But I want to book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . so whichever one could accommodate that works for me .",
+ "Any place is fine , can you just book one for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# at #RESTAURANT-INFORM-DAY# ?",
+ "As long as it 's in the same area and price range , I guess I can try it . Please book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , could you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , #RESTAURANT-INFORM-PEOPLE# person on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "book at table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , please .",
+ "Yes , wonderful book a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# at any one of those places .",
+ "No , I do n't have a cuisine preference . I just need to book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes any one of them would be find . A table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Yes for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Thanks , will you please get me a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# there ?",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes I would like a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Very nice , can you book me for #RESTAURANT-INFORM-PEOPLE# people , at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes please make reservations for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Please book the Varsity for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "No , but I need to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , can you make a reservation on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "Sounds great . I need it for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . There will be #RESTAURANT-INFORM-PEOPLE# in our party .",
+ "I prefer French Cuisine , can you find somewhere that will take reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "That sounds good , can I book a table there for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes . Please book me a table at the dojo noodle bar for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Ok can you suggest one and reserve a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# and I need the reference number too please",
+ "Can O book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# too ?",
+ "Yes , #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "It 's for #RESTAURANT-INFORM-PEOPLE# people and we want to eat at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book it for #RESTAURANT-INFORM-DAY# for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes . I need a reservation for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Can you book me a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , I 'd like to book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Thanks , will you please book a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I want a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Oh yeah sure - I need table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That sounds great ! Yes , please ! Book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Caffe Uno sounds good . Could you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Lets go with charlie chan , I would like to to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Travellers Rest sounds good please make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I need to book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Great yes please book me a table there for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I do not care the kind . Please pick one and book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes that is good please make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please ! For #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Please include the reference number",
+ "any is fine . book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "It does n't matter . Please make a recommendation and book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Can I also get a reference number ?",
+ "I do n't have a preference for food type . I do need reservations for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "would i book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "Yes please , book me for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Great can you book one for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "I 'll take that for #RESTAURANT-INFORM-PEOPLE#2:30 on #RESTAURANT-INFORM-DAY# for 1 person .",
+ "Great , could we have a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# people , for #RESTAURANT-INFORM-TIME# , this #RESTAURANT-INFORM-DAY# .",
+ "Whichever one you recommend , as long as its expensive . I 'll need a reservation for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "i would like to book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I 'd like a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "No thanks . Just go ahead and book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "yes reserve a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . Book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# #RESTAURANT-INFORM-TIME# .",
+ "Yes book for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# for #RESTAURANT-INFORM-TIME# please .",
+ "I would like to dine for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please",
+ "you can help me to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . \n Make sure you get the reference number with moderate price range",
+ "Sounds good can you make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "could you please book me a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Fitzbillies sounds unique , can you book me for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Sure , let 's book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# , let 's say around #RESTAURANT-INFORM-TIME# please .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That sounds great . Can you make a reservation for me there for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , please reserve a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . And tell me my reference number too .",
+ "Can you book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Either one would be fine . Can you book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Thank you ! Will you please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Could I get a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes . I want a reservation for #RESTAURANT-INFORM-PEOPLE# people this #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "Great can I reserve that for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "yes , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I 'll be needing a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# this next #RESTAURANT-INFORM-DAY# , can you help ?",
+ "Yes make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Thank you .",
+ "Whichever one would be able to be booked for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you try booking one of them for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "How about you pick one and reserve a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# , and I 'll need that reference number too .",
+ "I do n't care book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "The first one sounds good . Can you book a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Great can I book Kohinoor for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , how about a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# . Try 19:30 , if that does n't work then try #RESTAURANT-INFORM-TIME# .",
+ "Yes . Can you book me a take for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "I misspelled the place it is sesame , can you look that up again and book #RESTAURANT-INFORM-PEOPLE# poeple at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# if available ?",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Any one of them will be fine , if you could find one available for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Yes I would like reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , #RESTAURANT-INFORM-PEOPLE# people , #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "That sounds great . Could you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Please reserve it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# and give me the reference number .",
+ "Price range is n't an issue . Can you book me at the one with the most stars please on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people please .",
+ "That sounds good ! I would like to make a reservation for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please book a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "Sure . Book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on a #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , can I make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "no , just surprise me . I need a reservation for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can I make a book a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "I need to book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I 'll just take the first one on the list . Can you make a reservation for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes could you make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , please . #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please . Please book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "yes reserve for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please I need a restaurant for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book me a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , can you book a table for #RESTAURANT-INFORM-PEOPLE# at Zizzi Cambridge ? I would like to go at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Thanks , will you please book a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That sounds good , can you book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Yes , I want a reservation for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# and #RESTAURANT-INFORM-PEOPLE# people . Give me the reference number please .",
+ "Yes , whatever you recommend will be fine . I need a reservation for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . #RESTAURANT-INFORM-PEOPLE# people please .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Just a gastropub located in the center for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please",
+ "Yes , please . Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "I do n't care , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes that is fine please make reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Yes . Can you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# hours on #RESTAURANT-INFORM-DAY# ?",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Sure I would like that , it 'll be fore #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can I book at the Ugly Duckling for #RESTAURANT-INFORM-PEOPLE# people , at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "Can I book it for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Area does not matter , Ill go with anyone that you recommend , please book me for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , could you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Thank you , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "For #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# and I need a confrmation number please , thank you .",
+ "Can you please book the restaurant for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes , can you reserve a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ? Can you send me the reference number for the reservation ?",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , \n Make sure you get the reference number",
+ "You can pick . I need reservations for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "It should be for #RESTAURANT-INFORM-DAY# at 1#RESTAURANT-INFORM-PEOPLE#:45 and 7 people please",
+ "Yes book a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "That would be great . Could you book me a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "Ok , please book me for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Any type of food is fine . Can you book a table someplace that sounds good ? I need a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Anything that is available for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Okay . I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Book one of them for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I need a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sounds perfect . Are you able to book a table for us ? I need a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# this #RESTAURANT-INFORM-DAY# .",
+ "yes for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# and a reference number bplease",
+ "I want a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Sorry , I do n't know why I said the other thing before that . I must be going crazy .",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sounds good , can you book that for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Either one is fine , Ill go with what you recommend , please book me for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Whatever you recommend , please book me for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please . Could you give me a table for #RESTAURANT-INFORM-DAY# at 1#RESTAURANT-INFORM-PEOPLE#:00 for 2 people please .",
+ "book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can I book De Luca Cucina and Bar for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "I would like to book a table there for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I do not care , I just need to get the restaurant for #RESTAURANT-INFORM-PEOPLE# people , at #RESTAURANT-INFORM-TIME# , on #RESTAURANT-INFORM-DAY# as well , do any of them fit that ?",
+ "Great can you make a reservation for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "A reservation at any will do . Please reserve a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please book ask for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Great can you book it for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "No but I would like to make a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Thank you .",
+ "you can choose and then book it for me for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . and tell me the reference number",
+ "I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Please book for #RESTAURANT-INFORM-PEOPLE# person , #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "I 'll take a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# at cote .",
+ "Yes , please . There are #RESTAURANT-INFORM-PEOPLE# of us coming on #RESTAURANT-INFORM-DAY# . Maybe around #RESTAURANT-INFORM-TIME# ?",
+ "It 'll be #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . I want a table for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . Please give me the reference number too .",
+ "Yes , could you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes . please reserve for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# and give me the reference number",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# for me please ?",
+ "Yes , make reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# p.m. on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . Table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes can I book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , if booking fails how about 11:00 ? Also can I get the reference number please .",
+ "Can you check to see if either has booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Please book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "It will be for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes let 's do one for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes please , make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Asian sounds good . Could you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "No . As long as its in the same area , please book me a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . For #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That sounds great . I would like a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# will you do that ?",
+ "Sure . I 'd like a table for #RESTAURANT-INFORM-PEOPLE# at antolia on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "I would like a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# at Shanghi Family Restaurant please .",
+ "Great can I book that for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "yes for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , I 'll need the reference number then too please",
+ "I need reservations for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . I 'll be there on #RESTAURANT-INFORM-DAY# with a party of #RESTAURANT-INFORM-PEOPLE# . Is there space at #RESTAURANT-INFORM-TIME# ?",
+ "OK go ahead and book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes I need a booking for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . I also need a reference number with that .",
+ "Please do . I 'll need a table for #RESTAURANT-INFORM-PEOPLE# person on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . And give me the reference number too .",
+ "I 'll go with the one in the centre . I need a booking for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I 'll take Efes for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please .",
+ "No preference . Can you recommend one & book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . & may I have the reference # please ?",
+ "I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# at the dojo noodle bar please .",
+ "Yes , please . #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sure . Book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "I do n't have a preference but I need the reservation at #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# . Can you find one to meet those requirements ?",
+ "Yes please book for #RESTAURANT-INFORM-PEOPLE# person at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Yes . Book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Can I also get the reference number too ?",
+ "That sounds good . Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please ?",
+ "Can you make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Yes but if you could book it for #RESTAURANT-INFORM-PEOPLE# , at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# , that would be good .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Sounds great , can you reserve me for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# ?",
+ "No , but I need to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ."
+ ],
+ "none;": [
+ "I am looking for a restaurant that sell seafood , will prefer one in the center of the city .",
+ "Yes I need a chinese restaurant .",
+ "No , I do n't need a chinese restaurant after all . Thanks for looking .",
+ "Please find a restaurant called Nusha .",
+ "I need a restaurant to dine at in Cambridge on my upcoming trip .",
+ "Is there not one in the same area as the restaurant ?",
+ "Hello , can you help me find a restaurant for my upcoming trip to Cambridge ?",
+ "i want to reserve a table at Restaurant Alimentum",
+ "I need to find information about a certain restaurant , can you help with that ?",
+ "I do n't have a preference . Do you have any suggestions of stuff near the restaurant ?",
+ "Let 's try the other restaurant .",
+ "Can you try another restaurant ?",
+ "I want to make sure I can get from the park to the restaurant in time .",
+ "sorry what is the food type of that restaurant ?",
+ "Hi , I am looking forward to trying some of your local restaurants . Can you help me find a place to stay while I am there ?",
+ "Are there ant Jamaican restaurants in any part of town ?",
+ "Is there one close to the area I booked the restaurant reservation ?",
+ "Actually I do n't need a restaurant after all . I have all I needed , thanks . Goodbye .",
+ "I 'd like to find a good restaurant in the center .",
+ "How about any restaurants that serves creative food .",
+ "Hello , I ' m interested in booking a restaurant in cambridge !",
+ "Hi , I am traveling to Cambridge and am so excited to try some of your local restaurants . Can you help me choose one ?",
+ "I am also looking for some places to go around the restaurant . Any recommendations ?",
+ "What do you have near the restaurant ?",
+ "Great , thanks . I ' m also looking for a restaurant . Can you help me with that ?",
+ "Hi . Can you help me find a restaurant ?",
+ "Hi . I ' m looking for a fancy restaurant that serves English food .",
+ "Can you book me in for the Asian restaurant then ?",
+ "I need to get to the restaurant by the reservation time , is n't it obvious ?",
+ "anything that is in the same area as the restaurant .",
+ "An hour after I arrive at the restaurant sounds about right .",
+ "I am also looking for a particular restaurant .",
+ "I am trip in Cambridge looking for a restaurant .",
+ "I would like to eat at a restaurant please .",
+ "Can you book reservations for the restaurant at 7:30",
+ "Thank you so much for the restaurant reservation and the confirmation code .",
+ "I 'd like to leave the restaurant at 21:00 .",
+ "I ' m going to be needing you for a restaurant recommendation .",
+ "Please help me find a restaurant .",
+ "Are there any caribbean restaurants in any other part of town ?",
+ "Fitzbillies Restaurant sounds good , will you book it for me ?",
+ "Hi , can you help me with my planning ? I am looking for a restaurant .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "No , could you try that restaurant for later that evening ?",
+ "Can you help me find a specific restaurant that I ' m looking for ?",
+ "Hi , I am looking forward to eat at your local restaurants on my upcoming trip . I have those planned , but could use some help with places to go in town .",
+ "Hi . Can you help me find a restaurant ?",
+ "I just need a restaurant in the same area and has the same price range .",
+ "I would like to book a popular , cheap restaurant .",
+ "I ' m looking for a restaurant recommendation .",
+ "Can you help me find a restaurant for from trip ?",
+ "Hello , I am traveling to Cambridge and am really excited to eat at some local restaurants when I am there . Can you help me find a place to dine ?",
+ "Is it located near Alimentum ? I ' m looking for something in the same area as the restaurant .",
+ "I would also like to find a restaurant .",
+ "I also need a restaurant .",
+ "Yes , please try J Restaurant . Asian Oriental food sounds good .",
+ "Hello , I need some information about a certain restaurant .",
+ "I ' m going to be in the area soon to try some restaurants , but I ' m having trouble finding information on one in particular .",
+ "What price range is that restaurant ?",
+ "I would like a reservation for 2 to the peking restaurant .",
+ "Great . You can help me pick out a restaurant go to .",
+ "I ' m hoping you can help me find a restaurant .",
+ "I would like to find a place to visit in the same area as the restaurant .",
+ "I ' m looking for a restaurant , somewhere not too expensive , but not bottom of the barrel either , something in the mid range .",
+ "I ' m looking for a high end Asian restaurant",
+ "This restaurant will be fine .",
+ "I was looking for a specific restaurant , please .",
+ "Sure , I want some help finding a restaurant in Cambridge , please .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Hi , I need a recommendation for a restaurant in town .",
+ "Is there a Yelp rating for the restaurant ?",
+ "Can you help me with some information on a restaurant called luca cucina and bar ?",
+ "I ' m open to restaurant suggestions . What sounds interesting ?",
+ "I ' m traveling to Cambridge and looking forward to their restaurants . I need a place to stay while I ' m there .",
+ "Is the name of the restaurant Ask restaurant ?",
+ "Can you help me find a nice Asian restaurant to dine at in Cambridge ?",
+ "Can you locate me an Irish restaurant near the church ?",
+ "I ' m looking for a certain restaurant , can you help ?",
+ "We want to find a restaurant that serves unusual food .",
+ "Awesome . Now can you tell me if there is a swimming pool nearby the restaurant ? I love to swim after egg rolls !",
+ "I just need it to arrive by the time the restaurant was booked .",
+ "No the price range is fine . Just make sure it is in the same area as the restaurant .",
+ "Are there any other restaurants I can choose from ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Can you check if these is any corsica restaurants anywhere ?",
+ "What is the name of the restaurant ?",
+ "Can you help me find a restaurant as well ?",
+ "Hello ! Can you give me some info on a restaurant please ?",
+ "what is the food type of that restaurant ?",
+ "Great . Thanks . Can you look up a restaurant for me ?",
+ "I need to find a good vegetarian restaurant",
+ "Hi . Can you help me find a restaurant ?",
+ "Can you help me find a restaurant ?",
+ "I am looking for a local restaurant , and also places to go while I am in Cambridge",
+ "I ' m looking for a restaurant , can you help ?",
+ "cool I need a cab now and I need to get to the restaurant by the reservation time of course",
+ "Hi . I 'll be traveling to there and ca n't wait to try the restaurants there . Could you help me find a place ?",
+ "Are there any African restaurants outside of the city center ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "No . The restaurant and lodging are all . Thank you , again . Goodbye .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Hello , I 'd like some information on a restaurant today .",
+ "is that in the same area as the restaurant ?",
+ "Could you help me find a restaurant with middle - eastern cuisine ?",
+ "Any fancy restaurants in town ?",
+ "Are there any mid - range Catalan restaurants ?",
+ "Would you recommend one near the restaurant for us ?",
+ "I need help finding a restaurant please .",
+ "I am looking for some type of entertainment in the same area as the restaurant , please .",
+ "I 'd like to find high - end restaurant in the center of Cambridge .",
+ "yes i reserve to Anatolia restaurant .",
+ "Is there a third restaurant ?",
+ "Thank you can you help me find a restaurant too ?",
+ "Yes , I would like to eat at a Chinese restaurant .",
+ "by the restaurant booked time .",
+ "I would like to find a restaurant",
+ "Hi , I am looking forward to trying some local restaurants when I visit Cambridge next month . Are there any good ones ?",
+ "Okay I ' m looking for a restaurant today .",
+ "Hello , I am planning a trip to Cambridge . Can you help me with a restaurant ?",
+ "Yeah , I ' m also trying to find a good restaurant for lunch .",
+ "I want to leave in time enough to get to the restaurant on time",
+ "What are the nicest restaurants in the center of town ?",
+ "Good morning , I am looking forward to trying some local restaurants when I arrive in Cambridge next week .",
+ "I am looking for a restaurant .",
+ "I ' m looking for a restaurant can you help ?",
+ "I was wondering if you could help me find a restaurant in Cambridge ?",
+ "Hi , I am planning a trip and could use some help finding a restaurant .",
+ "Yes , I ' m looking for somewhere to play soccer near the restaurant .",
+ "Yes . What other restaurants did you find ?",
+ "How about either of the Indian restaurants in the same area and price range ?",
+ "I would like to try the restaurant at 451 Newmarket Road Fen Ditton since it 's close by . Can you try a booking , please ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "I want to leave the restaurant by 05:45 .",
+ "No how about trying another restaurant for the same time .",
+ "I am looking for a particular restaurant",
+ "What side of town is the restaurant on . Is it in the centre ?",
+ "I think I 'd rather try a different restaurant at my preferred time , actually . You mentioned there are several others ?",
+ "I would like something close to the restaurant . Could you pick a place for me ?",
+ "I 'll be going to the restaurant .",
+ "Price does n't matter . What restaurant do you recommend ?",
+ "I want to leave the restaurant by 1:15 .",
+ "Yes , please . The same group from the restaurant will be traveling .",
+ "Thanks . I can look for that one later when I book . I ' m also looking for a restaurant called the Shiraz .",
+ "I need a different restaurant in the same area and price range please .",
+ "I also need a restaurant reservation .",
+ "I it to come to the restaurant and then take meto the church .",
+ "I have a particular restaurant that I need to find please .",
+ "Hi , I am traveling to Cambridge and ca n't wait to try some local restaurants . Can you help me find a place to dine ?",
+ "I am looking for a restaurant that serves indian food in the west .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Hi ! Can you help me find a particular restaurant ?",
+ "Event ? I want to book a table at a restaurant please .",
+ "Yes , I need help finding a restaurant there in Cambridge .",
+ "One that serves curry . Is there a nice Indian restaurant ?",
+ "i just need to get to the restaurant by the booked time .",
+ "i ' m also looking for info about a restaurant .",
+ "I need to find some information in a particular restaurant . Are you able to look up a specific place ?",
+ "Do you have any other restaurants in the area in the same price range ?",
+ "I would like to leave the restaurant by 9:45 .",
+ "Is there one near the restaurant ?",
+ "I will choose the Bloomsbury Restaurant , thanks .",
+ "I 'd like to arrive at Restaurant Two Two by 21:00 please .",
+ "I need to leave the restaurant by 13:30 please .",
+ "I ' m also looking for a museum near the restaurant .",
+ "Hi , I am traveling to Cambridge and am interested in local restaurants .",
+ "Yes , please try another one of the 4 restaurants you found .",
+ "restaurant alimentum sounds interesting . Could you give me more information about this location ?",
+ "Thank you what about a restaurant ?",
+ "I also need a restaurant .",
+ "it should leave the restaurant by 14;00",
+ "Perfect ! Can you also find me a restaurant ?",
+ "Hello , can you recommend local restaurants ?",
+ "I ' m also looking for info on a restaurant called pipasha .",
+ "Yes , please find me another restaurant in the city center in the same price range .",
+ "Hi there , I ' ve just started planning my trip . Can you help me find a restaurant ?",
+ "Let 's try a different restaurant .",
+ "I 'd like to stay around the restaurant .",
+ "I am planning a trip in Cambridge looking for a restaurant .",
+ "I 'd love to try a local restaurant",
+ "Yes , please do ! A different restaurant in the same area and price range .",
+ "I need to make sure it arrives at the restaurant by the booked time .",
+ "i want it to arrive at the restaurant by the booked time .",
+ "May have some information on a restaurant in town ?",
+ "Great , I 'll need to find another restaurant also , in the same area of town as Clare Hall .",
+ "Do any of the nine restaurants serve north american food ?",
+ "I would like to try local restaurants .",
+ "Can you help me find some local restaurants to dine in during my visit to Cambridge ?",
+ "Great ! Can you find a restaurant for me too ?",
+ "no , i want one of those two restaurants .",
+ "Yes , the Cambridge punter and I will be departing from the city stop restaurant .",
+ "I also need information on the maharajah tandoor restaurant please .",
+ "Hi . Can you help me find a restaurant ?",
+ "Sorry about that , I can look for a restaurant later . That 's actually all I need today , thank you !",
+ "Hi there . Can you help me pick out a restaurant ?",
+ "I just need it to arrive to the restaurant before our reservation .",
+ "I will try back later for the reference number . Could you find me a place to stay that is near the restaurant ?",
+ "Hi . Can you help me find a restaurant ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Please book a different restaurant in the same area and price range .",
+ "Yes please , and then I need to find a restaurant .",
+ "How about another restaurant in the same area and price range ?",
+ "I would like to find an Indian food restaurant",
+ "How about near the restaurant ?",
+ "I want to visit a restaurant that would be popular with college students and located near the center of town ; can you make a recommendation ?",
+ "I would like to find a restaurant called Pipasha .",
+ "Hello , I 'd like some information on a restaurant today .",
+ "Hello , can you recommend any local restaurants ?",
+ "I will be heading to the restaurant .",
+ "Can you help me find a particular restaurant that I ' m looking for ?",
+ "what is the food type of that restaurant ?",
+ "What other restaurants are in the same area and price range ?",
+ "I do n't care . Choose a restaurant you recommend !",
+ "Just one person , no specific day and time . I ' m also looking for a place to go in town in the same area of the restaurant .",
+ "Great , I sure hope so . I need a restaurant .",
+ "I am looking for a chinese restaurant .",
+ "I would prefer a guesthouse . Is there one close to the restaurant ?",
+ "I need to find a asian restaurant in Cambridge",
+ "Is there any other restaurant ?",
+ "I need a place to dine for my upcoming trip . I ca n't wait to try some of your local restaurants .",
+ "Same price range as the restaurant",
+ "I am also looking for the Bloomsbury , a restaurant .",
+ "i am also looking for a restaurant for that same day",
+ "I ' ve got a particular restaurant we want to try , but I will need some help with it .",
+ "I am looking for some restaurant recommendations .",
+ "Let 's see ... restaurant , museum ... nope . That 's everything I need !",
+ "Are there any kosher restaurants in the city at all ?",
+ "Hello ! Can you help me find a restaurant somewhere in the center of Cambridge please ?",
+ "No preference . Would you recommend a restaurant for me ?",
+ "Yes , I want to leave the restaurant by 05:15 .",
+ "Yes please try the Shiraz Restaurant .",
+ "Yes , could you please recommend some places to go after we get done eating that are near the restaurant as well ?",
+ "I am traveling to Cambridge and looking for a local restaurant .",
+ "Yes I needed information about a particular restaurant .",
+ "I think that is all I need to know about the restaurant .",
+ "I also need a place to go near the restaurant .",
+ "I am looking for a restaurant please .",
+ "I wanted to find out about local restaurants in Cambridge .",
+ "What is the first available restaurant ?",
+ "I 'd like a restaurant in the same area and price range . It does n't matter what cuisine .",
+ "Wait ... is that a restaurant ? I want a guesthouse . I ' m so confused .",
+ "Hello , I 'd like to get some info about a restaurant in Cambridge !",
+ "Hi , I need to locate a particular restaurant please .",
+ "Yes . I would like a French restaurant please .",
+ "Hi , I am traveling to Cambridge and am looking forward to trying some local restaurants . Can you help me with a great place to dine ?",
+ "No , as long as it is in the same area as the restaurant .",
+ "Is this a restaurant or a bar ?",
+ "Hi ! Are there any restaurants in town that serve Scottish food ?",
+ "I am also looking for a restaurant .",
+ "Can you help me find a restaurant ?",
+ "Yes , is there a restaurant also in that same area ?",
+ "Can you help me find a restaurant please ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Okay should we try a different restaurant then ... ? I ' ve never had this problem before ...",
+ "Are there any French restaurants ?",
+ "Yes can you find a restaurant for me to eat at ?",
+ "I do n't need to find a restaurant actually . I instead need a place to stay .",
+ "I need help finding a restaurant in Cambridge .",
+ "Is there any other restaurant ?",
+ "Perfect . I 'll need help finding a restaurant called the Cambridge chop shop , too .",
+ "Hi . Can you help me find a restaurant ?",
+ "I need a do n't care restaurant . Thank you",
+ "Can you look for the restaurant now ?",
+ "Let 's try another restaurant .",
+ "Can you try a different restaurant in the same area and price range ?",
+ "I am looking for a restaurant .",
+ "Yes , what restaurants are there ?",
+ "thanks i ' m also looking for a restaurant .",
+ "Can you check for another restaurant in the same area and pricerange ?",
+ "Yes , please book the restaurant bedouin for me .",
+ "Hi , I am looking for a restaurant called the hotspot .",
+ "How about a different restaurant in the same area and price range ?",
+ "Is there a cheap Chinese restaurant in the North ?",
+ "Hello ! I ' ve been recommended a restaurant but do n't know where it is . It 's called Saint John 's Chop House . Can you help me find it ?",
+ "Hello , I am looking for a restaurant called meze bar .",
+ "i m departing from the restaurant",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Sure , what is the closest restaurant nearby ?",
+ "Hi . I 'd like to find a very nice restaurant to go to .",
+ "I am not sure what you 're asking me ? I 'd like a recommendation for a restaurant , please .",
+ "Are there any other restaurants in that price range and part of town ?",
+ "How about a different restaurant in the area and price range ?",
+ "I would like Chinese or Mexican restaurants",
+ "I do n't have a preference for the restaurants .",
+ "I am traveling to Cambridge soon . I ca n't wait to try some local restaurants . Can you help me with a place to stay ?",
+ "Actually , I need to find a restaurant .",
+ "Which restaurant do you recommend ?",
+ "make sure it arrives the restaurant by the booked time of the reservation .",
+ "I ' m sorry I do n't need a reservation for the restaurant . I do need help finding a place to stay in the same area though .",
+ "Are there any near the restaurant by any chance ?",
+ "I have the name of a restaurant that I need some help finding , whenever you 're ready .",
+ "Yes , please . Find out which of the four restaurants have vegan options , please ?",
+ "Need a place to go that is a theater near the restaurant .",
+ "Hi , I am trying to plan my trip and could use some help with a particular restaurant .",
+ "i ' m also looking for a restaurant",
+ "Yes information regarding a particular restaurant called Michael House Cafe .",
+ "that 's great . Are there any close to some museums and restaurants ?",
+ "hey , do you know any restaurants near me in the city ?",
+ "Can you help me find a restaurant as well ?",
+ "I ' m also looking for a place to visit within the same area as the restaurant . Do you have any recommendations ?",
+ "An art museum near the restaurant sounds nice . How much is the admission price ?",
+ "Um ok ? well can you find a different restaurant in the same area and pricerange .",
+ "I am looking for information in Cambridge . looking for a restaurant .",
+ "I need the tickets for 3 people . The same ones I am going to the restaurant with .",
+ "Are there any other restaurants ?",
+ "I want to try some local restaurants . What are your recommendations ?",
+ "I ' m looking for a restaurant , can you help ?",
+ "Suggest something to me , near the restaurant .",
+ "Actually I need to go from the restaurant to the college . I 'd like to leave by 7:15 .",
+ "Hi , I am planning a trip to Cambridge and need some help with restaurants .",
+ "I do n't think a Church is a place to have fun in town . Could you find me a restaurant instead ?",
+ "I 'll also need a cab from the church to the restaurant , please .",
+ "I need to find a restaurant in the wast part of town .",
+ "Could you please find me a different restaurant ?",
+ "Let me think about that . What are some good local restaurants ?",
+ "I would like to book a restaurant for 4 people after I arrive .",
+ "Yes can you help me find a restaurant ?",
+ "I was hoping that you could find a restaurant for me .",
+ "Could you please check for a different restaurant in the same area and pricerange .",
+ "Thank you . Is this restaurant located near places that serves Swedish food ?",
+ "I ' m looking for specific restaurant .",
+ "Since none of them seem to be close to the restaurant , can you suggest one for me ?",
+ "Hello . Can you help me find a specific restaurant that I ' m looking for ?",
+ "Yes . I was told about a restaurant called the midsummer house . Can you help me find that ?",
+ "Thank you ! What kinds of restaurants are available ?",
+ "I want to leave the restaurant by 8:15 .",
+ "I ' m looking for a restaurant called maharajah tandoori .",
+ "Yes let 's try another restaurant .",
+ "Yes I would like you to provide me the address and phone number of that restaurant .",
+ "Price range does n't matter . Which restaurant out of the 9 do you recommend ?",
+ "What is the price range of this restaurant ?",
+ "i ' m also looking for a specific restaurant .",
+ "No thank you , we have a restaurant recommendation already for today .",
+ "No specific area for the restaurant .",
+ "Thanks for that ! Can you double check when the car is picking me up ? I think I misspoke - I 'd like to leave the restaurant by 18:30 , not after .",
+ "I ' m also looking for a restaurant",
+ "You can recommend anything as long as it is in the same area as the restaurant .",
+ "I 'd like some help picking out a restaurant .",
+ "Thanks ! I ' m also looking for something fun to do close to the restaurant . What 's around there ?",
+ "Pardon ? Is that the name of a restaurant ?",
+ "Yes , how about a different restaurant in the same area and price range ?",
+ "Please try booking a different restaurant in the same area and price range .",
+ "Is there a Greek restaurant in that part of town as well ?",
+ "I would like to try the other oriental restaurant for the same time 19:00 for party of 4 .",
+ "Would you be able to help me locate a restaurant in Cambridge ?",
+ "Hi , yes , I ' m trying to find a restaurant to go to .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "I am also trying to find a Venetian restaurant . Are there any in town ?",
+ "Going from El Shaddai to the Cow Pizza Kitchen and Bar , and I need to arrive in time for my reservation at the restaurant .",
+ "Well , I am coming to Cambridge and was hoping to try some local restaurants . Can you help me with my choices ?",
+ "I ' m trying to find a restaurant to try while I ' m in town . Can you help with that ?",
+ "Hello ! Can you help me find a particular restaurant ?",
+ "Great Please provide the reference number and then let me know about the restaurant .",
+ "I am also looking for some entertainment near the restaurant . Any suggestions ?",
+ "Yes thank you . I 'd also like to find a restaurant in the same area .",
+ "What is the price range of that restaurant ?",
+ "From the restaurant by the booked time .",
+ "i need one to be the same price range as the restaurant .",
+ "I need to arrive by the booked time at the restaurant .",
+ "what is the food type of that restaurant ?",
+ "Can you please book the restaurant ?",
+ "Are there any good restaurants to go to near the college ?",
+ "Is there any restaurant with European food instead ?",
+ "Do you have information on all restaurants ? I ' m looking for a certain one .",
+ "Sure . I also need the restaurant to be in the center .",
+ "I 'd just like to make sure I make it to the restaurant in time for my reservation , please .",
+ "Can you try the other restaurant ?",
+ "Thanks for you help . I only need the restaurant reservation . Goodbye .",
+ "Can you find me an Italian restaurant near the college ?",
+ "I also need a restaurant .",
+ "Can you help me find a nice restaurant ?",
+ "Can you actually look up a restaurant for me as well ?",
+ "I have a restaurant in mind that I ' m trying to eat at tonight .",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "I ' m looking for a restaurant that 's on the pricier end , I want to impress some people . Is there something you 'd recommend ?",
+ "Great , thanks ! Is there a restaurant nearby ?",
+ "I ' m looking for a local restaurant to try in Cambridge .",
+ "Thanks so much . This sounds like a great restaurant .",
+ "I am looking for a nice restaurant in the center of town .",
+ "Hello , I 'd like some information on a restaurant today .",
+ "Would you like to make a reservation for the restaurant ?",
+ "Yes , please . I want to book if to get me to the restaurant on time .",
+ "Yes , I am looking forward to trying some local restaurants when I am there . Can you help me find a place to dine ?",
+ "I would like to try the Italian one . What is the restaurant 's name , please ?",
+ "Ok , can you tell me the other restaurants ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "OK , could you maybe tell me which restaurant the reservation is at ?",
+ "Anything near the restaurant will be fine .",
+ "I ' m looking for a specific restaurant . I 'll give you the name when you 're ready .",
+ "Thank you very much . I am also looking for a place to stay in the same price range as the restaurant with free parking . Can you help with this as well ?",
+ "I also am looking for a restaurant called Stazione Resaurant and Coffee Bar .",
+ "The restaurant please .",
+ "Can you try to find another restaurant in the same area and pricerange ?",
+ "I ' m not looking for a restaurant , I want a museum . You can choose it .",
+ "I ' m also looking for a restaurant .",
+ "I ' m also looking for a restaurant in the same area .",
+ "I need to find an indian restaurant .",
+ "Can you tell me which bus i can take to the restaurant ?",
+ "I do not need a bus , have a nice day thanks for the restaurant information .",
+ "Hello . I am interested in finding some good local restaurants . Do you have any that you would suggest ?",
+ "Oops , sorry . Ian Hong is a restaurant .",
+ "that sounds interesting , i m also looking for a restaurant",
+ "Can you find me another restaurant int he same area and price range please ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "Great . I am also looking for a restaurant .",
+ "what is the food type of that restaurant ?",
+ "Yes , is there anywhere that you can play some sports near the restaurant ?",
+ "Do you have any recommendations for restaurants in Cambridge ?",
+ "I am looking for a restaurant to dine in during my visit to Cambridge .",
+ "The Ghandi sounds nice . Can I get their address ? And they are a cheap restaurant , right ?",
+ "Hi , I ' m looking for information on a restaurant called efes . What type of food do they serve and will I need reservations ?",
+ "The Italian restaurant Prezzo sounds good .",
+ "I looking for some information on a restaurant called Gandhi .",
+ "Yes please . I would also like to book a restaurant .",
+ "Do n't worry about booking me . I need to get a ride to the restaurant though .",
+ "Hi ! I am attempting to find a restaurant in Cambridge called Traveller 's Rest . Do you know of it ?",
+ "Yes , I 'd like to find a restaurant to eat at too .",
+ "Yes , as long as it is in the same general area and price range as The Missing Sock restaurant .",
+ "Ok . I also need to find a restaurant .",
+ "thanks I need a cab to and from . I need to get at the restaurant on time",
+ "I do not have a preference as to which side of town the restaurant is on .",
+ "Hello , i ' m looking for a restaurant called river bar steakhouse and grill .",
+ "That sounds like a great restaurant . Is it really good ?",
+ "No preference . Please recommend any one of those restaurants .",
+ "Yes , what other restaurants are in the same area in price range ?",
+ "I can find it , but please give me the reference number for the reservation . Nil is such a creative name for a restaurant !",
+ "I ' m looking for a restaurant that serves americas food .",
+ "I really have no desire for Cote . Are there other restaurants available ?",
+ "Hello , I 'd like some information on a restaurant today .",
+ "Hello , I ca n't wait to try some local restaurants when I travel there next week . I could use some help with places to go in town though .",
+ "I will be leaving from the restaurant .",
+ "I ca n't find a restaurant I am looking for .",
+ "A friend was raving about this restaurant called Pizza Hut . Can you help me find it ?",
+ "What is the name of the stop where I need to get off for the restaurant ?",
+ "Sorry , did you get a reservation made for the restaurant ?",
+ "An entertainment venue , I think . Near the restaurant , if possible .",
+ "Hi , can you recommend me a good Asian restaurant ? Something not too expensive ?",
+ "I am looking for a centrally located upscale restaurant .",
+ "I need a restaurant",
+ "yeah i want info about a particular restaurant",
+ "Hi , I ' m looking for a restaurant suggestion in Cambridge .",
+ "Yes please book the restaurant for me .",
+ "Will it arrive at the restaurant by the booked time ?",
+ "Does this restaurant serve fusion food ?",
+ "Yes , please . I need to make sure I get from the B&B to the restaurant for that reservation .",
+ "Yes , can you find me a restaurant for Friday night of that week ?",
+ "I ' m looking for a high quality restaurant in Cambridge please .",
+ "Actually , I 'd like to confirm that La Tasca is a 3-star restaurant .",
+ "Can you help me find a restaurant ?",
+ "I am leaving from the restaurant .",
+ "Okay , can you help me find a restaurant also ?",
+ "Thank you . I would also like a restaurant in the same area as Cambridge Punter .",
+ "I would like to leave the folk museum at 3:15 and head over to the restaurant , yes .",
+ "Thank you much . I have heard raves about a certain restaurant called two two . Do you have any info on it ?",
+ "I was wondering if there is a French restaurant here in Cambridge ?",
+ "Can you try a different restaurant ?",
+ "Hi . Can you help me find a restaurant ?",
+ "Yes I do . I 'd like to make sure I arrive at the restaurant by the booked time . Can you check ?",
+ "What part of town is it located in ? Are there any restaurants in that area ?",
+ "What are the other two restaurants in this price range ?",
+ "Hi , I am looking forward to trying some of your local restaurants . I do need help with some other places to go in town while I am there though .",
+ "Which restaurant were you able to book me into ?",
+ "Hello , I 'd like some information on a restaurant today .",
+ "I 'll be coming from London , Liverpool Street on the same day as my restaurant reservation , please .",
+ "Give me information on the one closest to Pipasha Restaurant .",
+ "Yes , can you help me find some places to visit near the restaurant ?",
+ "Hmm . I feel like discovering something new . Which restaurant would you recommend ?",
+ "From the restaurant to the museum .",
+ "Sorry from the museum to the restaurant ... I just need to be there in time for our reservation .",
+ "I also need to book the restaurant .",
+ "Hello there . I am traveling to Cambridge and am most looking forward to trying some of your local restaurants . Can you help me find a good one ?",
+ "Hi . Can you help me find a restaurant ?",
+ "what is the food type of that restaurant ?",
+ "Yes , I would like a moderately priced Italian restaurant .",
+ "Hello , I 'd like some information on a restaurant .",
+ "Excellent . I ' m also looking for a restaurant .",
+ "Actually , I do n't need a reservation right now . The restaurant information was all I needed . Thanks for your help .",
+ "You may help me by finding a Muslim restaurant for me to eat at please .",
+ "I also need a restaurant . Can you do that ?",
+ "Can you also find me a restaurant ?",
+ "Can you also book a cab to get me to the restaurant in time for my reservation ?",
+ "Can you help me find a restaurant as well ?",
+ "Yes , please help me find a restaurant in the center of town .",
+ "No , I will just buy my ticket at the station . Thanks . Can you help me find a restaurant ?",
+ "Please try booking any different restaurant in the same area and price range as Loch Fyne .",
+ "Is there any other restaurant that you could try for me before I call myself ?",
+ "I would like to arrive at the restaurant no later than ten o'clock a.m.",
+ "Of the 6 , what is your restaurant recommendation for good curry ?",
+ "It should be in the same area as the restaurant .",
+ "Okay thanks . I am also looking for a restaurant . Can you help me ?",
+ "Hi , can you help me find an upscale restaurant in Cambridge that is centrally located ?",
+ "Are any of those Ethiopian restaurants ?",
+ "what is the food type of that restaurant ?",
+ "No , not at this time . I was really only hunting a restaurant with scottish cuisine . Thank you for your time .",
+ "I am looking for a restaurant",
+ "yes and find me a contact number for a car , and its type . it should be at the restaurant at the booked time",
+ "Yes I need one to take me to the restaurant before my booked time .",
+ "Are there any entertainment venues near the restaurant ?",
+ "I am traveling to Cambridge and looking forward to try local restaurants .",
+ "I need to book a restaurant .",
+ "I 'd also like to book a tax to take us from the theater to the restaurant .",
+ "I am looking for a vegetarian restaurant near South Cambridge , or a restaurant that has a variety of vegetarian dishes .",
+ "Yes can you find another restaurant in the same area and price range ?",
+ "Hello , I 'd like some information on a restaurant today .",
+ "So sorry , I was distracted . I need to arrive at the restaurant in time for my booking , please .",
+ "Is there another restaurant available at that time in the same area and price range ?",
+ "No , you have been most helpful with the restaurant and lodging . Thank you . Goodbye .",
+ "I also would like a restaurant .",
+ "Wait , is that curry garden or a different restaurant you ' ve booked for me ?",
+ "I would like to find an Italian restaurant open for dinner ?",
+ "Can you please provide me with the phone number and address to the Royal Spice restaurant ?",
+ "There are no Brazilian restaurants anywhere in Cambridge ?",
+ "I ' m planning a trip to go to a particular restaurant , can you assist ?",
+ "Can you try again ? I would really like to try this restaurant . I have heard really good things about the food .",
+ "Thank you , can you also find a restaurant called Ian Hong house .",
+ "I also need a restaurant .",
+ "What is the price range of that restaurant ?",
+ "it should pick me at the restaurant at the booked time",
+ "I need to get to the restaurant in time for the reservation .",
+ "I am looking for a restaurant .",
+ "Do you recommend a restaurant that is a little more different then the rest ?",
+ "I just need it to arrive at the restaurant at the correct time .",
+ "Yes , please . I need it to get to the restaurant in time for that reservation .",
+ "I ' m looking for entertainment spots to visit near the restaurant . What kinds of things are there to do ?",
+ "Actually , I would like to book a table at that restaurant .",
+ "I ' m currently planning my trip to Cambridge , but need some help finding a certain restaurant .",
+ "Yes , I ' m looking for a restaurant called the hotspot .",
+ "I am looking for a nice restaurant with price range high and book a table for 4 .",
+ "I need 3 seats same for the restaurant as well .",
+ "I ' m also looking for a particular restaurant , it 's called Frankie and Benny 's .",
+ "I do n't really mind , as long as it is near the restaurant . What looks good to you ?",
+ "Do you have any molecular gastronomy restaurants at all ?",
+ "Yes , I ' m also looking for a restaurant Can you help me with that , too ?",
+ "No I do not , can you please find me the highest rated restaurant ?",
+ "Yes please try the same date and time for that restaurant",
+ "Thank you for the information . I do have one other request . I am looking for information on a restaurant that caught my attention called Fitzbillies .",
+ "Hello , I 'd like some information on a restaurant today .",
+ "Not really . I am just looking for a good local restaurant .",
+ "Are there any panasian restaurants ?",
+ "Hold on a moment . Can I first make a restaurant booking ?",
+ "Yes , and then lets work on the restaurant .",
+ "Yes , I would like it to be in the same area as the restaurant please .",
+ "are there any indonesian restaurants elsewhere ?"
+ ],
+ "Time;": [
+ "Yes , can you try for #RESTAURANT-INFORM-TIME# instead ?",
+ "Departing from the hotel and arriving at the restaurant by #RESTAURANT-INFORM-TIME# .",
+ "Yes . How about #RESTAURANT-INFORM-TIME# on Friday instead ?",
+ "Can you try to book it at #RESTAURANT-INFORM-TIME# .",
+ "If #RESTAURANT-INFORM-TIME# is available , I 'll need the reference number , too , please .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "No problem , can you please try #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# on Monday ?",
+ "I would like a table for #RESTAURANT-INFORM-TIME# .",
+ "Can you try #RESTAURANT-INFORM-TIME# instead ? Thanks .",
+ "Well how about #RESTAURANT-INFORM-TIME# then ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "It 's not ideal , but maybe a little earlier would work . Say #RESTAURANT-INFORM-TIME# ?",
+ "how about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# on Saturday again ? Maybe there was a cancellation .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , can you try to book at #RESTAURANT-INFORM-TIME# ?",
+ "I want to eat at #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# ? If this is available please provide the reference number .",
+ "Ok , try #RESTAURANT-INFORM-TIME# .",
+ "Yes can you see if #RESTAURANT-INFORM-TIME# is available for that day ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "I would like the booking to be for #RESTAURANT-INFORM-TIME# .",
+ "That 's okay , maybe #RESTAURANT-INFORM-TIME# will work ? Try that please ?",
+ "How about #RESTAURANT-INFORM-TIME# ? Are there any tables open then ?",
+ "Yes , can you try at #RESTAURANT-INFORM-TIME# please ?",
+ "How about at #RESTAURANT-INFORM-TIME# ?",
+ "I would like it at #RESTAURANT-INFORM-TIME# .",
+ "I need to be at the restaurant by #RESTAURANT-INFORM-TIME# for my reservation , the pick up time does n't matter to me .",
+ "how about for #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Let 's try #RESTAURANT-INFORM-TIME# .",
+ "Could you try #RESTAURANT-INFORM-TIME# please ?",
+ "How about at #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about at #RESTAURANT-INFORM-TIME# ?",
+ "how about #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Please try #RESTAURANT-INFORM-TIME# .",
+ "I need to leave early enough to arrive at the restaurant by #RESTAURANT-INFORM-TIME# .",
+ "Yes , how about #RESTAURANT-INFORM-TIME# instead ? Please send reference number for the booking .",
+ "Could we try for Tuesday at #RESTAURANT-INFORM-TIME# please .",
+ "Could you try for #RESTAURANT-INFORM-TIME# ?",
+ "We 're on a tight schedule and #RESTAURANT-INFORM-TIME# is the only time we can all meet . Can we try one more restaurant ? Not Rice House or Charlie Chan .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try to book for #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Do you have reservations for #RESTAURANT-INFORM-TIME# for Yu Garden since the 15:00 is full ?",
+ "Can you try #RESTAURANT-INFORM-TIME# for me ?",
+ "Can we book the table for 8 people at #RESTAURANT-INFORM-TIME# on Wednesday please ?",
+ "Yes , how about #RESTAURANT-INFORM-TIME# on tuesday ?",
+ "Can you try #RESTAURANT-INFORM-TIME# please ?",
+ "Yes . Can you try #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# , please ?",
+ "Sure , how about #RESTAURANT-INFORM-TIME# ?",
+ "Sounds good , I need a taxi and I need to leave by 4:00 so I need a reservation for #RESTAURANT-INFORM-TIME# or earlier if possible .",
+ "Sure , how about #RESTAURANT-INFORM-TIME# ? If it is available at that time please give me a reference number .",
+ "Can you try #RESTAURANT-INFORM-TIME# for either place ?",
+ "Sure , can we try for #RESTAURANT-INFORM-TIME# instead ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "I guess I could try #RESTAURANT-INFORM-TIME# .",
+ "Could we make it for #RESTAURANT-INFORM-TIME# .",
+ "How about trying at #RESTAURANT-INFORM-TIME# instead ?",
+ "Do they have an opening at #RESTAURANT-INFORM-TIME# on Wednesday for 5 people ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes , can I get a table for 4 on saturday at #RESTAURANT-INFORM-TIME# ?",
+ "Is it available at #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can we make it for #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "Let 's try #RESTAURANT-INFORM-TIME# please .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "I would like you to try booking it again for #RESTAURANT-INFORM-TIME# PM .",
+ "I would like to dine at #RESTAURANT-INFORM-TIME# and I also need the reference number .",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "Hmm .. how about #RESTAURANT-INFORM-TIME# ?",
+ "Do they have an opening at #RESTAURANT-INFORM-TIME# , by any chance ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Great . I also need to find a restaurant for the same number of people on the same day for #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Sure , how about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try for #RESTAURANT-INFORM-TIME# please ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "I apologize , I need an earlier reservation now for 7 people at #RESTAURANT-INFORM-TIME# on Friday . Can you reschedule ?",
+ "I misspelled it earlier by accident but the time was #RESTAURANT-INFORM-TIME# . So can you book it now ?",
+ "How about at #RESTAURANT-INFORM-TIME# at same time ?",
+ "Okay let 's try #RESTAURANT-INFORM-TIME# instead .",
+ "How about #RESTAURANT-INFORM-TIME# then ?",
+ "Can you try for #RESTAURANT-INFORM-TIME# and give me a reference number please .",
+ "Yes , could you try #RESTAURANT-INFORM-TIME# ?",
+ "How about at #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# , then ?",
+ "I would like to dine at #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Sure , try #RESTAURANT-INFORM-TIME# .",
+ "How about for #RESTAURANT-INFORM-TIME# ?",
+ "Can you try booking at #RESTAURANT-INFORM-TIME# ?",
+ "Is there anything available for #RESTAURANT-INFORM-TIME# ?",
+ "how about #RESTAURANT-INFORM-TIME# .",
+ "Is there an opening available at #RESTAURANT-INFORM-TIME# ? I 'll also need the reservation number if it 's available .",
+ "Could you change the time to #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "Well how about #RESTAURANT-INFORM-TIME# then ?",
+ "Yes , lets try #RESTAURANT-INFORM-TIME# please .",
+ "how about #RESTAURANT-INFORM-TIME# then ?",
+ "Let 's try #RESTAURANT-INFORM-TIME# .",
+ "Do they have anything available at #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "Can we instead try booking at #RESTAURANT-INFORM-TIME# ?",
+ "Yes please , if that time does n't work , we can try for #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "No , unfortunately I need either #RESTAURANT-INFORM-TIME# or 20:00 . Thank you for checking .",
+ "I would like to leave in time to arrive at the restaurant for my reservation at #RESTAURANT-INFORM-TIME# .",
+ "Ok , how about #RESTAURANT-INFORM-TIME# , also I would like to know the name of the restaurant .",
+ "I would like the reservation to be at #RESTAURANT-INFORM-TIME# please .",
+ "Yes , how about #RESTAURANT-INFORM-TIME# instead ?",
+ "How about a little earlier , say #RESTAURANT-INFORM-TIME# ?",
+ "Can you please try #RESTAURANT-INFORM-TIME# for me ?",
+ "Can you try a booking for #RESTAURANT-INFORM-TIME# ?",
+ "Okay . let 's try #RESTAURANT-INFORM-TIME# .",
+ "Let 's try #RESTAURANT-INFORM-TIME# .",
+ "Sure how about a booking at #RESTAURANT-INFORM-TIME# ?",
+ "Just book a table for 1 please on wednesday at #RESTAURANT-INFORM-TIME# .",
+ "Would #RESTAURANT-INFORM-TIME# on the same day work ?",
+ "Yes , by #RESTAURANT-INFORM-TIME# at the latest .",
+ "Can you see if they have an opening at #RESTAURANT-INFORM-TIME# instead ?",
+ "Are you able to book #RESTAURANT-INFORM-TIME# instead ?",
+ "Gosh , I ' m so sorry ! I do n't want the reservation for the evening , I want Thai food for lunch . Do you have a table for 2 at #RESTAURANT-INFORM-TIME# on Tuesday ?",
+ "Book it for #RESTAURANT-INFORM-TIME# please .",
+ "It does n't matter , at long as I arrive at the restaurant by #RESTAURANT-INFORM-TIME# .",
+ "At #RESTAURANT-INFORM-TIME# please .",
+ "How about #RESTAURANT-INFORM-TIME# then ?",
+ "Okay , we can eat earlier if we really have to . Can you try for #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try the same day and number of people at #RESTAURANT-INFORM-TIME# ?",
+ "Yes how about for #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# for 6 people on Monday ?",
+ "Can you try to book me at #RESTAURANT-INFORM-TIME# ?",
+ "Go ahead and book it if #RESTAURANT-INFORM-TIME# works ?",
+ "Can you check and see if any have availability for #RESTAURANT-INFORM-TIME# and if they do book it and send me the reference number ?",
+ "Sure , would #RESTAURANT-INFORM-TIME# be available ?",
+ "Could you try #RESTAURANT-INFORM-TIME# , please ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# on Wednesday instead ?",
+ "Could you try Monday at #RESTAURANT-INFORM-TIME# ?",
+ "I would like the reservation at #RESTAURANT-INFORM-TIME# please .",
+ "No #RESTAURANT-INFORM-TIME# is the only time that works for all of us . Could you look for a different restaurant in the same area and price range for me ?",
+ "Could you see if there 's anything at #RESTAURANT-INFORM-TIME# ?",
+ "Um I meant #RESTAURANT-INFORM-TIME# , my mind wandered , who wants dinner two hours before midnight , lol . Same booking but 14:45 please .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes please , at about #RESTAURANT-INFORM-TIME# . We 'll be starving after a our long trip .",
+ "Can you try #RESTAURANT-INFORM-TIME# instead please ?",
+ "Try #RESTAURANT-INFORM-TIME# on Sunday .",
+ "Is it available at #RESTAURANT-INFORM-TIME# ?",
+ "Could you try #RESTAURANT-INFORM-TIME# instead please ?",
+ "Okay please check at #RESTAURANT-INFORM-TIME# instead .",
+ "Can we try #RESTAURANT-INFORM-TIME# ?",
+ "Can you see if there 's anything at #RESTAURANT-INFORM-TIME# ?",
+ "how about for #RESTAURANT-INFORM-TIME# ?",
+ "Can you try to book it for #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# then ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Oh no . Can you get us in at #RESTAURANT-INFORM-TIME# then ?",
+ "How about at #RESTAURANT-INFORM-TIME# ?",
+ "I could eat at #RESTAURANT-INFORM-TIME# . I hope that is available .",
+ "I would like the reservation at #RESTAURANT-INFORM-TIME# .",
+ "Yes , could you try and secure a #RESTAURANT-INFORM-TIME# reservation perhaps ?",
+ "Lets try earlier around #RESTAURANT-INFORM-TIME# ?",
+ "I would like you to book my reservation for 3 people at #RESTAURANT-INFORM-TIME# on a Saturday .",
+ "how about #RESTAURANT-INFORM-TIME# then ?",
+ "Yes , could we try for #RESTAURANT-INFORM-TIME# . That would work for me .",
+ "Can you try booking it for #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "Sure , please try for #RESTAURANT-INFORM-TIME# Sunday . Still 5 people . Thanks .",
+ "How about #RESTAURANT-INFORM-TIME# on the same day ?",
+ "Let 's try for #RESTAURANT-INFORM-TIME# and can I get a reference number please ?",
+ "Could we try #RESTAURANT-INFORM-TIME# on the same day ?",
+ "At #RESTAURANT-INFORM-TIME# please .",
+ "Hmm , well ok . How about at #RESTAURANT-INFORM-TIME# instead ?",
+ "Can you try for #RESTAURANT-INFORM-TIME# ?",
+ "Yes , can I have a table for #RESTAURANT-INFORM-TIME# on the same day ?",
+ "At #RESTAURANT-INFORM-TIME# , please .",
+ "Um . How about #RESTAURANT-INFORM-TIME# ?",
+ "Will you check #RESTAURANT-INFORM-TIME# ?",
+ "No . It needs to be t #RESTAURANT-INFORM-TIME# . Another restaurant in the same area and price range would work .",
+ "Sure , try a time that would work . Maybe #RESTAURANT-INFORM-TIME# ?",
+ "Yes , let 's try #RESTAURANT-INFORM-TIME# please .",
+ "How about at #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes please . Can we try #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "Please book the reservation for #RESTAURANT-INFORM-TIME# .",
+ "I have no preference . I would like to book at a table today at #RESTAURANT-INFORM-TIME# .",
+ "how about #RESTAURANT-INFORM-TIME# then ?",
+ "Oh , bummer . How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about at #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ? Are there any slots available then ?",
+ "Yes , can you try #RESTAURANT-INFORM-TIME# ?",
+ "Lets do a table for two people at #RESTAURANT-INFORM-TIME# on Sunday",
+ "Try #RESTAURANT-INFORM-TIME# , please .",
+ "How about #RESTAURANT-INFORM-TIME# instead ?",
+ "how about #RESTAURANT-INFORM-TIME# then ?",
+ "Okay , will you try #RESTAURANT-INFORM-TIME# instead ?",
+ "Okay . Well , how about #RESTAURANT-INFORM-TIME# ? Is that time available ?",
+ "Can I book a table for #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , please see what 's available at #RESTAURANT-INFORM-TIME# .",
+ "Go ahead and try to book it for #RESTAURANT-INFORM-TIME# please .",
+ "Ok , how about #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes , I want to book a table for #RESTAURANT-INFORM-TIME# .",
+ "Would it be possible to book the same restaurant at #RESTAURANT-INFORM-TIME# ?",
+ "I need that for #RESTAURANT-INFORM-TIME# and I would appreciate a reference number .",
+ "Can you try #RESTAURANT-INFORM-TIME# instead ?",
+ "Can you please try and book it for #RESTAURANT-INFORM-TIME# instead ?",
+ "Will the Red Tesla get me to the restaurant for my #RESTAURANT-INFORM-TIME# reservation ?",
+ "would #RESTAURANT-INFORM-TIME# work instead ?",
+ "Yes . how about for #RESTAURANT-INFORM-TIME# ?",
+ "What about #RESTAURANT-INFORM-TIME# ?",
+ "Maybe #RESTAURANT-INFORM-TIME# work work then . Could you try that ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "Yes , try #RESTAURANT-INFORM-TIME# , please .",
+ "Can you try at #RESTAURANT-INFORM-TIME# please .",
+ "I 'd like to book it for #RESTAURANT-INFORM-TIME# please .",
+ "Can we try for #RESTAURANT-INFORM-TIME# ? I also need the reference number for the train booking .",
+ "Then how about #RESTAURANT-INFORM-TIME# ?",
+ "Can you see if a table is available at #RESTAURANT-INFORM-TIME# ?",
+ "How about Friday at #RESTAURANT-INFORM-TIME# ? Please include the reference number for the booking .",
+ "Sure , let 's try for #RESTAURANT-INFORM-TIME# , same day .",
+ "Can you try #RESTAURANT-INFORM-TIME# ? And I 'll need a reference number if they have a table available .",
+ "Try #RESTAURANT-INFORM-TIME# , okay ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "I guess a reservation at #RESTAURANT-INFORM-TIME# would be alright . Do you have any ?",
+ "Can you change the booking time to #RESTAURANT-INFORM-TIME# , and try again ?",
+ "Yes , can you try for #RESTAURANT-INFORM-TIME# instead ?",
+ "Okay , let 's try #RESTAURANT-INFORM-TIME# instead ?",
+ "I would like a reservation for 2 at #RESTAURANT-INFORM-TIME# please .",
+ "How about #RESTAURANT-INFORM-TIME# then ?",
+ "Yes . Please try #RESTAURANT-INFORM-TIME# .",
+ "Can you try for #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes , see if #RESTAURANT-INFORM-TIME# is available .",
+ "Could you try booking for #RESTAURANT-INFORM-TIME# instead ?",
+ "We 'll be dining at #RESTAURANT-INFORM-TIME# . Please send the reference number once you 're done .",
+ "Yes please . Can you try #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# instead , will that work ?",
+ "Could you please check for a table at #RESTAURANT-INFORM-TIME# and can I have the reference number ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you check to see if they could accommodate me at #RESTAURANT-INFORM-TIME# on Monday ? I just need a small table for one .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , 3 people at #RESTAURANT-INFORM-TIME# on Tuesday . If that does n't work , I 'll just call and book it myself .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Okay , would #RESTAURANT-INFORM-TIME# be a better time on Sunday ?",
+ "Yes I 'd like a reservation for 5 at #RESTAURANT-INFORM-TIME# , please .",
+ "Could you try something for #RESTAURANT-INFORM-TIME# ?",
+ "Can you please check for #RESTAURANT-INFORM-TIME# ?",
+ "How about Sunday at #RESTAURANT-INFORM-TIME# please for 1 person ?",
+ "Can I get a table at #RESTAURANT-INFORM-TIME# instead ?",
+ "I would like it at #RESTAURANT-INFORM-TIME# on the same day .",
+ "Could you please try #RESTAURANT-INFORM-TIME# on the same day ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Okay , let 's try for #RESTAURANT-INFORM-TIME# instead .",
+ "That should work try that for 3 people at #RESTAURANT-INFORM-TIME# on sunday .",
+ "I would like to book for #RESTAURANT-INFORM-TIME# .",
+ "At #RESTAURANT-INFORM-TIME# please",
+ "Yes , let 's try for #RESTAURANT-INFORM-TIME# instead .",
+ "Can we do the same day at #RESTAURANT-INFORM-TIME# instead ?",
+ "How about #RESTAURANT-INFORM-TIME# on the same day as before ?",
+ "How about #RESTAURANT-INFORM-TIME# , does the restaurant have this time available ?",
+ "Yes try #RESTAURANT-INFORM-TIME# instead please",
+ "Once you find the restaurant you want to book a table for the same group of people at #RESTAURANT-INFORM-TIME# on the same day .",
+ "Once you find the restaurant you want to book a table for the same group of people at #RESTAURANT-INFORM-TIME# on the same day .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , please make reservations for 5 people at #RESTAURANT-INFORM-TIME# on Monday .",
+ "how about #RESTAURANT-INFORM-TIME# then ?",
+ "Sure . How about #RESTAURANT-INFORM-TIME# on monday ?",
+ "We can go earlier . How about #RESTAURANT-INFORM-TIME# , please ?",
+ "Yes please try #RESTAURANT-INFORM-TIME# with the reservation for 8 and once made , send me the reference number .",
+ "Could you try for #RESTAURANT-INFORM-TIME# please ?",
+ "Hmm .. can you try at #RESTAURANT-INFORM-TIME# instead ?",
+ "Okay try #RESTAURANT-INFORM-TIME# instead .",
+ "Let 's try #RESTAURANT-INFORM-TIME# then .",
+ "I would like the table at #RESTAURANT-INFORM-TIME# , please .",
+ "I would want to be able to arrive to the restaurant by the time booked , #RESTAURANT-INFORM-TIME# !",
+ "Oh , I made a mistake . I really need that table for #RESTAURANT-INFORM-TIME# , not 17:45 . Can you change it , do you thing ?",
+ "Yes . I could eat at #RESTAURANT-INFORM-TIME# perhaps .",
+ "I need to arrive to the restaurant by #RESTAURANT-INFORM-TIME# .",
+ "Can we try the same day for #RESTAURANT-INFORM-TIME# ?",
+ "Could we try for #RESTAURANT-INFORM-TIME# instead ?",
+ "Actually , let 's try a little earlier . Is there anything at #RESTAURANT-INFORM-TIME# ?",
+ "Can you get a table for 7 at #RESTAURANT-INFORM-TIME# ?",
+ "Yes , can you try the same for #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes , can we try #RESTAURANT-INFORM-TIME# ?",
+ "Can you try booking for 2 on Sunday at #RESTAURANT-INFORM-TIME# instead ?",
+ "I would like the reservation for #RESTAURANT-INFORM-TIME# .",
+ "No , is there anything available for #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "Is #RESTAURANT-INFORM-TIME# on Saturday available ?",
+ "Sure . Are they open at #RESTAURANT-INFORM-TIME# ?",
+ "I would really like indian food on saturday in the west area . If you can book it for 1 person at 10:15 or #RESTAURANT-INFORM-TIME# I do n't care which place .",
+ "Could you try again , just want something on Thursday , at #RESTAURANT-INFORM-TIME# .",
+ "How about for 3 people on Saturday at #RESTAURANT-INFORM-TIME# ?",
+ "Could you please try for #RESTAURANT-INFORM-TIME# on the same day ?",
+ "Ok , I 'll try for a little earlier , how about #RESTAURANT-INFORM-TIME# ?",
+ "Yes I suppose , how about #RESTAURANT-INFORM-TIME# instead ?",
+ "How about at #RESTAURANT-INFORM-TIME# ?",
+ "Is #RESTAURANT-INFORM-TIME# available ?",
+ "Can you try booking it for #RESTAURANT-INFORM-TIME# ?",
+ "Could you try #RESTAURANT-INFORM-TIME# instead ?",
+ "Yes , I 'll try for a little earlier , how about #RESTAURANT-INFORM-TIME# ?",
+ "How about #RESTAURANT-INFORM-TIME# on Thursday ?",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , how about #RESTAURANT-INFORM-TIME# on Friday ?",
+ "We 'd like to dine at #RESTAURANT-INFORM-TIME# , if possible .",
+ "Let 's try #RESTAURANT-INFORM-TIME# then .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "Yes , could you try #RESTAURANT-INFORM-TIME# instead please ?",
+ "Can you check for #RESTAURANT-INFORM-TIME# on the same day ?"
+ ],
+ "Area;Food;": [
+ "What about a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# instead ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant #RESTAURANT-INFORM-AREA# .",
+ "Will you help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please ?",
+ "Can you recommend an eritean or #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area ?",
+ "I would like an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , please .",
+ "I am looking for a place to dine in the #RESTAURANT-INFORM-AREA# part of Cambridge that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food",
+ "We would prefer #RESTAURANT-INFORM-FOOD# please . In the #RESTAURANT-INFORM-AREA# area ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am searching for a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I prefer to stay in the #RESTAURANT-INFORM-AREA# of town . Is there a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Can I get one in the #RESTAURANT-INFORM-AREA# of town and looking for #RESTAURANT-INFORM-FOOD# food .",
+ "Are there are #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# . Do you have any suggestions ?",
+ "I am looking for somewhere yummy to eat ! I would like to stay around the #RESTAURANT-INFORM-AREA# and have some #RESTAURANT-INFORM-FOOD# if at all possible",
+ "Hi ! I 'd like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town , please .",
+ "Can you find a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a place in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Can you recommend a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area ?",
+ "I ' m looking for a restaurant on the #RESTAURANT-INFORM-AREA# side that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hello , I am looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I was hoping you can help me find a place to dine . I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me out with finding a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes can you find a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking to dine out in the #RESTAURANT-INFORM-AREA# part of town and I would like to find a place that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking to get some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# food restaurant in the town #RESTAURANT-INFORM-AREA# .",
+ "I want something in the #RESTAURANT-INFORM-AREA# part of town with #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hmm , I was really looking forward to Swiss food . Ok , how about an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# instead ?",
+ "Can you find me a restaurant that serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# ?",
+ "May I have information for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# area .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of the city .",
+ "I am also hoping to find a place to eat in the #RESTAURANT-INFORM-AREA# that is n't too expensive . Do you have any suggestions for #RESTAURANT-INFORM-FOOD# food ?",
+ "No , instead I 'd like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Can you help me with that ?",
+ "Thank you . I ' m also looking for a restaurant that serves northern #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Hello , I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would like an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "No thank you . I will worry about that later . I also need a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like a #RESTAURANT-INFORM-FOOD# food place in the #RESTAURANT-INFORM-AREA# please .",
+ "I ' m looking to eat at a place that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Great ! I ' m also looking for something to eat . Preferably #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need to dine on #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant , and I #RESTAURANT-INFORM-AREA# what part of town it is in .",
+ "Well I suppose I should choose a restaurant first . Do you know of a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I ' m looking to go to Cambridge and need an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Do you know where I may get some yummy #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I want to eat #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Can you recommend a restaurant in the city #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I will take it . Also , I am looking for a place that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# area .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , please ?",
+ "I need to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# side .",
+ "Can you find me an restaurant near the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Great ! The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# .",
+ "I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food and located in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-AREA# .",
+ "I want a place in the #RESTAURANT-INFORM-AREA# , but if there is none , are there any #RESTAURANT-INFORM-FOOD# expensive places in the north ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I need a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would like a restaurant in #RESTAURANT-INFORM-AREA# city serving #RESTAURANT-INFORM-FOOD# food .",
+ "I want a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , is there a reference number ? I also am looking for a place to dine in the #RESTAURANT-INFORM-AREA# area of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area ?",
+ "Thank you , I ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I need a place in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes ! I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food and it should in the #RESTAURANT-INFORM-AREA# . Can you find me a place to dine ?",
+ "I would like a #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Do you know of any restaurants in the #RESTAURANT-INFORM-AREA# of town that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "I need to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food located in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can you help me find a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "I need a place to dine that serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-AREA# .",
+ "I need to find a modern #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "Is there a place in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I would really like to find someplace serving #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can you help me book a table at a #RESTAURANT-INFORM-FOOD# restaurant that 's in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I need a place to dine at in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food . Can you help me ?",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . What is available ?",
+ "Yes , I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# what serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Please find a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "What restaurants in the #RESTAURANT-INFORM-AREA# serve #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "I ' m looking for a local place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food",
+ "Need a place to eat in the #RESTAURANT-INFORM-AREA# of town that has #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for one on the #RESTAURANT-INFORM-AREA# side . However I need a #RESTAURANT-INFORM-FOOD# restaurant not chinese .",
+ "Hi ! I am looking for a #RESTAURANT-INFORM-FOOD# food restaurant around the #RESTAURANT-INFORM-AREA# .",
+ "Hi I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food",
+ "Can you check for #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# please .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Need a place to eat that has #RESTAURANT-INFORM-FOOD# food , somewhere in #RESTAURANT-INFORM-AREA# of town .",
+ "I would like a place to eat in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Would you happen to have one in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Thank you . Can you help me find a place to dine that is in the #RESTAURANT-INFORM-AREA# and serves #RESTAURANT-INFORM-FOOD# ?",
+ "Can you find me an #RESTAURANT-INFORM-FOOD# restaurant that is in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , I need a place to eat . I want to try some #RESTAURANT-INFORM-FOOD# food , prefer the #RESTAURANT-INFORM-AREA# side of town .",
+ "Are there any good #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "No need to book it , but I would like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "I want to go to a #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# . Can you help me find one ?",
+ "I need a restaurant that serves #RESTAURANT-INFORM-FOOD# food and it should be in the #RESTAURANT-INFORM-AREA# .",
+ "Hi I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I need to know if there are any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# side of cambridge ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# area . Can you locate one for me please ?",
+ "Thank you for your help . Can I find a place to eat , I ' m looking for a place serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food and located in the #RESTAURANT-INFORM-AREA# .",
+ "I need an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hi can you help me find a very nice #RESTAURANT-INFORM-FOOD# restaurant near the #RESTAURANT-INFORM-AREA# of cambridge ?",
+ "Thank you I was also hoping to find a #RESTAURANT-INFORM-FOOD# place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I would prefer a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "Is there an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants located in the #RESTAURANT-INFORM-AREA# ?",
+ "Hello , I am looking for a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "i am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food",
+ "Can you tell me about any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# part of the city ?",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food",
+ "I ' m also looking for a place to eat in the city #RESTAURANT-INFORM-AREA# . maybe #RESTAURANT-INFORM-FOOD# food ?",
+ "Hello , I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area of town ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Hey , could you tell me if there are any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# side of town ?",
+ "Hello I am looking for a place in the #RESTAURANT-INFORM-AREA# to dine and they need to serve #RESTAURANT-INFORM-FOOD# food",
+ "I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Do you know of any ?",
+ "I want to find some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "No , thanks . Can you find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , please ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Need a place to dine , #RESTAURANT-INFORM-FOOD# near #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would prefer #RESTAURANT-INFORM-FOOD# and it has to be in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Thank you i also need a restaurant in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food please",
+ "I also would like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like some good #RESTAURANT-INFORM-FOOD# food . Near the #RESTAURANT-INFORM-AREA# of town would be great .",
+ "Is there an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place to eat that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I also need a place in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Are there any #RESTAURANT-INFORM-FOOD# food restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there any restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I want a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m planning a trip to cambridge and need a place to dine . Can you find something that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I want to find a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Looking for a restaurant in the #RESTAURANT-INFORM-AREA# side that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Will you look for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "I want a #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I would like a reservation at a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hello , please find me a place to dine in the #RESTAURANT-INFORM-AREA# area that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I have heard of #RESTAURANT-INFORM-FOOD# food but never tried it before . Would you have anything like that in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# . Can you help ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "Yes , I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hi there . I ' m hoping you can help me . I am looking to try #RESTAURANT-INFORM-FOOD# food . Might there be a restaurant like this in the #RESTAURANT-INFORM-AREA# of town ?",
+ "No . I ' m looking for a a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Okay then , how about a restaurant that serves #RESTAURANT-INFORM-FOOD# type of food in the #RESTAURANT-INFORM-AREA# part of town then ?",
+ "Great I ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town too",
+ "I have to book a place to eat that serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# , can you help me ?",
+ "How about a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# instead ?",
+ "Thanks . I also need a place to get #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "We are also looking for a place to eat in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I #RESTAURANT-INFORM-AREA# about the area of town , but I 'd like #RESTAURANT-INFORM-FOOD# food .",
+ "I need a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Can you find a restaurant that serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-AREA# ?",
+ "Hello ! I 'd like to eat at an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Can you help ?",
+ "Hi , i ' m looking for a local establishment that serves #RESTAURANT-INFORM-FOOD# cuisine . Could you recommend somewhere near the #RESTAURANT-INFORM-AREA# ?",
+ "I want #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "Thanks , i ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food and is located close to the #RESTAURANT-INFORM-AREA# , can you help me please ?",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I also would like to find an #RESTAURANT-INFORM-FOOD# restaurant to eat at in the #RESTAURANT-INFORM-AREA# .",
+ "Ok , I need a restaurant in the #RESTAURANT-INFORM-AREA# side that serves #RESTAURANT-INFORM-FOOD# as well .",
+ "i am looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Thank you . I would also like to find a restaurant located in the #RESTAURANT-INFORM-AREA# of town that specializes in #RESTAURANT-INFORM-FOOD# cuisine .",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant , also in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I need a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I 'd like to find an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I want to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . try again please .",
+ "I am looking for the #RESTAURANT-INFORM-AREA# part of town , serving #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Hello ! Are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Great ! I also need to have some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves barbeque food . If not then how about #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you suggest any local restaurants in the #RESTAURANT-INFORM-AREA# that serve #RESTAURANT-INFORM-FOOD# food ? Thanks .",
+ "Yes , I need to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I 'd like an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "How about a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Great ! Do you have a good #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-AREA# that I could go to .",
+ "I want something in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes . Is there a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I 'd like a place that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I need help finding a place that serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# , can you help me ?",
+ "Hi ! Do you know of any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m planning your trip in Cambridge.i'm looking for a place to dine in the #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-FOOD# food",
+ "Hello ! I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food ? I 'd also like it to be located in the #RESTAURANT-INFORM-AREA# if possible .",
+ "I am planning my trip to Cambridge and looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food . Can you help me ?",
+ "I need a place to eat that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any #RESTAURANT-INFORM-FOOD# themed restaurants in the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area of town .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a place serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can I get a #RESTAURANT-INFORM-FOOD# restaurant in the town #RESTAURANT-INFORM-AREA# ?",
+ "Is there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area ?",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I need help finding a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of cambridge any suggestions ?",
+ "Are there any restaurants serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of the city ?",
+ "Hi , I ' m looking for a restaurant located in the #RESTAURANT-INFORM-AREA# of Cambridge that serves #RESTAURANT-INFORM-FOOD# food please ?",
+ "Can you find a restaurant the serves #RESTAURANT-INFORM-FOOD# food and is on the #RESTAURANT-INFORM-AREA# side ?",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# and serving #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a place to eat that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need help finding a #RESTAURANT-INFORM-FOOD# restaurant located near the #RESTAURANT-INFORM-AREA# .",
+ "Hi I ' m excited to try an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , are they are I can go to ?",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Hi , I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# area where I can eat #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for something that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food",
+ "Please help me find a restaurant that serves #RESTAURANT-INFORM-FOOD# food near the #RESTAURANT-INFORM-AREA# of town .",
+ "Somewhere in the #RESTAURANT-INFORM-AREA# . I ' m looking for some #RESTAURANT-INFORM-FOOD# food .",
+ "Could you please find me an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Can you find a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I am also looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "To be honest with you , I really would prefer a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food so let 's try that one more time",
+ "How about one that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "Can you help me find a place to eat that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "is there a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Hello , I am looking for info on a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hello . Can you suggest a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# end ?",
+ "Do any of those serve #RESTAURANT-INFORM-FOOD# food and in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Great . I would also like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "No thanks . But can you find a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "Hmm , are you sure ? I want something south #RESTAURANT-INFORM-FOOD# , expensive and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m craving some #RESTAURANT-INFORM-FOOD# food . Can you point me in the right direction ? I ' m looking to eat somewhere in the #RESTAURANT-INFORM-AREA# area of town .",
+ "Hello , I am looking for a local restaurant that serves #RESTAURANT-INFORM-FOOD# food and is located in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Hello ! I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a modern #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking at a place to eat that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Help me find a #RESTAURANT-INFORM-FOOD# place to dine in the #RESTAURANT-INFORM-AREA# please .",
+ "Actually I could use some help finding an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Are there any good #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Thanks . I ' m also wanting to see if there 's someplace to get #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Not yet but I also need a restaurant that serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# of town .",
+ "Thanks . I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I would like somewhere that serves #RESTAURANT-INFORM-FOOD# cuisine and is located in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# of town . What do you have ?",
+ "Yes I would also like to find a place to dine that serves #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# of town .",
+ "Perfect , thanks . Can you recommend a restaurant in the #RESTAURANT-INFORM-AREA# that offers #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place that serves jamaican food in the #RESTAURANT-INFORM-AREA# . If not , #RESTAURANT-INFORM-FOOD# will do .",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# side .",
+ "Yes I need a place to eat that is in the #RESTAURANT-INFORM-AREA# and should serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Thanks . I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# . Do you have any suggestions ?",
+ "Yes , I am also looking for an #RESTAURANT-INFORM-FOOD# place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I want to find a place to eat #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of the city",
+ "Thanks , I need to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Can you help me find a good #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I need to find some #RESTAURANT-INFORM-FOOD# food in #RESTAURANT-INFORM-AREA# town .",
+ "Great . I need to find a place to eat too that has #RESTAURANT-INFORM-FOOD# food near the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m in the mood for #RESTAURANT-INFORM-FOOD# food , but I want something in the #RESTAURANT-INFORM-AREA# of town .",
+ "No thank you . That 's not necessary . Can you help me find an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Thank you . I ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side as well .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello , I ' m trying to find an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Any ideas ?",
+ "The #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food and is insanely expensive , money is no object .",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please ?",
+ "You know what , I ' ve changed my mind . I 'd prefer #RESTAURANT-INFORM-FOOD# to Italian . Are there any like that in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a place to dine ! I would prefer #RESTAURANT-INFORM-FOOD# food located in the #RESTAURANT-INFORM-AREA# .",
+ "I need a place to dine during my trip . It needs to be in the #RESTAURANT-INFORM-AREA# and serve #RESTAURANT-INFORM-FOOD# food .",
+ "Can you let me know if there are any available #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area ?",
+ "Thanks . I am looking for an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# . Do you have any ?",
+ "How about a cheap #RESTAURANT-INFORM-FOOD# one in the #RESTAURANT-INFORM-AREA# ?",
+ "I would love some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Thank you I also would like a place to eat in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Great ! Can you also help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Would you be able to suggest a #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "Can you try an #RESTAURANT-INFORM-FOOD# place instead ? And something in the #RESTAURANT-INFORM-AREA# .",
+ "Where in the #RESTAURANT-INFORM-AREA# can I find a restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I also need a place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food , please .",
+ "How about some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# then ?",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I am looking for a place to dine . I would prefer the city #RESTAURANT-INFORM-AREA# and am looking for #RESTAURANT-INFORM-FOOD# food .",
+ "I need a #RESTAURANT-INFORM-AREA# restaurant with some #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a restaurant the serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I would like to dine at a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# . Can you help ?",
+ "Can you tell me about any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I m looking for a place to eat #RESTAURANT-INFORM-FOOD# food at the #RESTAURANT-INFORM-AREA# .",
+ "I am also looking for a restaurant that serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# side of town .",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Can you find me an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I want to eat some #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# . What do you have for me ?",
+ "i am looking for a place to eat . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Yes I am looking for a restaurant in #RESTAURANT-INFORM-AREA# cambidge that serves #RESTAURANT-INFORM-FOOD# food",
+ "Thank you , I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# area .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "No , but I need to find a restaurant . It should serve #RESTAURANT-INFORM-FOOD# food and it should be in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant serving #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# of town .",
+ "Great can I also find a place to dine in the #RESTAURANT-INFORM-AREA# of town with #RESTAURANT-INFORM-FOOD# food ?",
+ "Thanks can I also get a restaurant ? I am looking for one in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food",
+ "I would like modern #RESTAURANT-INFORM-FOOD# food and in should be located in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food located within the town #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge please .",
+ "I need help finding a #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# , can you assist me please ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Okay . I am also looking for a restaurant . Are there any restaurants in the #RESTAURANT-INFORM-AREA# that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Could you tell me if there are any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# side ?",
+ "I ' m thinking #RESTAURANT-INFORM-FOOD# food . oh , and if it 's in the #RESTAURANT-INFORM-AREA# that 'd be even better .",
+ "How about an #RESTAURANT-INFORM-FOOD# restaurant instead on the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I want #RESTAURANT-INFORM-FOOD# food . In the #RESTAURANT-INFORM-AREA# , please .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food",
+ "What about one in the #RESTAURANT-INFORM-AREA# of cambridge that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-AREA# cambridge",
+ "Find me a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town serving #RESTAURANT-INFORM-FOOD# food .",
+ "Are there #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town .",
+ "I apologize , I was n't paying attention to what I wanted . Can you help me find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I bet I 'll be hungry after visiting the Georgina so can you please find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Hello there . Any suggestions on a good #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Thanks - I am also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "I am also looking for a place to eat around the #RESTAURANT-INFORM-AREA# area that serves #RESTAURANT-INFORM-FOOD# style food .",
+ "Are there any restaurants that serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I ' m looking for a restaurant that services #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a place to eat located in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Thanks ! I ' m also looking for a #RESTAURANT-INFORM-FOOD# place located in the #RESTAURANT-INFORM-AREA# ?",
+ "Hello , I am looking for a restaurant on the #RESTAURANT-INFORM-AREA# side of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want the #RESTAURANT-INFORM-FOOD# food , sir . oh and this needs to be in the #RESTAURANT-INFORM-AREA# as well .",
+ "it should be in the #RESTAURANT-INFORM-AREA# area and serve south #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Is there a restaurant in the #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food ?",
+ "Is there any restaurant in the #RESTAURANT-INFORM-AREA# serving #RESTAURANT-INFORM-FOOD# food ?",
+ "Hi , I would like a restaurant inthe #RESTAURANT-INFORM-AREA# of town which serves #RESTAURANT-INFORM-FOOD# food please .",
+ "I want to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants on the #RESTAURANT-INFORM-AREA# side ?",
+ "I want a restaurant in the #RESTAURANT-INFORM-AREA# part of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Well , let 's try a restaurant that serves #RESTAURANT-INFORM-FOOD# food . Still in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for some #RESTAURANT-INFORM-FOOD# food restaurants near the #RESTAURANT-INFORM-AREA# , please .",
+ "Yes , in #RESTAURANT-INFORM-AREA# , I am also looking for #RESTAURANT-INFORM-FOOD# food .",
+ "Great thanks . I m also looking for an #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town",
+ "Are you sure there are no #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "i want a place for dinner and serves a #RESTAURANT-INFORM-FOOD# food , where can i find it?please first pick for me a taxi to that place should be to the #RESTAURANT-INFORM-AREA# .",
+ "Is there another #RESTAURANT-INFORM-FOOD# restaurant we could try in the #RESTAURANT-INFORM-AREA# ?",
+ "I want a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side please .",
+ "Is there any #RESTAURANT-INFORM-FOOD# restaurants on the #RESTAURANT-INFORM-AREA# side ?",
+ "i am also looking for a restaurant in #RESTAURANT-INFORM-AREA# of town serving #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Not right now , but can you find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-AREA# of town and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like to find a place to dine in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like to stay in the #RESTAURANT-INFORM-AREA# area . How about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I am looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town please .",
+ "Thanks , also in the #RESTAURANT-INFORM-AREA# of Cambridge , could you find me an #RESTAURANT-INFORM-FOOD# place to dine ?",
+ "Yes , I am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# of cambridge , can you help me ?",
+ "Hi , i am looking for a #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I do n't want to book the train right now . Could you find me a restaurant in #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a restaurant in cambridge that serves #RESTAURANT-INFORM-FOOD# . I would like it to be in the #RESTAURANT-INFORM-AREA# .",
+ "I want to go to a restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there any place here in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Thank you . I am also looking for a place to eat in the #RESTAURANT-INFORM-AREA# area and that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-AREA# to eat please .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# of town that serves #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "People;": [
+ "There are #RESTAURANT-INFORM-PEOPLE# people",
+ "Yes , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at 20:00 on thursday .",
+ "Please try to book a table for #RESTAURANT-INFORM-PEOPLE# people at your favorite one .",
+ "The type of food does n't matter , but I need a reservation for #RESTAURANT-INFORM-PEOPLE# people .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "We will have #RESTAURANT-INFORM-PEOPLE# people in the party .",
+ "Book a table for #RESTAURANT-INFORM-PEOPLE# person please .",
+ "That sounds wonderful . Can you book me a table for #RESTAURANT-INFORM-PEOPLE# ?",
+ "Try it for 18:45 on the same day Wednesday , and please give me the reference number . It will be for #RESTAURANT-INFORM-PEOPLE# people .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us .",
+ "The reservation will be for #RESTAURANT-INFORM-PEOPLE# people",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us .",
+ "Yes , go ahead and book that restaurant for #RESTAURANT-INFORM-PEOPLE# people at 17:15 , please .",
+ "The reservation needs to be for #RESTAURANT-INFORM-PEOPLE# people .",
+ "I need to book it for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , please also make a reservation for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "It would be #RESTAURANT-INFORM-PEOPLE# people .",
+ "This works . Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at 11:45 on Friday ?",
+ "Thank you . Oh wait ! It needs to be a table for #RESTAURANT-INFORM-PEOPLE# .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes . I need a reservation for #RESTAURANT-INFORM-PEOPLE# people please .",
+ "Yes , I actually need a table for #RESTAURANT-INFORM-PEOPLE# people not 2 @ 18:15 on Monday .",
+ "Yes , I need a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , I would like a reservation for #RESTAURANT-INFORM-PEOPLE# , please . I would also like a place to stay .",
+ "that will be ok once you find the restaurant book a table for #RESTAURANT-INFORM-PEOPLE# people",
+ "Yes , please book a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , that would be fine . Is there a table for #RESTAURANT-INFORM-PEOPLE# available ?",
+ "I only need a booking for a party of #RESTAURANT-INFORM-PEOPLE# .",
+ "I need a booking for #RESTAURANT-INFORM-PEOPLE# people at 12:00 on wednesday .",
+ "The reservation is for #RESTAURANT-INFORM-PEOPLE# people .",
+ "It will be for #RESTAURANT-INFORM-PEOPLE# .",
+ "The Gandhi sounds good . Can you book that for #RESTAURANT-INFORM-PEOPLE# people please ?",
+ "No , can you recommend one and book a table for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "It will be #RESTAURANT-INFORM-PEOPLE# people dining .",
+ "There are #RESTAURANT-INFORM-PEOPLE# of us .",
+ "I have a party of #RESTAURANT-INFORM-PEOPLE# and need it for 14:45 . Can you help me with that ?",
+ "Yes , I still need to book a reservation for #RESTAURANT-INFORM-PEOPLE# people at Zizzi Cambridge .",
+ "Yes please it needs to be for #RESTAURANT-INFORM-PEOPLE# people . I would like a reference number .",
+ "Yes , please book for #RESTAURANT-INFORM-PEOPLE# people .",
+ "For all #RESTAURANT-INFORM-PEOPLE# of us , and I 'll need the reference number for that as well .",
+ "I 'll need a table for #RESTAURANT-INFORM-PEOPLE# people please .",
+ "It will be a party of #RESTAURANT-INFORM-PEOPLE# .",
+ "Please book a table for #RESTAURANT-INFORM-PEOPLE# at Charlie Chan .",
+ "Not a specific area , just enough for the restaurant to hold #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , book it for #RESTAURANT-INFORM-PEOPLE# at 9 please .",
+ "Yes . I 'd like a table for #RESTAURANT-INFORM-PEOPLE# people please .",
+ "Actually , for #RESTAURANT-INFORM-PEOPLE# , please .",
+ "Yes could you book a table for #RESTAURANT-INFORM-PEOPLE# at any one of them please ?",
+ "That sounds great . Can you book me a table there for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "Can you please book me a table at the restaurant for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "Do you think they would be able to make reservations for a party of #RESTAURANT-INFORM-PEOPLE# ?",
+ "There will be #RESTAURANT-INFORM-PEOPLE# people attending .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# at 7 pm tomorrow night ?",
+ "Actually , I need a table for #RESTAURANT-INFORM-PEOPLE# , not 2 , sorry about that .",
+ "I 'd like it for #RESTAURANT-INFORM-PEOPLE# people please . And could you also get me a taxi to go between the two ?",
+ "Please reserve for #RESTAURANT-INFORM-PEOPLE# people .",
+ "It will be for the same amount , #RESTAURANT-INFORM-PEOPLE# people ."
+ ],
+ "Area;Price;": [
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I do not care . Just something in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-PRICE# range in price .",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# area , what do you recommend ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "I also need a place to dine . I ' m looking for something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# .",
+ "is there any other #RESTAURANT-INFORM-PRICE# restaurant in #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I want an #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# .",
+ "I also need to find a restaurant in the #RESTAURANT-INFORM-AREA# with a #RESTAURANT-INFORM-PRICE# price range .",
+ "Could you give a recommendation on a place to eat in the #RESTAURANT-INFORM-AREA# that is in a #RESTAURANT-INFORM-PRICE# price range ?",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I 'd like a restuarant in the #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-PRICE# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# , what is there that fits that criteria ?",
+ "Can you find me a restaurant in the #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-PRICE# prices ?",
+ "Great ! I ' m also looking for a place to eat in the #RESTAURANT-INFORM-AREA# of town and I need it to be #RESTAURANT-INFORM-PRICE# .",
+ "Are you sure ? I really need an #RESTAURANT-INFORM-PRICE# restaurant that serves catalan food in the #RESTAURANT-INFORM-AREA# of the city . Can you check again please ?",
+ "Howdy ! I ' m looking for a #RESTAURANT-INFORM-PRICE# place to eat in the city #RESTAURANT-INFORM-AREA# .",
+ "Hi can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge which is pretty #RESTAURANT-INFORM-PRICE# in terms of prices .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Please recommend me a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I am also looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any other options in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like an #RESTAURANT-INFORM-PRICE# place to dine , #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , I need some help looking for a restaurant . The restaurant should be located in the #RESTAURANT-INFORM-AREA# , and the food should be in the more #RESTAURANT-INFORM-PRICE# price range if at possible .",
+ "Looking for a restaurant that s #RESTAURANT-INFORM-PRICE# . Needs to be in the #RESTAURANT-INFORM-AREA# area .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Are there any ' touristy ' and #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# of town that I can go to ? Thanks for any suggestions .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area ?",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need a restaurant located in the #RESTAURANT-INFORM-AREA# for a #RESTAURANT-INFORM-PRICE# price .",
+ "Yes , I ' m looking for a #RESTAURANT-INFORM-PRICE# place to eat on the #RESTAURANT-INFORM-AREA# side . Do you know of anything ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m open to any kind of food . I ' m looking for something in the #RESTAURANT-INFORM-AREA# and on the #RESTAURANT-INFORM-PRICE# side .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part and in #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I need a #RESTAURANT-INFORM-PRICE# place to eat on the #RESTAURANT-INFORM-AREA# side of town .",
+ "What restaurants in the #RESTAURANT-INFORM-AREA# are #RESTAURANT-INFORM-PRICE# ?",
+ "I need help finding an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# please .",
+ "Can you find me something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "That 's all the info I need about the train , I also am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that is on the #RESTAURANT-INFORM-AREA# side of town .",
+ "Can you help me find a place to eat ? I am looking for somewhere in the #RESTAURANT-INFORM-AREA# with a #RESTAURANT-INFORM-PRICE# price .",
+ "Hello , I am looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Yes I am looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# of Cambridge",
+ "Hi ! I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# , any type !",
+ "Yes , I need help finding a restaurant . Preferably a nice , #RESTAURANT-INFORM-PRICE# one in the #RESTAURANT-INFORM-AREA# .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Any other place in the #RESTAURANT-INFORM-AREA# , same #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant , located in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I need information on a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the city ... whichever you recommend .",
+ "I need a restaurant in Cambridge that is #RESTAURANT-INFORM-PRICE# and also in the #RESTAURANT-INFORM-AREA# of town .",
+ "i am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Could I also find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I need to find an #RESTAURANT-INFORM-PRICE# restauant that 's in the #RESTAURANT-INFORM-AREA# section of the city .",
+ "I am also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking to find a place to eat in the #RESTAURANT-INFORM-AREA# of town that needs to have a #RESTAURANT-INFORM-PRICE# price range . Can you give me some options ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of the city please .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the town #RESTAURANT-INFORM-AREA# ?",
+ "I 'd like something #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# , please .",
+ "Yes , I 'd like a #RESTAURANT-INFORM-PRICE# price range , and a restaurant on the #RESTAURANT-INFORM-AREA# side .",
+ "I ' m looking for something with a #RESTAURANT-INFORM-PRICE# price range near the #RESTAURANT-INFORM-AREA# .",
+ "Can you find me a restaurant that is located in the #RESTAURANT-INFORM-AREA# and is in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# and VERY #RESTAURANT-INFORM-PRICE# for 6 people on we d at 19:00",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the city #RESTAURANT-INFORM-AREA# you could recommend ?",
+ "Hello , I 'd like to dine at an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Any suggestions ?",
+ "Hello , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I also need a suggestion for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Okay , great . I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# . It should be #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# part of town",
+ "I need to find an #RESTAURANT-INFORM-PRICE# restaurant in Cambridge located somewhere in the #RESTAURANT-INFORM-AREA# .",
+ "It should be #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# local restaurant located in the #RESTAURANT-INFORM-AREA# of town",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Thank you .",
+ "Yes , I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I also need an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "I would not . I prefer this place to be #RESTAURANT-INFORM-PRICE# , have modern eclectic tastes , and be located #RESTAURANT-INFORM-AREA# .",
+ "I want an #RESTAURANT-INFORM-PRICE# one in the #RESTAURANT-INFORM-AREA# .",
+ "I need to book a nice #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hi , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Can you help me find a restaurant in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town , please .",
+ "I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town and it needs to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hello , I ' m in the #RESTAURANT-INFORM-AREA# and I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range . Can you please help me ?",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "How about somewhere #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# ?",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "No , just please make sure the food 's unusual , located in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-AREA# of city and is #RESTAURANT-INFORM-PRICE# . Can you help me with that ?",
+ "What #RESTAURANT-INFORM-PRICE# restaurants are there in the #RESTAURANT-INFORM-AREA# of Cambridge ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant near the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "Please , also look for a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m planning my trip to Cambridge and I need help . Can you find me some #RESTAURANT-INFORM-PRICE# dining options on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Good Morning , Can you help me locate a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# part of town please ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town in the #RESTAURANT-INFORM-PRICE# price range . Can you help me find one ?",
+ "Could you recommend an #RESTAURANT-INFORM-PRICE# restaurant in the city #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "What about a #RESTAURANT-INFORM-PRICE# korean restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for #RESTAURANT-INFORM-PRICE# places to eat in the #RESTAURANT-INFORM-AREA# of the city .",
+ "I need a restaurant in the #RESTAURANT-INFORM-AREA# at a #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "No thanks , just that info . Can I get a place to dine , I ' m looking for an #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# .",
+ "Please find a place to eat in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# of Cambridge .",
+ "I am looking for a restaurant near the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-PRICE# priced , please .",
+ "I 'd like to find out more about #RESTAURANT-INFORM-PRICE# restaurants in the city #RESTAURANT-INFORM-AREA# .",
+ "i want an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for the same area and price range as the guesthouse -- #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "Hello I am looking for an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town . Any suggestions ?",
+ "Please find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant to dine at in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# part of town . Could you recommend me three restaurants ?",
+ "Not really , but a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# would be ideal .",
+ "I want a place to dine in the #RESTAURANT-INFORM-AREA# of Cambridge with #RESTAURANT-INFORM-PRICE# pricing",
+ "The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# , i do not have a particular food preference .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I also am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the area of #RESTAURANT-INFORM-AREA# , thank you",
+ "How about an #RESTAURANT-INFORM-PRICE# Malaysian restraint in the #RESTAURANT-INFORM-AREA# ? Is there anything available ?",
+ "Hi I am looking for a place to eat that is in the #RESTAURANT-INFORM-PRICE# price range and also in the #RESTAURANT-INFORM-AREA# .",
+ "I would like to dine at a #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town . What are my choices ?",
+ "No on the phone number . I now need help finding a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the town .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Please find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant to eat at in #RESTAURANT-INFORM-AREA# Cambridge ?",
+ "I m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town in the #RESTAURANT-INFORM-PRICE# price range",
+ "No need to book it . Thanks . But can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Can you assist ?",
+ "I 'd like something in the #RESTAURANT-INFORM-AREA# of town for a #RESTAURANT-INFORM-PRICE# price .",
+ "I am in the #RESTAURANT-INFORM-AREA# part of town , can you tell me what #RESTAURANT-INFORM-PRICE# restaurants are around ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m trying to figure out my eating options . Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Can you please help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "What about an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am in the #RESTAURANT-INFORM-AREA# of town and am looking for a restaurant . Ideally it would be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Okay , now I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# that is also in the #RESTAURANT-INFORM-PRICE# price range",
+ "In the #RESTAURANT-INFORM-AREA# of town please . I am looking to stay in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hi there , I 'd like to find a good restaurant for tonight . I 'd like somewhere in the city #RESTAURANT-INFORM-AREA# , and I ' m willing to pay a #RESTAURANT-INFORM-PRICE# amount of money .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "What sort of restaurants do you have in the #RESTAURANT-INFORM-AREA# of town ? Anything #RESTAURANT-INFORM-PRICE# ?",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you also please find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Not right now , thank you . I ' m also looking for a place to dine . I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Thank you . Yes , I do need a place to dine . I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for a place to eat . Do you know any places in the #RESTAURANT-INFORM-AREA# of town with a #RESTAURANT-INFORM-PRICE# price ?",
+ "I was hoping to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# please .",
+ "I would like to find the best , most #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking to eat at a #RESTAURANT-INFORM-AREA# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town . Any suggestions ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the same area as the concert hall in the #RESTAURANT-INFORM-AREA# side of Cambridge ?",
+ "I am interested at eating at an #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Help ! I am hungry and need a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# .",
+ "Maybe take another look ? I need an #RESTAURANT-INFORM-PRICE# canapes restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a place to dine on the #RESTAURANT-INFORM-AREA# side of town . Please find a place that 's in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I need help finding an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# , can you help me please ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# of town please .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# of town .",
+ "What other cuisines are available for a #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of town please .",
+ "I want something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Thanks ! Now can you help me find an #RESTAURANT-INFORM-PRICE# restaurant to go to in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# area in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a nice #RESTAURANT-INFORM-PRICE# restaurant to dine in aat the #RESTAURANT-INFORM-AREA# of town .",
+ "Could you help me find a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Is there anything #RESTAURANT-INFORM-PRICE# in the town #RESTAURANT-INFORM-AREA# ?",
+ "I really need it to be in the #RESTAURANT-INFORM-PRICE# price range , there 's really nothing in the city #RESTAURANT-INFORM-AREA# ? Any cuisine will do .",
+ "I want a place to dine in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# .",
+ "HI , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the city .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for #RESTAURANT-INFORM-PRICE# eats in the #RESTAURANT-INFORM-AREA# .",
+ "am looking for a place to dine it should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Thank you I also need a place to eat in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# on the #RESTAURANT-INFORM-PRICE# side .",
+ "What kind of restaurants are in the #RESTAURANT-INFORM-AREA# that 's #RESTAURANT-INFORM-PRICE# ?",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Is there anything that is #RESTAURANT-INFORM-PRICE# , and in the #RESTAURANT-INFORM-AREA# that could serve Singaporean food ?",
+ "looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# restuarant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m also looking for a place to dine that 's in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# range .",
+ "I am also looking for a place to dine . Can you locate a place in the #RESTAURANT-INFORM-AREA# part of town and in a #RESTAURANT-INFORM-PRICE# price range ?",
+ "Hi I want to find a place to eat in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hi , I am looking for a restaurant . I would prefer an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the city .",
+ "i am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "What are some #RESTAURANT-INFORM-PRICE# restaurant reccomendations in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "How about something in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# price range ?",
+ "Just to confirm , there are no #RESTAURANT-INFORM-PRICE# restaurant 's serving polynesian food on the #RESTAURANT-INFORM-AREA# side , is that right ?",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# side ?",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town , please .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Are there any #RESTAURANT-INFORM-PRICE# places to eat in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a place to dine in the town #RESTAURANT-INFORM-AREA# , with an #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town , please .",
+ "Is there anything else in the #RESTAURANT-INFORM-PRICE# price range on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Now I need to find a restaurant in the #RESTAURANT-INFORM-AREA# of town that is #RESTAURANT-INFORM-PRICE# .",
+ "I would like to blow my budget at an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "No , I really wanted Christmas food in town #RESTAURANT-INFORM-AREA# , can you look for an #RESTAURANT-INFORM-PRICE# one ?",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# !",
+ "Great I also need a place to eat in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I 'd like to find a restaurant . The restaurant should be #RESTAURANT-INFORM-PRICE# in price , only the finest in food . Also , I 'd like it if the restaurant was in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes , I also need an #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m trying to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Are there any #RESTAURANT-INFORM-PRICE# places to eat in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am also looking for a place to dine in the #RESTAURANT-INFORM-AREA# area that has a #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking to book a restaurant in the #RESTAURANT-INFORM-AREA# in Cambridge and be #RESTAURANT-INFORM-PRICE# in price .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for a nice #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I am planning my trip to Cambridge and looking for a place to dine that is in the #RESTAURANT-INFORM-AREA# and is in the #RESTAURANT-INFORM-PRICE# price range",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "The #RESTAURANT-INFORM-AREA# of the city , with a #RESTAURANT-INFORM-PRICE# price range , please .",
+ "I ' m looking for a place to eat in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "also looking for a place to dine , that is #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# part of town",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the city .",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . What would you recommend ?",
+ "I 'd like a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range , what can you recommend ?",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes I am looking for a place to eat in #RESTAURANT-INFORM-AREA# Cambridge that is more on the #RESTAURANT-INFORM-PRICE# side .",
+ "Yes please . I need an #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any #RESTAURANT-INFORM-PRICE# options in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Please help me locate an #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# . Thanks .",
+ "Not right now . Can you recommend any #RESTAURANT-INFORM-PRICE# restuarants in the #RESTAURANT-INFORM-AREA# ?",
+ "Need a #RESTAURANT-INFORM-PRICE# place to eat at at the #RESTAURANT-INFORM-AREA# .",
+ "I need a nice #RESTAURANT-INFORM-PRICE# restaurant located in the Cambridge #RESTAURANT-INFORM-AREA# .",
+ "I really just want a place in the #RESTAURANT-INFORM-AREA# that is also #RESTAURANT-INFORM-PRICE# in price",
+ "I was really hoping to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town . Can you check for availability again ? Any cuisine is fine .",
+ "No , I need a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I am also looking for an #RESTAURANT-INFORM-PRICE# place to eat near the #RESTAURANT-INFORM-AREA# area .",
+ "Hello , I ' m looking for a restaurant that is #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# if you could help me .",
+ "I am looking for a place to dine in the #RESTAURANT-INFORM-AREA# it needs to be #RESTAURANT-INFORM-PRICE# as well .",
+ "Any restaurants in the #RESTAURANT-INFORM-AREA# area with an #RESTAURANT-INFORM-PRICE# price range ?",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I want to find out about #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m wanting a place that serves #RESTAURANT-INFORM-PRICE# food located in the #RESTAURANT-INFORM-AREA# of town , I would prefer eastern european food .",
+ "Thanks . I am also looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I need to find an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side .",
+ "I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "I ' m looking for #RESTAURANT-INFORM-PRICE# food in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I need to find a restaurant in the #RESTAURANT-INFORM-AREA# part of town . It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hello , I am looking to find a restaurant that is in the #RESTAURANT-INFORM-AREA# . I would prefer something in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town please .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Awesome . I also need a place to eat in the #RESTAURANT-INFORM-PRICE# range . I ' m thinking maybe in the city #RESTAURANT-INFORM-AREA# .",
+ "I also need a place to eat , I would like it in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-AREA# part of town and in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hello , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hi , I would like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of cambridge please .",
+ "HI , I am looking for a #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# of town to eat . Can you help ?",
+ "I am looking for a restaurant to dine at in the #RESTAURANT-INFORM-AREA# of town . Could you recommend me any #RESTAURANT-INFORM-PRICE# places to try ?",
+ "Hi I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Okay I would like to book it . I ' m also looking for a restaurant on the #RESTAURANT-INFORM-PRICE# side in #RESTAURANT-INFORM-AREA# .",
+ "Yes , I 'd like it to be an #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# .",
+ "Something in the #RESTAURANT-INFORM-PRICE# price range . Also , in the #RESTAURANT-INFORM-AREA# of town .",
+ "Hi , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the town #RESTAURANT-INFORM-AREA# ?",
+ "I need to dine at some place #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# .",
+ "Great can I also find a restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "What 's available in the #RESTAURANT-INFORM-AREA# , in the way of #RESTAURANT-INFORM-PRICE# places to eat ?",
+ "Is there a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "can i find a place to eat in the #RESTAURANT-INFORM-AREA# which is #RESTAURANT-INFORM-PRICE# ?",
+ "I ' m looking for a place to eat . I would like it to be an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I 'd like it to be in the #RESTAURANT-INFORM-AREA# . I 'd love to eat #RESTAURANT-INFORM-PRICE# , Chinese food .",
+ "I ' m starving ! Can you find me somewhere to eat on the #RESTAURANT-INFORM-AREA# side of the city ? Money is no object so please find me something #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "How 's it going ? I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Hello , I am traveling to cambridge and would like to find a place to eat . I want it in the #RESTAURANT-INFORM-AREA# of town , in the #RESTAURANT-INFORM-PRICE# range .",
+ "That 's too bad . Please book any other restaurant that is in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "You know I also need someplace to eat in that is also #RESTAURANT-INFORM-PRICE# , and also in the #RESTAURANT-INFORM-AREA# area .",
+ "Hi , I ' m looking for #RESTAURANT-INFORM-PRICE# places to eat in the city #RESTAURANT-INFORM-AREA# ?",
+ "Aww shucks . Can you recommend another restaurant in the #RESTAURANT-INFORM-AREA# that 's #RESTAURANT-INFORM-PRICE# ?",
+ "Hi , I ' m trying to find a #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# . Can you help ?",
+ "I ' m looking for something in the #RESTAURANT-INFORM-AREA# , and it should be #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m going on a date and need an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the city #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine . I want it to be on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I would like to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Please find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I want a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I need help finding a very #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# , can you help me ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range",
+ "Actually , skip that . Let 's see if there 's a great restaurant to try instead . I am open as far as cuisine but want something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# of town .",
+ "Get me an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# please",
+ "Do you have one in the #RESTAURANT-INFORM-AREA# , in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area of town .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Yes I am looking to find a restaurant that is #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# , please ?",
+ "I also need a place to eat in the #RESTAURANT-INFORM-AREA# and has a #RESTAURANT-INFORM-PRICE# price .",
+ "I 'd looking for a good restaurant on the #RESTAURANT-INFORM-AREA# side . I 'd prefer the #RESTAURANT-INFORM-PRICE# price range , if possible .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# with in #RESTAURANT-INFORM-PRICE# range .",
+ "Maybe ... are you sure there is no #RESTAURANT-INFORM-PRICE# international food in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine , preferably in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Hi I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Sure , any other restaurant in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# would be fine .",
+ "Well , the restaurant should be #RESTAURANT-INFORM-PRICE# . Are there any expensive restaurants in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant for tonight in the #RESTAURANT-INFORM-AREA# of town , can you provide me with a list of my options ?",
+ "Suddenly I ' m hungry , could you find me a fancy #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area ?",
+ "Yes , I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# to celebrate our family .",
+ "I like #RESTAURANT-INFORM-PRICE# restaurants and would prefer something in the city #RESTAURANT-INFORM-AREA# .",
+ "Yes , please . I ' m looking for a place to dine in the #RESTAURANT-INFORM-AREA# of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I want somewhere #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# please",
+ "Yes , I am also looking for a place to dine . I want it to be #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# area .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I need a place to eat in the #RESTAURANT-INFORM-AREA# that 's #RESTAURANT-INFORM-PRICE# .",
+ "Can you locate an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant that is #RESTAURANT-INFORM-PRICE# and is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I 'd like to find an #RESTAURANT-INFORM-AREA# side restaurant that is #RESTAURANT-INFORM-PRICE# .",
+ "I m looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town in the #RESTAURANT-INFORM-PRICE# price range",
+ "What can you tell me about #RESTAURANT-INFORM-PRICE# restaurants on the #RESTAURANT-INFORM-AREA# side of town ?",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Before you go , could you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the city #RESTAURANT-INFORM-AREA# ?",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . What do you have ?",
+ "Hi - I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town . Can you help me ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Hello , I ' m trying to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Suggestions ?",
+ "Hello . I ' m going out for an #RESTAURANT-INFORM-PRICE# dinner and need to find a restaurant . I 'd like somewhere in the #RESTAURANT-INFORM-AREA# , and I ' m willing to pay quite a bit of money .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Actually , I ' m also looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Need restaurant that s #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I 'd like it to be an #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# , please .",
+ "I ' m looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , I need a #RESTAURANT-INFORM-PRICE# price range restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Thank you . I also need recommendations for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes please . I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# side of the city . I would like it to be an #RESTAURANT-INFORM-PRICE# restaurant .",
+ "It does n't matter but it should be #RESTAURANT-INFORM-PRICE# and it should be in the #RESTAURANT-INFORM-AREA# .",
+ "Are there #RESTAURANT-INFORM-PRICE# places to eat in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "You are planning your trip in Cambridge . \n You are looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I ' m also looking for a place to eat in the #RESTAURANT-INFORM-AREA# part of town . I do n't want it to be too costly , so let 's try a #RESTAURANT-INFORM-PRICE# price range .",
+ "Hey , are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , thank you . I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes I am looking for a restaurant that is #RESTAURANT-INFORM-PRICE# and located on the #RESTAURANT-INFORM-AREA# side .",
+ "I need a place to eat ? How about some place in the #RESTAURANT-INFORM-AREA# of the town and in #RESTAURANT-INFORM-PRICE# price range ?",
+ "I want to find a #RESTAURANT-INFORM-PRICE# priced place to dine in the #RESTAURANT-INFORM-AREA# of town .",
+ "Can I get a place to eat , I ' m looking for something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes I am also looking for an #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side .",
+ "I need help finding a place to dine that is very #RESTAURANT-INFORM-PRICE# and is located in the #RESTAURANT-INFORM-AREA# .",
+ "Sorry , Actually I need an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . the first on your list would be great .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello ! This is my first time to Cambridge , can you recommend a good , #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for a restaurant in #RESTAURANT-INFORM-AREA# part of town with #RESTAURANT-INFORM-PRICE# food .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that offers #RESTAURANT-INFORM-PRICE# pricing .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# that I can try ?",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m sorry , I 'll actually need a restaurant that 's in #RESTAURANT-INFORM-AREA# and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# part of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need a #RESTAURANT-INFORM-PRICE# place to dine at in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "No thanks can you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like a place to eat in the #RESTAURANT-INFORM-PRICE# price range located in the #RESTAURANT-INFORM-AREA# .",
+ "Hello . I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "It should be in the #RESTAURANT-INFORM-AREA# and it should be #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Terrific , thanks . I ' m also looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# reastaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Is there an #RESTAURANT-INFORM-PRICE# restaurant any where in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# area of town .",
+ "Yes I would like to find a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I ' m visiting the #RESTAURANT-INFORM-AREA# and want to go all out on the experience . Can you help me find an #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I ' m looking for a restaurant that is #RESTAURANT-INFORM-PRICE# and is in the #RESTAURANT-INFORM-AREA# . Can you help me ?",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# side .",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# priced place to dine in the #RESTAURANT-INFORM-AREA# of town",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "Need restaurant in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-PRICE# is what i ' m looking for",
+ "I love the #RESTAURANT-INFORM-AREA# of Cambridge but I always spend too much , are there #RESTAURANT-INFORM-PRICE# places to eat there so I can stay within my budget ?",
+ "Let 's find me a #RESTAURANT-INFORM-PRICE# eatery in the #RESTAURANT-INFORM-AREA# part of the town . Thank you .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant located in #RESTAURANT-INFORM-AREA# centre .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am also looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# part of town please .",
+ "I ' m looking for a nice , #RESTAURANT-INFORM-PRICE# restaurant on the #RESTAURANT-INFORM-AREA# side of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I need a find restaurant in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# part of the town",
+ "I need a #RESTAURANT-INFORM-PRICE# restuarant . Probably in the #RESTAURANT-INFORM-AREA# part of town",
+ "What sort of dining does Cambridge offer in the #RESTAURANT-INFORM-AREA# , in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would like to eat at #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# while I am here in Cambridge .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I need a restaurant in #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# prince range",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# at Cambridge .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Not right now . However , I do need to find an #RESTAURANT-INFORM-PRICE# restaurant to dine at in the #RESTAURANT-INFORM-AREA# of town . Any suggestions ?",
+ "Yeah , I need a restaurant in the #RESTAURANT-INFORM-AREA# and with #RESTAURANT-INFORM-PRICE# pricing .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# of town",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "There are no #RESTAURANT-INFORM-PRICE# french restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of Cambridge .",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in #RESTAURANT-INFORM-AREA# cambridge .",
+ "I ' m sorry i do n't need that booked . Rather i need information on a place to dine . Preferably #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Could you help me with this ?",
+ "I ' m looking for an upscale , #RESTAURANT-INFORM-PRICE# place to eat on the #RESTAURANT-INFORM-AREA# side of town .",
+ "Hello I would like to find a restaurant in the #RESTAURANT-INFORM-AREA# part of the city that costs a #RESTAURANT-INFORM-PRICE# amount .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# range .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "What is a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "i am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "A #RESTAURANT-INFORM-PRICE# one in the #RESTAURANT-INFORM-AREA# part of town .",
+ "No , I would just like something #RESTAURANT-INFORM-PRICE# . I like the #RESTAURANT-INFORM-AREA# side of town .",
+ "Please list all restaurants in Cambridge #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant in #RESTAURANT-INFORM-AREA# Cambridge .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Could you please help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "Yes . I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# side of the city .",
+ "Can you tell me about any #RESTAURANT-INFORM-PRICE# places to dine in the #RESTAURANT-INFORM-AREA# side ?",
+ "Please find me a place to dine that 's #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "Good Morning , are there any #RESTAURANT-INFORM-PRICE# restaurants in the city #RESTAURANT-INFORM-AREA# ?",
+ "Can you recommend me a restaurant in the #RESTAURANT-INFORM-PRICE# priced range located in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am also looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like that to be in a #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Is there a #RESTAURANT-INFORM-PRICE# place in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for one in #RESTAURANT-INFORM-AREA# that has a #RESTAURANT-INFORM-PRICE# price range .",
+ "I want your most #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# town .",
+ "Can you find a #RESTAURANT-INFORM-PRICE# price restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Hi ! I am looking for a nice place for dinner . I would like something in the #RESTAURANT-INFORM-AREA# that 's #RESTAURANT-INFORM-PRICE# .",
+ "I do n't care about the cuisine type , but I want it to be somewhere #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# please .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I am looking for a place to dine in Cambridge with an #RESTAURANT-INFORM-PRICE# price range located in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Is there an #RESTAURANT-INFORM-PRICE# Indonesian restaurant in the town #RESTAURANT-INFORM-AREA# by chance ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# of town .",
+ "What #RESTAURANT-INFORM-PRICE# restaurants are in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I want to find a nice , #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find and insanely #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# of town please ?",
+ "can i please have a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "No , I am also looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Yes I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Are you sure ? I am really looking for an #RESTAURANT-INFORM-PRICE# Australian place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "In the #RESTAURANT-INFORM-AREA# and prefer #RESTAURANT-INFORM-PRICE# price range",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "A #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "Can you recommend me a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a place to dine located in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# price range . Can you help me ?",
+ "Thank you ! I also am looking for a place to eat at in the #RESTAURANT-INFORM-AREA# area . I would prefer a nice #RESTAURANT-INFORM-PRICE# one .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# . Do you have any recommendations ?",
+ "I 'd like it to be in the #RESTAURANT-INFORM-AREA# , and #RESTAURANT-INFORM-PRICE# would be best .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hi , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the town #RESTAURANT-INFORM-AREA# please .",
+ "I AM looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "What about any #RESTAURANT-INFORM-PRICE# restaurants with traditional American food in the #RESTAURANT-INFORM-AREA# of town ?",
+ "What 's good to eat on the #RESTAURANT-INFORM-AREA# side , in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# side that 's in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you help me find and #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# . I am interested in a #RESTAURANT-INFORM-PRICE# price range . What can you recommend ?",
+ "I just need one that is #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# . It does n't matter what kind of food .",
+ "i am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# part of town .",
+ "No thank you . I am interested in finding an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# of town . Any recommendations ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hi ! I need to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like one in the #RESTAURANT-INFORM-AREA# of town that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to dine at the #RESTAURANT-INFORM-AREA# .",
+ "Is there a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of town .",
+ "Hello , I 'd like to dine at a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . What do you suggest ?",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town",
+ "Is there a #RESTAURANT-INFORM-PRICE# priced restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that is in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# , please .",
+ "It should be in the #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I ' m wanting to find a restaurant . The location I want is the #RESTAURANT-INFORM-AREA# and I want something in the #RESTAURANT-INFORM-PRICE# price range . Can you help me ?",
+ "Thank you I do not need to book the train , but I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Do you have any suggestions on a place in the #RESTAURANT-INFORM-AREA# to eat . I would like it to be #RESTAURANT-INFORM-PRICE# please .",
+ "I need an #RESTAURANT-INFORM-PRICE# one on the #RESTAURANT-INFORM-AREA# side .",
+ "Ok . I also want to book an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Yes , I am going for luxorious today . I need to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I do n't need a reservation for the guesthouse , actually . Could you help me find a #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# , as well ?",
+ "Excellent . Can you find me a #RESTAURANT-INFORM-PRICE# restaraunt that is also located in the #RESTAURANT-INFORM-AREA# area ?",
+ "Great , thanks . Yes , I need to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area as well .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# side of town .",
+ "Where in the #RESTAURANT-INFORM-AREA# can I dine ? I want something #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello I am seeking a restaurant in the #RESTAURANT-INFORM-AREA# side of Cambridge to eat at . Please only suggest #RESTAURANT-INFORM-PRICE# places .",
+ "Yes , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Can you tell me what you have ?",
+ "Hi there , I 'd like to find a good place to eat in the city #RESTAURANT-INFORM-AREA# tonight , but I ' m looking for somewhere #RESTAURANT-INFORM-PRICE# . Have you any good recommendations ?",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# of town",
+ "I also need a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "I am looking for a restaurant that is #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# part of town .",
+ "No , I just want it to be #RESTAURANT-INFORM-PRICE# and located in the #RESTAURANT-INFORM-AREA# .",
+ "Is there anything #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I ' m also looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# priced place to dine in the #RESTAURANT-INFORM-AREA# area .",
+ "Thank you ! I am also looking for a place to eat . I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# in price .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# range .",
+ "What type of #RESTAURANT-INFORM-PRICE# restaurants are there in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you let me know what #RESTAURANT-INFORM-PRICE# restaurants are available in the #RESTAURANT-INFORM-AREA# side ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please .",
+ "No I want somewhere #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# actually",
+ "I ' m a foodie and desperately need to find a restaurant in the #RESTAURANT-INFORM-AREA# . I ' m treating myself so anything in the #RESTAURANT-INFORM-PRICE# range is perfect",
+ "Sure , look for a #RESTAURANT-INFORM-PRICE# restaurant . And I prefer the #RESTAURANT-INFORM-AREA# if possible .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hello , I am traveling to Cambridge and I 'd like to find an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , or any in the same #RESTAURANT-INFORM-PRICE# range and the #RESTAURANT-INFORM-AREA# area .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range and in the town #RESTAURANT-INFORM-AREA# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# area .",
+ "Hello . Could you help me locate a good #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of the city ?",
+ "I am also looking for a #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello ! I 'd like to eat at a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# . Any ideas for me ?",
+ "Hello . I ' m looking for a #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# . Can you help me ?",
+ "I would like to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Hello ! Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "Great , I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# price range too .",
+ "I was wondering if you can help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I also need an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-AREA# and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Could you help me find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes what restaurants are in the #RESTAURANT-INFORM-AREA# area in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Thank you . Are there any #RESTAURANT-INFORM-PRICE# restaurants in the town #RESTAURANT-INFORM-AREA# ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Yes , that 's perfect ! Thank you ! I ' m also looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town . It needs to be #RESTAURANT-INFORM-PRICE# , as well .",
+ "Not at the moment but thank you . Could you recommend a good restaurant on the #RESTAURANT-INFORM-AREA# side of town , preferably in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to eat in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking to book an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town . What is available ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# place to dine in the #RESTAURANT-INFORM-AREA# .",
+ "I am looking for the #RESTAURANT-INFORM-AREA# side and #RESTAURANT-INFORM-PRICE# please .",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "What #RESTAURANT-INFORM-PRICE# restaurants are in the #RESTAURANT-INFORM-AREA# ?",
+ "What other restaurants are there in the #RESTAURANT-INFORM-AREA# area that serve #RESTAURANT-INFORM-PRICE# food ?",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "That 's fine I guess . I need to reserve a table at an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town , can you help me ?",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# priced restaurant in the area of #RESTAURANT-INFORM-AREA# .",
+ "I need something in the #RESTAURANT-INFORM-PRICE# price range in the #RESTAURANT-INFORM-AREA# of the city .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I also need a place to dine in the #RESTAURANT-INFORM-AREA# . Something #RESTAURANT-INFORM-PRICE# .",
+ "Yes , I ' m also looking for a #RESTAURANT-INFORM-PRICE# place to eat that 's also in the #RESTAURANT-INFORM-AREA# .",
+ "Yes , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Could you find me a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# please",
+ "I made a mistake . I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I need to find a restaurant in the #RESTAURANT-INFORM-AREA# area and more on the #RESTAURANT-INFORM-PRICE# side .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# city .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m looking for a place to eat that is #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "Actually , I could use some help finding an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I ' m hoping to find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I need a restaurant of #RESTAURANT-INFORM-PRICE# price in the #RESTAURANT-INFORM-AREA# .",
+ "I 'll also be needing a restaurant . I would like it to be in the #RESTAURANT-INFORM-AREA# and #RESTAURANT-INFORM-PRICE# .",
+ "Is there a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am looking for a place to dine in the #RESTAURANT-INFORM-AREA# with an #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# part of town .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range that is also in the #RESTAURANT-INFORM-AREA# part of town .",
+ "A #RESTAURANT-INFORM-PRICE# priced crossover located in the #RESTAURANT-INFORM-AREA# , nothing ?",
+ "I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# of town . I 'd like it to be #RESTAURANT-INFORM-PRICE# price range , please .",
+ "Yes , I ' m also looking for a place to dine . Should be in the #RESTAURANT-INFORM-AREA# and preferably in the #RESTAURANT-INFORM-PRICE# range .",
+ "Can you help me find a very #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# restaurant located in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a place to dine that is #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , I 'd also like to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# side of town .",
+ "I am looking for a restaurant that is #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m looking for a restaurant that 's #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# .",
+ "I am actually wanting the restaurant to be #RESTAURANT-INFORM-PRICE# and in the #RESTAURANT-INFORM-AREA# of town .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "I ' m trying to find an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Yes can you help me find a restaurant ? I ' m looking for something #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a place to eat that is really #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Yes , i need to find a restaurant to visit in the #RESTAURANT-INFORM-AREA# of town . Preferably in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Day;People;": [
+ "That would be great . I need it for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# .",
+ "Yes , please . Could you book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# ?",
+ "Thanks , I would like to book a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# , please .",
+ "The Hakka sounds good . Can you book it for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# ?",
+ "I 'd like to book a table for #RESTAURANT-INFORM-PEOPLE# people for #RESTAURANT-INFORM-DAY# at 1815 please .",
+ "Thanks , please make a reservation there for #RESTAURANT-INFORM-PEOPLE# people at 17:16 on #RESTAURANT-INFORM-DAY# .",
+ "Yes please . I need reservation for #RESTAURANT-INFORM-PEOPLE# people at 1400 on #RESTAURANT-INFORM-DAY# .",
+ "I would like to book a table for #RESTAURANT-INFORM-PEOPLE# for #RESTAURANT-INFORM-DAY# , please .",
+ "That sounds perfect . Could you book me a table for #RESTAURANT-INFORM-PEOPLE# at 1300 on #RESTAURANT-INFORM-DAY# .",
+ "Ok I 'd like to book for #RESTAURANT-INFORM-PEOPLE# people at 1400 on #RESTAURANT-INFORM-DAY# please",
+ "Can I make a reservation for #RESTAURANT-INFORM-PEOPLE# people at 16:0 on #RESTAURANT-INFORM-DAY# ?",
+ "I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at 19:00 on #RESTAURANT-INFORM-DAY# .",
+ "Yes please for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# , thanks .",
+ "I 'd like to book for #RESTAURANT-INFORM-PEOPLE# person at 1145 on #RESTAURANT-INFORM-DAY# please",
+ "I will be there on #RESTAURANT-INFORM-DAY# at 5 pm . #RESTAURANT-INFORM-PEOPLE# people please .",
+ "Yes please book it for #RESTAURANT-INFORM-PEOPLE# people #RESTAURANT-INFORM-DAY# ."
+ ],
+ "Area;Food;Price;": [
+ "Yes I am also looking for somewhere #RESTAURANT-INFORM-PRICE# to eat in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "I would like to think on it if possible . But perhaps . Could you also help me find a #RESTAURANT-INFORM-FOOD# diner located in the #RESTAURANT-INFORM-AREA# ? It needs to be #RESTAURANT-INFORM-PRICE# also .",
+ "No . It really does need to be #RESTAURANT-INFORM-PRICE# . What about #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# ?",
+ "thanks . now lets try for a restaurant again . i am looking for something #RESTAURANT-INFORM-PRICE# that serves #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# .",
+ "I apologize , disregard what was said before , I will actually just need the #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# ones , in the #RESTAURANT-INFORM-AREA# area",
+ "I would like a restaurant in the #RESTAURANT-INFORM-AREA# , preferably a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "The restaurant should be in the #RESTAURANT-INFORM-AREA# and should serve #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "Okay , thanks . Now could you also help me find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am really needing to find a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food that is located in the #RESTAURANT-INFORM-AREA# . Would you mind double checking ?",
+ "I ' m sorry , I think I ' m spending too much money on this trip . Can you look for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# ?",
+ "An #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# please .",
+ "How about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Hmm , can you see if there might be an #RESTAURANT-INFORM-PRICE# restaurant that serves specifically \" north #RESTAURANT-INFORM-FOOD# \" food in the #RESTAURANT-INFORM-AREA# of town ?",
+ "I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I ' m looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range in the city #RESTAURANT-INFORM-AREA# . Mexican is my first choice . If none is available , #RESTAURANT-INFORM-FOOD# is fine .",
+ "Great . I also need a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# that is #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the area of #RESTAURANT-INFORM-AREA# .",
+ "Yes , how about #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Can you double check for #RESTAURANT-INFORM-FOOD# food , #RESTAURANT-INFORM-AREA# area , and in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town",
+ "I also need a place to dine in the #RESTAURANT-INFORM-AREA# area . Can you recommend an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "No thanks . I can do that . Please find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# with a #RESTAURANT-INFORM-PRICE# price .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "How about an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Yes I am also looking for a restaurant in the #RESTAURANT-INFORM-AREA# and serves #RESTAURANT-INFORM-FOOD# food . In the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I would like to dine in a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant that is located in the #RESTAURANT-INFORM-AREA# . Can you help me find one ?",
+ "No , I need something #RESTAURANT-INFORM-PRICE# priced in the #RESTAURANT-INFORM-AREA# . Is there one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "how about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Actually a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# would better suit our needs , what is available at a #RESTAURANT-INFORM-PRICE# price ?",
+ "Are there any restaurants in the #RESTAURANT-INFORM-AREA# and in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd like an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# range in the #RESTAURANT-INFORM-AREA# please .",
+ "Hmmm .... how about an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# ?",
+ "Is the hotpot #RESTAURANT-INFORM-PRICE# ? I want the restaurant to be expensive , in addition to being #RESTAURANT-INFORM-FOOD# food and in the #RESTAURANT-INFORM-AREA# .",
+ "Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# with #RESTAURANT-INFORM-FOOD# food ?",
+ "The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-AREA# . \n The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Yes , please . I would also like a place to eat that serves #RESTAURANT-INFORM-FOOD# food , is #RESTAURANT-INFORM-PRICE# , and in #RESTAURANT-INFORM-AREA# area please .",
+ "Yes I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-AREA# .",
+ "Give me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to eat in the #RESTAURANT-INFORM-AREA# of the town please .",
+ "Is there an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Is there a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town in the #RESTAURANT-INFORM-PRICE# range ?",
+ "I am looking for a restaurant . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should be in the #RESTAURANT-INFORM-AREA# . The restaurant should serve #RESTAURANT-INFORM-FOOD# food",
+ "An #RESTAURANT-INFORM-PRICE# restraunt in town #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants that are #RESTAURANT-INFORM-PRICE# in the #RESTAURANT-INFORM-AREA# area ?",
+ "Thanks , I ' m also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# of town .",
+ "Oh what the heck money is no object , an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants in the #RESTAURANT-INFORM-AREA# that serve #RESTAURANT-INFORM-FOOD# food ?",
+ "Cool , thanks . Can you help me book a table at an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Since I am only worried about Cambridge , lets check again for #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# area",
+ "Okay , then how about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant in the #RESTAURANT-INFORM-AREA# ?",
+ "Yes , we would like something in the #RESTAURANT-INFORM-AREA# , #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food would be great .",
+ "Thanks ! Now can you help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# please ?",
+ "Yes . Can you please find me an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Okay , but given the mistake regarding the area of town , could you check again for a table for 1 at a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant on the #RESTAURANT-INFORM-AREA# side ?",
+ "Do you have any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "How about some #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# located in the #RESTAURANT-INFORM-AREA# ?",
+ "I am also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# .",
+ "Oh goodness . My mistake . I was supposed to be going to the #RESTAURANT-INFORM-AREA# part of town . Can you see if you have any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in that area ?",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-PRICE# cuisine in the #RESTAURANT-INFORM-AREA# . Do you have any suggestions ?",
+ "Sorry that last sentence must have been a bad connection , disregard that . Still looking for a restaurant , are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# ones in the #RESTAURANT-INFORM-AREA# ?",
+ "I want a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# , please .",
+ "Are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-AREA# ?",
+ "How about a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant located in the #RESTAURANT-INFORM-AREA# please .",
+ "Yes , I would like an #RESTAURANT-INFORM-PRICE# restaurant in the #RESTAURANT-INFORM-AREA# that serves #RESTAURANT-INFORM-FOOD# food , thanks ."
+ ],
+ "Food;Price;": [
+ "I ' m on a tight budget so I need to find a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Is there a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in town ?",
+ "I also want a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes . An #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant would be good .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to dine that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I need a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food and I #RESTAURANT-INFORM-PRICE# about the price range .",
+ "i m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "An #RESTAURANT-INFORM-PRICE# restaurant that serves awesome australian food . If not I guess #RESTAURANT-INFORM-FOOD# will do .",
+ "How about a place to dine in the #RESTAURANT-INFORM-PRICE# price range serving #RESTAURANT-INFORM-FOOD# food .",
+ "Actually , I ' m looking for an #RESTAURANT-INFORM-PRICE# place to eat after I visit the museum . I ' m hoping for #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I am also looking for a #RESTAURANT-INFORM-PRICE# priced restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd also like to find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Thanks . Could you also help me locate an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I 'd like to find #RESTAURANT-INFORM-FOOD# food for #RESTAURANT-INFORM-PRICE# please .",
+ "Please help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hi , I want to eat at an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in Cambridge . Where can I go ?",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food while I ' m in Cambridge .",
+ "What do we have to eat in the #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food range ?",
+ "Yes , could you please help me find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a place to dine that serves #RESTAURANT-INFORM-FOOD# food . I want it to be #RESTAURANT-INFORM-PRICE# .",
+ "Sure , a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range would be great .",
+ "Hi , can you help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restraunt ?",
+ "Thanks ! I 'd also like a #RESTAURANT-INFORM-FOOD# restaurant . A #RESTAURANT-INFORM-PRICE# one , though .",
+ "I am looking for a place serving #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like to dine for #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# cuisine .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "What does Cambridge offer as far as #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "Good morning , I need help finding a restaurant that serves #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a place to dine that serves #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I am looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Are you able to find me a #RESTAURANT-INFORM-FOOD# #RESTAURANT-INFORM-PRICE# restaurant ?",
+ "I ' m looking for a local restaurant to dine in that #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Can you please help me find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Thanks . I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# . I 'd like it to be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# place to dine that specifically serves #RESTAURANT-INFORM-FOOD# food .",
+ "Need a place to eat with #RESTAURANT-INFORM-PRICE# prices , but needs to have #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to dine at .",
+ "Are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants around ?",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in #RESTAURANT-INFORM-PRICE# range .",
+ "I ' m also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food , in the #RESTAURANT-INFORM-PRICE# range .",
+ "Yes , actually . I ' m looking for information on #RESTAURANT-INFORM-PRICE# restaurants with #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# place to dine that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place to eat . I want to eat #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes I need a #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-PRICE# range",
+ "Do you know of any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "Could you find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Hello . I want a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "I would like to find a very #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant , can you help me ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant where I can get some #RESTAURANT-INFORM-FOOD# food , please .",
+ "Actually , I would like something #RESTAURANT-INFORM-PRICE# that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am planning your trip in Cambridge . looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food",
+ "I want to find a restaurant serving #RESTAURANT-INFORM-FOOD# food . I #RESTAURANT-INFORM-PRICE# about the price range",
+ "Is there a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant ?",
+ "yes how about a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Yes I am looking for an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a place to dine that has #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range and serves #RESTAURANT-INFORM-FOOD# food .",
+ "Is there a restaurant in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I was goona ask to search for #RESTAURANT-INFORM-FOOD# , but it sounds like their is nt an option with a #RESTAURANT-INFORM-PRICE# price . Lets go with Nando 's",
+ "I ' m also looking for a restaurant that serves #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like to find out if there are any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# places to eat in Cambridge .",
+ "Where can I find #RESTAURANT-INFORM-FOOD# food ? I prefer an #RESTAURANT-INFORM-PRICE# restaurant please",
+ "I would like to find a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Can you tell me where I can find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to eat at .",
+ "I would really love to try some #RESTAURANT-INFORM-FOOD# food . And something #RESTAURANT-INFORM-PRICE# , too .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Ok . Can you also recommend an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine that serves #RESTAURANT-INFORM-FOOD# food .",
+ "That 's more information than I needed to know . I ' m sure your supervisors would n't approve . I was looking for #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food , please .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "i am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for info on #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in Cambridge .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Could you help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Well how about finding a museum that has an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range nearby .",
+ "I ' m looking for a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I need an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# type food .",
+ "Thanks , I also need an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "am also looking for a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "Hello , I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I would like to try an #RESTAURANT-INFORM-PRICE# , #RESTAURANT-INFORM-FOOD# place while visiting cambridge .",
+ "Pardon my mistake , my migranes make my head a little foggy at times , can you help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to eat at ?",
+ "Hello , are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in town ?",
+ "A #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant , please . If you can not find one , then mediterranean .",
+ "Let 's find me a place that serves #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to eat , can you help me find one ?",
+ "Yes , can you find me a #RESTAURANT-INFORM-PRICE# place to eat serving #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for a place to eat in Cambridge that s is #RESTAURANT-INFORM-FOOD# with #RESTAURANT-INFORM-PRICE# pricing",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place .",
+ "What is the best #RESTAURANT-INFORM-FOOD# #RESTAURANT-INFORM-PRICE# restaurant in town ?",
+ "Can you find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would like to eat at an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# range .",
+ "I would like a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in Cambridge .",
+ "Okay , great . I ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant in the same area . I 'd like it to be #RESTAURANT-INFORM-PRICE# .",
+ "I need help finding a place to dine in the #RESTAURANT-INFORM-PRICE# price range and serves #RESTAURANT-INFORM-FOOD# food , can you help me ?",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Is there an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I am looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food at a #RESTAURANT-INFORM-PRICE# price .",
+ "I need assistance finding a restaurant that is #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# food , can you help me ?",
+ "We eat Pizza Hut way to much . Can you try something with #RESTAURANT-INFORM-FOOD# food ? It is a special occasion so it can be #RESTAURANT-INFORM-PRICE# .",
+ "Great ! Can you help me find a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Thank you ! I also need to find and #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hi , i am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you help me find a really nice and #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place in town ?",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hi , I ' m looking for a place to eat , preferably a #RESTAURANT-INFORM-PRICE# South #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hello ! I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I also need a restaurant that serves #RESTAURANT-INFORM-FOOD# food , in the #RESTAURANT-INFORM-PRICE# range .",
+ "Can you find me a place to eat ? I would like an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant . Thanks .",
+ "Yes that 's fine . I also need help finding an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant . Can you help ?",
+ "Find me a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to dine at please .",
+ "Yes , I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I want to dine at an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# oriental food restaurant .",
+ "Hello , I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I also need a place to dine that serves #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I want an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to dine in .",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# place serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I am looking for an #RESTAURANT-INFORM-FOOD# restaurant , #RESTAURANT-INFORM-PRICE# preferably .",
+ "I want a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a place to dine in the #RESTAURANT-INFORM-PRICE# price range which serves #RESTAURANT-INFORM-FOOD# .",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants that serve #RESTAURANT-INFORM-FOOD# food around Cambridge ?",
+ "I would like a #RESTAURANT-INFORM-FOOD# restaurant , preferrably #RESTAURANT-INFORM-PRICE# .",
+ "I 'd like it to be #RESTAURANT-INFORM-FOOD# , and I ' m looking for something #RESTAURANT-INFORM-PRICE# .",
+ "I would like somewhere #RESTAURANT-INFORM-PRICE# that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant",
+ "i would love #RESTAURANT-INFORM-FOOD# food , preferable in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant . I want a place that is #RESTAURANT-INFORM-PRICE# and classy .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Good afternoon ! I 'd like to visit an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant . Will you help me find one ?",
+ "Can you find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I want to eat at an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant",
+ "I ' m looking for a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I #RESTAURANT-INFORM-PRICE# about price range , find me an #RESTAURANT-INFORM-FOOD# food restaurant , please .",
+ "great , thanks . I need also a #RESTAURANT-INFORM-FOOD# restaurant in #RESTAURANT-INFORM-PRICE# price range ?",
+ "It should serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "need a place to eat #RESTAURANT-INFORM-FOOD# food , #RESTAURANT-INFORM-PRICE# too .",
+ "Also , do you have a listing of any #RESTAURANT-INFORM-PRICE# restaurants that serve halal or #RESTAURANT-INFORM-FOOD# dishes ?",
+ "I need to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to dine .",
+ "I ' m also looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I want an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant , please .",
+ "I am looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# type food .",
+ "I 'd like to find somewhere to eat , preferably on the #RESTAURANT-INFORM-PRICE# side and serving #RESTAURANT-INFORM-FOOD# .",
+ "I am also looking for a place to eat , are there any that serve #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "Hi there , I ' m hungry . Please help me find a #RESTAURANT-INFORM-PRICE# place that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range , any area is fine .",
+ "Heya , can you find me an #RESTAURANT-INFORM-PRICE# restaurant with north #RESTAURANT-INFORM-FOOD# food ?",
+ "Are there any #RESTAURANT-INFORM-PRICE# restaurants with #RESTAURANT-INFORM-FOOD# food ?",
+ "I am also looking for a place to eat . It should serve #RESTAURANT-INFORM-FOOD# food and be #RESTAURANT-INFORM-PRICE# .",
+ "Yes please , could you look for a #RESTAURANT-INFORM-FOOD# retaurant in the #RESTAURANT-INFORM-PRICE# range ?",
+ "I am looking to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food and #RESTAURANT-INFORM-PRICE# .",
+ "No , but I need a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant nearby as well .",
+ "I want a #RESTAURANT-INFORM-PRICE# , #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "No thank you . I ' m also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Thank you . I ' m also looking for a #RESTAURANT-INFORM-PRICE# price range restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Are there any #RESTAURANT-INFORM-FOOD# restaurants in the #RESTAURANT-INFORM-PRICE# range ?",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to eat at .",
+ "no i need #RESTAURANT-INFORM-PRICE# . is there one that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Hey , I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine with #RESTAURANT-INFORM-FOOD# cuisine preferably !",
+ "I ' m also looking for a place to eat . I do n't mind where , but I want an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place .",
+ "Hello , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food please",
+ "Is there an #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I would like to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Can you help me find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to dine at ?",
+ "I am excited to be coming and would love to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for some #RESTAURANT-INFORM-FOOD# food that is #RESTAURANT-INFORM-PRICE# .",
+ "I am looking for a place to eat at that is #RESTAURANT-INFORM-PRICE# and serves food with #RESTAURANT-INFORM-FOOD# .",
+ "I would also like to find a place to eat . Can you find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# range ?",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food",
+ "I really need to find a restaurant that serves #RESTAURANT-INFORM-FOOD# food . An #RESTAURANT-INFORM-PRICE# one is fine .",
+ "I ' m looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hey ! Yeah I am looking for a #RESTAURANT-INFORM-PRICE# place to eat in Cambridge . Particularly interested in #RESTAURANT-INFORM-FOOD# food .",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# restaurant and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want some #RESTAURANT-INFORM-FOOD# food , and #RESTAURANT-INFORM-PRICE# if possible .",
+ "I would like to eat at and #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# type restaurant . Can you give me the phone number of a place that fits this description ?",
+ "I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range . What do you find available ?",
+ "I also need a restaurant in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food",
+ "Is there a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price bracket ?",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "How about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place ?",
+ "Yes , I would like to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I 'd like it to be #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food . Any suggestions ?",
+ "I want to eat some #RESTAURANT-INFORM-FOOD# food , I ' m on a budget so it needs to be #RESTAURANT-INFORM-PRICE# !",
+ "Sure , I am looking for a restaurant serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you also find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant for me ?",
+ "Thanks . I ' m also looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for a place to eat some #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# food .",
+ "I also need to find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food please .",
+ "Yes . I am also looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hi , I 'd like to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Help me find a #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# food place please .",
+ "I 'd like an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "Yes a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Do you have a restaurant that serves #RESTAURANT-INFORM-FOOD# food , that 's in the #RESTAURANT-INFORM-PRICE# range ?",
+ "I need to find a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "What are some #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants to dine at ?",
+ "I am also looking for a restaurant in the same area . Preferably #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "How about a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# ?",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "Perfect , thanks . Oh ! I ' m also quite hungry , can you recommend an #RESTAURANT-INFORM-PRICE# restaurant in town that serves #RESTAURANT-INFORM-FOOD# cuisine , please ?",
+ "I am looking for a restaurant to book a reservation . I want #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# , should you have such a beast .",
+ "The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m also looking for a #RESTAURANT-INFORM-FOOD# restaurant that is semi #RESTAURANT-INFORM-PRICE# . I would like it the same day I arrive .",
+ "Ok , how about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# priced place to dine serving #RESTAURANT-INFORM-FOOD# food .",
+ "Thanks . I need a place to eat too . Any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# places near the pool ?",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Can you help me find a place to eat ? I am looking for a place that serves #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "i am looking for a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I ' m also looking for a restaurant . I 'd like it to serve #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "Find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to dine in .",
+ "Hi , I ' m looking for a restaurant in the #RESTAURANT-INFORM-PRICE# price range that sells #RESTAURANT-INFORM-FOOD# food .",
+ "Find me #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Hi , I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I need a place to have dinner . I ' m thinking #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-PRICE# .",
+ "I am also looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I ' m also looking for a place to eat . I would like an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Are there any other #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants ?",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I need a restaurant . Something #RESTAURANT-INFORM-PRICE# and #RESTAURANT-INFORM-FOOD# .",
+ "I am also trying to find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find an #RESTAURANT-INFORM-PRICE# restaurant serving expensive #RESTAURANT-INFORM-FOOD# food",
+ "I ' m in the mood for some #RESTAURANT-INFORM-FOOD# food . Please find me an #RESTAURANT-INFORM-PRICE# restaurant that serves it",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant that had a #RESTAURANT-INFORM-PRICE# price range .",
+ "I need a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "I am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant with #RESTAURANT-INFORM-PRICE# prices .",
+ "I would like a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to eat .",
+ "I ' m looking to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Can you find me restaurant with #RESTAURANT-INFORM-PRICE# prices that serves #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "Can you tell me about any #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# restaurants in cambridge ?",
+ "Hi , I 'd like to find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant , please .",
+ "I would really like to get really great Chinese food . Can you suggest an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place ?",
+ "I am looking for a place to eat that 's #RESTAURANT-INFORM-PRICE# and serves #RESTAURANT-INFORM-FOOD# . Can you help me ?",
+ "How about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would like a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Hi , I ' m going to visit Cambridge and am interested in finding a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# type fare .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# place to dine that also service #RESTAURANT-INFORM-FOOD# food . Any suggestions ?",
+ "Can you help me find a restaurant that serves #RESTAURANT-INFORM-FOOD# food and is #RESTAURANT-INFORM-PRICE# ?",
+ "Yes . I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food and is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes I am looking for a local restaurant to dine that will serve #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food",
+ "Can you find me an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Thank you . I am also looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food and that is #RESTAURANT-INFORM-PRICE# .",
+ "Can you also find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I ' m also looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food",
+ "Hi , I ' m trying to find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place to eat at . Is there anything like that ?",
+ "Find me an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in cambridge in the #RESTAURANT-INFORM-PRICE# price range",
+ "i am looking for a place to dine . The restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve #RESTAURANT-INFORM-FOOD# food .",
+ "I would like #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food . What do you suggest ?",
+ "Hi , I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "Hello , I am looking for an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Help me find a place to eat #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "I am also looking for a place to eat in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# , can you help me with that too ?",
+ "i am looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I ' m looking for a place to dine , in the #RESTAURANT-INFORM-PRICE# price range , that serves #RESTAURANT-INFORM-FOOD# .",
+ "What about a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place ?",
+ "Do you have a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food . In the mood for curry .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant please .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I need a restaurant that is in the #RESTAURANT-INFORM-PRICE# price range and that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a restaurant that serves #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I want an #RESTAURANT-INFORM-PRICE# restaurant and serves #RESTAURANT-INFORM-FOOD# food .",
+ "I want a restaurant serving #RESTAURANT-INFORM-FOOD# food and I #RESTAURANT-INFORM-PRICE# about the price range .",
+ "I ' m looking for a #RESTAURANT-INFORM-FOOD# restaurant that is moderately #RESTAURANT-INFORM-PRICE# .",
+ "I actually would prefer #RESTAURANT-INFORM-FOOD# type food and preferably in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Is there a #RESTAURANT-INFORM-PRICE# restaurant serving #RESTAURANT-INFORM-FOOD# food ?",
+ "I also am looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "i need a place to dine in Cambridge with #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food",
+ "Hi , I ' m looking for a restaurant with modern #RESTAURANT-INFORM-FOOD# food . It should be in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Please recommend me an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "are there any #RESTAURANT-INFORM-FOOD# restaurants that are #RESTAURANT-INFORM-PRICE# in the north ?",
+ "Is there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in town ?",
+ "I ' m looking for #RESTAURANT-INFORM-FOOD# food in #RESTAURANT-INFORM-PRICE# range .",
+ "Can you help me find a very #RESTAURANT-INFORM-PRICE# place to eat that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking a place serving #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Yes , I ' m wondering if there are any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in town .",
+ "I want #RESTAURANT-INFORM-FOOD# food at an #RESTAURANT-INFORM-PRICE# price . Can you help ?",
+ "I ' m looking for an #RESTAURANT-INFORM-FOOD# restaurant that 's #RESTAURANT-INFORM-PRICE# in price .",
+ "I am also looking for a restaurant . I prefer it to serve #RESTAURANT-INFORM-FOOD# food and i would like a #RESTAURANT-INFORM-PRICE# price range .",
+ "I got ta eat . Find me an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place please .",
+ "Is there an #RESTAURANT-INFORM-PRICE# restaurant in the area that serves #RESTAURANT-INFORM-FOOD# ?",
+ "he restaurant should be in the #RESTAURANT-INFORM-PRICE# price range and should serve polynesian food . \n If there is no such restaurant , how about one that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Thanks ! I also need an #RESTAURANT-INFORM-FOOD# restaurant to go to . I need to save some money so I would prefer it to be #RESTAURANT-INFORM-PRICE# .",
+ "I really want to treat myself so I was thinking #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "I want to find a #RESTAURANT-INFORM-FOOD# restaurant that is #RESTAURANT-INFORM-PRICE# .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for a #RESTAURANT-INFORM-FOOD# restaurant that is in the #RESTAURANT-INFORM-PRICE# price range .",
+ "I am also looking for a place to dine . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I ' m sorry , I do n't actually need a reservation . But can you recommend an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in cambridge ?",
+ "Hi I am looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "I would like to find a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to dine at .",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food restaurant , please .",
+ "I am looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range . Any area is okay .",
+ "i would like an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food",
+ "Is there any place serving #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food ?",
+ "I just want a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place . Choose one you recommend for me . Then I need help reserving it .",
+ "OK thank you . I also need a place to dine that serves #RESTAURANT-INFORM-FOOD# and that is #RESTAURANT-INFORM-PRICE# .",
+ "Yes , could you help me find a #RESTAURANT-INFORM-FOOD# that is #RESTAURANT-INFORM-PRICE# .",
+ "Thanks ! I ' m also looking for an #RESTAURANT-INFORM-PRICE# place to dine . I 'd like to eat #RESTAURANT-INFORM-FOOD# food .",
+ "How about #RESTAURANT-INFORM-FOOD# food then . #RESTAURANT-INFORM-PRICE# british food .",
+ "Hello , I ' m trying to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant . Can you help me find one ?",
+ "Please suggest me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Can you help me find a restaurant with a #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for a restaurant . The restaurant should serve #RESTAURANT-INFORM-FOOD# food and should be in the #RESTAURANT-INFORM-PRICE# price range",
+ "I am looking for an #RESTAURANT-INFORM-FOOD# restaurant . I want this to be a special experience so #RESTAURANT-INFORM-PRICE# is preferred .",
+ "A #RESTAURANT-INFORM-PRICE# priced #RESTAURANT-INFORM-FOOD# food restaurant .",
+ "I would like a #RESTAURANT-INFORM-PRICE# restaurant which serves #RESTAURANT-INFORM-FOOD# food",
+ "I need you to help me find an #RESTAURANT-INFORM-PRICE# restaurant to dine in , I 'd like it to be #RESTAURANT-INFORM-FOOD# food .",
+ "Hi there . I ' m trying to find a place to eat tonight . I 'd like it to be more high end and #RESTAURANT-INFORM-PRICE# , and serve #RESTAURANT-INFORM-FOOD# food . Can you help me ?",
+ "I 'd also like a place to dine . I want it to be #RESTAURANT-INFORM-FOOD# and #RESTAURANT-INFORM-PRICE# .",
+ "I am also looking for a #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food .",
+ "I am looking for a place to dine . I would like #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , I would like #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range please .",
+ "Yes , I am looking for information for a restaurant of #RESTAURANT-INFORM-PRICE# price serving #RESTAURANT-INFORM-FOOD# food .",
+ "Would you happen to know if there are any #RESTAURANT-INFORM-PRICE# restaurants with #RESTAURANT-INFORM-FOOD# cuisine ?",
+ "I ' m looking for a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# place to dine which serves #RESTAURANT-INFORM-FOOD# food .",
+ "I 'd like to find an #RESTAURANT-INFORM-PRICE# restaurant where I can eat #RESTAURANT-INFORM-FOOD# food .",
+ "I would like a #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-PRICE# range .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# price restaurant and serving #RESTAURANT-INFORM-FOOD# food .",
+ "I want an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food in the same area as the attraction , please .",
+ "Find me a #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food place please .",
+ "I need a restaurant in Cambridge that has #RESTAURANT-INFORM-FOOD# food and a #RESTAURANT-INFORM-PRICE# price range please .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# place .",
+ "Thank you . Can yo also find a restaurant that serves #RESTAURANT-INFORM-FOOD# food and in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "hello can i find a place that serves #RESTAURANT-INFORM-FOOD# food and has #RESTAURANT-INFORM-PRICE# price range for my family",
+ "Please find me a #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I would also like to get some #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# food .",
+ "Hello , are there any #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurants in town ?",
+ "I am looking for an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant in Cambridge",
+ "Actually , I was looking for #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range .",
+ "Yes , can you help me find an #RESTAURANT-INFORM-PRICE# restaurant that serves #RESTAURANT-INFORM-FOOD# food ?",
+ "Can you help me find a place to eat serving #RESTAURANT-INFORM-FOOD# food in the #RESTAURANT-INFORM-PRICE# price range ?",
+ "I need to find a place to dine in the #RESTAURANT-INFORM-PRICE# price range that serves #RESTAURANT-INFORM-FOOD# food .",
+ "Thanks ! Also , could you tell me if there are any places in the center of town that serve #RESTAURANT-INFORM-FOOD# food ? Something #RESTAURANT-INFORM-PRICE# would be great .",
+ "I ' m in the mood for some #RESTAURANT-INFORM-FOOD# food so please find me a #RESTAURANT-INFORM-PRICE# restaurant that sells some",
+ "How about an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "Hi . I ' m looking for a relatively #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant to dine at this evening . Is there one that you would recommend ?",
+ "Yes I want to find an #RESTAURANT-INFORM-PRICE# #RESTAURANT-INFORM-FOOD# restaurant .",
+ "I need an #RESTAURANT-INFORM-FOOD# place in the #RESTAURANT-INFORM-PRICE# price range to eat at .",
+ "Yes , I ' m also looking for a #RESTAURANT-INFORM-PRICE# place to eat that serves #RESTAURANT-INFORM-FOOD# food ."
+ ],
+ "People;Time;": [
+ "Is the 1#RESTAURANT-INFORM-PEOPLE#:00 time slot available for 7 ?",
+ "Yes , please make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us . #RESTAURANT-INFORM-TIME# , if possible .",
+ "I do not have a preferred area . Which ones have a table available for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on Tuesday ?",
+ "Yes , please book a table for #RESTAURANT-INFORM-PEOPLE# at Frankie and Benny 's at #RESTAURANT-INFORM-TIME# and provide the reference number .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# in my party and we would like to book for #RESTAURANT-INFORM-TIME# .",
+ "I do n't have a price range but I would like it to be in the town centre for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "pick one for me and book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on Wednesday .",
+ "That sounds fine . I would like it booked for #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people please .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us and we would like to eat at #RESTAURANT-INFORM-TIME# .",
+ "Sure ! Could you book it for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# ?",
+ "It will be at #RESTAURANT-INFORM-TIME# on Tuesday and there will be #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes , I need a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on Saturday and please provide the reference number after booking is completed .",
+ "Yes I want to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on Monday .",
+ "We 'll need a table for #RESTAURANT-INFORM-PEOPLE# , please . I 'd love it if we can get the #RESTAURANT-INFORM-TIME# time slot .",
+ "Yes can we book one of those restaurants for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# ?",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us and we would like to eat at #RESTAURANT-INFORM-TIME# if possible .",
+ "The type of food is not important , but I need one that can seat #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# . Can you make a suggestion ?",
+ "Actually , can I change that to Friday . I would need a reservation that day for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us at #RESTAURANT-INFORM-TIME# .",
+ "Sounds great , can you book a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# ?",
+ "I would like a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# .",
+ "For #RESTAURANT-INFORM-PEOPLE# people , at #RESTAURANT-INFORM-TIME# please .",
+ "I would like to reserve it for #RESTAURANT-INFORM-TIME# for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Yes I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on Friday .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us and #RESTAURANT-INFORM-TIME# would be great .",
+ "I will have #RESTAURANT-INFORM-PEOPLE# people and we would like #RESTAURANT-INFORM-TIME# if possible . Thanks .",
+ "That 's fine . Please make a reservation for #RESTAURANT-INFORM-PEOPLE# people on Friday at #RESTAURANT-INFORM-TIME# , please .",
+ "Yes , will you reserve me a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# please .",
+ "Okay , again for #RESTAURANT-INFORM-PEOPLE# people Sunday at #RESTAURANT-INFORM-TIME# .",
+ "ok lets try the gandhi , a table for #RESTAURANT-INFORM-PEOPLE# on sat at #RESTAURANT-INFORM-TIME# , and I need the reference number",
+ "For #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# , please .",
+ "There is not a certain part of town . But I will need a table for #RESTAURANT-INFORM-PEOPLE# people on Wednesdat at #RESTAURANT-INFORM-TIME# .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# .",
+ "Can you book a table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# for Stazione , please ?"
+ ],
+ "Area;Food;People;": [
+ "Oh darn it ! How about ... maybe #RESTAURANT-INFORM-FOOD# food ? Still in the #RESTAURANT-INFORM-AREA# , and they need to be able to seat #RESTAURANT-INFORM-PEOPLE# people ."
+ ],
+ "Food;Time;": [
+ "Are you sure they are closed at #RESTAURANT-INFORM-TIME# ? Is there a different #RESTAURANT-INFORM-FOOD# restaurant in that area available at that time ?",
+ "15:45 , 18:45 , if not Is there another #RESTAURANT-INFORM-FOOD# restaurant that I could get a table for 5 at etiher #RESTAURANT-INFORM-TIME# or 17:45 ?"
+ ],
+ "Name;Price;": [
+ "Is the #RESTAURANT-INFORM-NAME# in the #RESTAURANT-INFORM-PRICE# price range ?"
+ ],
+ "Day;People;Price;": [
+ "Can you please try to make a reservation at the #RESTAURANT-INFORM-PRICE# location then for 14:45 for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# ?"
+ ],
+ "Day;": [
+ "It does n't matter what area it 's in and I 'll be needing a table for #RESTAURANT-INFORM-DAY# .",
+ "I just told you ! #RESTAURANT-INFORM-DAY# ! Now please go on and book and send me the reference number",
+ "book a table for 2 people at 18:45 on #RESTAURANT-INFORM-DAY# .",
+ "We will be there #RESTAURANT-INFORM-DAY# night .",
+ "Please make a reservation for #RESTAURANT-INFORM-DAY# .",
+ "Any of them you recommend would be fine . I do need a booking for #RESTAURANT-INFORM-DAY# .",
+ "Yes . Please reserve a table for 8 on #RESTAURANT-INFORM-DAY# at 21:00 . Also can you give me the reference number ?",
+ "The same day , #RESTAURANT-INFORM-DAY# .",
+ "If the booking fails how about #RESTAURANT-INFORM-DAY# .",
+ "Can you help me book a table for #RESTAURANT-INFORM-DAY# ?",
+ "This #RESTAURANT-INFORM-DAY# at 15:45 .",
+ "Yes . I need a table booked for 7 on #RESTAURANT-INFORM-DAY# .",
+ "How about #RESTAURANT-INFORM-DAY# ?",
+ "For #RESTAURANT-INFORM-DAY# please .",
+ "sure , can you reserve a table for #RESTAURANT-INFORM-DAY# for me ?",
+ "Sorry change of plans can you cancel and book for #RESTAURANT-INFORM-DAY# now please ?",
+ "let 's book it for #RESTAURANT-INFORM-DAY# please .",
+ "Make the reservation for #RESTAURANT-INFORM-DAY# and then give me the reference number",
+ "No , that will do . Can I book a table for #RESTAURANT-INFORM-DAY# ?",
+ "The Gandhi would be perfect . Could you book it for me for #RESTAURANT-INFORM-DAY# .",
+ "can you book it for #RESTAURANT-INFORM-DAY# afternoon ?",
+ "Wait , I need to change the booking to #RESTAURANT-INFORM-DAY# .",
+ "I would like to book the asian one for #RESTAURANT-INFORM-DAY# .",
+ "Yes please . I need it for #RESTAURANT-INFORM-DAY# .",
+ "Can you try on #RESTAURANT-INFORM-DAY# , 7 people , at 12:15",
+ "Okay why do n't you try for #RESTAURANT-INFORM-DAY# instead then ?"
+ ],
+ "Day;Time;": [
+ "How about you pick a place for me reserve a table for 7 at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "That information is at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Perfect . I 'd like a table for 7 at #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# .",
+ "Where is the restaurant located ? I would like to book a table for 6 , around #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "It will be for #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "That sounds perfect ! Could you book me a table for #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# for 8 people . Could you include the reference number also ?"
+ ],
+ "Area;Price;Time;": [
+ "I would like a #RESTAURANT-INFORM-PRICE# price range and in the #RESTAURANT-INFORM-AREA# . Would you be able to book a table for friday at #RESTAURANT-INFORM-TIME# ? It would be for 2 ."
+ ],
+ "Name;People;": [
+ "Great . I am looking for a particular restaurant named #RESTAURANT-INFORM-NAME# and I would like to book a table for #RESTAURANT-INFORM-PEOPLE# people ."
+ ],
+ "Name;Time;": [
+ "I need a restaurant called the #RESTAURANT-INFORM-NAME# for the same group of people at #RESTAURANT-INFORM-TIME# and I would need the reference number .",
+ "Yes , I ' m looking for a want restaurant called #RESTAURANT-INFORM-NAME# and book a table for 1 at #RESTAURANT-INFORM-TIME# and I need a reference number"
+ ],
+ "Area;Day;Food;People;Price;Time;": [
+ "No , let 's try #RESTAURANT-INFORM-FOOD# on the #RESTAURANT-INFORM-PRICE# side located in the #RESTAURANT-INFORM-AREA# . Book for #RESTAURANT-INFORM-PEOPLE# people on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# please ."
+ ],
+ "Area;Day;Food;People;Time;": [
+ "Hmmm , are you sure there is not an #RESTAURANT-INFORM-FOOD# restaurant in the #RESTAURANT-INFORM-AREA# that I can book for #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# for #RESTAURANT-INFORM-PEOPLE# people ?",
+ "It really does n't matter money is no object . I need a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# . As long as its a #RESTAURANT-INFORM-FOOD# in the #RESTAURANT-INFORM-AREA# of town"
+ ],
+ "Day;Food;People;Time;": [
+ "6 #RESTAURANT-INFORM-FOOD# restaurants , wow ! I need a table for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . No particular area",
+ "Let 's try expensive #RESTAURANT-INFORM-FOOD# food . I need a table for #RESTAURANT-INFORM-PEOPLE# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# , can you help me ?"
+ ],
+ "Area;Day;": [
+ "the #RESTAURANT-INFORM-AREA# please . can you reserve a table for #RESTAURANT-INFORM-DAY# please ."
+ ],
+ "Day;Name;People;Time;": [
+ "I 'd like to book #RESTAURANT-INFORM-NAME# for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# please .",
+ "Yes , please make a reservation for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-NAME# on #RESTAURANT-INFORM-DAY# at #RESTAURANT-INFORM-TIME# .",
+ "Yes , the #RESTAURANT-INFORM-NAME# . I 'd like to book for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Could I also get the reference number ?"
+ ],
+ "Day;People;Price;Time;": [
+ "I ' m sorry , but the price range should be #RESTAURANT-INFORM-PRICE# . The area does n't matter . I just need one that is available for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# .",
+ "Can you book the #RESTAURANT-INFORM-PRICE# priced one for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# ?",
+ "Can you recommend me one that 's #RESTAURANT-INFORM-PRICE# ? And book the table for #RESTAURANT-INFORM-PEOPLE# people at #RESTAURANT-INFORM-TIME# on #RESTAURANT-INFORM-DAY# . Thanks !"
+ ],
+ "Area;Day;Time;": [
+ "The one in the #RESTAURANT-INFORM-AREA# is fine , I would like a table for 1 at #RESTAURANT-INFORM-TIME# #RESTAURANT-INFORM-DAY# please ."
+ ],
+ "Name;People;Time;": [
+ "thanks do you have info on a place to eat called #RESTAURANT-INFORM-NAME# ? I need to make reservations for #RESTAURANT-INFORM-PEOPLE# at #RESTAURANT-INFORM-TIME# thurs"
+ ],
+ "Price;Time;": [
+ "Any of them will be fine . As long as it 's #RESTAURANT-INFORM-PRICE# . I need a table for 4 on monday at #RESTAURANT-INFORM-TIME# please ."
+ ],
+ "Food;Name;": [
+ "Hi I am looking for some information on the good luck #RESTAURANT-INFORM-FOOD# food takeaway ."
+ ]
+ },
+ "Restaurant-Request": {
+ "Addr;": [
+ "Thank you . May I have the address ?",
+ "Yes , may I have the address ?",
+ "Yes , please give me their address .",
+ "May I have the address for Anatolia ?",
+ "All I needed today was the address , thank you .",
+ "Sounds great . What is the address and contact information ?",
+ "May I have the address for The Cow Pizza Kitchen and Bar please ?",
+ "Can you give me the address ?",
+ "Which ever you think is the best , please give me the address .",
+ "May I also get the address for the restaurant ?",
+ "Great ! Can I get their address please ?",
+ "That will be good . Could you give me their address ?",
+ "No but could I get the address for the hakka ?",
+ "What is the address ?",
+ "Can I please get the address for Saigon City ?",
+ "Can I get the address of Anatolia ?",
+ "Actually , no booking is necessary . But , can you suggest one and provide me the address . Thanks .",
+ "What is the address ?",
+ "Yes . I would like the address of the Nirala please ?",
+ "What is their address please ?",
+ "I only need the address for a restaurant that you would recommend .",
+ "I need the address , too .",
+ "How about the moderate one ? May I have their address , please ?",
+ "I am not sure yet . Could you give me the restaurant 's address for now ?",
+ "Yes , and their address .",
+ "Can you give me the address for Thanh Binh as well please ?",
+ "What 's the address ?",
+ "Can you please give me the address ?",
+ "No , but I need the address .",
+ "What is their address ?",
+ "Actually , can I just get the address there for now please ?",
+ "No , but can I get the address today ?",
+ "What is the address for Pizza Hut Cherry Hinton ?",
+ "It does n't matter to me . I just need the address to get to it . Thanks !",
+ "If you could find me one and if I could get the address , that would be great .",
+ "What 's the address for cocum ?",
+ "I would like the address please .",
+ "Thanks . Could I get the address as well please ?",
+ "What is the address of the first one ?",
+ "Wonderful ! What is their address ?",
+ "What is the address ?",
+ "give me the address of the one you recommend",
+ "Price range does n't matter . Can I have the address of a place that sounds good ?",
+ "What is the address ?",
+ "That sounds great ! Could you give me the address ?",
+ "You do n't need to book me for any . Could I get the address for the Dojo Noodle Bar , however ?",
+ "What is the address ?",
+ "Yes please , I would like their address .",
+ "Is there anything else ? If so , please give the address and the phone number .",
+ "What is the address ?",
+ "I already got the address , thank you . That is all I needed . Good bye .",
+ "Sure , may I have their address please ?",
+ "could i have the address for the anatolia ?",
+ "Can I have the address please ?",
+ "Yes please . Give me the address of the best one of them .",
+ "Can you tell me the address for the Chinese restaurant",
+ "Do you have an address ?",
+ "Yes , I would like their address and what part of town they are located in .",
+ "Could I get the address of one of them ?",
+ "no , just give me the address",
+ "What is the address ?",
+ "Yes , what is the address for Royal Spice please ?",
+ "can i have the address of Pizza Hut Fen Ditton .",
+ "Yes , could you please give me the specific address of the restaurant ?",
+ "Yes , what is the address of Restaurant Two Two ?",
+ "I still need the address , and after that we need to talk about a taxi .",
+ "What 's their address ?",
+ "no . i just want the address for today",
+ "no , just the address please",
+ "Actually , could I just get its phone number and address ?",
+ "Moderate price range would be fine . Could you pick the shortest name and tell me the address ?",
+ "Yes , please book it . I would also like the address .",
+ "Can I have the address for cow pizza kitchen please ?",
+ "No preference . What would you recommend ? And I 'll need the address .",
+ "What is the address ?",
+ "Actually just provide me with the address for that location",
+ "I need the address for that restaurant please .",
+ "No , thanks , I just need the address of one of them , please .",
+ "Yes , that will work . Can I get the restaurant address please ?",
+ "Let 's go with that . What 's the address ?",
+ "What is the address ?",
+ "address for anatolia please",
+ "What is their address ?",
+ "Could you give me the phone number and address ?",
+ "can you please give me the address ?",
+ "I need the address too please .",
+ "Can I get their address please ?",
+ "Can I get the address of one place ?",
+ "No preference . But please make sure I get the address .",
+ "What is the address ?",
+ "Sure that sounds good . Would like that address please",
+ "Can you please let me know the address ?",
+ "I need the address .",
+ "What is the address ?",
+ "What is the address ?",
+ "Just an address please .",
+ "could I have the address",
+ "What is the address ?",
+ "We need to find the address of a theater in the center of town .",
+ "What is the address ?",
+ "I forgot to ask for the address . Can I get that also , please ?",
+ "No preference really , you pick . I 'll need the address please .",
+ "I want something nice . So let 's go with the Meze Bar . Can I get their address please ?",
+ "What is the address ?",
+ "Can I have the address for the restaurant .",
+ "What is the address ?",
+ "I ' m sorry , but I think you gave me the phone number . I need the address , please .",
+ "Yes could I also have their address ?",
+ "Yes , just give me the address please .",
+ "Yes , I 'll also need their address please .",
+ "Can I get the address to the hospital in Cambridge ?",
+ "Okay , can you give me the address for Curry Garden ?",
+ "Can you give me the exact address ?",
+ "Can I also have the address please ?",
+ "What is the address of one of them ?",
+ "What is the address ?",
+ "May I have the street address of the establishment .",
+ "Royal Spice , give me their address please .",
+ "Okay , I do n't need a specific area and I will take a recommendation from you on one that is moderately priced please . I will need the address .",
+ "I would like the address of Nandos restaurant , please .",
+ "Can I just get the address for the Peking Restaurant ?",
+ "Can I have the address of Lucky Star ?",
+ "No , just pick me one you think would be good to go to and please provide me with an address to that location .",
+ "No , thank you . I just need the address , please .",
+ "Yes , also I will need their address .",
+ "I ' m not fussy about price , pick one for me and give me the address please , I ' m starving !",
+ "Just the address is all I needed for now . But could you also help me find a train ?",
+ "Do you have any other options for expensive Chinese , and can you make sure that have a number and address listed as well .",
+ "I 'd like their address please .",
+ "no , but could you please give me the address and the phone number ?",
+ "What is the address ?",
+ "yes what is there address",
+ "Could you give me their address ?",
+ "Yes I would like to reserve a table there . May I have the address please ?",
+ "Sure and I would like the address also . Thanks",
+ "No that 's ok . I just needed the address , no booking . Thank you !",
+ "What is their address ?",
+ "Cheap is fine . Whatever you think is the best . Can I get the number and address for that place though ?",
+ "That sounds nice . Sure , I like a reservation in the Gourmet Burger Kitchen , and I need the address .",
+ "May I have the address for the Charlie Chan restaurant ?",
+ "What is the address ?",
+ "Yes , please . And also the address .",
+ "I am looking for something in the moderate price range . Can you also provide me addresses ?",
+ "I do n't need a booking , just an address .",
+ "Yes I would like the address please !",
+ "I need to get the address please .",
+ "What is Anatolia 's address ?",
+ "Can you give me the address and phone number of it ?",
+ "Could you give me the address for Restaurant Alimentum ?",
+ "That might work . What 's their address ?",
+ "Sounds great , what is their address ?",
+ "That sounds good . May I please have the address ?",
+ "Can I have the address please ?",
+ "No thanks . Can you tell me the address of the restaurant ?",
+ "Can I get the address on that one ?",
+ "What is the address ?",
+ "Nope , do n't book it ! Please give me the address instead .",
+ "Yes , I would like the address of La Raza please .",
+ "Actually , I just need the number and address .",
+ "no just the address if you have it",
+ "what is their address",
+ "That sounds great . May I have their address please ?",
+ "Tell me about the ones in the west . And can I get the address for Thanh Binh ?",
+ "I think I will just take their address instead .",
+ "Can I have the address please",
+ "can you suggest one , I am not picky , just need the type and address",
+ "Thanks . Could I get the address ?",
+ "No , I just need the address of one of them .",
+ "Great ! Can I get the address of one of them .",
+ "What is the address of the restaurant ?",
+ "No need to book anything . But can you give me their address please ?",
+ "No . Please get me their address instead .",
+ "I ' ve heard good things about Clowns Cafe . Do you have the address ?",
+ "What is the address ?",
+ "Thank you very much for the address of the golden wok !",
+ "I think we 're jumping way ahead of ourselves here . Let 's start afresh . Please get me the address to the acorn and then we can proceed with getting a taxi",
+ "What is the address ? Is there a train I can take to get there ?",
+ "Yes , I would like to know the address please",
+ "Yes , I would like their address please .",
+ "What is the address please ?",
+ "What 's the address there ?",
+ "Yes and the address .",
+ "Yes , can you give me the address ?",
+ "What is the address ?",
+ "No , nothing in particular . Can you recommend one and give me the address ?",
+ "Just get me the address , that is all .",
+ "Just their address , please .",
+ "That sounds good enough . What 's the address there ?",
+ "First , what is the address please ?",
+ "What is the address ?",
+ "No address needed , thank you . I have all the information I need .",
+ "Yes please . And the address as well .",
+ "No , any of those are fine . Could I get the address for one of them ?",
+ "What is their address ?",
+ "I need the address .",
+ "May I have the address of Anatolia ?",
+ "That would be fine . Can I get the address and phone number .",
+ "What is the address of anyone of them ?",
+ "I need the address .",
+ "What is the address ?",
+ "May I have their address please ?",
+ "What is the address of the Bloomsbury ?",
+ "Please give me their address first .",
+ "Yes , go ahead and book it and please send me the address .",
+ "I would like something in the moderate price range . I will be requiring their address .",
+ "No , I ' m not particular in fact I would like to try something exotic . Can you also give me the address please ?",
+ "Could I get the address please ?",
+ "Great can I just get their address ?",
+ "No , the address is fine . Thank you very much for your help !",
+ "I just need the address for one of the restaurants .",
+ "What is their address ?",
+ "No thank you , but I would like their address please !",
+ "Any part of town will do so kindly recommend something and give me the postcode and address",
+ "Yes what is the address for the business ?",
+ "Yes . I need the address please .",
+ "the address please",
+ "Are you sure that they have two locations ? Can you tell me their address(es ) ?",
+ "Actually , can you just send me the address ?",
+ "Yes , book it please and can I have the address . Thank you",
+ "I ' m not picky ; do you have a favorite ? I 'd appreciate it if you would choose one for me and give me the address . Thanks !",
+ "No , but I 'd like their number and address please .",
+ "Yes , Bangkok City . What is the price range , address and phone number ?",
+ "That works , can I get an address ?",
+ "What is their address and what part of town are they in ?",
+ "Yes , please give me the complete address .",
+ "I guess I just need the address .",
+ "Anyone that is available should be fine , I will just need the address of whatever is picked .",
+ "No nothing in particular , could you tell me the address of the first one listed ?",
+ "I think I 'll go with Dojo Nooodle Bar . What is the address ?",
+ "Golden House sounds delicious , please provide the address .",
+ "Yes , I would like their address .",
+ "sorry , i ' m being such a confusing pain . i do n't want to reserve a table . i just need the address .",
+ "Can i get the address and number to Yu Garden ?",
+ "I just need the address please .",
+ "Thank you for the address . That is all the help I need today .",
+ "Possibly , but first can you give me the exact address for Graffiti ?",
+ "Price is no object , you usually only get to place like cambridge once in your life . I will go with what you recommend , I just need their address .",
+ "What is the address ?",
+ "Can I get the address to the Rice House ?",
+ "OK . Can you give me the address of the Lucky Star ?",
+ "I need their address .",
+ "What is the address ?",
+ "No thanks , I just need the address please .",
+ "I am looking for the address for graffiti",
+ "Yes , and their address too ."
+ ],
+ "Phone;Post;Price;": [
+ "Can I get the postcode , price range , and phone number of one ?",
+ "no . recommend and give me the price range , postcode and phone number",
+ "Can I get the price range , postcode , and phone number for them ?",
+ "Show me the one you think is best . I will need the postcode , phone number and price range for it .",
+ "No thank you but I do need the phone number , price range and postcode .",
+ "It does n't matter . I need to know what the price range is though , postcode and phone number too please",
+ "Could you provide me please with their phone number , price range and postcode ?"
+ ],
+ "Food;Post;": [
+ "i need to know the food type and postcode and it should also have mutliple sports",
+ "get me the food type and the post code",
+ "Yes , just give me a name . I 'd also like to know what type of food it serves . Once I know all that I need the postcode .",
+ "Can I get the food type and postcode of one you 'd recommend ?",
+ "Could you tell me what type of food they serve and their postcode ?",
+ "Okay . Why type of food do they serve and I need the postcode then too please"
+ ],
+ "Post;": [
+ "I just need the adress and post code .",
+ "I do n't care what part of town it is in , I will need the postcode though .",
+ "That sounds perfect . Can I get the postcode for it please ?",
+ "What is the postal code for the Curry Garden ?",
+ "No thank you I just need the postcode .",
+ "What is their postcode ?",
+ "One more thing - can I get the postcode for the Curry Prince ?",
+ "I ' m not sure what time I need just yet . Can I get the postcode ?",
+ "No , thank you . I would like to know the postcode , if possible ?",
+ "Not right now , but can I have their postcode , please ?",
+ "What is the postcode of the restaurant ?",
+ "I do n't need a reservation , I just need the postcode .",
+ "Yes , I 'd like to know the postcode , please ?",
+ "Nope but can I get the postcode for that ?",
+ "Yes , please , and their postcode as well .",
+ "Can you give me the postcode , please ?",
+ "Can you give me the postcode for it please ?",
+ "Is there anything else ? give me the address and postcode please .",
+ "Any area is fine . Can I have the postcode for your favorite one ?",
+ "I need the post code please .",
+ "Do you have the postcode for that ?",
+ "Anything will work , book me for what available , Ill need the postal code for wherever I am booked .",
+ "No , thank you . Can I have the postcode ?",
+ "And postcode ?",
+ "Any type is fine can you just give me the postcode of it ?",
+ "What is the postcode to that place ?",
+ "No thank you , I 'd just like the postcode for it please .",
+ "On second thought , I ' m not ready to book yet . I need to talk to my wife . Can you just get me the post code for Oak Bistro ?",
+ "No thanks what is their postcode though ?",
+ "That sounds great , could you give me the postcode ?",
+ "get me its post code",
+ "And what is the postcode ?",
+ "May I have the postcode please ?",
+ "Can you also tell me the postcode ?",
+ "no , I just need to know the postcode .",
+ "Can you just give me the postcode of Eraina ?",
+ "May I get the postcode of the restaurant , please ?",
+ "Can I also get the postcode please ?",
+ "Phone number and postcode , please .",
+ "Could you recommend one for me , and give me the phone number and postcode ?",
+ "could you give me their postcode ?",
+ "What is the postcode ?",
+ "I 'll take Rice House , what 's the postcode ?",
+ "Could I have the postcode of one that you recommend ?",
+ "What is the postcode ?",
+ "I do n't need you to book but I would like the postcode for india house , please .",
+ "No thanks , but could i get their postcode ?",
+ "Not right now , but could I have the postcode ?",
+ "No reservation thanks , my plans are still in the works . Could I have the postcode and address though ?",
+ "May I also get the postcode of the restaurant ?",
+ "Can I get the postcode ?",
+ "What 's their postcode ?",
+ "May I have the postcode as well ?",
+ "I do n't need a reservation . But can I get their postcode please ?",
+ "What is their postcode , please ?",
+ "What is the postcode that you are showing ?",
+ "I 'll take something Chinese if you have it . I 'll take the postcode of which every of those you recommend .",
+ "Thank you . What is the post code ?",
+ "Can I get the postcode for it ?",
+ "Yes , actually . What is the postcode of Caffee Uno ?",
+ "I just need the postcode for now , Thanks !",
+ "What is the postcode again ?",
+ "Yes , and also the postcode .",
+ "I need the post code actually .",
+ "yes and book it for me and I need postcode",
+ "Just the postcode . Thanks for all of your help !",
+ "Can you give me the postcode ?",
+ "What is the postcode of this restaurant ? Thanks !",
+ "What is the postcode ?",
+ "What is the postcode for the Curry garden ?",
+ "That sounds good . What is the postal code there ?",
+ "Go ahead and book rice boat . Please also give me the postcode and phone number as well .",
+ "Can I get their post code ?",
+ "Um , I think I 'll just take the postcode and the name for now thanks .",
+ "I 'll take the cheap one . I do n't need to book , but could you give me the postcode ?",
+ "Can I get the postcode for them please ?",
+ "Not right now , but could you give me their phone number and postcode ?",
+ "What is the postcode for that address , please ?",
+ "May I have the postcode to Kymmoy please ?",
+ "what 's the postcode ?",
+ "No need for a reservation . Can you just give me the postcode ?",
+ "I see . I ' m sorry what is the postcode ?",
+ "Can I get the postcode of that ?",
+ "That sounds good . No I do n't need a reservation , but could you tell me the postcode ?",
+ "I would like Pizza hut cherry hinton . What is the postcode ?",
+ "Could you please give me the postcode for Restaurant Two Two ?",
+ "Can I get their postcode please ?",
+ "I would like to just find something expensive and get the postcode please .",
+ "That 's ok , I just need the postcode and phone number .",
+ "Can you tell me the postcode ?",
+ "Grand . Please can you give me the postcode and phone ?",
+ "No thank you . I just need the post code for now .",
+ "Italian sounds good . Could I have the postcode and name of that restaurant ?",
+ "That sounds great , what is the postcode ?",
+ "No , please give me their postcode instead",
+ "What is the post code please ?",
+ "I also need their postcode , please .",
+ "Can you please recommend one and give me their postcode and phone number ?",
+ "No thanks , but could I please have the postcode ?",
+ "Can you tell me their postcode ?",
+ "No thank you . What is the postcode ?",
+ "That sounds great ! Can I get the postcode ?",
+ "What is the postcode ?",
+ "No . I think I am ok although I would like the postcode .",
+ "I ' m sorry , I ' m really distracted on this end . Can you tell me the postcode of the Gourmet Burger Kitchen ? And what are their prices like ?",
+ "No just as long as it serves British food and is in the centre . I also need to get the post code for the one you choose .",
+ "Yes please as well as their postcode .",
+ "No , can you choose one for me and provide me with the postcode .",
+ "No , but could you give me the postcode ?",
+ "Could I get the postcode please ?",
+ "Any restaurant that you recommend will be great . Can I have the postcode for the one you pick too ?",
+ "Yes , please . I 'd also like to know the postcode ?",
+ "Can I have the postcode for that restaurant to please ?",
+ "Can I also get their postcode please ?",
+ "What postcode is that ?",
+ "Can I get the postcode for that please ?",
+ "I ' m sorry I also need the post code .",
+ "What 's the postcode for that place ?",
+ "No , please give me their post code instead .",
+ "What is the postcode ?",
+ "What is their postcode ?",
+ "What is the postcode ?",
+ "That sounds great . Can I get a postcode ? Thanks !",
+ "No thanks , I just need the postcode .",
+ "Oh , I have no idea . Can you just reserve tell me your favorite one ? I 'll need a postcode for it .",
+ "Yes , I 'd like the postcode too please .",
+ "I do n't need a reservation at the moment but can i have their post code ?",
+ "The Varsity is good . Can I get the postcode please ?",
+ "Could you give me their postcode please ?",
+ "Phone number and postcode please",
+ "North is fine , what is the postcode for that ?",
+ "I do n't really care . Can you please suggest one for me ? And please include the postcode . Thanks .",
+ "Yes please . Can I get the postcode .",
+ "Not the phone number , the postcode , please .",
+ "what their postcode ?",
+ "Yes , what is there postcode ?",
+ "I also need the postcode .",
+ "What 's the post code for Nando City ?",
+ "I do n't need a booking quite yet , could you get me the postcode ?",
+ "I would like the postcode for the Curry Prince please .",
+ "That wo n't be necessary . What is the postcode ?",
+ "La Raza sounds lovely . May I have the number and postcode please ?",
+ "The lucky star would be just fine . I need the postcode please .",
+ "That sounds great . Can you just give me the postcode ?",
+ "Yes , and the postcode please .",
+ "Sure . What is the postcode ?",
+ "Yes , can you tell me what their postcode is , please ?"
+ ],
+ "Addr;Phone;Post;": [
+ "Could you please provide the phone number , address and postcode for The Royal Standard ?",
+ "Could you provide me with the address , phone number and postcode ?",
+ "That sounds fantastic . Could I have the postcode , phone number , and address , please ?",
+ "What is the address , phone number , and postcode ?",
+ "Yes please . Can you also give me the address , phone number , and postcode ?",
+ "No , thank you . I would like the address , phone number and postcode , please .",
+ "Not just yet but please get me their post code , phone number and address",
+ "What is the address , phone number , and post code ?",
+ "Not at the moment . Can you give me their address , phone number , and postcode , please ?",
+ "Could i have the address , phone number and postcode please ?",
+ "No but could I get the postcode , address , and phone number ?",
+ "No thank you . But can I get the address , phone number and postcode please ?",
+ "What is the address , phone number , and postcode ?",
+ "No , but can you give me the address , postcode , and phone number ?",
+ "Could I get the address , phone number , and postcode of Yu Garden ?",
+ "Yes , may I please have the postcode , address , and phone number of the Pizza Express at Regent Street ?",
+ "No , it does not . Please give me the address , phone number , and postcode of any 1 restaurant that matches my criteria .",
+ "can you suggest one and I need the address , postcode and their phone number too please",
+ "No thank you , but can I please have the address , postcode , and phone number ?",
+ "could you give me the address , postcode , and phone number please ?",
+ "Can I get the address , phone number , and postcode ?",
+ "What is the address , phone number , and postcode ?",
+ "Please give me La Raza 's address and postcode . Please give me La Raza 's phone number .",
+ "So many choices . Can you just suggest one and give me the address , phone number and postcode ?",
+ "suggest any and find me their address , postcode and phone number",
+ "Sure ! What 's the address , postcode , and phone number of it ?",
+ "Price does n't matter , I would like the address , phone number and the postcode please",
+ "18:00 . Also I need the address , postcode and phone number , please .",
+ "Yes please , could I have the address , phone number , and postcode of the venue ?",
+ "Not really . Can I just have the address , postcode , and phone for your favorite ?",
+ "I actually would just like their address , postcode and telephone number at this time .",
+ "I do n't need a reservation , but could you give me their address , postcode , and phone number , please ?",
+ "Please give me Yu Garden 's address , phone number , and postcode .",
+ "Either is good . Pick the best and give me the address postcode and phone number .",
+ "just make sure you get phone number , postcode , and address .",
+ "Yes , please . What is the address , postcode , and phone number ?",
+ "Cuisine does n't matter as long as it 's expensive and in the centre . Why do n't you choose one and give me the phone number , postcode , and address",
+ "Sure , could you tell me the phone number , postcode , and address please ?",
+ "Actually , I do n't need booking . I just need the postcode , address , and phone number .",
+ "Sure , that works for me . I need the phone number , postcode , and address for the restaurant .",
+ "That is perfect . Could I get the address , phone number and postcode please ?",
+ "Graffiti sounds good . May I have their phone number , address , and postcode , please ?",
+ "No particular area . If you could recommend one and send me the address , postcode and phone number . Thank you .",
+ "Actually , no need to book . I just need the postcode , phone number and address for the Grafton Hotel Restaurant . Thanks .",
+ "I ' m not ready to book yet . Can I get the phone number , postcode , and address , please ?",
+ "That 'll be great . Can I get the phone number , address , and postcode to that please ?",
+ "No , I just need the address , postcode , and phone number , please .",
+ "I ' m not ready to book yet . Can you just give me the phone number , postcode , and address ?",
+ "I ' m not looking for a reservation at the moment . Can I just get the phone number , postcode , and address ? Thanks !",
+ "No thank you , I just need the post code . phone number and address please .",
+ "I would love to try that restaurant . What is the address , phone number , and postcode , please ?",
+ "Actually , come to think of it I will book it later . Can I please get the address , postcode and phone number please ?",
+ "Please make a suggestion and provide the postcode , address , and phone number .",
+ "Can you please let me know the address with the postcode and the phone number please ?",
+ "Great can I get their phone number , address , and postcode",
+ "That sounds good . may I have their postcode , address , and phone number ?",
+ "That would be great , could you get me the phone number , address , and postcode please ?",
+ "Ok , can I have the address , postcode , and phone number please ?",
+ "Not really , no . What 's the address , postcode , and phone number for your favorite ?",
+ "Yes please . Specifically , their phone number , address , and postcode .",
+ "What is the phone number , address , and postcode ?",
+ "No but I would like their phone number , address and postcode .",
+ "Pick one . I need the post code , address , and phone number , please .",
+ "Yes , please give me the phone number , address , and postcode .",
+ "Can I get the phone , address and post code of the restaurant please ?",
+ "I do n't want to book it quite yet . Could you get me the phone number , postcode , and address ?",
+ "No just the address , postcode and phone number of the one you recommend .",
+ "Can I have the postcode , address , and phone number , please ?",
+ "I am not quite ready to book a table , however I would like the phone number and address of each restaurant including the postcode .",
+ "Yes , the address , postcode and phone number would help .",
+ "Sure ! Could you tell me the address - including the postcode and phone number please ?",
+ "I do n't need a reservation . Just the postcode , address , and phone number for Thanh Binh , please . Thank you .",
+ "That sounds nice ! Can I just get their phone number , address , and postcode ?",
+ "Yes , I 'd like the address , phone number and postcode please .",
+ "Could you give me the address , phone number , and postcode ?",
+ "What is the address , phone number , and postcode ?",
+ "What is the address , phone number , and postcode ?",
+ "Not at the moment but I would like their phone number and address with postcode .",
+ "Please provide phone number , address , and postcode for Darrys Cookhouse and Wine Shop .",
+ "Yes , I would like their address , phone number and postcode , please .",
+ "You know what ? I ' m not quite sure when I want to go . I 'll just take the address , postcode , and phone please .",
+ "No , I just need the postcode and address as well as a phone number .",
+ "On second thought , I 'd like to go with Nirala ? My friends want to try something a little more moderately priced . Can you give me the postcode , address and phone ?",
+ "No , but can you give me the phone number and address including postcode please ?",
+ "Can you just give me the postcode , phone number , and address ?",
+ "That would be fine I need the phone number , postcode and address please .",
+ "No , I just need an address with postcode and phone number .",
+ "No , thank you . Can you give me the address , postcode and phone number , please ?",
+ "No but could I get the postcode , address and phone number please ?",
+ "What is the address , phone number and postcode ?",
+ "Okay , may I have the address , phone number and post code please ?",
+ "Whichever you recommend . Can I have the phone number , postcode , and address , please ?",
+ "Can you tell me the address , phone number , and postcode of Little Seoul , please ?",
+ "give me its address , phone number , and postcode please",
+ "Which is your favorite ? Can you get me the address , postcode , and phone number ? I 'll give them a call myself .",
+ "Could you please send me the address , postcode and phone for the Midsummer House ?",
+ "What 's the address , postcode and phone number of the thai restaurant ?",
+ "Could I get the address , phone and postcode for the Tandoori Palace please ?",
+ "No , I 'll take your recommendation . I do need postcode , address and phone number , please .",
+ "Can I get the address , phone number and postcode , please ?",
+ "No thank you . Can I have the phone number , postcode and address though ?",
+ "Before that , can I please have the address , phone number and postcode for the restaurant ?",
+ "No thanks , I just need the phone number , address , and postcode .",
+ "cool I would need the address , postcode , and phone number .",
+ "I need to get the phone number , address , and postcode .",
+ "That sounds perfect . I do n't need a reservation right now , but could you give me the address , phone number , and postcode , please ?",
+ "What is the address , phone number , and postcode ?",
+ "I ' m not sure if I would like to book one yet . Can you please tell me the address , phone number and postcdode ?",
+ "The east is fine . May I have the address , phone number , and postcode ?",
+ "What is their address , phone number , and postcode ?",
+ "I do n't need a reservation right now , but if you could give me the phone number , postcode , and address , that would be great .",
+ "I just need the address , postcode and telephone number for the restaurant at this time .",
+ "I ' m sorry , I do n't need it booked anymore . I just need the address , postcode , and phone number please .",
+ "Actually , I would just like the address , postcode and phone number instead at this time .",
+ "I actually do nt need a reservation . just the address , postcode and phone number please .",
+ "That sounds lovely . What 's their phone number , address and postcode ?",
+ "Yes please . I 'd like the address with postcode , and a phone number .",
+ "Yeah that should work can I please get the address post code and phone number ?",
+ "I ' m interested in The Varsity Restaurant . What is the phone number , postcode and address for this restaurant ?",
+ "Can I have their phone number , postcode and address please ?",
+ "No thank you , but may I please have the phone number , address , and post code ?",
+ "No that 's fine . I just need their address , phone number , and postcode .",
+ "I ' m not picky . Whichever one you choose will be fine . I just need a phone number , address , and postcode please .",
+ "No but can you give me the address , postcode and phone number for the Peking Restaurant please ?",
+ "Sure , pick your favorite and let me have the address , postcode , and phone number please ?",
+ "I think I would just like to get the postcode , address and phone number to contact them myself .",
+ "No thanks . I just need the address , postcode , and phone number for this restaurant please .",
+ "No , I just need the address , postcode and phone number . Thanks !",
+ "Can I get the phone number , postcode , and address for that please ?",
+ "Yes , can you give me the address , phone , and postcode .",
+ "On second thought , can I just get the phone number , address and postcode for Riverside ?",
+ "Never mind . I 'll book the table myself . May I have the address and postcode ? And the phone number , while you 're at it .",
+ "Can you please give me the address and postcode and phone number ? I want to jot this down in case I get lost .",
+ "I only need the restaurant 's address , phone number , and postcode .",
+ "May I please have their address , post code , and phone number ? Thank you .",
+ "Nah , I ' m not picky . Surprise me . I will need a phone number , address , and postcode , though .",
+ "Sounds wonderful ! May I have their postcode , address and phone number please ?",
+ "I 'll take whichever one you recommend . I just need the phone number , postcode & address please .",
+ "I 'd like the address , phone number and postcode for one of the cheap restaurants , please .",
+ "address , phone number , and postcode , please",
+ "Can I have the phone number , address and postcode ?",
+ "I would like the address , phone number , and post code information for La Mimosa please . Thank you !",
+ "Choose one of them for me and let me know the phone number , address , and postcode please ."
+ ],
+ "Phone;": [
+ "Price does n't really matter , but can you tell me the address , postcode , and phone for your favorite one ?",
+ "Actually , scratch that , I do n't want to book the restaurant . Could you give me the phone number for the Golden House ?",
+ "Sounds good . May I have their telephone number please ?",
+ "Yes please , I would like their phone number .",
+ "No , it does n't matter . Please make a suggestion and provide the phone number .",
+ "Do you have a favorite you can recommend ? Please provide their phone number , thank you .",
+ "That place sounds great . Can I get the phone number please ?",
+ "Is there anything else ? Can I get the phone number please ?",
+ "What is the phone number ?",
+ "No , I ' m not sure when I ' m going yet . Can I just get the phone number ?",
+ "No thank you . Can you provide me with their phone number ?",
+ "Sound perfect ! What is their phone number ?",
+ "Frankie and Benny 's sounds good . What is the phone number for that restaurant ?",
+ "I do n't care . Give me their phone number .",
+ "Yes give me the phone number .",
+ "Yes I would like the phone number of the Nirala .",
+ "I wish you could provide their phone number . But other than that you ' ve given me everything I need to know . Thank you goodbye .",
+ "Yes , please . And can you also give me their phone number ?",
+ "Yes , a Chinese restaurant would be great . Could you please give me the telephone number ?",
+ "What is the phone number ?",
+ "Can I get their phone number please ?",
+ "No thanks , can I have the phone number please ?",
+ "May I have the phone number ?",
+ "Can you please give me that phone number ?",
+ "No price range , but would appreciate a phone number of one that you would recommend .",
+ "No , I do n't need a reservation right now , just their phone number .",
+ "That sounds good . May I have their phone number ?",
+ "Yea can you recommend one and get my the phone number please ?",
+ "Can you give me the phone numbers please",
+ "Yes please . can i have the address , phone number and postcode ?",
+ "What is their phone number ?",
+ "I would like to know the phone number please",
+ "Their phone number please .",
+ "Could you tell me the phone number of Saigon City ?",
+ "Could I have their phone number as well ?",
+ "No thank you , but I would like the phone number please .",
+ "No need to book it , but can you please tell me their phone number ?",
+ "Sounds great . What is their phone number ?",
+ "No reservation right now , I just need the phone number .",
+ "What is the phone number ?",
+ "Pasta sounds good . May I have the phone number for the top rated Italian restaurant .",
+ "What about the phone number ?",
+ "No , that is ok . Could you give me the phone number , though and I will take care of it .",
+ "What is there phone number ?",
+ "Yes , can you give me a phone number please ?",
+ "and what is their phone number ?",
+ "I do not have any preference on the food type . Can I have the phone number for one of the restaurants ?",
+ "That would be great . Can I have the phone number please ?",
+ "What is the phone number ?",
+ "Could you please give me the phone number for the Royal Standard ?",
+ "Great , What is the phone number ?",
+ "I do n't need a reservation , but could you give me their phone number ?",
+ "Just the phone number is fine , please .",
+ "That sounds great ! May I have their phone number please ?",
+ "May I have their phone number , please ?",
+ "Could I have their phone number please and type of cuisine they serve ?",
+ "Yes , that sounds good , can I get their phone number ?",
+ "What is their phone number",
+ "What is the phone number ?",
+ "What is the phone number ?",
+ "Could you tell me the phone number of Graffiti ?",
+ "what is there phone number ?",
+ "I actually do n't need a booking . Can I have the phone number and address instead ?",
+ "Sounds good . What is the phone number ?",
+ "Great . How about the phone number ?",
+ "No thank you but I do need to get their phone number please .",
+ "Ok that will work . I need the address , phone , post code for that .",
+ "What its phone number ?",
+ "What is the phone number ?",
+ "What is the phone number ?",
+ "What are their phone numbers ?",
+ "Would you provide me the phone number for the Anatolia restaurant please .",
+ "I am looking for a local restaurant . May I have the phone number of one please ?",
+ "No thank you . Can I have the phone number for it though ?",
+ "Do you have the phone number for nirala ?",
+ "No , I just need the phone number .",
+ "Yes , and can I get a phone number and area ?",
+ "What is the phone number for the restaurant ?",
+ "It does n't really matter then . I just need to know the type of food , name of the restaurant , and their phone number .",
+ "Address and phone number , please",
+ "Okay . What is their phone number ?",
+ "Ok , what 's the phone number ?",
+ "What is the phone number ?",
+ "Address and phone number for Royal Spice , yes please .",
+ "No , but if you could pick me the best one and give me the phone number . That would be good .",
+ "Yes , please give me their phone number .",
+ "I would like their phone number , please .",
+ "Can I get the phone number and area for the Royal Standard ?",
+ "No , just give me their phone number please , I ' m ordering take - out .",
+ "Not at the moment but can I get the phone number for La Tasca please ?",
+ "I also need their phone number .",
+ "What is the phone number ?",
+ "Sure , and also what is the phone number ?",
+ "I am not quite ready to reserve a table , but may I have the phone number for this European restaurant ?",
+ "No , that 's but could I get the phone number for it ?",
+ "what is the phone number ?",
+ "Can you tell me their phone number ?",
+ "Sure , can I please have the phone number ?",
+ "Yes please . Please provide the phone number before you book .",
+ "No preference , just pick a nice one and provide me with the name and phone number please .",
+ "Yes , could I have their phone number ?",
+ "What is the restaurant 's phone number ?",
+ "nah , i just need to phone number",
+ "Thanks for your help . Can I get their phone number and other info as well ?",
+ "That sounds great , can I get the phone number ?",
+ "What is the phone number ?",
+ "May I have the phone number , please ?",
+ "Can I just get the phone number for now ?",
+ "phone number please",
+ "The Golden Wok is fine . Can I get their phone number ?",
+ "No , I just needed the phone number . Thanks very much for your help .",
+ "That sounds good . What is their phone number ?",
+ "can i have the phone number please",
+ "What is the phone number for Yu Garden ?",
+ "What is the phone number of Taj Tandoori ?",
+ "What is the phone number ?",
+ "May I have their phone number , please ?",
+ "I do n't need it booked . I just require the phone number . Thank you .",
+ "What is the phone number of one of them ?",
+ "May I get the restaurant phone number please ?",
+ "Could I have the phone number please ?",
+ "Could I get a phone number for the restaurant please ?",
+ "Could I have the phone number for one of the restaurants ?",
+ "no not at the moment . But i do need their phone number though .",
+ "Can I please have the phone number for them ?",
+ "Can I get the phone number , please ?",
+ "Yes . phone number please",
+ "No thanks . I just need the phone number please .",
+ "What is their phone number ?",
+ "Can I have the phone number for the Ugly Duckling restaurant ?",
+ "Okay let 's try the Tang Chinese . Is there a phone number for them ?",
+ "Is this in the west part of town and can I get the phone number ?",
+ "May I have the telephone number ?",
+ "Yes . Can I get the name and phone number of one of those restaurants ?",
+ "It 's just me . I am arriving Sunday and staying one night . Can you provide the phone number for the restaurant ?",
+ "The Rajmahal is fine . You said the phone number is 01223244955 ?",
+ "thank you ! Do you have the phone number for that restaurant ?",
+ "Not at this time . Could I just get the phone number ?",
+ "Perfect , could you just tell me their phone number ?",
+ "May I have the phone number ?",
+ "May I get the phone number then to contact them ?",
+ "Oh , yes , I need the phone number , please .",
+ "No thanks , I just need the phone number please .",
+ "Can I have their phone number ?",
+ "Okay , can I please have the phone number ?",
+ "That 's OK because it 's for a special occasion . Can you give me the phone number ?",
+ "What is its phone number ?",
+ "May I please have the phone number ?",
+ "What is the phone number of that one please ?",
+ "What is the phone number ?",
+ "Great ! what is the phone number ?",
+ "Yes please and I will need their phone number for reference please .",
+ "Thank you ! What is their phone number ?",
+ "Can you please tell me the phone number ?",
+ "That sounds good . What is their phone number ?",
+ "I do n't have a preference , just give me the phone number of the one you would recommend .",
+ "I do n't care what part of town it is in , I would like a phone number please .",
+ "Yes could you give me the phone number for The Nirala ?",
+ "What is the phone number ?",
+ "Can you give me their phone number , please ?",
+ "That sounds great . Can I get their phone number ?",
+ "Do you have a phone number for them ?",
+ "Thanks . Could I get the phone number , too ?",
+ "Is there anything else ? I also want its phone number .",
+ "Caffe Uno sounds great . Can I get their phone number , please ?",
+ "Actually , could I have the phone number of Cote ?",
+ "Oh , wait ! If the Gourmet Burger Kitchen is in the same area as the churches , could I get the phone number for that , too ?",
+ "What is the phone number for prezzo ?",
+ "Could you please give me the phone number of whichever one you like better ?",
+ "Just the phone number please .",
+ "Not at this time but can I get their phone number ?",
+ "No , any one will be fine . Will you pick one and send me the phone number and postcode ?",
+ "Yes , and could you also give me their phone number ?",
+ "That sounds fine . Can you give me the address and phone number ?",
+ "Yes . I would like the location and the phone number , please .",
+ "What is the phone number please ?",
+ "May I have the phone number ?",
+ "I will go to La Tasca . What is their phone number ?",
+ "What is the phone number ?",
+ "I do n't need a booking at the moment but could you provide me with their phone number ?",
+ "Sure but can I also have the phone number as well ?",
+ "Yes it will do . Can i have the phone number please ?",
+ "Address and phone number , please",
+ "No , what is the phone number ?",
+ "May I have the phone number , please ?",
+ "What is the phone number ?",
+ "Can you recommend one and give me the phone number ?",
+ "May I get the phone number of Thank binh , please ?",
+ "No thank you . I 'd prefer to book it myself . May I have the telephone number for the restaurant ?",
+ "What is the phone number ?",
+ "What is the phone number of one of them ?",
+ "Actually can i just have the phone number instead ?",
+ "Yes can I have the phone number ?",
+ "Yes please and the phone number as well . Thank you .",
+ "That sounds perfect . Can you tell me their phone number ?",
+ "What is their phone number ?",
+ "What is the phone number ?",
+ "no , just give me the phone number",
+ "Can I have the phone number please .",
+ "I also need to get the phone number for the restaurant .",
+ "Yes . I 'd also like their phone number please .",
+ "Can I please have the phone number for the restaurant ?",
+ "Sure could I get the phone number to Jingling Noodle Bar ?",
+ "Yes and can I get their phone number .",
+ "Thanks , do you have reference number and phone number ? I also need some information on multiple sports places in the same area .",
+ "Could you give me their phone number ?",
+ "It does n't matter . Please give me the phone number to the restaurant you choose .",
+ "Thank you . May I have their phone number ?",
+ "No thanks , I 'd like to give them a call instead . What is their phone number ?",
+ "can you tell me the phone number please",
+ "Yes please . What are the phone numbers of those places ?",
+ "I just need the phone number for that place .",
+ "Yes , what is their phone number and where are they located at ?",
+ "Yes , could I also have their phone number please ?",
+ "Please provide a phone number for one of the restaurants .",
+ "Can i have the phone number to one more restarant please ?",
+ "That sounds nice , can I get their phone number please ?",
+ "What is the phone number ?",
+ "What is the phone number ?",
+ "Could you also give me the phone number ?",
+ "Thanks , I just need the phone number so I can call them .",
+ "I would like to get the phone number for that please .",
+ "What is the phone number ?",
+ "Saint Johns Chop House sounds good . Could you give me the phone number ?",
+ "could i have the phone number please ?",
+ "No but I would like the phone number .",
+ "If you could give me the phone number , that would be great .",
+ "Can I have the phone number please ?",
+ "What is the phone number ?",
+ "Do you have their phone number ?",
+ "No particular time . I just need the phone number .",
+ "Great , and what is the phone number ?",
+ "Can I get the phone number ?",
+ "No thanks , could you just give me their phone number ?"
+ ],
+ "Addr;Post;": [
+ "Thank you , please provide the address and the postcode .",
+ "Can you give me the address and postcode as well ?",
+ "What about the postcode and the address ?",
+ "What is its postcode and address ?",
+ "give me the address and postcode .",
+ "Which of those nine has the best ratings ? Can I please have the address and postcode .",
+ "Ok . Can you also tell me the postcode and address ?",
+ "Cotto is fine . Please get me their address and postcode",
+ "I also need the postcode and address please .",
+ "What is the address of Backstreet bistro ? Phone number and post code ?",
+ "Okay , can I please have the postcode and address ?",
+ "Sure , can i have their postcode , number and address ?",
+ "No thank you . I just need the address and postcode , please .",
+ "No that wo n't be necessary , could you just give me the address and postcode please ?",
+ "What is the address and postcode ?",
+ "No thanks . Can you tell me the address and postcode for De Luca Cucina ?",
+ "Yes , that would be great and can you give me the postcode and their address please ?",
+ "Could you please give me their address and postcode ?",
+ "No , I just need the postcode and address please . Is this an Italian restaurant ?",
+ "No , I would like the address and the post code please .",
+ "no . i just need the postcode and address",
+ "address and postcode please",
+ "Can I first get the address and postcode for that place ?",
+ "What is the address and postcode ?",
+ "What is wrong with me , I also need the address and postal code , I do nt know why I did n't just ask all of that at once .",
+ "No , no reservation is necessary . May I get their address and postcode please ?",
+ "I need the address and postcode .",
+ "I think I will try Zizzi Cambridge . Could I get the address and postcode ?",
+ "I do not need a reservation . I need a postcode and address only .",
+ "Please provide postcode and address for Eraina .",
+ "Thank you . I still need the address and postcode .",
+ "OK , I do n't need a table right now , but I do need the address and postcode of the Curry Garden , please .",
+ "No thank you , but can I have their address , phone number , and postcode ?",
+ "That sounds good . What is the address and postcode for Curry Garden ?",
+ "Yes please . Could you provide me with their postcode , phone number , and address as well ?",
+ "It does n't matter , please send me an address and postcode for one of them .",
+ "Yes please and I need the postcode and address .",
+ "That would be great ! Could I also receive the address and post code with that ?",
+ "Can you give me the postcode and address please ?",
+ "Give me the address and postcode of any of them , please .",
+ "No , but I would like to have the address and postcode .",
+ "Yes , please pick one for me . I need the address with postcode . I 'd also like the phone number too . Thanks for your help !",
+ "No but I would like the address and post code please .",
+ "That sounds great ! May I have their address and postcode , please ?",
+ "please give me the address and postcode",
+ "Certainly , sounds good . Could you just get me the address and postcode ?",
+ "Any restaurant you recommend is fine . I just need the address , postcode , and phone number .",
+ "Can I have the address and postcode .",
+ "Can I get the address and postcode ?",
+ "Yes can I get thier address and postcode ?",
+ "No , just pick your favorite and give me the address and postcode please .",
+ "What is their address and postcode ?",
+ "Centre would be fine . Could you give me the address and postcode , please ?",
+ "Nope . Pick the place with the most stars , and give me the address and postcode .",
+ "Any is fine , I just need the postcode and address of it .",
+ "Great , can I please have their address and postcode ?",
+ "Can I get the address and postcode for Rajmahal please ?",
+ "Not right now . Can you give me their address and postcode ?",
+ "Can I get the address and postcode , please ?",
+ "Well , would you be able to give me the contact information , address and postcode ? I want to be sure it 's close to where we 're going that night .",
+ "Great , can I have their number , address , and postcode ?",
+ "What are the address and postcode , please ?",
+ "I ' m not ready to book a table yet . Can I get the address including postcode , please ?",
+ "i need the address and post code for anatolia",
+ "That sounds good . Can I have the postcode and address please ?",
+ "What is their address and postcode ?",
+ "What is the address and postcode ?",
+ "Could I have the postcode , and address of both of them please ?",
+ "I do n't need a reservation at the moment but could you send me the postcode and address of the restaurant . Thank you .",
+ "What is the address and post code for the one you say is best ?",
+ "Yes , thank you . Can I also get the postcode and address for Bangkok City ?",
+ "Thank you ! Will you please tell me the address / postcode ?",
+ "Either is fine , could you provide me their address and post code ?",
+ "Wine shop sound good . Could I have their address and postcode please ?",
+ "That 's the one ! Can you give me their address and postcode , please ?",
+ "I just need to get it 's address postcode and number please .",
+ "Is there any Turkish cuisine ? If so I need the postcode and the address .",
+ "What is the address and post code of the Arbury Lodge Guesthouse ?",
+ "Can I get their address and postcode please ?",
+ "Yes , can I please get their postcode and address ?",
+ "That would be great , can I also have the postcode and address for Wagamama ?",
+ "May I have the address and postcode for Sala Thong , then ?",
+ "Great can I get the postcode and address ?",
+ "Can I have the postcode and address please ?",
+ "Any area is fine . Please just recommend a restaurant , and send me the address and postcode . Thanks in advance !",
+ "No , I ' m sure they 'll have tables if I just walk in . Can you give me their address and postcode ?",
+ "Can i get the address , postcode too , please ?",
+ "Can you provide their address , including postcode ?",
+ "I also need their address and postcodes please",
+ "Any part of town is fine , I just need the address and postcode of one you 'd recommend .",
+ "yes , and the address and postcode please .",
+ "Okay . I still need the postcode and address , please ?",
+ "Can I have the address and postcode please ?",
+ "I 'd like to get the address and postcode . Yes , I 'd like a reservation please . This place sounds great .",
+ "Sounds good . Could you give me the number ? Also , the address and postcode .",
+ "Yes , please , and the address and postcode also .",
+ "That can work . Can you get the address and postcode please ?",
+ "Not at the moment but I would also like their address and postcode .",
+ "can i have their address and post code please",
+ "Moderately priced European food . I will also need the address and postcode .",
+ "I changed my mind . I will go ahead and book it myself . But , can you please provide me the address and postcode . Thanks .",
+ "That sounds good , can I have the address and postcode please .",
+ "Yes , could you just give me the contact information for the restaurant ? Phone , address and postcode ?",
+ "No that 's OK , but could you give me their address and postcode please .",
+ "Yes . Give me the address and postcode for one of those , please .",
+ "Please provide address and postcode .",
+ "May I have the address and postcode of Nandos , please ?",
+ "Can you get me the address and postcode for The Copper Kettle ?",
+ "Choose your favorite . I do need an address and post code , please .",
+ "Can I have the address , postcode , and number for that restaurant as well ?",
+ "Can you recommend a good one for me ? I 'll need the address and postcode .",
+ "Yes , can I have the address and postcode of the restaurant , please ?",
+ "Sounds great , thanks ! Actually , can you please just tell me the postcode and address ?",
+ "Okay , thanks ! Can you please give me the postcode and address ?",
+ "Could I please have the address and postal code ?",
+ "That one sounds good . Can I get the address and post code ?",
+ "No thanks , I just need the address including post code .",
+ "That sounds good . may I have their address and postcode , please ?",
+ "I need their address , and postcode ."
+ ],
+ "Addr;Phone;": [
+ "Actually , I 'll take care of the reservation . Can I just get the phone number and address for Nandos , please ?",
+ "That sounds like something I would enjoy . Could you give me the address and phone number ?",
+ "I need the address and phone number .",
+ "That sounds yummy . What is their address and phone number ?",
+ "Yes , what is their phone number and address ?",
+ "Great , can you please give me its address and phone number ?",
+ "May I have the address and phone number please ?",
+ "What is the address and phone number of Charlie Chan ?",
+ "Yes , what is the address and phone number for Pizza Hut Cherry Hinton ?",
+ "I would like their phone number and address , please .",
+ "What 's the address and phone number for that too ?",
+ "What are the address and phone number of one of them ?",
+ "What is the address and phone number of one of them ?",
+ "address and phone number please",
+ "I would like the phone number and address of da vinci pizzeria",
+ "Whatever one you recommend , I just need the phone number and address .",
+ "Yes , I need to get their phone number and address , please .",
+ "great , can you please give me its address and phone number ?",
+ "Can I have the address and telephone number ?",
+ "Could you give me the address and phone number for the Slug and Lettuce please .",
+ "No . Just choose one and give me the phone number and address please .",
+ "Can I get the address and phone number , please ?",
+ "What is the address and phone number ?",
+ "No thank you . I would just like the phone number and address .",
+ "What is their address and phone number ?",
+ "What is the address and phone number ?",
+ "What is the address and phone number ?",
+ "Could I have the address and the phone number ?",
+ "yes please give me the phone number and address of it .",
+ "Can I get the address and phone number ?",
+ "What is the address and phone number ?",
+ "Could you tell me the address and phone number please ?",
+ "No . i would like you to choose one and then please provide me with the address and phone number .",
+ "No , thanks . I just need the address and phone number .",
+ "No thank you but I would like the full address and phone number please .",
+ "What is the address and phone number ?",
+ "May I have the address and phone number please",
+ "Which one would you recommend ? I do n't need a reservation , just the address and phone number .",
+ "can i have the phone and address ?",
+ "Could you give me the phone number and address of the Nandos in City Center ?",
+ "Actually can I just have the phone number and address to The Nirala please ?",
+ "Sounds great , what is their address and phone number ?",
+ "What is their address and phone number ?",
+ "I need their address and phone number please",
+ "could I have the address and phone number please ?",
+ "Please provide me with the address and phone number to Bedouin .",
+ "What is the address and phone number to Pizza Hut Fen Ditton ?",
+ "Okay , can I get the address and phone number please ?",
+ "What is the address and phone number ?",
+ "Can i please have the phone number and address ?",
+ "Thank you , can you please give me the address and phone number ?",
+ "What is the address and phone number ?",
+ "Can I have the address and phone number please ?",
+ "I ' m sorry . I do n't actually need to reserve at this time . I just need the phone number and address if you could provide that .",
+ "OK . Can you give me the address and phone number for Restaurant Alimentum ?",
+ "Yes , I 'd like the address and phone number please .",
+ "What is the address and phone number ?",
+ "Yes , may I have the address and phone number please ?",
+ "Sounds great , what is their phone number and address ?",
+ "Can I get the address and phone number , please ?",
+ "Can I please have their address and phone number ?",
+ "Yes , that sounds fine . Can you give the phone number and address for Fitzbillies ?",
+ "Could I get the address and phone number for that restaurant ?",
+ "no , just tell me the address and phone number .",
+ "Yes , please give me their address and phone number .",
+ "phone number and address of Cambridge Lodge Restaurant please",
+ "Can you just give me the phone number and address ?",
+ "May I have their address and phone number please ?",
+ "Yes , I 'd like the address and phone number please .",
+ "Can I get the address and phone number of Hakka ?",
+ "No , but could you give me the address and phone number for your favorite one ?",
+ "What is the address and phone number ?",
+ "could you please give me the address and phone number ?",
+ "Yes , may I have th phone number and address please ?",
+ "What is the phone number and address ?",
+ "I 'd like their address and phone number please .",
+ "what is the address and phone number ?",
+ "Is there anything else , if so give me their address and phone number .",
+ "Could you give me the phone number and address of sala thong ?",
+ "No thank you . Can you recommend me one and give me their phone number and address ?",
+ "I would like the phone number and address for La Margherita please .",
+ "What is their address and phone number ?",
+ "That will work . I would like the address and phone number to the Thanh Binh restaurant please .",
+ "What is the address and phone number ?",
+ "Yes please , can I get a phone number , address , and reference number ?",
+ "What is the address and phone number of the Golden Wok ?",
+ "Yes , what is their address and phone number ?",
+ "Yes , I would like their address and phone number , please .",
+ "Can I get the address and phone number ?",
+ "address and phone number",
+ "Can I have the address and phone number please ?",
+ "Yes , I would like the address and phone number .",
+ "Can you give me their address and phone number ?",
+ "Actually , I do n't need a reservation right now , but could you give me the address and phone number for the Royal Spice ?",
+ "What is their address and phone number ?",
+ "What is the address and phone number ?",
+ "Can I have the address and phone number ?",
+ "What is the address and phone number ?",
+ "No , thanks ! I need their phone number and address , though , please .",
+ "Ok , and the phone number and address ?",
+ "please get me the you get phone number and address",
+ "No reservation is needed yet , but can I please get the phone number and address please ?",
+ "What is the address and phone number ?",
+ "Can I have the phone number and address please ?",
+ "Could I have their phone number and address ?",
+ "No , can you please give the address and phone number for the Lucky Star . Thanks so much .",
+ "Can I get the address and phone number please ?",
+ "I would like to know one of the address and phone number .",
+ "What is the address and phone number for Frankie and Bennys ?",
+ "That sounds interesting actually . Can you give me the address and phone number perhaps ?",
+ "Tell me your favorite . I 'd like their phone number and address , please ?",
+ "address and phone number , please",
+ "What is the address and phone number of one of them ?",
+ "yes . I would like their address and phone number please .",
+ "Not right now . Can I just have the address and phone number ?",
+ "What is the phone number and address ?",
+ "I would like the address and phone number for one of those restaurants please .",
+ "What is the address and phone number ?",
+ "Yes please . I want the address and phone number of anyone of them .",
+ "May I have the address and phone number ?",
+ "Can I have The Copper Kettle 's phone number and address , please ?",
+ "no , just their phone number and address please",
+ "Could I have their phone number and address ?",
+ "Yes , please . May I have their address and phone number ?",
+ "What is the address and phone number of Alimentum ?",
+ "What ids the address and phone number ?",
+ "Yes please , I would like the address and phone number .",
+ "What is the address and phone number ?",
+ "What is their address and phone number ?",
+ "What is the address and phone number ?",
+ "What is the address and phone number ?",
+ "No , just give me the phone number and address for your favorite , please !",
+ "phone number and address , please .",
+ "I do n't have a preference . What would you suggest and can you provide me with the address and phone number ?",
+ "What is their address and phone number ?",
+ "Hold off on booking . Could you give me the address and phone number for it ?",
+ "Great , what is the address and phone number for bangkok city ?",
+ "Tell me the address and phone number of Ali baba restaraunt .",
+ "What is the address and phone number ?",
+ "Yes , what is their address and phone number ?",
+ "Please give me the address and phone number for Nandos .",
+ "No thank you , I 'll travel there myself . Can I get the address and phone number for the restaurant though ?",
+ "Yes , I would . Can you also give me the address and phone number for the Allenbell Guesthouse ?",
+ "That sounds good can you please give me the address and phone number ?",
+ "Is there anything else ? Can I have the address and phone number please ?",
+ "What is the address and phone number ?",
+ "Could you get me the address and phone number for The Golden Wok , please ?",
+ "Can I get the address and phone number , please ?",
+ "I need the address and phone number , please .",
+ "Can I get the address and phone number ?",
+ "What is the address and phone number ?",
+ "I would like the address and phone number of Curry Prince .",
+ "No , please pick one for me and provide the phone number and address .",
+ "No but what is the address and phone number ?",
+ "Can I get the address and phone number of the Vietnamese one ?",
+ "Yes , please . phone number and address",
+ "What is the phone number and address ?",
+ "Yes , I would like the address and phone number for each .",
+ "Yes , phone number and address please .",
+ "what is their phone number and address ?",
+ "I would like the address and phone number for both restaurants .",
+ "That is fine , Ill go with what you recommend , can I get the place 's phone number and address ?",
+ "May I have the address and phone number of da vinci pizzeria ?",
+ "What is the address and phone number ?",
+ "address and phone number please",
+ "Not yet . I would appreciate the phone number and address .",
+ "What is the address and phone number of one of them ?",
+ "Can you give me the address , phone number , and area code ?",
+ "What is their address and phone number ?",
+ "Perfect , may I have the address and phone number please ?",
+ "That sounds lovely . May I have the address and phone number , please ?",
+ "That sounds great . Can I have their phone number and address ?",
+ "Excellent . What is their address and phone number ?",
+ "Yes , I would like the address and phone number , please .",
+ "I want the address and phone number .",
+ "Yes , I would like their address and phone number .",
+ "No thank you . Could I get the phone number and address please ?",
+ "Can I get their address and phone number , please ?",
+ "Just their address and phone number please .",
+ "Yes , thank you . Could you tell me the address and phone number of that restaurant ?",
+ "May I have the address and phone number of Nandos ?",
+ "yes I would like their address and phone number",
+ "Yes . I would like their address and phone number , please .",
+ "No that wo n't be necessary . I 'll just need the phone and address please .",
+ "Can you send me the address and the phone number of this restaurant ?",
+ "Can I have the address and phone number ?",
+ "Great ! can you please tell me the address and the phone number of frankie and bennys ?",
+ "I 'd like to have their phone number and address .",
+ "May I have their address and phone number ?",
+ "That sounds good . What is the address and phone number ?",
+ "Either is fine , can you provide the address and phone number ?",
+ "Give me the phone number and address for la mimosa please",
+ "No need to book it , but could you please give me their address and phone number ?",
+ "Great , can I have the phone number and address for Erania please ?",
+ "Yes , please . Could you tell me both the address and phone number ?",
+ "OK . Can you give me their address and phone number ?",
+ "Perhaps I can call and ask a few questions . What is there phone # and address please ?",
+ "What is the address and phone number ?",
+ "Okay . May I have the phone number and address please ?",
+ "Yes , the address and phone number please .",
+ "Sounds good . What is the address and phone number ?",
+ "What is the address and phone number ?",
+ "Just pick the one you like best and provide its phone number and address please .",
+ "Can you please give me their address and phone number",
+ "What is the address and phone number ?",
+ "Okay , what is the address and phone number for Ugly Duckling ?",
+ "Great ! Can I have their address and phone number ?",
+ "Can I have the phone number for that location as well as the address ?",
+ "Can you give me the address and phone number ?",
+ "Yes , can I get the address and phone number please ?",
+ "What is the address and phone number ?",
+ "Ok I will try this one . I would like the address and phone number please .",
+ "Okay , what is the address and phone number of Shiraz please ?",
+ "I ' m not sure quite yet . Can I please have the phone number and address ?",
+ "May I have the address and phone number please ?",
+ "Excellent ! I do n't need a table right now , but if you could give me the address and phone number , that would be great .",
+ "In that case , could you give me the address and phone number ?",
+ "What is the address and phone number ?",
+ "Yes . Could you provide the address and phone number for Kymmoy ?",
+ "Yes can you give me the address and phone number of the slug and lettuce ?",
+ "Great . Can I get the address and phone number as well ?",
+ "Is there anything else ? And what is the address and phone number ?",
+ "Yes I would like the address and phone number , thanks for your help !",
+ "What is the phone number and address of one of them ?",
+ "What is the phone number and address for Dojo Noodle Bar ?",
+ "Thanks for you 're help . May I also have the address and phone number of the restaurant .",
+ "I have no preference . Can I get the phone number and address of one ?",
+ "No thank you , can you just give me the address and phone number for one of them ?",
+ "Yes , I will need their address and phone number .",
+ "Sure . What is their phone number and address there",
+ "What kind of food is that ? Also what is the address and phone number ?",
+ "Can I get the address and phone number of Charlie Chan , please ?",
+ "What is the address and phone number of one of them ?",
+ "Yes please , I would like the address and the phone number .",
+ "Can you please give me the address and phone number ?",
+ "could i have the phone number and address please ?",
+ "Great ! can you please give me the address and phone number ?",
+ "Great ! Can I have the address and phone number , please ?",
+ "Thanks , can I get the address and phone number ?",
+ "Can I get the address and phone number ?",
+ "Ok great . Can I get the address and phone number ?",
+ "That sounds like it will work . May I have the address and phone number , please ?",
+ "Great ! Could you please give me the address and phone number of that restaurant ?",
+ "That sounds good . Can you give me the phone number and address , please ?",
+ "not now but you get me the address and phone number",
+ "could i have the address and phone number please ?",
+ "May I have their address and phone number please ?"
+ ],
+ "Phone;Post;": [
+ "What is their phone number and postcode ?",
+ "could you give me the phone number and postcode ?",
+ "That sounds good . What is their phone number and postcode ?",
+ "Then please pick one and give me their phone number band postcode .",
+ "Get me the phone number and postcode please .",
+ "No , but can you please give me their address with postcode and the phone number ? I 'd like to call them myself to ask about food allergies .",
+ "Yes please . Can I also get the phone number and the postcode of the Gandhi ?",
+ "What is the postcode and phone number ?",
+ "No thanks . I just need the phone number and postcode for each .",
+ "Can you give me a phone number and post code for whichever one you like the best ?",
+ "Just pick one and give me : phone number and postcode",
+ "No that wo n't be necessary . I just need the phone number and postcode please .",
+ "Please book the one at 30 Bridge Street . Can you also give me the postcode and phone number ?",
+ "Could I get a postcode and a phone number ?",
+ "I would like the post code and phone number for the restaurant please , and I would like to book a train .",
+ "For now , can I just get the phone number and postcode ?",
+ "No , I ' m not ready to book today . Can I just get a phone number and postcode please ?",
+ "Actually , I will book it myself . May I please get Peking Restaurant 's phone number and postcode ?",
+ "Yes , I would like to have the phone number and postcode please .",
+ "Can I get their phone number and postcode so I can pay them a visit . It sounds like a great place to dine .",
+ "I only need the phone number and postcode .",
+ "Can I please have the phone number and postcode ?",
+ "Can I get the phone number and postcode , please ?",
+ "Can I get the postcode and phone number please ?",
+ "phone number and postcode",
+ "Can i also have their phone number and postcode ?",
+ "I do n't really mind . What is your favorite place to dine out of all of those ? Could you give me there postcode and phone number ?",
+ "anywhere should be fine . find me the postcode , phone number and location please .",
+ "No thanks , I just need the phone number and postcode , for now .",
+ "What is the postcode and their phone number ?",
+ "Could I have the phone number and postcode for that restaurant please ?",
+ "What is the phone number and post code of Pipasha restaurant ?",
+ "What is the phone number and postcode ?",
+ "I would like to book a table for 3 . May I also have the phone number and postcode for the restaurant .",
+ "That wo n't be necessary , could you just provide me with their phone number and postcode please ?",
+ "No , I just need the post code and phone number , please .",
+ "Could you give me just the phone number and postcode please ?",
+ "Any is fine , can I get the phone number and postcode of one you 'd recommend ?",
+ "No , I want to make sure that this place it to my liking first . Can you just give me their postcode and phone number so I can call them up ?",
+ "Sounds good . What is the postcode and phone number ?",
+ "I only require the postcode and phone number .",
+ "Great ! Can I have the phone number and postcode please ?",
+ "Can I get the postcode and phone number for them ?",
+ "Could you give me the phone number and postcode ?",
+ "Nope I need their phone number though and postcode when you get a chance , thanks",
+ "No thank you , I would just like to get the postcode and phone number , please .",
+ "No , but can you give me the phone number and postcode ? Thanks !",
+ "What is the phone number and postcode ?",
+ "How about the moderately priced one . I will need their postcode and phone number as well .",
+ "No thank you . Can you just give me the postcode and phone number ?",
+ "I think I will book it myself instead , can I get the phone number and post code so I can though ?",
+ "What is the phone number and postcode to Saint Johns Chop House ?",
+ "What is the phone number and postcode ?",
+ "Can you give me the postcode and phone number for the cheap restaurant ?",
+ "That would work yes , can I have their phone number and postcode ?",
+ "That would be fine . Can I have their postcode and phone number please ?",
+ "Can I have the phone number and postcode please ?",
+ "I just need the phone number and postcode .",
+ "What is their phone number and post code ?",
+ "What is the phone number and postcode ?",
+ "Dojo noodle bar sounds good . May I have the phone number and postcode please ?",
+ "What 's the post code and phone number of de luca cucina ?",
+ "No thank you . Can I have to phone number and postcode for that restaurant ?",
+ "I ' m not sure yet , can I have the phone number and postcode so I can book the table ?",
+ "That sounds good , could I please have their phone number and postcode ?",
+ "Just the postal code and phone number please .",
+ "What is the phone number and postcode of Curry Prince ?",
+ "Maybe later , for now I would like to know its phone number and postcode .",
+ "I really do n't have a preference . How about Chinese ? I will need their phone number and postcode please .",
+ "Can you just give me their phone number and postcode ?",
+ "May I have the phone number and postcode ?",
+ "Can I get just the postcode and phone number please ?",
+ "Great , what is the postcode and phone number ?",
+ "That sounds fine I need their postcode and phone number .",
+ "Could you please just give me the postcode and phone number for the Golden curry ?",
+ "Yes , could I get the restuarant 's phone number and postcode ?",
+ "Yes , I would like their phone number and postcode , please .",
+ "What is the phone number and postcode ?",
+ "No , I do n't have any preferences . The Pizza Hut sounds good , can I get their phone number and postcode ?",
+ "Actually , I do n't need to book a time right now , I just need the postcode and phone number for the time being .",
+ "HOw about mahal and can you give their phone number and postcode ?",
+ "I would like the phone number and postcode , please .",
+ "can i have its phone number and postcode ?",
+ "Can I please have a phone number and postcode first ?",
+ "Sounds good , can I get the phone number and postcode , please ?",
+ "No , I do n't have a preference , but I need the phone number and postcode .",
+ "What is the phone number and postcode ?",
+ "I need the phone number , address , and postcode",
+ "Great . Can you get me a phone number and postcode ?",
+ "Yes , could I get the phone number and postcode ?",
+ "Yes , if you could get me the phone number and postcode , that would be nice .",
+ "Actually I do n't need it booked right now . Can I please have the postcode and phone number ?",
+ "No thank you , could you provide me with the phone number and postcode ?",
+ "I 'd like to try the Maharajah Tandoori . Could you give me their phone number and postcode ?",
+ "Yes , can I please have the postcode , address , and phone number for Curry Prince ?",
+ "Dojo Noodle Bar sounds interesting . Can you get me the phone number and post code for them ?",
+ "Could you pick one and give me the postcode and phone number ?",
+ "No , I just need the phone number and postcode .",
+ "Actually , can you give me the postcode and phone number ? No booking necessary .",
+ "phone number and postcode , please .",
+ "Yes please . Get me their phone number and postcode too .",
+ "Sure , that sounds great ! What is the post code and the phone number ?",
+ "yes , I would like their phone number and postcode , please .",
+ "Can you tell me the postcode and phone number for Gourmet Burger Kitchen ?",
+ "No preference . Can you recommend me one and give me their postcode and phone number ? Thanks !",
+ "Yes please give me the post code and phone number for one of the restaurants that has them listed . I am also looking for a train .",
+ "no just give me the postcode and phone number",
+ "That 's alright , I just want to know the phone number and postcode please",
+ "Yes , please along with the phone number and the post code . Thanks .",
+ "Can I get the phone number and postcode for eraina , please ?",
+ "Not really . Can I just have the postcode and phone number for your favorite place ?",
+ "That sounds yummy ! What is their postcode and phone number , please ?",
+ "What is the phone number and postcode ?",
+ "Can I get the postcode with that ? And their phone number , while you 're at it ?",
+ "Perfect . How about the phone number and postcode ?",
+ "No , I do n't need a reservation . Just the phone number and post code please ."
+ ],
+ "Addr;Phone;Price;": [
+ "What is the address , phone number , and price range ?",
+ "Can you give me their phone number , address and price range , please ?",
+ "That sounds good , can I get the address , phone number and price range please ?",
+ "What is the address , phone number , and price range of one of them ?",
+ "What is the address , phone number , and price range of the grafton hotel restaurant ?",
+ "Actually I will call them , could you give me their phone and address once again , and confirm the price range please ?",
+ "What is the address , phone number , and price range ?",
+ "What is the address , phone number , and price range ?",
+ "Yes , the address , phone number , and their price range please .",
+ "can i get the address , phone number , and price range please ?",
+ "Can you give me the address , price range , and phone number of the best one ?",
+ "What is the address , phone number , and price range ?"
+ ],
+ "Price;": [
+ "What is the price range ?",
+ "What price range is Anatolia ?",
+ "What is the price range of the restaurant ?",
+ "I was wondering the price range of the riverside brasserie .",
+ "I ' m not picky about the price . Could you recommend one and give me the price range ?",
+ "I also need to know what the price range is for this restaurant .",
+ "Yes , do you happen to know what their price range is ?",
+ "Let 's hold off on the reservation for now . Can you tell me the price range for meze bar ?",
+ "What is the price range for Meghna ?",
+ "What is the price range of the lan hong house ?",
+ "What is the price range there , I can spend too much just eating .",
+ "Yes , what is the price range ?",
+ "What are the price ranges of the two available restaurants ?",
+ "What price range is that in ?",
+ "What is the price range ?",
+ "Are there any moderately priced restaurants near the botanic gardens ?",
+ "Could you tell me what their price range is ?",
+ "What is the price range ?",
+ "What is the price range ?",
+ "What is the price range ?",
+ "Can I get the price range for these ?",
+ "Thanks , what is the price range ?",
+ "Could I get a price range for the restaurant first ? Could I also get a short list of nearby attractions to the restaurant you recommend ?",
+ "To be honest , I do n't care about the price range . Can you make a suggestion ?",
+ "Great ! Do you know what price range they are in ?",
+ "I do not have a specific area or price .",
+ "Actually , I just need a little more information . I do n't need to book right now . What is the price range for this restaurant ?",
+ "What 's the price range ?",
+ "Thank you ! Do you know what the price range is at the hotpot ?",
+ "I ' m not sure . What is the price range ?",
+ "No , just tell me what kind of prices the one in the south charges .",
+ "Thanks , but I do n't need a reservation . Can you tell me their price range please ?",
+ "What is the price range ?",
+ "What is the price range for The Curry Prince ?",
+ "Sounds goof . What is the price range on that one ?",
+ "Maybe . What is the price range ?",
+ "I do n't have a particular price range in mind but would prefer something in the mid to low range",
+ "What is the price range for hotel du vin and bistro ?",
+ "Actually , I do n't need it for today . What 's the price range of the place ?",
+ "What is the price range of Pizza Express ?",
+ "I do n't have a price range . Can you just recommend one of the five restaurants and tell me the postcode and the price range",
+ "I do not have a preference on price range .",
+ "Awesome . What price range is that in ?",
+ "I am not bothered about the price . Why do n't you select one and provide me with their telephone number and price range ?",
+ "I need it 's price range please",
+ "Either price range is fine , can you tell me more about some of the restaurants you mentioned ?",
+ "What is price range ?",
+ "Awesome ! What 's price range of Meghna ?",
+ "I do not , what price ranges are the restaurants in ?",
+ "Can you pick one and just let me know the price range , I ' m comfortable with all .",
+ "I ' m not really concerned with price . Which would you suggest ?",
+ "I do n't have a price range in mind . Can you recommend just one restaurant matching my criteria ?",
+ "One more thing , what 's the price range ?",
+ "What is the price range ?",
+ "That 's not necessary . Can you tell me what price range it 's in ?"
+ ],
+ "Ref;": [
+ "Can I have the reference number please ?",
+ "Can I have the reference number .",
+ "Sounds good . Book it please and I 'll need the reference number .",
+ "Why do n't you just schedule it and give me the reference number please I know they are very busy this time of year .",
+ "Yes please , give me the reference number",
+ "Can you book it for me and get a reference number ?",
+ "Could I have the reference number please",
+ "May I have the reference number please ?",
+ "Yes can you please and send me the reference number .",
+ "Sure as long as it 's in the same area and price range . I need the reference number too please .",
+ "May I get the reference number ?",
+ "Yes that is perfect . Can I get the reference number please ?",
+ "Can I please have the reference number ?",
+ "Could I have the reference number please ?",
+ "What was the reference number ?",
+ "Sure thing . I 'll need a reference number too .",
+ "Book it for XXXX , can I please get a reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "Can I get the reference number for that reservation ?",
+ "Can I get a reference number please ?",
+ "Could I get a reference number please ?",
+ "Yes , I will need the reference number .",
+ "yes please.book for five , at 1700hrs or 1600hrs and get me the reference number",
+ "ok . book what you deem best and get me the reference number .",
+ "Can I please get the reference number and then can you help me find some places to go near the restaurant ?",
+ "Yes I 'll also need a place to stay as well as a reference number for my reservation .",
+ "Ummm reference number please .",
+ "Thank you . I 'll need a reference number , please ?",
+ "Could you give me the reference number for the restaurant reservation ?",
+ "That should be fine . Can you get the reference number ?",
+ "Can you get me the reference number for that please ?",
+ "Yes please . I need the reference number too .",
+ "Just please book a table anywhere for 2 on friday for 19:30 please . And I 'll need a reference number .",
+ "Thanks . Can I get a reference number ?",
+ "Yes could I have my booking reference number please ?",
+ "Will try another one in the same area and price range ? If you can book it , will you give me the reference number ?",
+ "Yes , can you give me the reference number on that reservation please ?",
+ "yes and I need a reference number please thank you",
+ "Great can you please book that for me , and give me the reference number",
+ "Can you book it for me and get a reference number ?",
+ "Can you provide me with the reference number for my reservation please ? Thanks .",
+ "Great . Can you give the reference number , please ?",
+ "Thank you . Can you please give me the reference number ?",
+ "Yes please . I would like a reservation for 2 at 19:00 on Friday . I would like the reference number once it 's booked . Thank you .",
+ "Excellent . I 'll need the reference number .",
+ "Any one will be fine . I need the reference number please after its booked .",
+ "Yes I need the reference number please .",
+ "Awesome . Could I have the reference number , please ?",
+ "Could I get the reference number please ?",
+ "No , the reference number is all I need . I will find it . Thanks !",
+ "Can I please get the reference number ?",
+ "Yes , can I please have the reference number as well for the booking ?",
+ "Sure , when you find something , make the booking and give me the reference number .",
+ "Thank you . Can I please have the reference number ?",
+ "That works . Same parameters , please . I need the reference number too .",
+ "Any kind of food is fine . I would need to book for 8 people at 19:30 on Friday , please . Also , can I have the reference number ?",
+ "Thanks again for helping to find me a place to eat . I have the reference number T44KC552 .",
+ "I need a reference number",
+ "Okay , that sounds good . I 'll need a reference number .",
+ "please try booking at 1200hrs and get me the reference number",
+ "Yes please give me the reference number",
+ "Can I get the reference number , please ?",
+ "When you 're done working on it please give me a reference number for my records",
+ "Awesome but can you give me the reference number ?",
+ "May I have the reference number ?",
+ "I need the reference number for the reservation .",
+ "What is the reference number for my booking ?",
+ "May I have the booking reference number ?",
+ "ok , provide reference number too please .",
+ "Not really but I would like to make a reservation for 7 people at 16:45 on a Friday . I will need the reference number as well .",
+ "Thank you , can I get the reference number ?",
+ "am asking for the reference number please",
+ "I think that sounds good . Can you go ahead and book that for me ? I need it for 1 person on Wednesday at 14:00 . Can I also get that reference number ?",
+ "Great yes please do , can I get the reference number for that ?",
+ "May I have the reference number for that reservation",
+ "Please book me a table for the restaurant and provide the reference number .",
+ "Yes could you make me a reservation there for 8 people at 13:45 on Sunday ? I will need a reference number as well .",
+ "What is the reference number , please ?",
+ "Could you please provide me with the reference number for the reservation ?",
+ "Yes , I require the booking , as well as the reference number emailed or faxed to me .",
+ "No , just pick one and book it and provide me with the reference number please .",
+ "Could you repeat the reference number please .",
+ "Of course I 'd like the reference number .",
+ "Yes . It 'll be just me dining . I want to reserve thursday at 18:00 there . Give me the reference number too please",
+ "Um sorry but can we actually go back to the restaurant again really quick . Did you even really book that for me ? I never got a reference number from you ...",
+ "Can I have the reference number ?",
+ "Could I get that reference number ?",
+ "Yes , will you see if you can book a table for me ? And give me the reference number if you can ?",
+ "Yes , a reference number will be good .",
+ "Do you have the taxi 's reference or confirmation number , please ?",
+ "I 'd like to have the reference number please",
+ "May I have the reference number for the reservation ?",
+ "Sure and give me the reference number too please .",
+ "I would like the eraina , can I get the reference number please ?",
+ "Thank you . I will also need a reference number .",
+ "May I have the reference number please ?",
+ "Yes , please give me the reference number .",
+ "Are you capable of emailing or faxing me the information for my own personal reference ?",
+ "Can you provide me with a reference number , please ?",
+ "Yes , it does . Can you book it ? I need a reference number please",
+ "Can I have the reference number please ?",
+ "Yes , that would be fine . Can I have the reference number ?",
+ "May I have the reference number ?",
+ "Thanks can I please have the reference number ?",
+ "Can I have the reference number for the booking ?",
+ "Great , can I also have the reference number ?",
+ "Never mind , I ' m all set . I even have the reference number for my reservation . Thanks for your help - goodbye !",
+ "I do n't have a preference , but I 'd like to book the same day for 2 people at 13:15 . I also need the reference number .",
+ "Yes I need a reference number for the booking .",
+ "Thanks , please provide the reference number .",
+ "Is there a reference number I need ?",
+ "Yes , I 'll need the reference number of my reservation .",
+ "Please book it and send me the reference number .",
+ "Could I get the reference number for that booking please .",
+ "I still need the reference number .",
+ "Nah , either one is fine . I need a reference number though .",
+ "Sure that 's fine try any one of those . I 'll need the reference number too please .",
+ "Please book it them and please let me have the reference number when you are done .",
+ "I will need the reference number . Also , I ' m looking for places to go in the south .",
+ "Please book the restaurant as requested . I would also like the reference number .",
+ "Very well . I really need a reliable booking , make sure you give me a reference number , I do n't want any confusion when I get there .",
+ "Um I think you 're getting ahead of yourself ? I ' m still waiting on that reference number for the booking you said you 'd complete ....",
+ "Yes , please give me the reference number .",
+ "Great ! Thank you for the reference number GA03MU3U. Goodbye .",
+ "May I please have a reference number ?",
+ "Yes thank you . Please give me the reference number for the restaurant .",
+ "I also need the reference number please .",
+ "Yes . I need the reference number and would like to know of some places to visit in the same area .",
+ "What would you suggest ? I need a reservation for 6 at 12:00 on thursday and I 'll need the reference number then too please .",
+ "Thanks and Make sure you get the reference number",
+ "Can I have the reference number please ?",
+ "Let 's try to book it for 12:00 then for 6 people on Thursday . I 'll also need a reference number .",
+ "Can you provide me with the reference number for that booking ?",
+ "Yes please . Can I get a reference number also ?",
+ "Can you book it for me and get a reference number ?",
+ "Can I get the reference number ?",
+ "May I also have the reference number please ?",
+ "Could I please get the reference number for the booking ?",
+ "Thank you very much . What is the reference number ?",
+ "I still need the reference number ...",
+ "15:15 , and I would like the reference number .",
+ "Thank you also . Could I receive the reference number for the reservation , please ?",
+ "You must be a mind reader , my question was the reference number ! Thank you",
+ "Thank you . May I get a reference number ?",
+ "Yes , can I please get the reference number ?",
+ "thank you for helping me book a table for 4 at prezzo and providing the reference number",
+ "Can I have a reference number please ?",
+ "Can you book it for me and get a reference number ?",
+ "Do you have a reference number for that ?",
+ "Yes of course I want the reference number ! Why would n't I !",
+ "I will need the reference number please .",
+ "Great , all I need is the reference number please .",
+ "Let 's try Hakka and can I get the reference number please .",
+ "That sounds fine . Can you book it please and get me the reference number ?",
+ "Can I have a reference number for the restaurant ?",
+ "Can you email or fax me the information for my personal reference ? Thank you for your assistance .",
+ "Could i get the reference number please ?",
+ "Thank you . I will also need the reference number , please .",
+ "Yes as long as its in the same area and price range . I need a reference number too then please",
+ "How about 19:45 and give me a reference number",
+ "I would like the reference number if it s successful please .",
+ "That sounds great . Could you book it for me please , and give me the reference number",
+ "Yes , and can I get a reference number ?",
+ "Can you give me the reference number for that please ?",
+ "Can you book it for me and get a reference number ?",
+ "Thank you for the reference number . Goodbye !",
+ "As long as its in the same area and price range that will be fine I also need the reference number too",
+ "Yes can , I please get the reference number ?",
+ "No , I just needed the reference number . Thanks for all your help !",
+ "Could you please give me the reference number ?",
+ "What is the reference number for the reservation ?",
+ "Yes , please book . May I have the reference number ?",
+ "That 's great - can you give me the reference number ?",
+ "Yes please book it for seven people on the same day also please give me a reference number",
+ "Thank you can I get the reference number for my reservation ?",
+ "Yes please and I will need a reference number .",
+ "Yes please , could you book a table for 6 people at 15:30 on Tuesday . Could i have the reference number too please ?",
+ "May I have the reference number please ?",
+ "Wednesday , 17:45 . Reference number , please ?",
+ "Can I have the reference number please ?",
+ "Of course I would like the reference number .",
+ "Thank you ! What 's the reference number ?"
+ ],
+ "Food;": [
+ "What type of food do each of them serve ?",
+ "What type of food do they serve ?",
+ "What type of food do they serve , please ?",
+ "Can you tell me what kind of food they serve ?",
+ "Okay , excellent . I am also looking for a restaurant called Bloomsbury . Can you tell me where it is and what kind of food ?",
+ "What kind of food does The Nirala serve ?",
+ "What type of food do they serve ?",
+ "May I ask what type of food does Royal Spice serve ?",
+ "What 's the food type ?",
+ "Well I want a hotel not food .",
+ "No any restaurant would be okay I just need the type of food they serve .",
+ "what type of food do they serve ?",
+ "Yes British food is fine , can you reserve a table ?",
+ "What type of food is it ?",
+ "What type of food do they serve ?",
+ "What kind of food do they serve there ?",
+ "First , could you tell me what type of food is served ?",
+ "I ' m looking for some food in Cambridge today .",
+ "It was recommended by a friend , and I ' m not sure what type of food they serve . Do you know ?",
+ "Any type is fine , just something cheap and in the centre . Could you recommend one and give me the food type ?",
+ "What type of food do those places serve ?",
+ "Yes , can you also confirm what kind of food these serve for me ?",
+ "What type of food is that ?",
+ "Any sort of food would be fine , as long as it is a bit expensive . Could I get the phone number for your recommendation ?",
+ "What are the different food types of these restaurants ?",
+ "I do n't need a reservation right now . What type of food do they serve ?",
+ "What type of food do they serve ? And to clarify , this is moderately priced , correct ?",
+ "What type of food do they serve ?",
+ "Actually , I wo n't be needing a reservation just yet . Could you verify the type of food Saigon City serves ?",
+ "I do not have a preference on the type of food but it does need to be near the hotel .",
+ "Could you recommend one with the food type ?",
+ "What kind of food do they serve ?",
+ "What type of food do they serve ?",
+ "Please recommend a restaurant . I really do not care about the food type . Thank you .",
+ "Yes please , also what type of food do they serve ?",
+ "What kind of food do they serve there ?",
+ "What is the food type ?",
+ "What type of food ?",
+ "What kind of food do they serve ?",
+ "What is the food type at Pizza Express ?",
+ "What type of food does Golden Wok serve ?",
+ "Surprise me . What food type can you recommend ?",
+ "Can you tell me what type of food they serve ?",
+ "I 'd like to have some Chinese food .",
+ "I am not particular . Can you choose one you think would be good for me and let me know the food type ?",
+ "what kind of food do they serve and how expensive is it ?",
+ "They serve European food then ?"
+ ],
+ "Area;": [
+ "I have no area preference . Can you make a suggestion for me ?",
+ "Great . Thanks . Last thing , can you tell me what area of town that 's in ?",
+ "what area is it in ?",
+ "It does n't matter . Just choose one for me . I 'll need to know the area that it 's located in .",
+ "What is the area ?",
+ "What area is the restaurant in ?",
+ "Yes I need the area for that as well .",
+ "Can you tell me what area they are in ? I also need some help finding a train .",
+ "What is the area for The copper Kettle ?",
+ "That sounds interesting . What area is the restaurant in ?",
+ "I would like the area for this cafe please .",
+ "The area is not important . I just need it to be asian oriental food and something cheap .",
+ "What area of town is it in ?",
+ "No thank you . Could you tell me what area of town The Slug and Lettuce is in , though ?",
+ "Which area is it in ?",
+ "Can you please book one of those for me and provide the address , area and phone number .",
+ "And what area are they located ?",
+ "What area is this in ?",
+ "Okay , thanks . And what area is it in please ?",
+ "No . What area is royal standard in ?",
+ "What area is it located in please ?",
+ "No thanks I just needed to know the area , thank you for your help .",
+ "The area does not matter . But will for sure want it to be an actual hotel .",
+ "I would like the restaurant in the same area , Cambridge , please .",
+ "No , anything but a night club . What else can you recommend in the centre area ?",
+ "Not now . What area of town is that in ?",
+ "No reservation necessary , just let me know what area of town its in and I 'll do the rest .",
+ "What area is that in ?",
+ "What area is that in please ? The format you sent that in is very confusing .",
+ "Can you tell me what area of town it is located ?",
+ "In which area of town is it found ?",
+ "The Riverside Brasserie sounds good . Can you tell me the area they are located in ?",
+ "What area is that in ?",
+ "No . I just needed the area . Thank you !",
+ "What area is that in ?",
+ "What area of town is that in ?",
+ "You decide . I need the area their located in"
+ ],
+ "Addr;Food;Phone;": [
+ "Nados serves Portuguese sounds good can I get a address , food type , and phone number ?",
+ "What is the address , phone number , and type of food ?",
+ "Can I have the address , phone number , and type of food served by Restaurant Alimentum ?",
+ "Can you tell what kind of food the restaurant serves and their address and phone number .",
+ "I want to know their address , phone number , and type of food , please",
+ "I would like to know the address and phone number of pipasha restaurant and the type of food they serve",
+ "What is the address , phone number , and type of food of one of them ?"
+ ],
+ "Addr;Post;Price;": [
+ "No , could you recommend one and give me the address , price range , and postcode .",
+ "I need the address , postcode and the price range .",
+ "Any of them will be fine . I 'll just need to know the price range , address , and postcode , please ?",
+ "No reservation but can I get the price range , the post code and the address ?",
+ "I do n't need a table , but can I get the address , postcode and price range for Curry Prince ?"
+ ],
+ "Area;Phone;": [
+ "Does Eraina serve european food ? If so , what is the phone number and what area is it located in ?",
+ "Yes please , Can I have the phone number and the area it is in please .",
+ "Do you have the phone number of the restaurant ? Also , what area of town is it in ?",
+ "Great ! Can you tell me the area of town that 's located in , and give me their phone number , please ?",
+ "What area it is located in and what their phone number is .",
+ "What is the phone number and area ?",
+ "That 's it ! Can you give me the phone number and area , please ?",
+ "What is the phone number and area ?",
+ "What is the phone number and area ?",
+ "No , thank you . I just need the area and phone number .",
+ "I would like to get the phone number and area please",
+ "Can you please recommend one and provide me with their phone number and area they 're located ?"
+ ],
+ "Phone;Price;": [
+ "What is the phone number and price range ?",
+ "What is the phone number and price range",
+ "I would like the address , as well as the phone number . And what is the price range for dinner there ?",
+ "May I have the phone number and price range of the restaurant ?",
+ "Thank you . I would like their price range and phone number as well please .",
+ "Okay . That sounds good . Can you give me the phone number and price range ?",
+ "Yes , please . What is its phone number and price range ?",
+ "What is the phone number and price range ?",
+ "Can I get the phone number and price range ?",
+ "What is the phone number and price range ?",
+ "Thanks , what 's the price range and phone number ?",
+ "What type of cuisine is it ? Can I also get a price and phone number ?",
+ "Great . Can you let me know the price range and phone number of the restaurant ?",
+ "Not really , but can you tell me the phone number and price range for your favorite one ?"
+ ],
+ "Post;Price;": [
+ "Any of the restaurants is fine . But , can I get a postcode and price range for the one you choose please .",
+ "No , could you please tell me the price range and postcode for all 4 in the Centre area ?",
+ "No thanks , but could I get the price range and the postcode please ?",
+ "Just the price range and postal code please .",
+ "It does n't matter . Can you pick one and give me the postcode and the price range , please .",
+ "May I have their postcode and price range ?",
+ "What is the post code and price range for that place to eat ?",
+ "I need their postcode and price range .",
+ "Actually , I do n't need to reserve just yet . Can you please just give me the postcode and price range ?",
+ "Let 's try the Jinling Noodle Bar . Could you get me the postcode and price range for it ?",
+ "No thank you . I 'll just need a price range and postcode for one of them .",
+ "No thank you . I just need the price range and postcode .",
+ "What is the price range on that ? And also the post code ?",
+ "Can you provide me with the price range for the Gardenia as well as the postcode ?"
+ ],
+ "Area;Post;": [
+ "Yes , and please include the area and postcode .",
+ "I 'll also need the postcode and area please .",
+ "Could you tell me what area Pipasha is in along with the post code ?",
+ "A recommendation would be fine . Can I get the area they 're in and post code ?",
+ "I do not need to book it . What is the postcode and the area please ?",
+ "No any area is fine with me I just need the area and postcode of a good restaurant .",
+ "No , I just need the area and the post code please ."
+ ],
+ "Addr;Food;": [
+ "What type of food are they . What is their address ?",
+ "Any of those sound good what do you recommend ? I just need the address and type of food they serve .",
+ "Is there anything else you would recommend ? Can I have the address and type of food for it ?",
+ "What type of food do they serve and may I have their address ?",
+ "What type of food is served at the Missing Sock , and what is the address ?",
+ "No , I do n't , actually . Surprise me with the type of food and give me the restaurant 's address .",
+ "It does n't matter . What is the food type and addresses ?"
+ ],
+ "Addr;Area;Phone;": [
+ "I do n't have a preference , what do you recommend ? I 'll need the area , address and phone please .",
+ "Great , what is thier address , phone number and area ?",
+ "What is the address , phone number , and area ?",
+ "Any area is fine , but can I get the phone number and address of one of your recommendations ?",
+ "What areas of town are those restaurants in ? I 'd like addresses and phone numbers please .",
+ "What is the address , phone number , and area ?",
+ "It does n't matter . You choose . Can I get the area , phone number and address please ?",
+ "I ' ve changed my mind , I do n't want to book it yet . Can you give me the area , address , and phone number , please ?",
+ "Actually , I wo n't need a booking . I 'll just need the phone number , address and area , please ?"
+ ],
+ "Addr;Price;": [
+ "What is the price range and address for this restaurant ?",
+ "What is their address , number , and price range ?",
+ "Yes , what is their price range and address ?",
+ "What is the address and price range ?",
+ "Yes I would like the price range and address please .",
+ "can i have the address of them , also the price range ?",
+ "What is the address and price range ?",
+ "What is the address and price range ?"
+ ],
+ "Area;Food;": [
+ "Yes , please . I 'd also like to know what area of town it 's in and what type of food it serves .",
+ "What type of food does La Raza serve ? And what area is it in ?"
+ ],
+ "Food;Phone;Post;": [
+ "Do you have a favorite you could recommend ? I will need the phone and postcode and food type also please .",
+ "It does n't matter . I 'll just need to know the postcode , food type , and phone number , please ?",
+ "Sure . What kind of food do they serve ? What is the postcode and phone number ?"
+ ],
+ "Addr;Area;Post;": [
+ "Just give me the area , postcode , and address for one of them .",
+ "Yes , I would like the area , address , and postcode for the one in the centre please .",
+ "Could I get more information , including the address , postcode , and area ?",
+ "Thanks . What is the postcode , address , and area ?",
+ "I need the postcode , area and address .",
+ "Thank you can I get the area , postcode , and address of tepin ?"
+ ],
+ "Addr;Area;": [
+ "No , just provide me with the address and area for that restaurant if you could",
+ "Great ! Can you give me the address and area of Little Seoul ?",
+ "i need a address and the area please ?",
+ "No , surprise me . I will need the address and the area , though .",
+ "I do n't need a reservation , I just need the address and the area .",
+ "What is there address and area ?",
+ "That s sounds great . can i get the area and address ?",
+ "Yes , I want to go in Cambridge and I will need the address , postcode , and area to find it .",
+ "No thank you , I will just need the area and address , can you confirm both of those please ?"
+ ],
+ "Addr;Food;Post;": [
+ "Royal spice sounds interesting , can I get the food type , address and postcode please ?",
+ "Sure that sounds great ! Can you please give me their address , postcode and what type of food do they serve ?",
+ "What kind of foods do they serve there ? And I would like an address and the postal code as well please . Do you also have reviews of Graffiti , from locals ?",
+ "can i please get the address , postcode , and food type"
+ ],
+ "Area;Phone;Post;": [
+ "Sure , that works . What is the area , postcode and phone number for the Cow Pizza Kitchen and Bar ?",
+ "I have no preference , can you give me the postcode , phone number , and area for the closest one ?",
+ "I 'll go with whichever one you recommend . I just need to know the area , postcode , and phone number .",
+ "I ' m not ready for a reservation , but it would be helpful if you could give me the area , postcode , and phone number for Jinling Noodle Bar .",
+ "I 'd like the Efes . May I have their phone number , area and postcode ?",
+ "I just need to know the area , phone number and postcode , please ."
+ ],
+ "Food;Price;": [
+ "Can you tell me a little more about the place ? I need to know what type of food they serve , price range and where it 's located .",
+ "I would like to know the food type and price range of the restaurant please .",
+ "What is the food type and price range ?"
+ ],
+ "Area;Price;": [
+ "I also need to know the price range , and area .",
+ "Can I get the area of town and the price range pleas ?",
+ "Yes , I will need the price range for that restaurant and the area it is in as well please .",
+ "No , but I do want its area and price range ."
+ ],
+ "Food;Phone;": [
+ "What is the phone number and food of one of them ?",
+ "Maybe but could I have the postcode , food preference and phone number fot this Indiana Restaurants ?",
+ "I would need the phone number and food type .",
+ "What is the phone number and food type ?",
+ "Yes , I would for 6 people on Monday at 17:30 . What is their phone number and food type ?",
+ "No , I just need to know the type of food they serve and the phone number ."
+ ],
+ "Addr;Food;Price;": [
+ "I need the address , type of food , and price range for the Fen Ditton location , please ."
+ ],
+ "Area;Food;Post;": [
+ "I ' m sorry , I ' m just looking for information . Could you tell me the area , food type , and post code for that restaurant ?"
+ ],
+ "Food;Post;Price;": [
+ "Can you tell me the postcode , food type , and the price range ?"
+ ]
+ },
+ "Taxi-Inform": {
+ "Leave;": [
+ "I want to leave after #TAXI-INFORM-LEAVE# .",
+ "thanks . i want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes I do . I want to leave the hotel by #TAXI-INFORM-LEAVE# to go to the park .",
+ "Okay I also need a taxi that will leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "still need a cab by my booked time , #TAXI-INFORM-LEAVE# please",
+ "I need a taxi from the hotel to the restaurant , leaving the hotel by #TAXI-INFORM-LEAVE# , I have to make sure I m first in line when they open for breakfast .",
+ "Can you also book me a taxi to take me between the two places ? I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "I would like a taxi for the hotel by #TAXI-INFORM-LEAVE# to get to the restaurant please .",
+ "Hi , I need to book a taxi , please ? I need to leave sometime after #TAXI-INFORM-LEAVE# .",
+ "Yes , can you book a taxi between the two ? I would like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes , of course , how could I forget ? ! I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# . Are you able to book for that time ?",
+ "Awesome . Can I get a taxi from the College by #TAXI-INFORM-LEAVE# ?",
+ "I also need a taxi between the two places that leaves the hotel by #TAXI-INFORM-LEAVE# , please .",
+ "It 's just for me and I want the taxi to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the college by #TAXI-INFORM-LEAVE# please .",
+ "Yes , I 'd like a taxi to commute between the night club and the guesthouse . I want to leave by #TAXI-INFORM-LEAVE# .",
+ "Great . Can you also get me a taxi to take me from Ali Baba to El Shaddai . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Thanks ! I also need to book a taxi from the hotel to the club , leaving the hotel by #TAXI-INFORM-LEAVE# . Can you please help me with that ?",
+ "I want to leave the college by #TAXI-INFORM-LEAVE# .",
+ "Can we book that taxi ? I 'll need to leave the galleries by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi from the restaurant to the hotel , please . I need to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I also need a tax leaving my hotel by #TAXI-INFORM-LEAVE# to take me to the museum .",
+ "I need the postcode for the museum also . And I need to book a taxi from The Oak Bistro to the Primavera , I 'd like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I need to leave the park by #TAXI-INFORM-LEAVE# .",
+ "I need to be picked up at #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# please .",
+ "I want to leave the Fez Club by #TAXI-INFORM-LEAVE# .",
+ "That sounds good . I will also need a taxi to get between the hotel and the pool . I 'd like to leave the pool at #TAXI-INFORM-LEAVE# please .",
+ "Thank you . I need a taxi to leave my hotel at #TAXI-INFORM-LEAVE# to go to the museum please .",
+ "I 'd like to leave by #TAXI-INFORM-LEAVE# , please .",
+ "Thank you , now all I need is transportation from the restaurant to the staying place . I would like to leave at #TAXI-INFORM-LEAVE# .",
+ "I need a taxi at Ian Hong House to leave by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the park by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I just need to be leaving the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes , please . I would also like a taxi to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the club by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the college by #TAXI-INFORM-LEAVE# .",
+ "Thank you . I would also like to book a taxi from the hotel to the restaurant , leaving by #TAXI-INFORM-LEAVE# .",
+ "at #TAXI-INFORM-LEAVE# hours please",
+ "Was that taxi booking for leaving by #TAXI-INFORM-LEAVE# ?",
+ "No , but I would like to book a taxi between the restaurant and hotel . I ' ve like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I now need a taxi to get to the church from the hotel . I would like to leave the hotel by #TAXI-INFORM-LEAVE# . Can you book that for me ?",
+ "I want to leave the hospital after #TAXI-INFORM-LEAVE# , please .",
+ "Great . I need a taxi from the hotel to there by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi that will let me leave the pool at #TAXI-INFORM-LEAVE# to take me to the restaurant .",
+ "Yes i need to book a taxi to leave the hotel by #TAXI-INFORM-LEAVE# and go to the attraction please .",
+ "I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# please .",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "Awesome . Can you also help me to book a taxi from the hotel to the attraction ? I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes , I also need a taxi . I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi leaving after #TAXI-INFORM-LEAVE# .",
+ "I need to be picked up by #TAXI-INFORM-LEAVE# .",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "I will be needing to leave the hotel by #TAXI-INFORM-LEAVE# . Can you arrange that ?",
+ "Oh anytime after #TAXI-INFORM-LEAVE# a.m would be fine",
+ "I want to leave after #TAXI-INFORM-LEAVE# please",
+ "I also need to book a taxi from the attraction to the hotel leaving by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave Churchill College by #TAXI-INFORM-LEAVE# to travel to the University Arms Hotel . Can you book me a taxi , please ?",
+ "Yes I would love a taxi to commute by both places , I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes . I also need a taxi leaving Whale of Time at #TAXI-INFORM-LEAVE# .",
+ "Can you book a taxi for me ? I 'd like to leave the restaurant by #TAXI-INFORM-LEAVE# and go to the theatre .",
+ "That 's ok . I need a taxi to take me to and from the hotel and pool . I want to leave the pool by #TAXI-INFORM-LEAVE# .",
+ "Great , thanks so much ! Can you please book me a taxi from the restaurant to the Marriott , leaving the restaurant by #TAXI-INFORM-LEAVE# ?",
+ "I would like to leave after #TAXI-INFORM-LEAVE# .",
+ "Yes , I also need a taxi to go between the two . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi leaving the college at #TAXI-INFORM-LEAVE# then .",
+ "Yes . Can you also call me a taxi to connect between the two places ? I would like to leave the hotel at #TAXI-INFORM-LEAVE# .",
+ "Yes I will also need a taxi to commute between the hotel and the attraction . I would like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yeah , can you have a taxi pick me up at the Acorn and take me to the Artworks , say around #TAXI-INFORM-LEAVE# ?",
+ "I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave the man on the moon by #TAXI-INFORM-LEAVE# , can you set that up for me ?",
+ "Thank you , I would like to reserve a taxi around #TAXI-INFORM-LEAVE# , Who can I contact and what type of car can I expect ?",
+ "I need a taxi to commute from the hotel to the college , leaving the hotel at #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# please",
+ "I would like to leave by #TAXI-INFORM-LEAVE# please .",
+ "Yes , I would like to book a taxi to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave my hotel by #TAXI-INFORM-LEAVE# .",
+ "Thanks now I need a taxi leaving the hotel by #TAXI-INFORM-LEAVE# going to the theatre .",
+ "Yes , I am going to need a taxi for transport fro the restaurant by #TAXI-INFORM-LEAVE# please .",
+ "I would like to leave the park by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "No , but I do need some information about a taxi between the two places . I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes , I would like a reservation for 5 people and book me a taxi that leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Awsome ! I also need a taxi to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Thank you . I 'd like to book a taxi from the hotel to the restaurant . It needs to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I want to leave after #TAXI-INFORM-LEAVE# .",
+ "Ok , please also book me a taxi from the restaurant at #TAXI-INFORM-LEAVE# and can I have a description and contact information for the taxi ? Thanks .",
+ "I 'd like to leave by #TAXI-INFORM-LEAVE# , please .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# .",
+ "Please arrange for a taxi to pick me up from the attraction at #TAXI-INFORM-LEAVE# and take me to the hotel . I 'll need car and contact info too .",
+ "Thanks ! I do n't care , I just want to leave at #TAXI-INFORM-LEAVE# , please .",
+ "I 'd like to book a taxi from the hotel at #TAXI-INFORM-LEAVE# to the restaurant .",
+ "I 'd actually like to book a taxi to commute between those two places you found for me . I need to leave the hotel by #TAXI-INFORM-LEAVE# please .",
+ "I also need a taxi to commute . I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave after #TAXI-INFORM-LEAVE# please .",
+ "I ' m going to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave royal spice by #TAXI-INFORM-LEAVE# please",
+ "We 'll be leaving at #TAXI-INFORM-LEAVE# .",
+ "I need to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Yes , can we book a taxi to get between those ? I 'll want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave after #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel at #TAXI-INFORM-LEAVE# to go to the college .",
+ "I will be ready to depart at ... oh ... #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave by #TAXI-INFORM-LEAVE# please .",
+ "I would like to leave the museum by #TAXI-INFORM-LEAVE# to head back to the guesthouse .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# . may i have the contact number for taxi please ?",
+ "Not really . I will pick one that interests me . Could you get me a taxi to take me from the hotel at #TAXI-INFORM-LEAVE# ?",
+ "Yes , I will also need to book a taxi to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Okay I need to leave the attraction by #TAXI-INFORM-LEAVE# and I would like a contact number and a description of the car picking me up please .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I ca n't leave until #TAXI-INFORM-LEAVE# please .",
+ "I want to leave at #TAXI-INFORM-LEAVE# .",
+ "Great ! Now I just need a taxi to take me from the restaurant to the boat . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes . I need a taxi to commute between the two places . I 'd like to leave the park by #TAXI-INFORM-LEAVE# .",
+ "I ' m going from the cinema to the restaurant . I want to leave the cinema by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave downing college by #TAXI-INFORM-LEAVE# .",
+ "Yes . I would like to leave the restaurant by #TAXI-INFORM-LEAVE# and I would like to book a taxi to commute between the hotel and the restaurant .",
+ "I would like to be picked up from cityroomz by #TAXI-INFORM-LEAVE# .",
+ "Well before #TAXI-INFORM-LEAVE# to make sure I do n't miss the reservation would be good .",
+ "Yes , can you please help me book a taxi to leave the hotel by #TAXI-INFORM-LEAVE# ?",
+ "I need a taxi to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I actually need to leave after #TAXI-INFORM-LEAVE# .",
+ "Thank you , that 's it . I will look for the taxi after #TAXI-INFORM-LEAVE# . Goodbye .",
+ "Yes , I 'd also like to book a taxi to take me to the hotel from the church , to leave by #TAXI-INFORM-LEAVE# .",
+ "Can you arrange a taxi to get me from the Alexander B&B to the Botanic Gardens ? I want to leave the Alexander by #TAXI-INFORM-LEAVE# .",
+ "Great . I would like a taxi to pick me up there at #TAXI-INFORM-LEAVE# .",
+ "I should leave after #TAXI-INFORM-LEAVE# .",
+ "I would like to leave by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave St Mary 's Church by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave the attraction by #TAXI-INFORM-LEAVE# , arrival does n't matter .",
+ "Okay , thanks . I also need a taxi to commute between these two places . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave after #TAXI-INFORM-LEAVE# please .",
+ "My apologies , I actually do not need the hotel booked , but I do need a taxi to commute between the hotel and the restaurant , leaving the hotel at #TAXI-INFORM-LEAVE# .",
+ "That 's fine . I 'd also like to book a taxi to get there , to depart by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel at #TAXI-INFORM-LEAVE# , a midnight swim would hit the spot .",
+ "Great , can I get a taxi from Hughes Hall at #TAXI-INFORM-LEAVE# going to yu garden please .",
+ "I want to leave from the college by #TAXI-INFORM-LEAVE# .",
+ "Great , thank you ! I also need a taxi that can take me from the restaurant to the nightclub . I want to leave by #TAXI-INFORM-LEAVE# .",
+ "Very well . I also want to book a taxi to take me there , to leave by #TAXI-INFORM-LEAVE# .",
+ "Can I also book a taxi with you to leave that hotel at #TAXI-INFORM-LEAVE# going to the attraction we discussed ?",
+ "Thank you . I 'd also like to book a taxi . I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like the taxi to be there by #TAXI-INFORM-LEAVE# . Also could i have the contact number of the taxi ?",
+ "Yes , I need a Taxi from the Museum by #TAXI-INFORM-LEAVE# to the restaurant .",
+ "Thanks for asking . I want to leave the attraction by #TAXI-INFORM-LEAVE# to the hotel .",
+ "I need the taxi at #TAXI-INFORM-LEAVE# leaving the restaurant",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# please .",
+ "I want to leave the hotel at #TAXI-INFORM-LEAVE# .",
+ "Yes I will need a taxi between the hotel and venue and I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes , please . Leaving the hotel by #TAXI-INFORM-LEAVE# .",
+ "I actually need to leave after #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "Yes , I 'll need to book a taxi to commute between Olds Schools and the hotel . I would like to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave after #TAXI-INFORM-LEAVE# .",
+ "Great , thanks so much ! Can you please book me a taxi from the restaurant to the attraction , leaving the restaurant by #TAXI-INFORM-LEAVE# ?",
+ "Anytime after #TAXI-INFORM-LEAVE# is fine for me , thanks .",
+ "I want to leave the Tenpin by #TAXI-INFORM-LEAVE# to go to the Chiquito restaurant .",
+ "I need a taxi to go between the guesthouse and the college . I want to leave the college by #TAXI-INFORM-LEAVE# .",
+ "I would like to be picked from Cherry Hinton at #TAXI-INFORM-LEAVE# and arrive at the Royal Standard , please .",
+ "No thanks . I will do that later . Can you please arrange for taxi service from Cafe Jello to Hobson 's House sometime after #TAXI-INFORM-LEAVE# ?",
+ "Can you book a taxi for me at #TAXI-INFORM-LEAVE# from the corn exchange to the guesthouse ?",
+ "Yes I need a taxi to travel between the two places and would like to leave the attraction by #TAXI-INFORM-LEAVE# please .",
+ "I want to leave at #TAXI-INFORM-LEAVE# . Thanks .",
+ "It should leave after #TAXI-INFORM-LEAVE# .",
+ "Thanks for the info , can you also get me a taxi from the hotel to the restaurant ? I need the taxi to be there by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave after #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I actually need to have the taxi pick me up from the hotel to get to the restaurant . I want to leave the hotel by #TAXI-INFORM-LEAVE# , please .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I would like to leave some time #TAXI-INFORM-LEAVE# , please .",
+ "Thank you , can you help me book a taxi from the restaurant at #TAXI-INFORM-LEAVE# ?",
+ "I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "I need to leave by astroturf pitch by #TAXI-INFORM-LEAVE# .",
+ "Yes I will also need to book a taxi from Rosa 's for #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I ' m hoping to leave from the Alexander by #TAXI-INFORM-LEAVE# please .",
+ "I also need a taxi . Ill need to leave club salsa by #TAXI-INFORM-LEAVE# and go to bridge guest house .",
+ "I would like to leave around #TAXI-INFORM-LEAVE# please and thank you .",
+ "I will als require a taxi . I need to leave the hotel by #TAXI-INFORM-LEAVE# . Can you provide he contact number and the type of car please .",
+ "I also want to get a taxi from the hotel to the nightclub . I want to leave by #TAXI-INFORM-LEAVE# . Could you help me with that ?",
+ "I ' m sorry for the mixup . I want to leave after #TAXI-INFORM-LEAVE# .",
+ "Sounds great , I also need a taxi to leave the hotel for the attraction by #TAXI-INFORM-LEAVE# .",
+ "I want a taxi after #TAXI-INFORM-LEAVE# please",
+ "I also need to book a taxi to get from the restaurant to the museum . I plan on leaving the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "Perfect , I also need to book a taxi to leave by #TAXI-INFORM-LEAVE# please .",
+ "Thank you . I also need a taxi to commute between the two places . I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave by #TAXI-INFORM-LEAVE# , please .",
+ "That 's incorrect . I need a taxi that leaves the restaurant by #TAXI-INFORM-LEAVE# and takes me back to the hotel .",
+ "Can you book a taxi for me between the 2 places ? I would like to leave the theatre by #TAXI-INFORM-LEAVE# .",
+ "Thanks ! I will also need to book a taxi to pick me up at the hotel by #TAXI-INFORM-LEAVE# . Can you help with that ?",
+ "I 'd like for a taxi to pick me up after #TAXI-INFORM-LEAVE# today",
+ "Yes , I 'll need a taxi from the restaurant to the hotel . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# , please .",
+ "I would like to book a taxi now please . I need to leave the restaurant by #TAXI-INFORM-LEAVE# . Are there any available ?",
+ "I 'll be commuting between the restaurant and the college . I want to book at taxi to pick me up at the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I only need to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# .",
+ "Thank you ! Sorry about that . I will need a taxi to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Cool . Can you have a taxi pick me up at #TAXI-INFORM-LEAVE# at the hotel and take me to the attraction ? And i 'll need car and contact info",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "The same day , I want it to take me between the two places . I 'll need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave Old Schools by #TAXI-INFORM-LEAVE# .",
+ "Yes , I need to book a taxi as well to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi to get to the college . I want to leave my hotel at #TAXI-INFORM-LEAVE# .",
+ "I 'd like to book a taxi to take me from the museum to the hotel . If possible , I 'd like to leave the museum no later than #TAXI-INFORM-LEAVE# .",
+ "I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Thanks ! I also need to book a taxi between my hotel and the restaurant , leaving my hotel by #TAXI-INFORM-LEAVE# , please .",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi that will leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Could you book a taxi at #TAXI-INFORM-LEAVE# ?",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I need to book a taxi to commute between the 2 places . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# please .",
+ "Hello . Can you find a taxi to pick me up at Darry 's Cookhouse and Wine Shop sometime after #TAXI-INFORM-LEAVE# ?",
+ "I need to book a taxi to commute between the museum and the restaurant , leaving the museum by #TAXI-INFORM-LEAVE# .",
+ "Yes I need a taxi leaving the attraction at #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "Yes I need a taxi going from the hotel by #TAXI-INFORM-LEAVE# to the nightclub .",
+ "I also need a taxi to between the 2 places . I need to leave milton county park by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Not right now , thanks . I do need a taxi , though . I want to leave the hotel at #TAXI-INFORM-LEAVE# ( I ' m an early riser ! ) and head to the museum .",
+ "I also need to book a taxi when I got from the hotel to Cambridge Punter . I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the restaurant at #TAXI-INFORM-LEAVE# please",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# please .",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# , can never be too early .",
+ "Thanks ! I 'd also like to book a taxi that leaves the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Great ! I 'll also need a taxi to go between the two . I 'll need to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes I need to book a taxi to leave the restaurant and go back to the hotel at #TAXI-INFORM-LEAVE# .",
+ "Yes , I 'd like a taxi from the restaurant to the hotel , leaving by #TAXI-INFORM-LEAVE# .",
+ "I need to leave the restaurant by #TAXI-INFORM-LEAVE# to go the hotel . Can you book a taxi for me ?",
+ "I would also like a taxi and need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi to commute between the places . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi to commute between the two places . I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Sorry , I actually want to go from the attraction to the hotel . And I want to leave the attraction vy #TAXI-INFORM-LEAVE# . Book that please and give me the info .",
+ "I need a taxi from the cinema to the hotel , I want to leave the cinema by #TAXI-INFORM-LEAVE# .",
+ "Thank you , can I get a taxi as well ? I need to leave the hotel by #TAXI-INFORM-LEAVE# and go the restaurant .",
+ "Yes , I need a taxi to take me to and from the hotel and the restaurant . I need to leave the restaurant by #TAXI-INFORM-LEAVE# . What taxi do you have available ?",
+ "I actually just need a taxi from the restaurant to the hotel after we eat . We will be done eating by #TAXI-INFORM-LEAVE# , so please have the taxi for us by then .",
+ "I need a taxi to help me get around between the two areas . I want to leave the restaurant at #TAXI-INFORM-LEAVE# .",
+ "Thank you ! Will you please book me a taxi between the two places , leaving at #TAXI-INFORM-LEAVE# ?",
+ "I would also like to book a taxi to and from the hotel that leaves by #TAXI-INFORM-LEAVE# .",
+ "Actually , I want to go from the restaurant to the hotel instead . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I just needs the taxi to the hotel , I need to leave the attraction by #TAXI-INFORM-LEAVE# . ( I ' m doing a volunteer overnight security shift there for the experience )",
+ "I also need a taxi to get between the two places . I want to leave by #TAXI-INFORM-LEAVE# .",
+ "I would like to get a taxi to pick me up after #TAXI-INFORM-LEAVE# .",
+ "Yeah , after #TAXI-INFORM-LEAVE# would be ideal",
+ "Great , thanks ! Also , will you please book me a taxi from the attraction to the restaurant , leaving the attraction at #TAXI-INFORM-LEAVE# ?",
+ "I 'll need a taxi that leaves the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes , I also need a taxi from the hotel at #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# ! Give me all the necessary details please",
+ "I also need a taxi from the hotel to the museum , please . I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need to leave the hotel by #TAXI-INFORM-LEAVE# . Thanks",
+ "Yes please . I need a taxi to commute between the two places . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# .",
+ "I would like to leave Christ 's college by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave by #TAXI-INFORM-LEAVE# .",
+ "Could you book me a taxi please ? I would like to leave the restuarant at #TAXI-INFORM-LEAVE# and go back to the hotel .",
+ "I also need a taxi between them that leaves the hotel by #TAXI-INFORM-LEAVE# .",
+ "Well , I also need to book a taxi . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Can you also set up a taxi to take me from Mumford Theatre to the hotel . I want to leave the theatre by #TAXI-INFORM-LEAVE# .",
+ "I ca n't leave until after #TAXI-INFORM-LEAVE# , please .",
+ "I want to leave the museum by #TAXI-INFORM-LEAVE# .",
+ "I will need a taxi to take me from the museum to the hotel . I am planning on leaving the museum at #TAXI-INFORM-LEAVE# .",
+ "I want leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "i need a taxi by #TAXI-INFORM-LEAVE# going to the golden hous",
+ "I want to leave at #TAXI-INFORM-LEAVE# . I can arrive however long it takes .",
+ "I would like to leave the hotel by #TAXI-INFORM-LEAVE# Once booked , can you give me the contact number and type of car to look out for ?",
+ "Thanks . Can I also book a taxi to take me from the hotel to the old school . I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I need the taxi to commute between the restaurant and attraction . I need to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Yes , actually . That would be very helpful . I want to leave the hotel by #TAXI-INFORM-LEAVE# to head over there .",
+ "Oh , sorry ! I would like to leave the museum by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi that will leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Do n't you have access to my previous requests ? It would be from Kettle 's Yard to the acorn guest house and I need to leave by #TAXI-INFORM-LEAVE# .",
+ "Yes , I want to be picked up at the hotel no later than #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the church by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi from the attraction to the hotel , I want to leave the attraction by #TAXI-INFORM-LEAVE# .",
+ "Can you book me a taxi to go from the restaurant to riverboat ? I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave the restaurant by #TAXI-INFORM-LEAVE# , please . I do n't care about the arrival time .",
+ "i want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I would like to be picked up at the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Yes please . I want to leave the attraction no later than #TAXI-INFORM-LEAVE# .",
+ "Yes please , I 'll need a taxi from the pool to the hotel . I 'd like to leave the pool by #TAXI-INFORM-LEAVE# .",
+ "I also need a taxi leaving the restaurant at #TAXI-INFORM-LEAVE# .",
+ "Anytime after #TAXI-INFORM-LEAVE# will be fine .",
+ "Thank you . I will also need a taxi between the two places that leaves the restaurant by #TAXI-INFORM-LEAVE# .",
+ "Okay . Can you book me a taxi as well ? I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Can I also book a taxi to leave the restaurant at #TAXI-INFORM-LEAVE# ?",
+ "I would like to leave Christ College by #TAXI-INFORM-LEAVE# .",
+ "Oh great . Can I also get you to book me a taxi from the college to my hotel ? I want to leave by #TAXI-INFORM-LEAVE# .",
+ "I want to leave after #TAXI-INFORM-LEAVE# from la mimosa",
+ "Just a taxi leaving the theatre by #TAXI-INFORM-LEAVE# and going to the hotel .",
+ "Great ! Can I book a taxi ? I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I do n't need to book a table , but I do need a taxi to leave the restaurant by #TAXI-INFORM-LEAVE# and go to the hotel .",
+ "I will also need a taxi between them . I need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi that will take me from the riverboat to the hotel . I want to leave the riverboat at #TAXI-INFORM-LEAVE# .",
+ "I want to leave the restaurant by #TAXI-INFORM-LEAVE# please .",
+ "I need a taxi to come after #TAXI-INFORM-LEAVE# .",
+ "I ' m not sure I just need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Yes I do , I 'd like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I would like to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I want to leave at least by #TAXI-INFORM-LEAVE# if that is okay .",
+ "I would like to leave the restaurant by #TAXI-INFORM-LEAVE# please .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# .",
+ "I just need to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need to go from the college to the hotel , and I want to leave the college by #TAXI-INFORM-LEAVE# , please .",
+ "Thanks ! Can you book a taxi to pick me up at #TAXI-INFORM-LEAVE# at the hotel and take me to the park ?",
+ "I 'd like to leave the church by #TAXI-INFORM-LEAVE# , please .",
+ "I would like to leave after #TAXI-INFORM-LEAVE# .",
+ "Perfect , thanks . Can you find me a taxi to commute between the two ? I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# , please .",
+ "I want to leave bloomsbury restaurant after #TAXI-INFORM-LEAVE# , please .",
+ "Yes , I 'll also need a taxi that will commute between the two places . I 'd like to leave the hotel at #TAXI-INFORM-LEAVE# .",
+ "I need a taxi leaving after #TAXI-INFORM-LEAVE# .",
+ "Thanks , I will need a taxi from the guesthouse to the attraction . I 'd like to leave the guesthouse by #TAXI-INFORM-LEAVE# .",
+ "I need to leave after #TAXI-INFORM-LEAVE# .",
+ "I want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Alright , great . I also need a taxi to get between the restaurant and the museum . I want to leave the restaurant by #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "Thank you , I am also looking to book a taxi to commute between these places . I will be leaving the attraction around #TAXI-INFORM-LEAVE# ."
+ ],
+ "none;": [
+ "I 'll need a ride there . Can you arrange a taxi for me ?",
+ "Now I need a taxi .",
+ "Alright book a taxi for me as well . I 'll need to get to the two places and I ' m not familiar with the town . Thanks .",
+ "I also want to book a taxi to commute between the two places .",
+ "Yes please . I need a taxi to commute .",
+ "Yes I would also like a taxi to commute between the two places .",
+ "i 'll need a taxi",
+ "Can you schedule me a taxi to take me there ?",
+ "Thank you . Would you also give me the contact number for the taxi ?",
+ "One more thing , I would like to book a taxi to commute between the two places .",
+ "I also need a taxi , to go between the two places .",
+ "i also need a taxi to commute between the two places",
+ "I would also like to book a taxi from the college to the guesthouse . Can you help with that ?",
+ "I just need one taxi . Can you book that for me , please ?",
+ "I will also need a taxi .",
+ "I will also need to book a taxi .",
+ "Great , now I need to book a taxi to go between the two , please .",
+ "I also need a taxi to take me somewhere .",
+ "I am also looking to get a taxi to get between the two places .",
+ "Great ! Thanks . I was also hoping to book a taxi , can you help me with that ?",
+ "Perfect , I 'd love to have a British breakfast . Have you been able to book the taxi yet ?",
+ "Can I also get a taxi to commute between the locations ?",
+ "That 's okay , but I would like to book a taxi between the two places , please .",
+ "I want to confirm that the booked red Lexus is a taxi , as I previously requested ?",
+ "I would like to book a taxi to commute between the two places",
+ "No thanks , just needed a taxi . Have a great day !",
+ "Thanks , could you also book me a taxi between the two locations please ?",
+ "What would bew the taxi care type ?",
+ "I need to book a taxi .",
+ "Okay thank you . Now about that taxi ?",
+ "Can you also arrange for a taxi for me ?",
+ "I 'll need tickets for three and I will also need you to book at taxi for us as well . We want to be sure we make our dinner reservation .",
+ "i also want to book a taxi to commute between the two places",
+ "Please help me arrange for a taxi",
+ "I just need the contact number for the taxi , please .",
+ "Thank you , can I also book a taxi ?",
+ "YES , i could want to book a taxi to commute between the two places .",
+ "I want to book a taxi to commute between the two places .",
+ "I also need a taxi to go between the two places .",
+ "I would like to book a taxi to commute",
+ "I need a taxi to pick us up in centre at 11:45",
+ "Can you book me a taxi between those two locations ?",
+ "Thank you . Can you also book a taxi for me ?",
+ "Thank you , can I also get a taxi between the two places ?",
+ "I also need to book at a taxi to commute between the two places .",
+ "Can you book me a taxi between the two locations please ?",
+ "I ' m looking to book a taxi between the two places .",
+ "Just pick a place ( as long as it 's expensive ) on the south side and make the reservation and give me the reference number . After that , I ' m going to need a taxi .",
+ "Thanks ! I would also like a taxi between the two places .",
+ "Yes , I ' m also interested in booking a taxi too .",
+ "I also need a taxi to get me between the two places please .",
+ "I need a taxi to go to cambridge punter .",
+ "I do n't need a taxi , thanks for asking",
+ "I also need a taxi .",
+ "No , I just need a taxi to get between the two places .",
+ "I will need a taxi to go between the two places please .",
+ "I would also like to book a taxi please .",
+ "I need a taxi today",
+ "i also want a taxi to commute between the two places ,",
+ "Great I also need a taxi to take me between the places .",
+ "I also need to book a taxi .",
+ "The taxi should leave by 3:15 .",
+ "I ' m sorry , could you make sure the taxi is actually leaving after 3:15 ? I made an error earlier .",
+ "I also need a taxi between the two places .",
+ "I need to taxi from Ian hong house .",
+ "I also need a taxi",
+ "I need a taxi to commute between the two . Can you help ?",
+ "7 people for the taxi .",
+ "Can I get the contact number for the taxi as well , please ?",
+ "I ' m trying to get a taxi please",
+ "i also need to use a taxi",
+ "Please help me with a taxi",
+ "Could you give me the contact number for the taxi ?",
+ "Thanks , I would like a taxi from the two places too .",
+ "No , but can you get me a taxi to the guesthouse ? I should finish sightseeing at 2:30 .",
+ "I also need a taxi to commute between the two places .",
+ "I also want to book a taxi to commute between the two places .",
+ "I will also need a taxi to commute between those two places . Could you book me one .",
+ "i also want to book a taxi to commute between the two places .",
+ "Actually just one taxi was enough , thank you . That 's all I need .",
+ "I also need a taxi .",
+ "Going back to Rosa 's B&B ... can you tell me if they offer free wifi ? Then maybe you can help me arrange a taxi as well .",
+ "I need a taxi as well .",
+ "Thank you . Can you also help me with a taxi from all saints church to La tasca in time for my dinner reservation ?",
+ "What is the contact number for the taxi ?",
+ "i also want a taxi to commute between the two places",
+ "i also need to use a taxi",
+ "Could you also book me a taxi to commute between those places ?",
+ "I will also need a taxi , please .",
+ "I need help today booking a taxi .",
+ "i also need a taxi to commute between these two places",
+ "What is the contact number for the taxi ?",
+ "i also need a taxi to commute between the two places",
+ "i would also like to check on getting a taxi to commute me between the two places .",
+ "I need a taxi to take me between the two place . Can you help ?",
+ "I need the taxi to commute between the two places on the same day .",
+ "Thank you I also need to get a taxi between the two places please .",
+ "Thanks . Sorry about that . I 'd still like to request a taxi between the two .",
+ "No , can you also help me book a taxi ?",
+ "I also need a taxi to take me between the two places please .",
+ "Thank you very much . Actually , can you also reserve a taxi for me ?",
+ "Can you help with a taxi ?",
+ "Can you please book a taxi to take me there ?",
+ "No , I was just curious . I am also looking for a taxi between those two places .",
+ "I also want to book a taxi to commute between the two places .",
+ "Thank you , I also need a taxi to commute between the two places .",
+ "Okay , can you book a taxi to get me there ?",
+ "yes I would need a taxi",
+ "A Black Toyota Taxi ?",
+ "Book a taxi",
+ "Fantastic , I 'd also like a taxi to take me between the two locations , please .",
+ "Can you help me get a taxi to go to the theatre ?",
+ "i also want a taxi to commute between the two places",
+ "I think you 're mistaken . I need a taxi going to cambridge punter",
+ "Yes , I need a taxi please to commute between the two .",
+ "I actually do n't need a taxi . I ' m all set . Thanks , goodbye .",
+ "i want to book a taxi .",
+ "I also would like a taxi to get between those two places , please .",
+ "Thank you ! I also need a taxi please .",
+ "Yes I still need a taxi please .",
+ "I will need a taxi as well",
+ "Can I get a contact number for that taxi ?",
+ "I would also like to book a taxi to commute between the two places .",
+ "I also need a taxi .",
+ "I also need to book a taxi if we can .",
+ "Thank you , I will also need a taxi .",
+ "I ' m going to need a taxi to get between the two places . Can you help with that ?",
+ "i want to book a taxi .",
+ "Ok great , thank you . I also need to book a taxi to get back and forth .",
+ "Yes , I would also like to book a taxi to commute between the two places .",
+ "I also need a taxi today to get me between the two places .",
+ "I am going to need a taxi to go between the two places . I need to arrive by my reservation time .",
+ "Please book a taxi for me",
+ "What time will the taxi be arriving at the Alpha - Milton ?",
+ "I want help booking a taxi",
+ "Yes , I need that taxi booked , please .",
+ "I need to book a taxi plese",
+ "Yes , I will need a taxi to commute between the to places .",
+ "Yes , I would like to book a taxi .",
+ "I need a taxi .",
+ "Since you booked the taxi yourself , is there anything else I can do for you ?",
+ "Yes and I would also like to book a taxi to and from the locations .",
+ "I now need a taxi for the 2 places",
+ "Just to be clear , did you want that taxi ride in the wee hours of the morning or in the afternoon ? It is booked for the afternoon .",
+ "I also need a taxi to go between the two places .",
+ "That sounds great . Can you provide the contact number for the taxi ?",
+ "That 's disappointing . Can you recommend a taxi or bus service ?",
+ "Sure . First I need to know where the taxi should pick you up .",
+ "You seem nice , but I would rather just have this meal with my group , plus you have access to the taxi system , not me . , but thank you for help",
+ "What time will the taxi arrive ?",
+ "Thank you . Can you book a taxi to take me there ?",
+ "Nevermind , I do n't need a taxi . Thanks for your help .",
+ "I am also going to need a taxi .",
+ "Yes , could you book a taxi for me too ?",
+ "I also want a taxi two go between those two places .",
+ "I also need a taxi . Can you help with that ?",
+ "I also want to book a taxi between the two places .",
+ "Yes , one more thing . We need a taxi that will take us from Clare Hall to our guesthouse .",
+ "that will be fine . i also want a taxi to commute between the to places .",
+ "Yes ! I would also like to book a taxi .",
+ "i also need a taxi to commute between the two places",
+ "Yes , I was also interested in booking a taxi . Could you help me with that ?",
+ "Hmm , no thank you . I will need a taxi though , can you help me with that ?",
+ "I also need a taxi between the two places .",
+ "When will the taxi pick me up ?",
+ "I will also need to book a taxi .",
+ "That 's fine , uh ... I want to book a taxi so that I can travel from the guest house to the museum .",
+ "Thanks ! I will also need a taxi .",
+ "Great . Can you also book a taxi for me to commute between these places ?",
+ "As long as I can get a taxi to the boat and back that leaves the boat by 8:45 any location is fine .",
+ "I also need a taxi .",
+ "i also want a taxi to commute between the 2 places",
+ "Thanks ! I also need a taxi to commute between the two places .",
+ "I also need a taxi .",
+ "I also wanted some help booking a taxi if that 's possible .",
+ "I will also need a taxi to commute please .",
+ "I 'd like to book a taxi to corpus christi",
+ "Great I also need a taxi to take me between the two places .",
+ "Hi there ! I 'd like to book a taxi please . Can you help me with that ?",
+ "I also want a taxi to go between those two places .",
+ "Yes , I also need a taxi to take me between the two places .",
+ "what time will the taxi arrive ?",
+ "Ok I need to get a taxi",
+ "That sounds great . Can you book me a taxi to go between the two ?",
+ "I will also need to book a taxi .",
+ "Great , thanks for that . Are you able to also book me a taxi so I can commute between the two places ?",
+ "That sounds wonderful ! I will need a taxi to commute please .",
+ "I Would like to get a taxi to the place as well .",
+ "Would you be able to schedule a taxi to take me from the Huntingdon Marriott to the Maharajah Tandoor ?",
+ "I also want to book a taxi to commute between the two places .",
+ "Any luck with the taxi yet ?",
+ "Can you also find me a taxi to get to the two places ?",
+ "No thanks , but I 'd like to book a taxi between the two locations , please .",
+ "I would like for the taxi to be here at eleven o'clock a.m. so that I can arrive at my destination at noon .",
+ "i want to book a taxi .",
+ "Yes , I want to book a taxi to commute between the two places please .",
+ "i want to book a taxi",
+ "Can you please help me get a taxi ?",
+ "Can you book me a taxi as well ?",
+ "Can I get the contact number for the taxi , please ? Thanks a lot .",
+ "I need to find a taxi departing from alimentum .",
+ "Would you know what type of car will pick me up ? May I please have a contact number for the taxi ?",
+ "I also need a taxi to take me between the two places .",
+ "Could you book that taxi for me , please ? And that 's the car make and contact number , right ?",
+ "Yes , I 'll need a taxi between the two places as well .",
+ "Yes , one more thing . I need a taxi to commute between the two places .",
+ "I also need to book a taxi",
+ "Can I get a contact number for the taxi ?",
+ "I would also need a taxi to commute between the two places .",
+ "Yes , I need a taxi to take me to the Hobson 's House .",
+ "I also need a taxi .",
+ "Okay I need a taxi too .",
+ "I also need a taxi .",
+ "Thank you . I am looking for a taxi to commute between the two places .",
+ "no . then find me a taxi",
+ "i want to book a taxi .",
+ "Thanks so much . Can you also help me with a taxi ?",
+ "Yes I need to book a taxi to travel between the two places .",
+ "i also need a taxi to commute between the two places",
+ "Great ! I ' m also going to need a taxi , for between the two places .",
+ "Yes , I need a taxi also .",
+ "Can you help me find a taxi ?",
+ "I need a taxi also for the commute between both places",
+ "Yes , I also want to book a taxi . Can you help me with that ?",
+ "I would like a taxi .",
+ "Thank you . I will also need a taxi to commute between the two locations .",
+ "Can you help me get a taxi ?",
+ "I need a taxi from the museum please .",
+ "Yes , can I have the contact number for the taxi , please ?",
+ "i aslo want to book a taxi to commute between the two places .",
+ "I also need to get a taxi .",
+ "Great , I also need a taxi to commute between two places .",
+ "I also need a taxi to commute between the two places .",
+ "Terrific . I would like to book a taxi between the two places .",
+ "Thank you for the booking of my taxi . That is all for now .",
+ "Great I also need to get a taxi between the two places .",
+ "Now I would like to book a taxi to commute between those two locations .",
+ "Thanks . Can you get me a taxi between the guesthouse and the swimming pool please ?",
+ "Great . Can you get me a taxi to the college .",
+ "Yes , please . I also want to book a taxi to commute between the two places .",
+ "Excellent . I 'd better also book a taxi .",
+ "Yes , please and I would also like a taxi between the two locations .",
+ "Can I get a taxi between Acorn and the park ?",
+ "Nevermind , I do n't need a place to stay but I do need a taxi to get between the two places please .",
+ "Yes , I also need a taxi going between the two places .",
+ "I also need a taxi to commute between the two places .",
+ "Yes on Friday . I need a taxi too .",
+ "Can I have the contact number for the taxi ?",
+ "I also need a taxi to get me between the two places",
+ "Can you find a taxi for me ?",
+ "Okay can you do the taxi now please ?",
+ "I will need a taxi to take me there .",
+ "I also need a taxi to go between the two .",
+ "I need to book a taxi .",
+ "Great , that 's perfect . Are you able to find us a taxi , too ? That would be awesome if you can .",
+ "Never mind the booking . I need a taxi .",
+ "Could I get the contact number for the taxi company as well please ?",
+ "Thanks . I would also like to book a taxi between the two places .",
+ "Can you help me get a taxi ?",
+ "I need a taxi going to tandoori place .",
+ "Thank you . Could you also book a taxi to commute between the two places ?",
+ "I would love a taxi",
+ "Yes , I need a taxi please .",
+ "OK . Would it be possible to get a taxi from the guesthouse to the sports complex ?",
+ "I also need a taxi between the two places .",
+ "Can you help me with a taxi also please ?",
+ "I 'll need a taxi to commute between the two .",
+ "What time did you book the taxi to pick me up at the museum ?",
+ "I also need a taxi . Can you help with that ?",
+ "Please help me book a taxi",
+ "Hi , I 'd like to book a taxi . Could you help me find a reasonable price ?",
+ "Thanks , please also help me find a taxi .",
+ "I would like to book a taxi to commute between the two places .",
+ "That 's great , before you go , could I get the contact number for the taxi , please ?",
+ "I also need a taxi to get there please .",
+ "Thank you . I also need a taxi to pick me up from the Wandlebury Country Park to make it to my reservation .",
+ "Thanks , I need a taxi to get between the two places .",
+ "I ' m also looking to book a taxi between the two locations .",
+ "could i get a taxi as well ?",
+ "Can you give me the contact number for that taxi you booked ?",
+ "Yes , please . Can I get a taxi between those 2 locations ?",
+ "Yes , i also need a taxi between the two places .",
+ "Can you also help me book a taxi",
+ "Ok perfect I also need a taxi to commute between the two places .",
+ "Yes , please ! I need a taxi to commute between the two places .",
+ "Can you also book a taxi for me ?",
+ "thanks i also need a taxi .",
+ "Can I get a taxi to take me between the two places ?",
+ "I also need a taxi in order to commute",
+ "I also need a taxi between the 2 places .",
+ "I will also be needing a taxi to get from place to place .",
+ "Great I also need a taxi that will help me commute between the two places .",
+ "Great . Thank you . Now I need a taxi .",
+ "I will need the taxi the same day .",
+ "I 'd like to arrange for a taxi please",
+ "Thank you for your help and booking that taxi for me !",
+ "I will need a taxi to get to the botanic gardens .",
+ "Can you also book me a taxi to commute between the two places ?",
+ "Any of them will work . I need transportation to get there . Any information on taxis ?",
+ "Great , I also need to find a taxi for my commute on Monday .",
+ "Please book the taxi for me",
+ "Yes , I am going to need a taxi to go between the two places .",
+ "Any luck on the taxi ?",
+ "Awesome . I 'd also like a taxi to take me between the two locations .",
+ "I would like a taxi to commute between the two places .",
+ "In addition , I would like to book a taxi to commute between the two places .",
+ "I am ready for the taxi now .",
+ "I would prefer to take a taxi . I d like one to pick me up around 1 PM .",
+ "Can you help me book a taxi to travel between the two places ?",
+ "I ' m also going to need a taxi , please .",
+ "Okay . I 'll need a taxi too .",
+ "Can you help me out with a taxi booking ?",
+ "I need to book a taxi .",
+ "Can you hemp book a taxi , too ?",
+ "I also need to take a taxi between the college and the guesthouse . Can you help me with that ?",
+ "Can you tell me the contact number for the taxi please ?",
+ "Thanks , I need a taxi to commute between the two places .",
+ "I also need a taxi to take me between the two places .",
+ "Yes I need a taxi between the two places please .",
+ "Yes , I would also need a taxi to go between the two places .",
+ "Okay . Can you help me book a taxi to get there ?",
+ "I also need a taxi to commute between the locations .",
+ "May I have the contact number for the taxi , please ?",
+ "I ' m going to need a taxi to get to the two places .",
+ "Can you also book a taxi for me ?",
+ "I also need to look for a taxi to get between both places .",
+ "Thank you , I need a taxi too back and forth between the two places . I need to get to the place to eat on time .",
+ "Yes , can you help me book a taxi ?",
+ "Thank you for the booking of the taxi . That will be all foe now .",
+ "I would like to book a taxi please .",
+ "Great , I also need a taxi to take me between the two places .",
+ "I ' m going to need a taxi as well .",
+ "Four people will be riding in the taxi .",
+ "That 's not needed . I am looking for a taxi to go between the two places , though .",
+ "i also want a taxi to commute between the two places",
+ "Yes , I also need a taxi .",
+ "Thank you for the info on the taxi and helping me find one have a great day !",
+ "Can you book me a taxi to pick me up at the Botanic Gardens at 3:30 ?",
+ "Thank you . I will also need a taxi to go between the two places .",
+ "Just the contact number for the taxi , please .",
+ "Thank you . I am looking to get a taxi to commute between the two places .",
+ "I do n't have a particular destination for my taxi .",
+ "Great can I also get a taxi to take me between the two places ?",
+ "No thanks . The taxi was the only reason for contacting you . Goodbye .",
+ "yes can you help me reserve a taxi ?",
+ "No , I also need a taxi to get between the two place .",
+ "Thanks , I also need a taxi to commute between the two places . Can you please assist ?",
+ "I also need a taxi .",
+ "I 'll also need to get a taxi to go between the 2 places .",
+ "I would like a taxi please",
+ "What time do you need at taxi and from where ?",
+ "Can you also find me a taxi ?",
+ "Yes , I am going to need a ride there . Can you help me reserve a taxi ?",
+ "I would also like to book a taxi please .",
+ "Yes can you help with a taxi ?",
+ "A reservation is n't necessary . Instead , please find me a taxi to get me there .",
+ "I also need a taxi that arrives at the booked time .",
+ "Great ! I also will need a taxi between the two places .",
+ "Hey , I ' m trying to book a taxi today",
+ "I would also like to book a taxi to travel between the two places .",
+ "I would like a taxi to commute between the two places please .",
+ "i want to book a taxi .",
+ "Thanks ! I will also need a taxi please .",
+ "I will also need a taxi .",
+ "I need a taxi .",
+ "No , just a taxi , please .",
+ "Yes please . I 'll also need information about a taxi service as I wo n't have transportation on this trip .",
+ "Just me , can you also get me a taxi please too",
+ "I also need a taxi .",
+ "I also need a taxi to get me there and back .",
+ "i need to book a taxi to commute between the two places .",
+ "I ' m going to need a taxi also .",
+ "Thanks ! I also need a taxi between both locations , please .",
+ "Oh yeah , I just remembered , I ' m going to need a taxi to commute between these two locations .",
+ "Thanks ! I will need a taxi to commute as well .",
+ "Thank you . I also need to get a taxi to go between the two places .",
+ "Alright I ' m going to need a taxi to get to both places , I 'll most likely leave the fun house at 6:00 .",
+ "Can you help me book a taxi ?",
+ "Great , can I also get a taxi as well .",
+ "Great . I was also interested in getting a taxi , can you help me with that ?",
+ "Thanks . I also need a taxi .",
+ "Thank you . I would also like a taxi to commute between the two places .",
+ "I need to book a taxi .",
+ "Thank you . I would also like to book a taxi , please .",
+ "Will the taxi arrive by the booked time ?",
+ "I ' m sorry my taxi has already been booked . Thank you for your help .",
+ "yes i want to book a taxi to commute between the two places .",
+ "Yes , I will need a taxi to go between the two places .",
+ "I need a taxi going to alexander bed and breafast .",
+ "Yes , I also need to get a taxi to go between them , please .",
+ "Thank you . I 'd also like to get a taxi between these two places .",
+ "Yes I will also need a taxi to commute between the two places .",
+ "I also want to book a taxi to commute between the two places .",
+ "Great I also need a taxi to commute between the two places .",
+ "I also need a taxi to go between the two places .",
+ "I need a taxi between the two places .",
+ "I also need a taxi between the two places .",
+ "Please make a taxi reservation for me .",
+ "Thank you . I am also looking for a taxi to commute between the two places .",
+ "I will also need to find a taxi .",
+ "Thank you . I will need a taxi to get from one place to the other , please .",
+ "Can you help me book a taxi to get between the two ?",
+ "I also need to book a taxi to commute between the two places .",
+ "I also need a taxi to go between the two places .",
+ "Great , I also need a taxi to go between the two !",
+ "No I am good ! I do not need a taxi .",
+ "Also , I want a taxi to commute between the two places .",
+ "Thank you ! I will also need a taxi for going to and from those places .",
+ "Alright then , I ' m going to need a taxi to get the two places . Can you hook me up with one ?",
+ "Yes I need a taxi to get between the two places please .",
+ "Thank you ! I ' m also looking for assistance booking a taxi between the two places . Can you help with that please ?",
+ "Help me reserve a taxi please",
+ "May I have the contact number for the taxi service ?",
+ "I still would like to know the price of the two places . I also need to arrange a taxi to commute between those two areas .",
+ "i want to book a taxi .",
+ "i also need a taxi .",
+ "want to book a taxi",
+ "i want to book a taxi .",
+ "I also need a taxi .",
+ "I will need a book a taxi to commute between the two places",
+ "Yes I also need a taxi to take me between the two places . Can you please help ?",
+ "Great can I also get a taxi between the two places ?",
+ "I am also going to need a taxi .",
+ "Great , thank you . Could you help with booking a taxi ?",
+ "Okay thank you . I would also like a taxi to and from the Cambridge Museum of Technology .",
+ "i also want to book a taxi",
+ "Yes , I 'd like to book a taxi please !",
+ "Nothing else for now . Thank you for booking the taxi . Goodbye .",
+ "I also need to book a taxi .",
+ "Thank you . I also need a taxi to get between the two .",
+ "I also need a taxi .",
+ "Um wait how did you book the taxi if you never even got my departure location ?",
+ "No , but can you get me a taxi between the two places ?",
+ "I also need a taxi to commute between the two places .",
+ "I also need a taxi .",
+ "I 'd also like to book a taxi to go between the two places .",
+ "Yes , I need to book a taxi to get between the two places .",
+ "Can I please have the contact number for the taxi company ?",
+ "No , thank you . I will need a taxi , though .",
+ "I wouls also need a taxi",
+ "Thank you ! I will also need a taxi to commute between the two places .",
+ "Great . I 'd like a taxi to get there .",
+ "Free would be preferable . I also need a taxi .",
+ "I would like to book a taxi please .",
+ "I now need a taxi",
+ "Yes i m looking to book a taxi from Cambride TownInfo Centre to a fancy restraunt rated 5 Stars !",
+ "Ok , can you get me a taxi ?",
+ "I need a taxi , please .",
+ "i want to book a taxi .",
+ "I also want to book a taxi to commute between the two places .",
+ "Thanks so much , now I need a taxi to get us there on time .",
+ "I need a taxi as well ?",
+ "Yes , and i would also need a taxi to leave by 1:00 .",
+ "Great , I just need the taxi and I will be all set .",
+ "I also need a taxi between the two places .",
+ "I also need a taxi .",
+ "I ' m going to need a ride between the two , can I get a taxi ?",
+ "Great and can I get a taxi to commute between the two places .",
+ "One more thing . Can you please give me the taxi contact number .",
+ "Yes . I 'd like to book a taxi to get there .",
+ "I 'll also need a taxi .",
+ "Thanks , can you also book me a taxi ?",
+ "I need a taxi to commute between the two locations . Can you help ?",
+ "i want to book a taxi",
+ "I would like to book a taxi to commute between the two places .",
+ "I would also like to book a taxi traveling between the two location .",
+ "I also need a taxi between the two .",
+ "Thank you . I would also like to book a taxi to commute between the two places .",
+ "Yes I will also need the contact number for the taxi . Thanks",
+ "Yes . I also need a taxi .",
+ "Great . Thanks ! I also needed to find a taxi , can you assist me with that ?",
+ "Great can I also get a taxi between the two locations please ?",
+ "I want to book a taxi to commute between the two places",
+ "I ' m going to need a taxi to get around . Can you help ?",
+ "I need to book a taxi please .",
+ "I ' m looking for a taxi as well to commute between the two places .",
+ "I only need a taxi .",
+ "Can you get me a taxi that could take me from the museum to the bistro ?",
+ "I would also like to book a taxi to commute between the two places , please .",
+ "I also need a taxi to get me between the two places .",
+ "I need a taxi as well .",
+ "I want want to book a taxi to commute between the two places .",
+ "Thank you . Sorry for the confusion . I will also be needing a taxi .",
+ "I would need a taxi now",
+ "Please help me make a taxi reservation",
+ "Yes I also need a taxi to commute between the two .",
+ "Could I get the contact number and type of car for the taxi please .",
+ "Thank you . Do I need a reservation number for the taxi ?",
+ "I also want to book a taxi to commute between the two places .",
+ "I need a taxi , please .",
+ "I also need a taxi .",
+ "How about that taxi ?",
+ "No thanks , but I do need a taxi . Would you be able to help ?",
+ "Yes , I would like a taxi to commute between the 2 places .",
+ "No , thank you . However , could you book me a taxi to commute between the two places ?",
+ "May I have the contact number for the taxi , please .",
+ "any that you willrecomend . i also want a taxi",
+ "I will also need to book a taxi .",
+ "Yes , I would also like a taxi to take me between the Marriot and the museum .",
+ "no reservation please , I also want to book a taxi to commute between the two places .",
+ "Can you help me book a taxi ?",
+ "Could you book a taxi between the two places ?",
+ "Actually , I 'll hold off on booking for the moment , but could I also get information about a taxi .",
+ "I 'll a taxi to get between the 2 places .",
+ "I will also need a taxi .",
+ "ok ! Thank you ! Can you get me a taxi to cambots ?",
+ "That is fine . I also want to book a taxi to commute between the two places .",
+ "Yes I would like to book a taxi to commute between the two places .",
+ "i want to book a taxi .",
+ "Great , can you help me book a taxi ?",
+ "No , thanks , but I will be needing a taxi .",
+ "What kind of car is the taxi ?",
+ "i also need a taxi to commute between the two places",
+ "i also want to use a taxi",
+ "It would be great if you could help me reserve a taxi",
+ "I also need to book a taxi between the two places .",
+ "Yes please . And get me a taxi for that commute .",
+ "Thank you ! I will also need a taxi to travel between the two places .",
+ "I would also like to book a taxi to commute between the two places .",
+ "I mean I would love to have a taxi",
+ "Hi I 'd like to book a taxi",
+ "Cool I also need a taxi",
+ "I also need a taxi",
+ "I will also need a taxi .",
+ "Can I have a contact number for the taxi ?",
+ "i want to book a taxi .",
+ "i also want a taxi",
+ "Thank you . I will also need a taxi to commute between the two places .",
+ "May I please get a contact number for the taxi ?",
+ "I 'd like a taxi to commute back and forth please .",
+ "I need to get a taxi from Funky Funhouse .",
+ "I also need to find a taxi .",
+ "I need to book a taxi to commute between the two places",
+ "I ' m also in need of a taxi to commute between the locations , can you find me one ?",
+ "I also need a taxi to commute between the two places .",
+ "Thank you . Can you also book me a taxi to go between the two ?",
+ "Can you book me a taxi to commute between the two places ?",
+ "Thank you . I also need a taxi to get between the two places .",
+ "Thanks . I would like a taxi to commute between the two places .",
+ "Yes , I 'll also need a taxi . I 'll need to commute between the two places .",
+ "i also want to book a taxi",
+ "I 'd also like a taxi between the places if possible .",
+ "Can you help me with a taxi booking ?",
+ "Sounds great ! I 'd like to book a taxi to commute between the two .",
+ "can I please have the contact number for the taxi ?",
+ "Can I please get the contact number for the taxi company ?",
+ "No worries . Thanks for the assistance . I was also interested in booking a taxi .",
+ "Ok thank you . Can I also get help with a taxi to go between the two places ?",
+ "I need a taxi to get between the two places .",
+ "Can you help me book a taxi please ?",
+ "I need to book a taxi please .",
+ "What are the details for the taxi , please ?",
+ "i also want a taxi to help commute between the two places",
+ "Sounds great . Can I also get info on a taxi leaving from Queen 's College",
+ "I need a taxi to Anatoilia .",
+ "Great , can you also book a taxi for me ?",
+ "Can you please just book me for taxi service ?",
+ "Yes , I would like a taxi .",
+ "i also want to book a taxi to commute between the two places .",
+ "Yes , please . I need a taxi .",
+ "Thanks . I 'd like to book a taxi to commute between the two places .",
+ "Great . I also will need a taxi .",
+ "I 'd like to book a taxi also , to commute between those two locations , please .",
+ "Okay , let 's book the taxi now . I need to get between the two places .",
+ "Can you also book a taxi to commute between the two place ?",
+ "Awesome . How about a taxi between the two places ?"
+ ],
+ "Arrive;": [
+ "I also need to book a taxi to commute between the two . I 'd like to arrive prior to the #TAXI-INFORM-ARRIVE# time .",
+ "I 'd like to get to the Gallery by #TAXI-INFORM-ARRIVE# , please .",
+ "I 'd like the arrival time to be #TAXI-INFORM-ARRIVE# , please .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "My arrival time will be #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I just need it to arrive by #TAXI-INFORM-ARRIVE# for the reservation .",
+ "I need to get a taxi . I want to go from the Huntingdon to get to Don Pasquale by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I forgot something . I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need a taxi arriving by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# if possible .",
+ "I 'd like to arrive at the college at #TAXI-INFORM-ARRIVE# .",
+ "Ill need to taxi to go from the hotel to the restaurant by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I really need to get there by #TAXI-INFORM-ARRIVE# please .",
+ "I 'd need to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I want to get there by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I want to make sure that it will arrive by #TAXI-INFORM-ARRIVE# . Can you please confirm ?",
+ "Is it possible for you to get me a taxi to take me from Broughton Gallery to Gourmet Burger Kitchen by #TAXI-INFORM-ARRIVE# ?",
+ "i actually need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need a taxi arriving by #TAXI-INFORM-ARRIVE# .",
+ "Thank you . Can you arrange taxi service to take me from the park to Curry Price by #TAXI-INFORM-ARRIVE# please ?",
+ "Yes I need a taxi that will take me between the two places and need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I also need to book a taxi to get me there by #TAXI-INFORM-ARRIVE# from the hotel .",
+ "I will need to be there by #TAXI-INFORM-ARRIVE# please .",
+ "I need to get there by #TAXI-INFORM-ARRIVE# .",
+ "That 's wonderful . And the taxi will arrive by #TAXI-INFORM-ARRIVE# , right ?",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Did I say arrive by 7:00 ? Sorry , I meant to say leave the restaurant after #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need it to arrive by #TAXI-INFORM-ARRIVE# Saturday for our dinner reservations . Can you confirm the booked time ?",
+ "I want to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive before #TAXI-INFORM-ARRIVE# .",
+ "I have to make it there before #TAXI-INFORM-ARRIVE# .",
+ "I need to book a taxi departing from clown 's cafe that should arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need a taxi today arriving at #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I want to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to get there by #TAXI-INFORM-ARRIVE# .",
+ "Thank you . I will also need a taxi so that I can commute between these two locations and I need it to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I just need to be sure to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I 'd like it to arrive in time to get us there before #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to leave Yu Garden and go to Express by holiday inn . I need to make sure i ' m at the Yu Garden by #TAXI-INFORM-ARRIVE# .",
+ "I would like to be at the hotel by #TAXI-INFORM-ARRIVE# please .",
+ "I need a taxi to arrive by #TAXI-INFORM-ARRIVE# at the cambridge punte .",
+ "I want to leave my hotel no later than #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like to get the taxi to get me there by #TAXI-INFORM-ARRIVE# please",
+ "No specific departure time , but I would like to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I need a taxi arriving by #TAXI-INFORM-ARRIVE# .",
+ "Hi , i need to book a taxi . I need to go to cambridge corn exchange and need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# please",
+ "I need to be at the restaurant by #TAXI-INFORM-ARRIVE# .",
+ "I do n't care about the departure time but the taxi should arrive by #TAXI-INFORM-ARRIVE# .",
+ "The taxi needs to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like for the taxi to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I want to arrive by #TAXI-INFORM-ARRIVE# and it does n't matter when I leave actually",
+ "I just need to arrive in time for my reservation at #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# , if that would be possible .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to get there by #TAXI-INFORM-ARRIVE# .",
+ "I want to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Yes I also need a taxi to arrive there by #TAXI-INFORM-ARRIVE# from the theater .",
+ "It does n't matter as long as I arrive by #TAXI-INFORM-ARRIVE# .",
+ "I want to arrive by #TAXI-INFORM-ARRIVE# , what time I leave is okay .",
+ "I need to get to the attraction by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to get there by #TAXI-INFORM-ARRIVE# .",
+ "I actually need to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# please ?",
+ "I need to actually arrive by #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "That time is #TAXI-INFORM-ARRIVE# .",
+ "It should arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I just need to leave the museum by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Before you go -- I 'm a bit confused . Is the taxi picking me up at the college ? At what time ? I need to make my reservation at #TAXI-INFORM-ARRIVE# .",
+ "By #TAXI-INFORM-ARRIVE# .",
+ "The taxi should arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need a different time . I want to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I do n't have a preference but would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I want to arive by #TAXI-INFORM-ARRIVE# .",
+ "I need a taxi arriving by #TAXI-INFORM-ARRIVE# .",
+ "I ' m sorry , I forgot to mention that I need the taxi to arrive by #TAXI-INFORM-ARRIVE# .",
+ "The taxi should arrive by #TAXI-INFORM-ARRIVE# and please also let me know what type of car will pick me up and give me the contact number of the driver .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I do n't care about that , I just need to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "No that is fine but I do need a taxi to arrive at the reastaurant by #TAXI-INFORM-ARRIVE# and pick me up from the hotel .",
+ "I need to arrive at the chop house by #TAXI-INFORM-ARRIVE# .",
+ "I want to arrive no later than #TAXI-INFORM-ARRIVE# please",
+ "By #TAXI-INFORM-ARRIVE# please .",
+ "I want to get to Anatoilia by #TAXI-INFORM-ARRIVE# .",
+ "I do n't care about departure time but I need to arrive at The Junction by #TAXI-INFORM-ARRIVE# , please .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to get there by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "It does n't matter , just so I arrive by #TAXI-INFORM-ARRIVE# .",
+ "It 's important that I arrive no later than #TAXI-INFORM-ARRIVE# .",
+ "I do n't care when I leave but I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# , please .",
+ "I will need to arrive at Tandoori Palace by #TAXI-INFORM-ARRIVE# please .",
+ "Yes , I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Um what ? I need to arrive by #TAXI-INFORM-ARRIVE# . Can you help or not ?",
+ "Yes , please . I 'd like a taxi between the two places to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# . It does n't matter what time I leave .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# on saturday .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# please .",
+ "I would like to arrive at De Luca by #TAXI-INFORM-ARRIVE# . It does n't matter when I leave .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Thank you . I will be looking for the taxi to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Yes , I need to be at the restaurant by #TAXI-INFORM-ARRIVE# .",
+ "I need a tax arriving by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# on Thursday if possible .",
+ "a taxi that arrives by #TAXI-INFORM-ARRIVE# , the taxi is just for me"
+ ],
+ "Depart;Leave;": [
+ "I need a taxi to pick me up at #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# .",
+ "I am needing a taxi at the #TAXI-INFORM-DEPART# after #TAXI-INFORM-LEAVE# . Can you help me with that ?",
+ "Can I have a taxi , please ? I want to leave #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# .",
+ "i want to book a taxi . The taxi should leave after #TAXI-INFORM-LEAVE# and should depart from #TAXI-INFORM-DEPART# .",
+ "I want to book a taxi from #TAXI-INFORM-DEPART# . I need to leave after #TAXI-INFORM-LEAVE# .",
+ "As I mentioned , I 'd like to leave after #TAXI-INFORM-LEAVE# , please . I need to be picked up from #TAXI-INFORM-DEPART# .",
+ "I 'd like to leave #TAXI-INFORM-DEPART# by #TAXI-INFORM-LEAVE# .",
+ "Yes , one more thing . I will need a taxi to pick me up from the #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and take me to the hotel .",
+ "Now I 'll need a taxi to pick me up at #TAXI-INFORM-LEAVE# from #TAXI-INFORM-DEPART# and take me to the hotel",
+ "Hi , I would like to get a taxi from #TAXI-INFORM-DEPART# . I 'll need to leave after #TAXI-INFORM-LEAVE# .",
+ "I 'd like a taxi that leaves from #TAXI-INFORM-DEPART# and leaves after #TAXI-INFORM-LEAVE# .",
+ "I would like to be picked up from the #TAXI-INFORM-DEPART# hotel by #TAXI-INFORM-LEAVE# please .",
+ "i also need taxi service to get me from #TAXI-INFORM-DEPART# to the art museum . i want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "i want to book a taxi . The taxi should leave after #TAXI-INFORM-LEAVE# and should depart from #TAXI-INFORM-DEPART# .",
+ "I ' m needing to find a taxi . I need to leave after #TAXI-INFORM-LEAVE# and I ' m leaving the #TAXI-INFORM-DEPART# .",
+ "I 'd like to picked up from #TAXI-INFORM-DEPART# after #TAXI-INFORM-LEAVE# .",
+ "Can you find me a taxi from #TAXI-INFORM-DEPART# ? I ca n't leave until after #TAXI-INFORM-LEAVE# .",
+ "Oh , sorry , I forgot to say , I need it to arrive by #TAXI-INFORM-LEAVE# , and it 'll be leaving the #TAXI-INFORM-DEPART# .",
+ "great ! I also want to book a taxi from the #TAXI-INFORM-DEPART# going to Riverside Brasseri by #TAXI-INFORM-LEAVE# .",
+ "I will need a taxi from #TAXI-INFORM-DEPART# to Cherry Hinton Water Park . I want to leave rice boat at #TAXI-INFORM-LEAVE# please .",
+ "Please have a taxi come pick me up at #TAXI-INFORM-DEPART# after #TAXI-INFORM-LEAVE# today",
+ "No , that s ok . I actually need to book a taxi to leave the #TAXI-INFORM-DEPART# by #TAXI-INFORM-LEAVE# ."
+ ],
+ "Dest;": [
+ "I need a taxi to take me in time for my reservation to #TAXI-INFORM-DEST# today",
+ "I want to visit the #TAXI-INFORM-DEST# and need a taxi to take me",
+ "I 'll be heading to #TAXI-INFORM-DEST# .",
+ "Hi , i need to book a taxi to go to #TAXI-INFORM-DEST# . I need to leave after 8:45 .",
+ "I need a tax to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "The taxi should go to #TAXI-INFORM-DEST# .",
+ "Taxi to #TAXI-INFORM-DEST# please",
+ "I want to go to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# to turn myself in .",
+ "I would like to book a taxi to #TAXI-INFORM-DEST# please .",
+ "I need to book a taxi to #TAXI-INFORM-DEST# , please .",
+ "I ' m heading to the #TAXI-INFORM-DEST# .",
+ "i ' m going to #TAXI-INFORM-DEST# .",
+ "My destination is #TAXI-INFORM-DEST# .",
+ "I 'd like to go to #TAXI-INFORM-DEST# .",
+ "I want to get a taxi and leave at 345 . I need to go to #TAXI-INFORM-DEST# .",
+ "I am going to #TAXI-INFORM-DEST# .",
+ "I need to get to the #TAXI-INFORM-DEST# . My boyfriend got himself arrested , again !",
+ "I 'll be going to #TAXI-INFORM-DEST# .",
+ "I ' m heading to #TAXI-INFORM-DEST# .",
+ "I ' m heading to #TAXI-INFORM-DEST# . I am so hungry !",
+ "I am going to #TAXI-INFORM-DEST# .",
+ "I need a taxi to take me to #TAXI-INFORM-DEST# please",
+ "help me get a taxi to the #TAXI-INFORM-DEST# please",
+ "I need picked up at the junction , I will be going to #TAXI-INFORM-DEST# .",
+ "The destination is the #TAXI-INFORM-DEST# .",
+ "I am in need of a taxi to #TAXI-INFORM-DEST# please",
+ "I need a taxi to the #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I am eager to visit #TAXI-INFORM-DEST# .",
+ "I am going to the #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I want to go to #TAXI-INFORM-DEST# .",
+ "I need to go to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "Hiya , I need a taxi to get me to #TAXI-INFORM-DEST# .",
+ "I want to go to #TAXI-INFORM-DEST# .",
+ "I would need a taxi to travel to #TAXI-INFORM-DEST# from the restaurant .",
+ "I would like to go to #TAXI-INFORM-DEST# .",
+ "I need a taxi to take me to #TAXI-INFORM-DEST# .",
+ "I would like a taxi to #TAXI-INFORM-DEST# please .",
+ "Reserve a taxi to #TAXI-INFORM-DEST# for me",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I need to go to the #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "Can you help me get a taxi to #TAXI-INFORM-DEST# ?",
+ "I need a taxi to #TAXI-INFORM-DEST# .",
+ "I need a taxi going to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I need to go to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I want to get to The #TAXI-INFORM-DEST# .",
+ "I have plans to visit #TAXI-INFORM-DEST# and need a taxi to do so",
+ "I 'll be requesting a taxi to #TAXI-INFORM-DEST# please",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I need a taxi to take me to #TAXI-INFORM-DEST# .",
+ "I will be traveling from the guesthouse to #TAXI-INFORM-DEST# .",
+ "I need a taxi going to #TAXI-INFORM-DEST# .",
+ "I ' m goin gto #TAXI-INFORM-DEST# .",
+ "I would like to go to #TAXI-INFORM-DEST# .",
+ "The #TAXI-INFORM-DEST# please .",
+ "I am going to #TAXI-INFORM-DEST# .",
+ "Can you set up a taxi for me that will take me to #TAXI-INFORM-DEST# ?",
+ "I ' m looking for a taxi to #TAXI-INFORM-DEST# .",
+ "I also need a taxi to get to #TAXI-INFORM-DEST# by 3:15 .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "Can you book me a taxi to #TAXI-INFORM-DEST# ?",
+ "Just want to make sure that the taxi will go to #TAXI-INFORM-DEST# . Thank you very much , goodbye .",
+ "Can you book me a taxi to #TAXI-INFORM-DEST# ?",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "I 'll be going to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# and need to arrive there by 03:30",
+ "I need to go to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I am wanting to go to #TAXI-INFORM-DEST# .",
+ "i need to go to #TAXI-INFORM-DEST# .",
+ "Can you help me find a taxi to #TAXI-INFORM-DEST# ?",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I will be traveling to #TAXI-INFORM-DEST# today .",
+ "The taxi should go to #TAXI-INFORM-DEST# .",
+ "Get me a taxi to #TAXI-INFORM-DEST# please",
+ "I want to go see a movie at #TAXI-INFORM-DEST# today . I 'll be needing a taxi to get there .",
+ "I ' m headed to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I need a taxi to take me to #TAXI-INFORM-DEST# by 9:15",
+ "So Sorry , i want to leave cafe jello gallery after 12:30 going to #TAXI-INFORM-DEST# .",
+ "My destination is the #TAXI-INFORM-DEST# .",
+ "Can you help me reserve a taxi to #TAXI-INFORM-DEST# ?",
+ "I need a taxi to take me to #TAXI-INFORM-DEST# by 9:45",
+ "I need a taxi to go to #TAXI-INFORM-DEST# .",
+ "I need a taxi to #TAXI-INFORM-DEST# .",
+ "I would like to go to #TAXI-INFORM-DEST# .",
+ "I ' m heading to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "I 'd like to go to #TAXI-INFORM-DEST# . I ' ve heard it 's stunning !",
+ "It 's called #TAXI-INFORM-DEST# .",
+ "My destination is #TAXI-INFORM-DEST# .",
+ "I am headed to #TAXI-INFORM-DEST# .",
+ "I 'll be going to #TAXI-INFORM-DEST# .",
+ "I need a Taxi , I want it to go to #TAXI-INFORM-DEST# , arriving for my reservation at 4:00 .",
+ "Can you help me get a taxi to #TAXI-INFORM-DEST# ?",
+ "I need to book a taxi going to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I really need to find a taxi , if you can help . I ca n't leave until after 7:00 , though . I need to get to #TAXI-INFORM-DEST# .",
+ "I need to go to the #TAXI-INFORM-DEST# .",
+ "I need a taxi to go to #TAXI-INFORM-DEST# .",
+ "Can you arrange for a taxi to bring me to #TAXI-INFORM-DEST# ?",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I will also need a taxi to take me to the restaurant and #TAXI-INFORM-DEST# .",
+ "I am going to #TAXI-INFORM-DEST# .",
+ "I 'd like to reserve a taxi to take me to #TAXI-INFORM-DEST# today",
+ "I 'd like for a taxi to take me to #TAXI-INFORM-DEST# today",
+ "I need a taxi to go to #TAXI-INFORM-DEST# .",
+ "I need a tax to #TAXI-INFORM-DEST# .",
+ "Please book a taxi for 1:15 to go to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I ' m headed to the #TAXI-INFORM-DEST# .",
+ "The taxi should take me to #TAXI-INFORM-DEST# .",
+ "Can you help me book a taxi to #TAXI-INFORM-DEST# , please ?",
+ "I would like to go to #TAXI-INFORM-DEST# and I want to leave the restaurant after 22:30 .",
+ "I ' m going to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "I am heading to #TAXI-INFORM-DEST# .",
+ "I need a tax going to #TAXI-INFORM-DEST# .",
+ "I 'll be going to #TAXI-INFORM-DEST# .",
+ "Please take me to #TAXI-INFORM-DEST# .",
+ "Thanks . Yes , I will need a taxi from the hotel to #TAXI-INFORM-DEST# restaurant .",
+ "I need to get a taxi to take me to #TAXI-INFORM-DEST# please .",
+ "The next stop on my list is #TAXI-INFORM-DEST# .",
+ "Hi , I need a tax to #TAXI-INFORM-DEST# please .",
+ "I am headed to #TAXI-INFORM-DEST# .",
+ "I ' m heading to the #TAXI-INFORM-DEST# .",
+ "I would like to go to #TAXI-INFORM-DEST# .",
+ "I want to take a taxi from arbury lodge guest house to #TAXI-INFORM-DEST# ."
+ ],
+ "Depart;": [
+ "I am leaving from the #TAXI-INFORM-DEPART# .",
+ "I want to be picked up at #TAXI-INFORM-DEPART# please",
+ "I need a taxi to pick me up from #TAXI-INFORM-DEPART# please",
+ "I am departing from #TAXI-INFORM-DEPART# . Can you provide me with what car will be picking me up and contact number ?",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# .",
+ "Can a taxi pick me up at #TAXI-INFORM-DEPART# ?",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi departing from #TAXI-INFORM-DEPART# .",
+ "I am departing from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I am leaving from the beautiful #TAXI-INFORM-DEPART# .",
+ "I need to be picked up at #TAXI-INFORM-DEPART# , please .",
+ "I will need the taxi to depart from #TAXI-INFORM-DEPART# .",
+ "Can you arrange for a taxi to pick me up at #TAXI-INFORM-DEPART# ?",
+ "I would like to be picked up from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I am departing from #TAXI-INFORM-DEPART# .",
+ "I 'd like a taxie from my #TAXI-INFORM-DEPART# please .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I need to go from #TAXI-INFORM-DEPART# to queen 's college at 1:30 , please .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I need a taxi departing from #TAXI-INFORM-DEPART# .",
+ "Oh I ' m sorry - I need to be picked up at the #TAXI-INFORM-DEPART# .",
+ "Great . I would like a taxi from #TAXI-INFORM-DEPART# to the restaurant . I want to arrive by my reservation time .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I will be leaving from #TAXI-INFORM-DEPART# .",
+ "No , sorry I ' m actually departing from #TAXI-INFORM-DEPART# .",
+ "Thank you , I also need a taxi to communte between the two places . I 'll need to leave the #TAXI-INFORM-DEPART# by 3:45 .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I want to depart from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I 'll be departing from #TAXI-INFORM-DEPART# . Please let me know what type of car the taxi is and their contact number . Thank you !",
+ "From #TAXI-INFORM-DEPART# .",
+ "As I said , I am departing from the #TAXI-INFORM-DEPART# .",
+ "Can you book me a taxi to arrive by 23:30 ? Oh , and I am departing from #TAXI-INFORM-DEPART# .",
+ "I ' m traveling from #TAXI-INFORM-DEPART# .",
+ "I 'll be leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "That 's fine . Can I also book a taxi from the #TAXI-INFORM-DEPART# to the hotel ?",
+ "From the #TAXI-INFORM-DEPART# , please .",
+ "I need to leave from #TAXI-INFORM-DEPART# .",
+ "To be picked up from #TAXI-INFORM-DEPART# , must arrive at the broxbourne train station by 21:15 . Please give me contact number and type of car as well .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "Thank you . I will need a taxi to get from #TAXI-INFORM-DEPART# to the restaurant .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I will be leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "Actually , can I get a taxi to go from #TAXI-INFORM-DEPART# to the restaurant ?",
+ "I 'll be leaving from #TAXI-INFORM-DEPART# .",
+ "Can I get a taxi from #TAXI-INFORM-DEPART# to the antolia , I want to get there before my reservation .",
+ "I would like to leave from the #TAXI-INFORM-DEPART# .",
+ "I will be leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# .",
+ "I need a taxi departing from #TAXI-INFORM-DEPART# .",
+ "I actually need to be picked up from the #TAXI-INFORM-DEPART# . Sorry about taht .",
+ "I need a taxi from #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi departing from #TAXI-INFORM-DEPART# .",
+ "I am at #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I need a taxi departing from #TAXI-INFORM-DEPART# .",
+ "Hi , I need to get a taxi out of #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# .",
+ "I will leave from the #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I am coming from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "Yes , I 'd like to book a taxi from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I need to be picked up from #TAXI-INFORM-DEPART# . Please give me a contact number and vehicle type to expect as well .",
+ "I 'll be leaving from #TAXI-INFORM-DEPART# please .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I need a taxi at #TAXI-INFORM-DEPART# at 2:45 .",
+ "I 'll be leaving from the #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I would like to reserve a taxi from #TAXI-INFORM-DEPART# .",
+ "I need a taxi to pick me up at #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# .",
+ "I need a taxi . I 'll be departing from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "Sorry , it actually does not matter when I arrive . I just want to leave after 15:15 . And I 'll be coming from #TAXI-INFORM-DEPART# .",
+ "I need to be picked up from #TAXI-INFORM-DEPART# . Please let me know what kind of car to expect and a number they can be reached at .",
+ "I need to get a taxi out of #TAXI-INFORM-DEPART# .",
+ "Hi , could you help me find a taxi out of #TAXI-INFORM-DEPART# ?",
+ "I ' m leaving the #TAXI-INFORM-DEPART# .",
+ "I am departing from #TAXI-INFORM-DEPART# .",
+ "I need to leave from #TAXI-INFORM-DEPART# .",
+ "I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# .",
+ "Can you have a taxi pick me up from #TAXI-INFORM-DEPART# ?",
+ "I am actually leaving from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I need a taxi departing from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I need a taxi departing from #TAXI-INFORM-DEPART# .",
+ "I am coming from #TAXI-INFORM-DEPART# and need to get to limehouse by 01:45",
+ "I 'll be departing from #TAXI-INFORM-DEPART# .",
+ "I just told you the #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I need to be picked up from #TAXI-INFORM-DEPART# , please .",
+ "i need to leave from #TAXI-INFORM-DEPART# .",
+ "I 'll be departing from #TAXI-INFORM-DEPART# .",
+ "I want to be picked up at #TAXI-INFORM-DEPART# please",
+ "Pick me up at #TAXI-INFORM-DEPART# .",
+ "I need it to pick me up from #TAXI-INFORM-DEPART# .",
+ "I will be departing from #TAXI-INFORM-DEPART# .",
+ "I would like to be picked up from #TAXI-INFORM-DEPART# .",
+ "Can you book a taxi for me ? I 'll be departing from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "Hello , I need a taxi to pick me up at #TAXI-INFORM-DEPART# .",
+ "I need a taxi from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# .",
+ "From #TAXI-INFORM-DEPART# . Can I get the car and contact number for that ?",
+ "I need a taxi to pick me up from #TAXI-INFORM-DEPART# . Can you help ?",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I am in #TAXI-INFORM-DEPART# .",
+ "I will be leaving from #TAXI-INFORM-DEPART# .",
+ "I want to be picked up at #TAXI-INFORM-DEPART# .",
+ "It will depart from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I ' m be leaving from #TAXI-INFORM-DEPART# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# .",
+ "I 'll be leaving from #TAXI-INFORM-DEPART# .",
+ "Hello ! I would like to book a taxi from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# .",
+ "I ' m coming from #TAXI-INFORM-DEPART# ."
+ ],
+ "Arrive;Dest;": [
+ "I would like for a taxi to take me to #TAXI-INFORM-DEST# , arriving no later than #TAXI-INFORM-ARRIVE# please",
+ "Yes , I want to book so I can get to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "I want to arrive at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should arrive by #TAXI-INFORM-ARRIVE# .",
+ "Yes I 'd need to arrive by #TAXI-INFORM-ARRIVE# at #TAXI-INFORM-DEST# .",
+ "You want to book a taxi . The taxi should arrive by #TAXI-INFORM-ARRIVE# and should go to #TAXI-INFORM-DEST# .",
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should arrive by #TAXI-INFORM-ARRIVE# .",
+ "Hello . I would like for a taxi to bring me to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# please",
+ "I need a taxi to come to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "Can you help me get to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# ?",
+ "I would like to book a taxi to arrive by #TAXI-INFORM-ARRIVE# to go to #TAXI-INFORM-DEST# .",
+ "I need a taxi to go to #TAXI-INFORM-DEST# and arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to be at the #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . The taxi will have to arrive slightly earlier to get me to my destination on time .",
+ "I need to book a taxi to arrive by #TAXI-INFORM-ARRIVE# to take me to #TAXI-INFORM-DEST# .",
+ "Can you get me a taxi that will transport me to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# ?",
+ "I need to get to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# today . Can you help ?",
+ "I 'll be going to #TAXI-INFORM-DEST# and need to arrive by #TAXI-INFORM-ARRIVE# . Let me know the taxi type and their contact info .",
+ "i want to book a taxi . The taxi should arrive by #TAXI-INFORM-ARRIVE# and should go to #TAXI-INFORM-DEST# .",
+ "I ' m going to #TAXI-INFORM-DEST# and must be there no later than #TAXI-INFORM-ARRIVE# please",
+ "Please book me a taxi to arrive by #TAXI-INFORM-ARRIVE# to the #TAXI-INFORM-DEST# ."
+ ],
+ "Arrive;Depart;": [
+ "i want to book a taxi . The taxi should depart from #TAXI-INFORM-DEPART# and should arrive by #TAXI-INFORM-ARRIVE# .",
+ "i want to book a taxi . The taxi should depart from #TAXI-INFORM-DEPART# and should arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need to be at club salsa by #TAXI-INFORM-ARRIVE# leaving #TAXI-INFORM-DEPART# .",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# and I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I need a taxi from #TAXI-INFORM-DEPART# and I need to get to my destination by #TAXI-INFORM-ARRIVE# . Can you help ?",
+ "I need a taxi , please . I need to arrive no later than #TAXI-INFORM-ARRIVE# , and I ' m leaving from #TAXI-INFORM-DEPART# .",
+ "Please find me a taxi ? I ' m at the #TAXI-INFORM-DEPART# and I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "Yes , i would like you to book a taxi for arrival by #TAXI-INFORM-ARRIVE# from the #TAXI-INFORM-DEPART# .",
+ "I need a taxi that departs from #TAXI-INFORM-DEPART# and arrives by #TAXI-INFORM-ARRIVE# .",
+ "I 'll need a taxi to take me to #TAXI-INFORM-DEPART# from the hotel and arrive by #TAXI-INFORM-ARRIVE# ."
+ ],
+ "Depart;Dest;Leave;": [
+ "No , that one is perfect . Could you help me book a taxi please ? I am looking for one to take me from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . I 'd like to leave by #TAXI-INFORM-LEAVE# .",
+ "Thank you I also need a taxi between the two places , I want to leave #TAXI-INFORM-DEPART# at #TAXI-INFORM-LEAVE# and go to #TAXI-INFORM-DEST# .",
+ "can you arrange a taxi from #TAXI-INFORM-DEPART# museum to the #TAXI-INFORM-DEST# . i want to leave the museum by #TAXI-INFORM-LEAVE# .",
+ "Thank you , I also need a taxi . I want to leave #TAXI-INFORM-DEPART# by #TAXI-INFORM-LEAVE# and go to the #TAXI-INFORM-DEST# museum .",
+ "i also need a taxi from the #TAXI-INFORM-DEPART# to the #TAXI-INFORM-DEST# . i want to leave the hotel by #TAXI-INFORM-LEAVE# .",
+ "I need a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at #TAXI-INFORM-LEAVE# , please .",
+ "Wonderful , now I will need a taxi to commute between the two . I want to leave the #TAXI-INFORM-DEPART# by #TAXI-INFORM-LEAVE# to get to the #TAXI-INFORM-DEST# ."
+ ],
+ "Depart;Dest;": [
+ "I need a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# at 6:15 , please .",
+ "I need a taxi to come to #TAXI-INFORM-DEPART# and take me to #TAXI-INFORM-DEST# .",
+ "I need to be picked up from #TAXI-INFORM-DEPART# and I ' m headed to the #TAXI-INFORM-DEST# .",
+ "Can you set up a taxi to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# for me ?",
+ "I need a taxi to pick me up from #TAXI-INFORM-DEPART# and take me to #TAXI-INFORM-DEST# .",
+ "I need to book a taxi to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# .",
+ "Can you help ? I ' m in need of a taxi . I ' m trying to get from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "I 'll need to be picked up at #TAXI-INFORM-DEPART# , heading to #TAXI-INFORM-DEST# .",
+ "I ' m departing from #TAXI-INFORM-DEPART# and I want to go to #TAXI-INFORM-DEST# .",
+ "I am leaving from #TAXI-INFORM-DEPART# and I will be going to #TAXI-INFORM-DEST# .",
+ "I want to book a taxi to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# .",
+ "I would like to book a taxi from the #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "From #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . We wo n't be fit to drive !",
+ "Can you arrange for a taxi that will take me from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# ?",
+ "Hi ! I need a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# . I sure hope you can help me !",
+ "Can you pick me up at #TAXI-INFORM-DEPART# and take me to #TAXI-INFORM-DEST# .",
+ "I need a taxi to come get me from #TAXI-INFORM-DEPART# to take me to #TAXI-INFORM-DEST# .",
+ "Oh I ' m sorry , I need to be picked up at #TAXI-INFORM-DEPART# , heading to #TAXI-INFORM-DEST# .",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "I 'd like to book a taxi , please . I need to get from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "Great . Now can you book a taxi for me between the two places ? From #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# ?",
+ "I need a taxi to come to #TAXI-INFORM-DEST# and want to go to #TAXI-INFORM-DEPART# .",
+ "I need to schedule a taxi to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# .",
+ "Can you help me book a taxi going from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# ?",
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should depart from #TAXI-INFORM-DEPART# .",
+ "I would like to book a taxi to the #TAXI-INFORM-DEST# leaving #TAXI-INFORM-DEPART# .",
+ "I need to go to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# .",
+ "I am going to #TAXI-INFORM-DEST# , from #TAXI-INFORM-DEPART# .",
+ "Hi , I need a taxi to #TAXI-INFORM-DEST# going from #TAXI-INFORM-DEPART# !",
+ "I ' m departing from #TAXI-INFORM-DEPART# and heading to #TAXI-INFORM-DEST# .",
+ "From #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# , please",
+ "I would like to book a taxi from #TAXI-INFORM-DEPART# and go to #TAXI-INFORM-DEST# .",
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should depart from #TAXI-INFORM-DEPART# .",
+ "I ' m sorry I need to change that . I need the taxi to depart from #TAXI-INFORM-DEPART# and go to #TAXI-INFORM-DEST# .",
+ "I can book it myself , thanks . However , I will need a taxi from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# .",
+ "I need a taxi to come to #TAXI-INFORM-DEPART# and take me to #TAXI-INFORM-DEST# .",
+ "I need a taxi from #TAXI-INFORM-DEPART# to the #TAXI-INFORM-DEST# .",
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should depart from #TAXI-INFORM-DEPART# .",
+ "I am leaving from #TAXI-INFORM-DEPART# and want to go to #TAXI-INFORM-DEST# ."
+ ],
+ "Dest;Leave;": [
+ "i want to book a taxi . The taxi should go to #TAXI-INFORM-DEST# and should leave after #TAXI-INFORM-LEAVE# .",
+ "I would like to book a taxi to leave after #TAXI-INFORM-LEAVE# to go to #TAXI-INFORM-DEST# .",
+ "I would like to get a taxi to leave Rosa 's B&B by #TAXI-INFORM-LEAVE# to go to #TAXI-INFORM-DEST# .",
+ "Can you help me get to #TAXI-INFORM-DEST# after #TAXI-INFORM-LEAVE# ?",
+ "I need to leave by #TAXI-INFORM-LEAVE# and am headed to #TAXI-INFORM-DEST# .",
+ "I want to leave the hotel at #TAXI-INFORM-LEAVE# and get to #TAXI-INFORM-DEST# .",
+ "I would like to book a taxi to go to #TAXI-INFORM-DEST# after #TAXI-INFORM-LEAVE# .",
+ "I need to get to #TAXI-INFORM-DEST# please , but I ca n't leave until after #TAXI-INFORM-LEAVE# .",
+ "Hi I need a taxi to #TAXI-INFORM-DEST# , but I ca n't leave until after #TAXI-INFORM-LEAVE# . Can you help ?",
+ "Please book me a taxi to #TAXI-INFORM-DEST# after #TAXI-INFORM-LEAVE# .",
+ "I 'd like to leave after #TAXI-INFORM-LEAVE# and go to #TAXI-INFORM-DEST# please",
+ "To #TAXI-INFORM-DEST# around #TAXI-INFORM-LEAVE# , please",
+ "I want to book a taxi after #TAXI-INFORM-LEAVE# and would like to the #TAXI-INFORM-DEST# .",
+ "I need to book a taxi to leave after #TAXI-INFORM-LEAVE# to go to #TAXI-INFORM-DEST# .",
+ "I need a taxi after #TAXI-INFORM-LEAVE# to take me to #TAXI-INFORM-DEST# ."
+ ],
+ "Arrive;Depart;Dest;": [
+ "I 'll need a taxi to get me from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# . can you set that up for me ?",
+ "I need to leave #TAXI-INFORM-DEPART# and arrive at #TAXI-INFORM-DEST# by #TAXI-INFORM-ARRIVE# .",
+ "I am departing from #TAXI-INFORM-DEPART# and need to go to #TAXI-INFORM-DEST# . I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I ' m going to #TAXI-INFORM-DEST# from #TAXI-INFORM-DEPART# . I need it after #TAXI-INFORM-ARRIVE# .",
+ "Yes , I need a taxi to travel from #TAXI-INFORM-DEPART# to #TAXI-INFORM-DEST# and arrive by #TAXI-INFORM-ARRIVE# .",
+ "As I said , I want to be picked up from #TAXI-INFORM-DEPART# and taken to #TAXI-INFORM-DEST# please . I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I am leaving from the #TAXI-INFORM-DEPART# to get to the #TAXI-INFORM-DEST# by my reservation at #TAXI-INFORM-ARRIVE# . Please book ."
+ ],
+ "Arrive;Leave;": [
+ "I want to leave the attraction by #TAXI-INFORM-LEAVE# , so book the taxi for #TAXI-INFORM-ARRIVE# ."
+ ]
+ },
+ "Taxi-Request": {
+ "Car;": [
+ "Yes I would like a contact number and car type please for my booking .",
+ "I need a cab by 12:30 too the contact # and car type will be most helpful",
+ "It would be nice if you would tell me the car type and it 's contact number .",
+ "What is the car type for the taxi ?",
+ "Please . Can I get the contact number and car type for that ?",
+ "Yes . Could I have the contact number and car type for this trip ?",
+ "I need the car type please .",
+ "Thank you for booking that taxi and giving the contact number and car type .",
+ "Can you give me a contact number for the taxi and the car type that will pick me up ?",
+ "Once you make the booking , I will need the contact number and car type please .",
+ "No , thanks , I just need to know the contact number and car type , please .",
+ "Okay did you book it ? I need the contact number and car type .",
+ "Okay . Once you 're done , can I have the contact number and car type ?",
+ "Yes I need the car type and contact number .",
+ "I also need a cab to get me to and from both places . I need the contact # and car type",
+ "Great . Can i have the contact number and car type ?",
+ "I need a cab too please , arriving by my booked time , car type and contact number would be helpful too please .",
+ "What is the car type ?",
+ "I just need to arrive at my attraction by 18:45 . Can I get the car type and contact number please ?",
+ "Can I get the contact number and the car type please ?",
+ "I need a taxi to go between the two places , I need a contact number and car type please .",
+ "Yeah , can I get the contact number and car type , please ?",
+ "Can I get the contact number and car type ?",
+ "Can I get the number for the taxi and the car type ?",
+ "What is the car type , please thank you",
+ "Great ! I 'll also be needing a taxi . Will you book one that will leave the college at 5:45 ? I 'd also like the car type and their contact number .",
+ "What is the car type that I should be looking for , please ?",
+ "Thank you ! I also need to book a taxi there , leaving my hotel at 4:00 . Can you please do that , and give me the contact number and car type ?",
+ "Yes , Please reserve a taxi that can reach both areas , I would like to arrive by the booked time , Please provide me with a contact number and the car type .",
+ "I also need to book a taxi to get to the attraction by 3:30 and I will need the contact number and car type .",
+ "I need the car type and contact number .",
+ "That sounds perfect . I will need the taxi for going between the two places . As well as the car type and contact number .",
+ "Yes , I need to know the contact number and car type",
+ "One last thing . May I have their contact number and car type please ?",
+ "I need to leave the attraction by 24:00 . And I need a contact number and car type please .",
+ "I 'd just like to book a taxi between the two . I 'd like to get to the restaurant by my reservation time and I 'll need the contact number and car type please .",
+ "Also please provide me with contact number and car type .",
+ "Could I get a taxi please from that park to take me to the restaurant in time for my reservation ? And give me contact number and car type too please",
+ "I 'll also need a taxi to get between the two places , I 'd like to leave Cafe Jello by 4 pm . Can I have the car type and a contact number ?",
+ "Will you tell me the car type ?",
+ "Yes please . And I 'd need the contact number and car type .",
+ "I need to leave the hotel by 6:00 , need the contact # and car type please",
+ "I need the contact number and car type .",
+ "On second thought , I do want to book a taxi to Saffron Brasserie in time for my table . Can you provide the contact number and car type ?",
+ "That 's alright . Can you book a taxi to take me from the pool to the restaurant in time for my reservation ? And give me car type and contact number",
+ "Yes , could you please book a taxi from the cinema to the restaurant , arriving by my reservation time . And give me the car type and contact number please",
+ "Can you book me at the Gonville Hotel ? I also need a taxi booked . I need the taxi number and car type .",
+ "Can I get the contact number and car type please .",
+ "I need the contact number and car type for the taxi please .",
+ "I need to book a Taxi . I 'll be leaving Express by Holiday Inn Cambridge by 1:00 , and going to the cafe jello gallery . I 'll need the contact number and car type",
+ "Yes , can I please have car type and contact number ?",
+ "I 'll do that . Could you please tell me once more the contact number and the car type ?",
+ "I need the taxi to get me to the restaurant at my booked time . I also will need the taxis contact number and car type",
+ "what is the car type ?",
+ "I need a restaurant to commute between the attraction and restaurant . I want to leave the attraction by 9:15 and I need car type and contact number please . Thank you , bye ..",
+ "Please get me a taxi from the attraction to my restaurant , arriving in time for my reservation . And give me car type and contact info",
+ "Yes , I will also need a taxi between those two places . I want to leave the hotel by 2:15 . I will need the contact number and car type .",
+ "Can you tell me the car type please ?",
+ "Thanks . Can I have the contact number and car type , please ?",
+ "Could you give me the car type and contact number ?",
+ "Could I also get the car type please ?",
+ "Yeah , I 'd like a taxi to take me from my hotel to the restaurant in time for my reservation . Please tell me the car type and contact number .",
+ "Thank you . I 'll need the contact number and car type , please ?",
+ "can i get a contact number and car type please ?",
+ "Yes , I also need the car type . Thank You",
+ "What is the car type that will be picking me up ?",
+ "Could I please get the car type and contact number of the taxi ?",
+ "I 'll also need a taxi . It should leave The Fez by 1:00 . Please include the contact number and car type .",
+ "I would like to leave after 9:45 . Please let me know the car type and contact number .",
+ "I am also going to need a taxi to get me to the restaurant before my reservation . Can you get me their contact number and car type ?",
+ "Can I get the car type and contact number please ?",
+ "To the hotel , please . Can I also get a contact number and the car type ?",
+ "What is the contact number and what will be the car type ?",
+ "By 15 00 and I need car type and contact number",
+ "Okay , so then book the taxi as requested please , and again do not forget the car type and contact number",
+ "Great , can I get the contact number and the car type ?",
+ "I need a taxi after the attraction you get contact number and car type",
+ "Yes , please . I 'll need the contact number and car type .",
+ "I 'd also like a taxi that can get me to the restaurant on time . I need a contact number and the car type .",
+ "Yes and I need the reference number . Also I need a taxi to arrive at the restaurant on time . I would like the number and car type please .",
+ "Yes , I need a taxi to commute between dinner and the hotel . Can you please help me with the contact number and car type ?",
+ "Great , thanks . I need a cab to get me to and from by the booked time . I also need the contact # & car type too please",
+ "What is the car type of that taxi ?",
+ "I would like a cab leaving the hotel by 8:00 going to the restaurant , I need contact number and car type please .",
+ "I want a taxi to take me from the attraction to my restaurant in time for my reservation . Tell me the car type and contact number for the taxi too .",
+ "I was never given the car type and contact number for my taxi , could you please provide them ?",
+ "09:45 at Funky fun house 's . Please give the car type and contact number ?",
+ "I would like a cab to and from both places please make sure it is on time so I do n't miss my reservation , contact # & car type",
+ "May I have the car type and a contact number for the driver ?",
+ "i am also looking for a taxi leaving the hotel at 04.30 get me the contact number and car type please .",
+ "I would like the contact number an car type .",
+ "What is the car type that will be sent ?",
+ "What is the car type ?",
+ "I want to be at the attraction by 2:15 and will need a contact number for the driver and car type .",
+ "I need the contact number and car type also .",
+ "16:45 . Please give me their car type and contact number .",
+ "Can I have the car type and contact information ?",
+ "I will need to know the car type .",
+ "Ok I need to book this taxi and I need the contact number and car type please .",
+ "I need a cab for the commute , it needs to get to the restaurant by my reservation time . contact # and car type please",
+ "I also need a taxi to leave the hotel by 3:15 . Please provide the contact number and car type .",
+ "Can I get the contact number and car type for the cab .",
+ "I need a ride to and from too please . I 'll need the car type and contact number too please .",
+ "Also what car type is it ?",
+ "Can you book a taxi for me to get me from the hotel to the restaurant in time for dinner ? I 'll need contact number and car type .",
+ "Thank you may I have the contact number and car type please .",
+ "Can I have the contact number and car type ?"
+ ],
+ "Phone;": [
+ "That sounds great . Can I get the phone number ?",
+ "Can I please get the taxi company 's phone number in case I need it ?",
+ "Thank you . Could you please send me the address and phone number .",
+ "Well , do I look for a specific make and color car or just jump into a random one ? Does the driver have a phone number ?",
+ "Do you have their phone number ?",
+ "Can I get the phone also please ?",
+ "I do not need a reservation but I need location and phone number of the hotel .",
+ "Can you get me the contact phone number please ?",
+ "Yes , please provide the phone number .",
+ "I ' m not psychic , so I will need to know what kind of car to look for , also the phone number please .",
+ "What type of car is it ? Can I have the contact phone number ?",
+ "I need the phone number and location of the nearest Red Lobster in the downtown Cambridge area .",
+ "Can I please get the taxi company 's contact phone number ?",
+ "Yes , please provide the phone number .",
+ "Just the telephone number of the taxi please .",
+ "I need the adress and phone number please",
+ "May I just get their phone number please . I am also going to need a taxi .",
+ "Give me phone number for the first one , please",
+ "Yes , I would like the phone number .",
+ "What 's the taxi 's phone number ?",
+ "Funky fun house is an indoor amusement attraction . I ' ve heard it is a lot of fun . Do you have a phone number for it ?",
+ "adress and phone number please and thank you",
+ "Thanks . Can I get the taxi company 's contact phone number please ?"
+ ],
+ "Car;Phone;": [
+ "can i have the car type and the phone number for the taxi ?",
+ "Can I get the phone number of the taxi service and what car type will I be looking for ?"
+ ]
+ },
+ "Train-Inform": {
+ "Arrive;": [
+ "I want to get there by #TRAIN-INFORM-ARRIVE# at the latest .",
+ "Do you have a train that arrives closer to #TRAIN-INFORM-ARRIVE# .",
+ "Departure time is n't important as long as I can get there by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# , do you have something close to that time ?",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Depart time does not matter but I need it to arrive at #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# . How long will the trip be ?",
+ "Not really . I want to get there by #TRAIN-INFORM-ARRIVE# though .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Well I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to leave on Sunday and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive at or a little before #TRAIN-INFORM-ARRIVE# , please .",
+ "I 'd just like to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "No , I said arrive by #TRAIN-INFORM-ARRIVE# . Try again .",
+ "I do n't have a specific time to leave but I do want to arrive before #TRAIN-INFORM-ARRIVE# . How much will this cost ?",
+ "Not today , thank you . Does the train arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive at #TRAIN-INFORM-ARRIVE# .",
+ "I would like it to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "i will need to arrive by #TRAIN-INFORM-ARRIVE# on monday .",
+ "I want the 9:39 if it makes it there by #TRAIN-INFORM-ARRIVE# .",
+ "What time would I need to leave in order to arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I would like to arribe by #TRAIN-INFORM-ARRIVE# if possible .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# please",
+ "I need something that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need to arrive at Bishops by #TRAIN-INFORM-ARRIVE# .",
+ "Any arrival time would work so long as it gets to Bishops before #TRAIN-INFORM-ARRIVE# .",
+ "Do you have a train less early ? One that arrives around #TRAIN-INFORM-ARRIVE# ?",
+ "Does n't matter , as long as I arrived by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I 'd like to arrive by #TRAIN-INFORM-ARRIVE# . Could you give me the train ID for the train arriving closest to that time ?",
+ "I want it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "i need to arrive there by #TRAIN-INFORM-ARRIVE# .",
+ "Can you please find me a train that leaves to bishops shortford ? Can it also arrive before #TRAIN-INFORM-ARRIVE# too ? Thankyou for your time .",
+ "I am looking to arrive no later than #TRAIN-INFORM-ARRIVE# . I have no preference for departure time . Thank you .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "We 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "What 's the latest train I can take that will still get me there by #TRAIN-INFORM-ARRIVE# ?",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# so 18:10 would be perfect for me .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Just a little before #TRAIN-INFORM-ARRIVE# arrival would be great .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m flexible , but I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Arrive by #TRAIN-INFORM-ARRIVE# in London Kings Cross .",
+ "Thank you . I also need a train on wednesday arriving by #TRAIN-INFORM-ARRIVE# .",
+ "That will be fine I guess . It will arrive by #TRAIN-INFORM-ARRIVE# , I ' m sure ?",
+ "I would definitely like to arrive by #TRAIN-INFORM-ARRIVE# at the latest .",
+ "I need to to get to Stansted Airport by #TRAIN-INFORM-ARRIVE# on Wednesday please .",
+ "I do n't have a departure time in stone , but I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Does that train arrive by #TRAIN-INFORM-ARRIVE# , I need to be there by then .",
+ "whatever time that will get me there closest to #TRAIN-INFORM-ARRIVE# .",
+ "Thanks . I need a train for the same day but it needs to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking to book a train that arrives by #TRAIN-INFORM-ARRIVE# . Are there any that fit that description ?",
+ "For today , arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I just need to leave after #TRAIN-INFORM-ARRIVE# .",
+ "Unfortunately , I do n't know the train schedule . I was hoping you could provide that to me . I just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to be in Broxbourne by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "As long as i arrive close to #TRAIN-INFORM-ARRIVE# I am good .",
+ "Can you get me one that 'll arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I need the train to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "No , I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I need to arrive by #TRAIN-INFORM-ARRIVE# . Is there anything early morning on Monday from Cambridge to Norwich ?",
+ "If I could get the train that arrives closest to #TRAIN-INFORM-ARRIVE# please .",
+ "My leave time is flexible . I just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The departure time does n't matter but I need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# . Are there any trains that early ?",
+ "Yes , I 'd like to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# on Friday .",
+ "I need to arrive after #TRAIN-INFORM-ARRIVE# .",
+ "I ' m not sure when I need to leave , but I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "No but I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Will my train arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# if at all possible .",
+ "I find it hard to beleive there are no trains arriving by #TRAIN-INFORM-ARRIVE# . It does n't need to arrive AT 18:15 just before that . Please check again .",
+ "Woah now , that 's way too early . I actually do n't need to get in until #TRAIN-INFORM-ARRIVE# .",
+ "I will need it on Friday and intend to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need to book my train . I need it to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "Yes I 'd like to depart from cambridge and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Is there anything that arrives a little closer to #TRAIN-INFORM-ARRIVE# or is this the best option ?",
+ "Leaving peterborough and must arrive at least by #TRAIN-INFORM-ARRIVE# , I 'll need to book a table then too",
+ "I would like to arrive at #TRAIN-INFORM-ARRIVE# please .",
+ "Yes please . I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "That 's pretty early . Would there be a later train that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "No , any one that arrives before #TRAIN-INFORM-ARRIVE# would be fine .",
+ "Yes please . Also , i need a train that needs to get there around #TRAIN-INFORM-ARRIVE# . Can you look that up as well ?",
+ "What ? 16:15 is later that #TRAIN-INFORM-ARRIVE# . Are you saying you have nothing arriving in almost 10 hours after 6:55 ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "i want to arrive by #TRAIN-INFORM-ARRIVE# if possible .",
+ "Can you help me find a train going to cambrdige arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# , so could you find one closer to that time , please ?",
+ "Is there any that arrive closer to #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive no later than #TRAIN-INFORM-ARRIVE# .",
+ "i would like to arrive in cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive in Cambridge by #TRAIN-INFORM-ARRIVE# . Do all of the tickets cost the same ?",
+ "No , but if you ca n't decide , maybe pick the one that departs the latest and still gets us their by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to know the names of some good local restaurants . Could you tell me where to find a train ? The train should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I do n't have a departure time but I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# . Are there any train that has arrival by that time ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I just need to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive in Bishops Stanford by #TRAIN-INFORM-ARRIVE# .",
+ "I just need to get there by #TRAIN-INFORM-ARRIVE# so that train would be good . What time do I depart ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# if at all possible .",
+ "I would like to arrive in Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "Can you please find me a train that leaves to bishops shortford ? Can it also arrive before #TRAIN-INFORM-ARRIVE# too ? Thankyou for your time .",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to leave Sunday from Cambridge and travel to Birmingham New Street , arriving before #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train to Birmingham New Strretm arrving by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "That is a little early . Is there one that arrives closer to #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need to arrive by #TRAIN-INFORM-ARRIVE# . How long with the trip take ?",
+ "I need the train to arrive by #TRAIN-INFORM-ARRIVE# at the latest .",
+ "The latest I can leave to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# , the departure time does n't matter .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I do n't have a preference as long as I arrive at #TRAIN-INFORM-ARRIVE# .",
+ "What 's the last train to arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I want to arrive in broxbourne by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Actually I need to arrive by #TRAIN-INFORM-ARRIVE# , sorry . What 's the closest arriving to that time ?",
+ "I 'd like my train to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "I do not care what time it is leaving but check again for it arriving by #TRAIN-INFORM-ARRIVE# .",
+ "Arrives in Cambridge by #TRAIN-INFORM-ARRIVE# ? I need to get to Cambridge .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# . Thanks",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I want it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "That is very early , can i get one closer to #TRAIN-INFORM-ARRIVE# ?",
+ "I need to make sure that I will arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "Is there a train that arrives closer to the deadline of #TRAIN-INFORM-ARRIVE# ? If not , I will take the 9:11 .",
+ "No , as long as it arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# . I do n't mind when I depart .",
+ "Arrival by #TRAIN-INFORM-ARRIVE# in the evening .",
+ "Thanks for the info . What else is available that arrives around #TRAIN-INFORM-ARRIVE# ?",
+ "I need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# if that is possible .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "it should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I do n't care . I just want to arrive at #TRAIN-INFORM-ARRIVE# .",
+ "I want to leave on Sunday and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# and would like to book on the same day as the hotel booking , please .",
+ "Yes , I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# . Do you have anything for that ?",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# if possible .",
+ "Yes as long as I arrive at my destination by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Does that train arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I 'll need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need on that arrives by #TRAIN-INFORM-ARRIVE# please",
+ "Actually , could you check to see if there is a train that will arrive by #TRAIN-INFORM-ARRIVE# rather than 10:01 . I 'd really prefer the earlier arrival .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to Arrive by #TRAIN-INFORM-ARRIVE# thank you",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# if possible .",
+ "I will need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive at the airport by #TRAIN-INFORM-ARRIVE# .",
+ "No , I do n't need to leave by a particular time . I want to arrive by #TRAIN-INFORM-ARRIVE# though .",
+ "Yes , my destination is Cambridge . I would love to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in London at or just before #TRAIN-INFORM-ARRIVE# , please .",
+ "It should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "Arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need to arrive in Broxbourne by #TRAIN-INFORM-ARRIVE# .",
+ "Arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I 'd like to arrive by #TRAIN-INFORM-ARRIVE# . Could you give me the train ID for the train arriving closest to that time ?",
+ "Thanks , but lets back up . I need to arrive much earlier , no later than #TRAIN-INFORM-ARRIVE# . Are there any trains that get there in time ?",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# the latest .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I will depart any time so long as the train arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I just want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I need the train to arrive to arrive by #TRAIN-INFORM-ARRIVE# . There will be 3 of us . Can I get a reference number ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive no later than #TRAIN-INFORM-ARRIVE# please .",
+ "No ! The train needs to arrive by #TRAIN-INFORM-ARRIVE# , not 5:58",
+ "I would like to leave Cambridge to arrive in Kings Lynn by #TRAIN-INFORM-ARRIVE# .",
+ "That 's an early arrival . Is there a later train that arrives before #TRAIN-INFORM-ARRIVE# , please ?",
+ "It does n't matter . I just need to get to Cambridge before #TRAIN-INFORM-ARRIVE# . I will need 5 seats please .",
+ "Does it arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I need a train that will arrive by #TRAIN-INFORM-ARRIVE# , which of those is closest in arrival time ?",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive #TRAIN-INFORM-ARRIVE# .",
+ "Can I get the one that arrives closest to #TRAIN-INFORM-ARRIVE# ? Can you book that for 6 seats and give me the reference number ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I need to change my reservation . I need the train to arrive by #TRAIN-INFORM-ARRIVE# instead .",
+ "Yes , sorry . Tuesday , leaving Ely and getting to Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "Not as long as it arrives by #TRAIN-INFORM-ARRIVE# , no .",
+ "I need to arrive in cambridge by #TRAIN-INFORM-ARRIVE# please .",
+ "Yes , it should leave on Tuesday and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "No , that one wo n't work . I have to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need to arrive no later than #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thank you . Can you book us a train that gets there by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I 'll depart anytime as long as I can get to Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes . I would prefer to arrive as close to before #TRAIN-INFORM-ARRIVE# as possible .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# if possible",
+ "I 'll need passage for five , but I also need to know what time the last train gets there before #TRAIN-INFORM-ARRIVE# .",
+ "What trains will leave from cambrige and arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "Yes please . Which is the closest one that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# if that is possible .",
+ "I need to find a train out of King 's Lynn that will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive at #TRAIN-INFORM-ARRIVE# . I would like a ticket for 1 person .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# , but I can leave at any time .",
+ "As long as it arrives by #TRAIN-INFORM-ARRIVE# and meets the other criteria you can choose .",
+ "That might be a little early . Can you find something that arrives clsoer to #TRAIN-INFORM-ARRIVE# ?",
+ "Will that train arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "Are there any other trains closer to #TRAIN-INFORM-ARRIVE# ?",
+ "I would liek to arrive by #TRAIN-INFORM-ARRIVE# , can I book the one that leaves at 12:00",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I do n't have a leave time but I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need it arrive by #TRAIN-INFORM-ARRIVE# and needs to depart from leicester .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# if possible .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need arrive at cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# , departure is not as important .",
+ "When will it arrive ? I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you confirm that this is the train that will arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "If nothing before #TRAIN-INFORM-ARRIVE# is there , what time are available ?",
+ "I do n't know . I want to get there at #TRAIN-INFORM-ARRIVE# though .",
+ "I would like it to arrive by #TRAIN-INFORM-ARRIVE# please",
+ "Just the one closest to #TRAIN-INFORM-ARRIVE# is fine .",
+ "Yes 18:15 would work I have to get there by #TRAIN-INFORM-ARRIVE# is that an option ?",
+ "I actually need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thursday , and it should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I do n't want to get there too early . What is the train that will get me there nearest to #TRAIN-INFORM-ARRIVE# .",
+ "Yes . I want to arrive in Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need the train to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to confirm that I will arrive by #TRAIN-INFORM-ARRIVE# ? You stated , leaving at 5:35 and arriving at 5:52 ?",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# . I do n't know how long the ride is ?",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I do n't have a preference on what time to leave , however , I do need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "Does it arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# please !",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "Yes , I need to arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# , please .",
+ "Sorry going to peterborough to cambridge friday and would like to get there by #TRAIN-INFORM-ARRIVE# please .",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "No , I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# , sorry for the confusion !",
+ "It does n't matter as long as i arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Well I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Hi , I ' m looking to book a train ticket to Liverpool Street station in London . Are there any that depart at or around #TRAIN-INFORM-ARRIVE# ?",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# if at all possible .",
+ "I really must arrive by #TRAIN-INFORM-ARRIVE# to make my meeting .",
+ "No I do not . I just need to arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Which train arrives closest to #TRAIN-INFORM-ARRIVE# ? I do n't want to wait around too long after I arrive .",
+ "actually i want to arrive before #TRAIN-INFORM-ARRIVE# if possible .",
+ "Thank you so much . I also need to find a train to get me to Petersborough by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# I do n't have a preference on departing time .",
+ "I do n't have a departure preference but would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Umm , no I am going to Leicester from Cambridge on Thursday arriving by #TRAIN-INFORM-ARRIVE# .",
+ "That wo n't work I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like the train to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes I need to arrive by #TRAIN-INFORM-ARRIVE# as I stated earlier .",
+ "I there one that arrives close to the #TRAIN-INFORM-ARRIVE# time ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# any time is fine .",
+ "I ' m fine leaving any time , as long as I arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for one that arrives by #TRAIN-INFORM-ARRIVE# , ideally .",
+ "I want to arrive at or a little before #TRAIN-INFORM-ARRIVE# , please .",
+ "I would just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# in Cambridge on Monday please .",
+ "I just need to get there by #TRAIN-INFORM-ARRIVE# so that train would be good . What time do I depart ?",
+ "Yes the same day , I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Do you have a train that arrives closer to #TRAIN-INFORM-ARRIVE# .",
+ "I need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I also need a train that will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m in need of a train leaving Boxbourne that ca n't arrive any later than #TRAIN-INFORM-ARRIVE# . Can you find me one ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# , if there is one available !",
+ "I only need to arrive by #TRAIN-INFORM-ARRIVE# or earlier .",
+ "okay , I need to arrive by #TRAIN-INFORM-ARRIVE# , so the closest one to that time please .",
+ "I wish to arrive before #TRAIN-INFORM-ARRIVE# .",
+ "It does n't matter when I leave , as long as I arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to get there by #TRAIN-INFORM-ARRIVE# .",
+ "Depart does not matter but I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in cambridge by #TRAIN-INFORM-ARRIVE# . And no , I got the information I needed on the hotel for now , thanks .",
+ "I just need to arrive at or a little before #TRAIN-INFORM-ARRIVE# , please .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like a train that arrives before #TRAIN-INFORM-ARRIVE# , please .",
+ "I do n't have a preference for leave time . I need to arrive in London Kings Cross by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# , is there anything for that time ?",
+ "I need to find a train out of King 's Lynn that will arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# I do n't have a preference on departing time .",
+ "Yes I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train bound to Cambrige that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving from cambridge , and I need to get to kings cross by #TRAIN-INFORM-ARRIVE# .",
+ "I want the 9:39 if it makes it there by #TRAIN-INFORM-ARRIVE# .",
+ "Yes I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m not sure . How long is the train ride ? I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to get to Ely by #TRAIN-INFORM-ARRIVE# .",
+ "I need to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I need the train to arrive by #TRAIN-INFORM-ARRIVE# . Is there one at that time ?",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# in Cambridge .",
+ "Can I please have one at 19:40 . I will get there by #TRAIN-INFORM-ARRIVE# correct ?",
+ "leaving birmingham new st going back to cambridge I would let to get there by #TRAIN-INFORM-ARRIVE# if possible",
+ "I need to find a train to get to the restaurant . I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# , so if you could find the train closest to that arrival please .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# if possible please .",
+ "by #TRAIN-INFORM-ARRIVE# please ."
+ ],
+ "Arrive;Dest;": [
+ "Hi , I ' m looking for a train that is going to #TRAIN-INFORM-DEST# and arriving there by #TRAIN-INFORM-ARRIVE# , is there anything like that ?",
+ "I 'll need to arrive by #TRAIN-INFORM-ARRIVE# and it should be going to #TRAIN-INFORM-DEST# .",
+ "Great can I also get a train going to #TRAIN-INFORM-DEST# and arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "Actually , I also need a train to go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you find me a train going to #TRAIN-INFORM-DEST# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "Perfect . I also need a train that goes to #TRAIN-INFORM-DEST# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to take the train that arrives closest to #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# .",
+ "How about a train that will arrive by #TRAIN-INFORM-ARRIVE# heading to #TRAIN-INFORM-DEST# ?",
+ "I 'd like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to go to #TRAIN-INFORM-DEST# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I need a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# , please .",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need a train that is headed to #TRAIN-INFORM-DEST# and i need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need it to go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train to #TRAIN-INFORM-DEST# that should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to find a train that is going to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I will take care of that myself . Could you find me a train going to #TRAIN-INFORM-DEST# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "Is there a train that arrives anytime before #TRAIN-INFORM-ARRIVE# to #TRAIN-INFORM-DEST# .",
+ "Find a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I want to go to #TRAIN-INFORM-DEST# and I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I will be going to #TRAIN-INFORM-DEST# and I would like it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Hello I need to arrive at #TRAIN-INFORM-DEST# no later than #TRAIN-INFORM-ARRIVE# .",
+ "Thanks , I also need a train going to #TRAIN-INFORM-DEST# , arriving at #TRAIN-INFORM-ARRIVE# , please .",
+ "Hi I ' m looking for a train that will take me to #TRAIN-INFORM-DEST# . I want to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should go to #TRAIN-INFORM-DEST# .",
+ "Going to #TRAIN-INFORM-DEST# . Arrive by #TRAIN-INFORM-ARRIVE# .",
+ "am looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should go to #TRAIN-INFORM-DEST# .",
+ "Fantastic ! Could you also find me a train that goes to #TRAIN-INFORM-DEST# and arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# and I am going to #TRAIN-INFORM-DEST# .",
+ "I would like to arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks for settling the lodging . I also need a train to go to #TRAIN-INFORM-DEST# which arrives by #TRAIN-INFORM-ARRIVE# , please .",
+ "Hey planning on coming out there . Please suggest a train that would arrive in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# !",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should go to #TRAIN-INFORM-DEST# , can you book it for me ?",
+ "The same day as the restaurant booking I am going to #TRAIN-INFORM-DEST# and need to arrive there by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I also need a train , to #TRAIN-INFORM-DEST# , I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Find me a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "i am going to #TRAIN-INFORM-DEST# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# that will get me there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to be in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m heading to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am also in need of a train that arrives by #TRAIN-INFORM-ARRIVE# and goes to #TRAIN-INFORM-DEST# . Can you please look that up for me .",
+ "I ' m looking to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "My destination is #TRAIN-INFORM-DEST# and I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train that arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "No , but I am also looking for a train . The train should go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train arriving by #TRAIN-INFORM-ARRIVE# going to #TRAIN-INFORM-DEST# ?",
+ "My destination is #TRAIN-INFORM-DEST# and needs to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need to be in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# . Could you find me close to that time ?",
+ "Hello , I am looking for a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I want to take a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m not very particular about departure time so any train that gets me to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# is fine",
+ "I need to get to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train that stops at #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# , will you book it for me",
+ "I want to go #TRAIN-INFORM-DEST# and I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I am hoping to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Not right now . Can you look for a train for me . It should go to #TRAIN-INFORM-DEST# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train for #TRAIN-INFORM-DEST# , I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train arriving at #TRAIN-INFORM-ARRIVE# going to #TRAIN-INFORM-DEST# ?",
+ "I need to arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# and arriving there by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks . I also need a train ticket . The train needs to arrive by #TRAIN-INFORM-ARRIVE# and go to #TRAIN-INFORM-DEST# please .",
+ "Find a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Find me a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a trail which will arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# .",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# the departure time does n't matter .",
+ "I need to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# which one would work best ?",
+ "I ca n't wait to eat there , thanks . I also need train information . I am going to #TRAIN-INFORM-DEST# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am going to #TRAIN-INFORM-DEST# on and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I just need to make sure I arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# please .",
+ "I want a train that arrives in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I also need a train to go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m planning my trip and I need a train going to #TRAIN-INFORM-DEST# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to go to #TRAIN-INFORM-DEST# , and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to book a train to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "i also need help finding a train . i want to go to #TRAIN-INFORM-DEST# and get their by #TRAIN-INFORM-ARRIVE# .",
+ "I am needing a train to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# and arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I am departing Cambridge on Friday going to #TRAIN-INFORM-DEST# and want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to find a train that goes to #TRAIN-INFORM-DEST# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "i am also looking for a train . The train should go to #TRAIN-INFORM-DEST# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , my destination is #TRAIN-INFORM-DEST# . I need to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I also need info on a train . It should arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need to be at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I am also am looking for a train that goes to #TRAIN-INFORM-DEST# . I need to arrive by #TRAIN-INFORM-ARRIVE# . Can you help me book a train ?",
+ "I am going to #TRAIN-INFORM-DEST# , and would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Are those going to #TRAIN-INFORM-DEST# ? Because I really really need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am going to the #TRAIN-INFORM-DEST# and I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need some information . on a train to #TRAIN-INFORM-DEST# arriving by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart;": [
+ "I am departing from #TRAIN-INFORM-DEPART# .",
+ "Is it going to #TRAIN-INFORM-DEPART# ? That is where I am heading .",
+ "I need it to depart from #TRAIN-INFORM-DEPART# .",
+ "I will departing from #TRAIN-INFORM-DEPART# .",
+ "Thanks ! I also need a train departing from #TRAIN-INFORM-DEPART# and arriving by 8:45 .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m also looking for a train from #TRAIN-INFORM-DEPART# to get to the hotel on the same day as I book .",
+ "Great I also need a train on the same day as the hotel booking and departs from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and would like to leave after 09:00 .",
+ "Yes , I need to find a train from #TRAIN-INFORM-DEPART# to get to the hotel .",
+ "I want to leave from the #TRAIN-INFORM-DEPART# station .",
+ "I just need a little help booking a train from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for train information that leaves #TRAIN-INFORM-DEPART# after 0800 . Can you help ?",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "Thanks . Could you check on a train for me from #TRAIN-INFORM-DEPART# ?",
+ "I will be leaving from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# .",
+ "I ' m coming from #TRAIN-INFORM-DEPART# .",
+ "Hi . I need a train out of #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "No , that 's fine , but I need a train from #TRAIN-INFORM-DEPART# arriving by 9:00 .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I will be departing #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train going to norwhich from #TRAIN-INFORM-DEPART# .",
+ "Morning ! I need a train departing from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "I would like a train , arriving by 1500 and departing from #TRAIN-INFORM-DEPART# .",
+ "Hi can you help me to book a train from #TRAIN-INFORM-DEPART# ?",
+ "I 'd like to leave from #TRAIN-INFORM-DEPART# .",
+ "I 'll be going to cambridge from #TRAIN-INFORM-DEPART# . I 'd like to arrive by 09:30 .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and going to cambridge .",
+ "I am leaving from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# .",
+ "No thanks , I need to find a train leaving from #TRAIN-INFORM-DEPART# next .",
+ "Yes , I need a train departing from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and want to arrive in london kings cross .",
+ "Hello , I 'd like some information on a train departing from #TRAIN-INFORM-DEPART# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# .",
+ "Hello , I need a train leaving #TRAIN-INFORM-DEPART# , please .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "Actually , yes . I ' m looking for a train from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking to come from #TRAIN-INFORM-DEPART# .",
+ "I ' m also looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I need to take a train departing from #TRAIN-INFORM-DEPART# ?",
+ "I am also looking for a train out of #TRAIN-INFORM-DEPART# please .",
+ "I 'll be leaving from the #TRAIN-INFORM-DEPART# , and any time after 8:00 is fine . Can you tell me how much that will cost ?",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train from #TRAIN-INFORM-DEPART# ?",
+ "I will be traveling to broxbourne on monday from #TRAIN-INFORM-DEPART# and need to leave after 8:00",
+ "Do any trains leave #TRAIN-INFORM-DEPART# ?",
+ "Hey . I ' m looking for a train from #TRAIN-INFORM-DEPART# .",
+ "No but I also would like to get a train leaving from #TRAIN-INFORM-DEPART# .",
+ "Hello , I 'd like some information on a train departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "Does that depart from #TRAIN-INFORM-DEPART# station ?",
+ "I will be leaving from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# .",
+ "not now . i m also looking for a train from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# .",
+ "i need a train leaving from from #TRAIN-INFORM-DEPART# that arrives by 11:30",
+ "Hello , I 'd like some information on a train departing from #TRAIN-INFORM-DEPART# .",
+ "Any trains from #TRAIN-INFORM-DEPART# ?",
+ "I would be going to cambridge from #TRAIN-INFORM-DEPART# .",
+ "I am also in need of a train leaving #TRAIN-INFORM-DEPART# .",
+ "Are there any trains leaving #TRAIN-INFORM-DEPART# ?",
+ "I ' m going to be leaving #TRAIN-INFORM-DEPART# and need to arrive by 17:45",
+ "I am looking for a train out of #TRAIN-INFORM-DEPART# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# where I am now .",
+ "I will be leaving after 8:15 from #TRAIN-INFORM-DEPART# .",
+ "Sure , I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "How about train stations near #TRAIN-INFORM-DEPART# ?",
+ "Can you also find me a train ? I need it departing from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "Yes . I want to leave from #TRAIN-INFORM-DEPART# .",
+ "Oh , I 'll be departing from #TRAIN-INFORM-DEPART# , yes , thanks .",
+ "I would like to leave from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train from #TRAIN-INFORM-DEPART# ?",
+ "I need to leave #TRAIN-INFORM-DEPART# . Do you have a train going out ?",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "I want to book a train departing from #TRAIN-INFORM-DEPART# .",
+ "I need to book a train for 9:30 that departs from #TRAIN-INFORM-DEPART# .",
+ "Hello ! I need helping finding a train departing from #TRAIN-INFORM-DEPART# . Can you help me with this ?",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train that is leaving from #TRAIN-INFORM-DEPART# .",
+ "Greetings , are there are any trains leaving #TRAIN-INFORM-DEPART# .",
+ "Yes , I would like to depart from #TRAIN-INFORM-DEPART# after 9:30 .",
+ "I will be leaving #TRAIN-INFORM-DEPART# on the same day as the hotel booking .",
+ "Yes . I am also looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I need to get a train out of #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train out of #TRAIN-INFORM-DEPART# please .",
+ "First of all , I need a train to get there from #TRAIN-INFORM-DEPART# . Can you help find one ?",
+ "I am looking for a train leaving #TRAIN-INFORM-DEPART# arriving by 8:30",
+ "I need help finding a train out of #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "What time does that train depart from #TRAIN-INFORM-DEPART# ?",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "i ' m also looking for a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m coming in from the #TRAIN-INFORM-DEPART# station .",
+ "The train should arrive by 19:00 and should depart from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and would like to leave after 09:00 .",
+ "Yes I need it to depart from #TRAIN-INFORM-DEPART# .",
+ "Any trains departing #TRAIN-INFORM-DEPART# ?",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# on thursday .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I would like to take a train to leave #TRAIN-INFORM-DEPART# .",
+ "I need a train that leaves from #TRAIN-INFORM-DEPART# .",
+ "I am leaving #TRAIN-INFORM-DEPART# and would like to arrive at 18:00",
+ "I will depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m look for a train leaving #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I need to check on a train leaving #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I need to find a train that departs from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "Yes , I 'd like to leave from #TRAIN-INFORM-DEPART# .",
+ "One more thing , could you help me find a train from #TRAIN-INFORM-DEPART# ?",
+ "I 'll be leaving from the #TRAIN-INFORM-DEPART# station .",
+ "I would be departing from #TRAIN-INFORM-DEPART# .",
+ "thank you . I ' m also looking for a train leaving #TRAIN-INFORM-DEPART# .",
+ "I want a train that is leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# .",
+ "Hi . I need a train out of #TRAIN-INFORM-DEPART# .",
+ "Yes , I 'll be leaving from #TRAIN-INFORM-DEPART# . What 's the train number and cost ? Oh , and how long is the trip ?",
+ "Thank You . I also need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# to cambridge .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# heading to norwich",
+ "I ' m travelling from #TRAIN-INFORM-DEPART# .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# .",
+ "Sorry about that , i ' m leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train out of #TRAIN-INFORM-DEPART# .",
+ "Sorry , I am leaving #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train leaving #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# sometime after 9:30 .",
+ "I would like it on the same day as the hotel booking leaving from #TRAIN-INFORM-DEPART# if possible .",
+ "Hey . I ' m looking for a train from #TRAIN-INFORM-DEPART# .",
+ "I need some information on a train departing from #TRAIN-INFORM-DEPART# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# .",
+ "departure from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# , please .",
+ "I also need a train from #TRAIN-INFORM-DEPART# .",
+ "I need it to leave from #TRAIN-INFORM-DEPART# .",
+ "Actually , I need a train leaving from #TRAIN-INFORM-DEPART# after 5:30 .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# .",
+ "Seven altogether . And I need to find a train leaving from #TRAIN-INFORM-DEPART# too .",
+ "I will be leaving #TRAIN-INFORM-DEPART# the same day as my hotel booking .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I am traveling from #TRAIN-INFORM-DEPART# on sunday .",
+ "I ' m traveling from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "Yes , I also need information about trains departing from #TRAIN-INFORM-DEPART# .",
+ "I also need a train that departs from #TRAIN-INFORM-DEPART# .",
+ "I will need to depart from #TRAIN-INFORM-DEPART# .",
+ "Yes , I need information about a train . Do you have information on trains departing from #TRAIN-INFORM-DEPART# ?",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "Hello , I ' m looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I am leaving #TRAIN-INFORM-DEPART# .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "I want a train leaving from #TRAIN-INFORM-DEPART# .",
+ "I do not need to book it . I need a train to depart from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# on thursday .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "Hi . Can you help me find a train that is departing from #TRAIN-INFORM-DEPART# ?",
+ "I ' m .looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "I want a train from #TRAIN-INFORM-DEPART# arriving at 9:30",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# .",
+ "I would like the departure station to be #TRAIN-INFORM-DEPART# .",
+ "Hello , I 'd like some information on a train departing from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train departing from #TRAIN-INFORM-DEPART# .",
+ "Perfect thank you ! I also need to find a train leaving from #TRAIN-INFORM-DEPART# , can you help me with that too ?",
+ "Yes , I also need to find a train leaving from #TRAIN-INFORM-DEPART# . Can you help me with that ?"
+ ],
+ "People;": [
+ "That will , yes . Please make a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets for the same day .",
+ "I need to make a booking for #TRAIN-INFORM-PEOPLE# people and can you find me a place to stay in the north ?",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# seats .",
+ "Yes , can you book that for #TRAIN-INFORM-PEOPLE# ?",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes please . I will need #TRAIN-INFORM-PEOPLE# seats .",
+ "Book #TRAIN-INFORM-PEOPLE# seats for me please .",
+ "I would like to make a booking for TR2286 for #TRAIN-INFORM-PEOPLE# person .",
+ "Yes please , that would be wonderful . I would like a booking for #TRAIN-INFORM-PEOPLE# people , and the reference number , please .",
+ "for #TRAIN-INFORM-PEOPLE# people , please",
+ "Yes , can you book it for #TRAIN-INFORM-PEOPLE# person , please ?",
+ "This is perfect . Please book for #TRAIN-INFORM-PEOPLE# people and give me the reference number .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "For the train , no . And I made a mistake . I only need a booking for #TRAIN-INFORM-PEOPLE# person .",
+ "Yes please make a reservation for #TRAIN-INFORM-PEOPLE# people and give the phone number",
+ "Yes can you book that for #TRAIN-INFORM-PEOPLE# person ?",
+ "Perfect . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That would be perfect . Book it for #TRAIN-INFORM-PEOPLE# people please and send me the reference number .",
+ "Yes . Please choose the first available train and book it for #TRAIN-INFORM-PEOPLE# people . Then give me the reference number",
+ "Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Perfect . I 'd like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "There will be #TRAIN-INFORM-PEOPLE# of us .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# ticket .",
+ "Please book #TRAIN-INFORM-PEOPLE# tickets and send me the reference number .",
+ "Yes , that 's perfect . Can you book that for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Please for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I need you to book that train for #TRAIN-INFORM-PEOPLE# please .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets . And can you please provide me with the reference number please ?",
+ "Yes I 'll need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Earlier in the day is safer , thanks . I just need #TRAIN-INFORM-PEOPLE# ticket on the earliest ride .",
+ "Yes please . Get me #TRAIN-INFORM-PEOPLE# tickets for my party as well as a reference number .",
+ "Ok please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that will work . Please reserve #TRAIN-INFORM-PEOPLE# seats on it for my party and I.",
+ "Yes can you please book that for #TRAIN-INFORM-PEOPLE# people and give me the reference number ?",
+ "Yes please for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . I need to book that for #TRAIN-INFORM-PEOPLE# people and I need the reference number .",
+ "Yes , 19:#TRAIN-INFORM-PEOPLE#4 will be fine . I 'd like tickets for 5 people .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "That sounds perfect ! Can I purchase #TRAIN-INFORM-PEOPLE# tickets on that train , please ?",
+ "Please . I need a reservation for #TRAIN-INFORM-PEOPLE# people and would like a confirmation number .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please . I will need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Can you book tickets for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , please book for #TRAIN-INFORM-PEOPLE# people as well ... and can you provide me with a reference number ?",
+ "can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , that sounds perfect . Can you make me a booking for #TRAIN-INFORM-PEOPLE# person please ?",
+ "I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . A total of #TRAIN-INFORM-PEOPLE# tickets are needed . Thanks .",
+ "Yes please get me #TRAIN-INFORM-PEOPLE# tickets .",
+ "Please book for #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , I would like to make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need it booked for #TRAIN-INFORM-PEOPLE# people please .",
+ "Could you book that for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "As long as it arrives by 8:30 that sounds good . I 'll need #TRAIN-INFORM-PEOPLE# seats please .",
+ "Ok , great . Then it will get me there in time . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , please . I would like to book tickets for #TRAIN-INFORM-PEOPLE# people on that train - how much will that cost ?",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes . Please book tickets for #TRAIN-INFORM-PEOPLE# .",
+ "book for #TRAIN-INFORM-PEOPLE# people and get me the reference number",
+ "I apologize , I forgot to mention that I 'll be needing #TRAIN-INFORM-PEOPLE# tickets , not just 1 .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "You choose one please . I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please make sure the booking is for #TRAIN-INFORM-PEOPLE# people .",
+ "That does n't matter . The 18:16 will do . Book it for #TRAIN-INFORM-PEOPLE# .",
+ "Excellent . Book it for #TRAIN-INFORM-PEOPLE# people and I 'd like to arrive before 12:45 .",
+ "Yes , can you please book #TRAIN-INFORM-PEOPLE# tickets for me and provide me with the reference number , please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yeah , book the earliest one for #TRAIN-INFORM-PEOPLE# people and send me the reference number",
+ "Perfect , I need #TRAIN-INFORM-PEOPLE# tickets and the reference number of the booking .",
+ "That would be perfect . For #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . I would like to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Please , I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , I need a booking #TRAIN-INFORM-PEOPLE# people and the reference number .",
+ "OK , could you book me #TRAIN-INFORM-PEOPLE# tickets for the TR6982 ?",
+ "Please book it for #TRAIN-INFORM-PEOPLE# person please .",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people and give me a reference number .",
+ "That sounds good , can you book for #TRAIN-INFORM-PEOPLE# people please ?",
+ "That would be great . Please book tickets for #TRAIN-INFORM-PEOPLE# people . I 'll also need a reference number , if possible .",
+ "Yes , for the same group of #TRAIN-INFORM-PEOPLE# .",
+ "Sounds great . i will need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people .",
+ "I think I forgot to add that I will need the booking for #TRAIN-INFORM-PEOPLE# people please . Will you modify the booking for me ?",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# person .",
+ "Please make a booking for #TRAIN-INFORM-PEOPLE# people on that first train .",
+ "That is fine please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# person .",
+ "I actually need #TRAIN-INFORM-PEOPLE# tickets - all of us eating at the restaurant will be coming in on that train .",
+ "Please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "grab me #TRAIN-INFORM-PEOPLE# tickets please and I need the conf # too",
+ "That would work . I need #TRAIN-INFORM-PEOPLE# tickets for that train please .",
+ "Yes please . I need it to be booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book tickets on that train for #TRAIN-INFORM-PEOPLE# people and send me the reference number",
+ "Yes . I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes . Book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "You book for #TRAIN-INFORM-PEOPLE# people please .",
+ "That 's perfect , actually . I am going to need #TRAIN-INFORM-PEOPLE# tickets . Can you help with that as well ?",
+ "Please book tickets for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Great , I 'll take the first one and please book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , I will actually need #TRAIN-INFORM-PEOPLE# tickets , it will be a group of us .",
+ "Yes , I 'll actually need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes . I would like a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes please . Book it for Saturday for #TRAIN-INFORM-PEOPLE# people as well .",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# person",
+ "Sure , I would like to book that train for #TRAIN-INFORM-PEOPLE# passengers .",
+ "I think the 19:#TRAIN-INFORM-PEOPLE#5 will work . Can I book that for 3 people ?",
+ "Okay . Can you purchase tickets for me . There will #TRAIN-INFORM-PEOPLE# of us .",
+ "That would be great . Ill need #TRAIN-INFORM-PEOPLE# tickets",
+ "Yes , can I get #TRAIN-INFORM-PEOPLE# tickets please and I 'll need the reference number too",
+ "Sounds great . Can you book #TRAIN-INFORM-PEOPLE# seats for me ?",
+ "Please pick one and book it for #TRAIN-INFORM-PEOPLE# people .",
+ "No . Just one that can fit #TRAIN-INFORM-PEOPLE# people .",
+ "Yes can I get a ticket for #TRAIN-INFORM-PEOPLE# people please",
+ "Yes please for #TRAIN-INFORM-PEOPLE# person .",
+ "That 's great I need to make a booking for #TRAIN-INFORM-PEOPLE# people",
+ "That sounds great , thank you . Could you book that for me for #TRAIN-INFORM-PEOPLE# people ? I will need the reference number as well .",
+ "Yes , that would work just fine . Can I get #TRAIN-INFORM-PEOPLE# ticket please ?",
+ "You can book that one . I need the booking for #TRAIN-INFORM-PEOPLE# people . Could I get a reference number ?",
+ "That sounds great . Can you book that for #TRAIN-INFORM-PEOPLE# people for me ?",
+ "Yes for #TRAIN-INFORM-PEOPLE# person . i 'll also need the reference number .",
+ "Yes that will work . I need #TRAIN-INFORM-PEOPLE# tickets for monday please .",
+ "Yes . Book that one for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book me for #TRAIN-INFORM-PEOPLE# people , this is a surprise family trip .",
+ "Sure please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that 's fine . I 'll take #TRAIN-INFORM-PEOPLE# tickets for that train please .",
+ "Yes , please book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I 'd appreciate it if could book it for me , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , book it for #TRAIN-INFORM-PEOPLE# people at 17:40",
+ "That 's perfect . Can you book for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Actually , can I alter my reservation ? I only need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people .",
+ "Please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Actually I only need it for #TRAIN-INFORM-PEOPLE# people and I will need a reference number .",
+ "Yes can you book that for #TRAIN-INFORM-PEOPLE# person as well ?",
+ "yes ! make a booking for #TRAIN-INFORM-PEOPLE# people . \n Make sure you get the reference number",
+ "Yes I would for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , it would . Can you book me #TRAIN-INFORM-PEOPLE# tickets for that for Friday please ?",
+ "Sure . I would like #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Can you confirm that the train booing is for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "That sounds like it would work . Please make a reservation for #TRAIN-INFORM-PEOPLE# people on that train , please .",
+ "Could you redo booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# person .",
+ "i need #TRAIN-INFORM-PEOPLE# tickets",
+ "yes . book for #TRAIN-INFORM-PEOPLE# people .",
+ "Please book the 6:#TRAIN-INFORM-PEOPLE#2 train for 3 people and please provide me the reference number",
+ "Yes , please book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "I think I would be interested in the 17:54 and I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "It does n't matter , as long as I can book it for #TRAIN-INFORM-PEOPLE# people . I will need the reference number please .",
+ "Yes please for #TRAIN-INFORM-PEOPLE# person .",
+ "Can we increase the amount of people to #TRAIN-INFORM-PEOPLE# ?",
+ "Sounds great . I need tickets for #TRAIN-INFORM-PEOPLE# .",
+ "Yes I need a booking for #TRAIN-INFORM-PEOPLE# people . Please book the one leaving at 20:11 .",
+ "Yes , I will need it for #TRAIN-INFORM-PEOPLE# .",
+ "yes . please reserve seats for #TRAIN-INFORM-PEOPLE# people",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That would be great ! Can you book #TRAIN-INFORM-PEOPLE# tickets on the 13:08 arrival train please ? And then I 'll need the reference number",
+ "Yes , that sounds perfect . Can you purchase #TRAIN-INFORM-PEOPLE# tickets for me please ?",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "I just need #TRAIN-INFORM-PEOPLE# ticket please .",
+ "Yes , could you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "That 's a good time . Please book TR7349 for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Yes , please book the TR0638 . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Book that for me please . I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "You booked for #TRAIN-INFORM-PEOPLE# ticket , correct ? And also , can you help me find a place to visit in the centre of town ?",
+ "Can you please book me for the train that arrives latest . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Could you make me a booking for #TRAIN-INFORM-PEOPLE# ?",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Can you cancel that and get me #TRAIN-INFORM-PEOPLE# tickets instead of 1 please ?",
+ "Yes , it will . Can you book #TRAIN-INFORM-PEOPLE# tickets for me please ?",
+ "Can you book #TRAIN-INFORM-PEOPLE# tickets for me please ?",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# seats .",
+ "I need #TRAIN-INFORM-PEOPLE# please .",
+ "That 's perfect . Could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "yes book it for #TRAIN-INFORM-PEOPLE# people",
+ "Yes I 'd like to book #TRAIN-INFORM-PEOPLE# tickets . And can I get the reference number ?",
+ "The #TRAIN-INFORM-PEOPLE#0:16 will be great , I 'd like to book for 1 person please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please , will you make a booking for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please book the train for #TRAIN-INFORM-PEOPLE# person .",
+ "Yes , i will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Can you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , thanks . I just need #TRAIN-INFORM-PEOPLE# ticket for myself .",
+ "Any of those would be fine , I will be booking for #TRAIN-INFORM-PEOPLE# .",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people on Tuesday and once booked , please send me the reference number .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "That train would work well , but I really need #TRAIN-INFORM-PEOPLE# tickets and the reference number please .",
+ "Yes , whichever train has seats available for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I would like to make a booking please for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that would be great . I 'll need tickets for #TRAIN-INFORM-PEOPLE# people . I 'll also need the reference number .",
+ "Yes , please . I 'll actually need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people",
+ "Would you please ? I would like #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please , also for #TRAIN-INFORM-PEOPLE# people . And I 'd like a reference number , please .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people , please .",
+ "book for #TRAIN-INFORM-PEOPLE# people and get me the reference number",
+ "Yes , can you book me a ticket for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes that is fine please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . Book for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , can you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "That would work perfectly . Can you get me #TRAIN-INFORM-PEOPLE# tickets for that train ?",
+ "As long as I leave by 19:15 it will be fine . There are #TRAIN-INFORM-PEOPLE# of us .",
+ "Yes , and I also need that for #TRAIN-INFORM-PEOPLE# people and the reference number .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I 'd like the later one , please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , can you please book for #TRAIN-INFORM-PEOPLE# seats ?",
+ "Yes it does . Can you book the train for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , correct . I 'd like to make a booking on that train for #TRAIN-INFORM-PEOPLE# people .",
+ "I would like to book the 19:35 train for #TRAIN-INFORM-PEOPLE# people . I will need the reference number , please .",
+ "Yes . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . For #TRAIN-INFORM-PEOPLE# people . Thank you so much .",
+ "Book it for #TRAIN-INFORM-PEOPLE# please .",
+ "Yes , I would like to book it for #TRAIN-INFORM-PEOPLE# people . Please provide me with the reference number as well .",
+ "Yes . Please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please , I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That is fine . I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "book me #TRAIN-INFORM-PEOPLE# tickets .",
+ "That works out fine . It will give me some time to look around before I have to be anywhere . Can you book #TRAIN-INFORM-PEOPLE# tickets for me , please ?",
+ "Book the 11:21 train for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , please I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Please book TR817#TRAIN-INFORM-PEOPLE# for 6 people .",
+ "It will be on friday and I only need #TRAIN-INFORM-PEOPLE# ticket for myself .",
+ "Sure thing , I 'd like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# ticket and can you give me a reference number ?",
+ "Yes please . Book it for #TRAIN-INFORM-PEOPLE# people",
+ "Yes . Can you book for #TRAIN-INFORM-PEOPLE# person ?",
+ "That works , will yhou book it for #TRAIN-INFORM-PEOPLE# people and I need the train number",
+ "That would work perfectly ! Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# train ticket .",
+ "Can you please book that for #TRAIN-INFORM-PEOPLE# people , thank you in advance .",
+ "Great . Please book me #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , that would work . Can you go ahead and book me #TRAIN-INFORM-PEOPLE# tickets and provide me with the reference number , please ?",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please book whichever one is earliest and make sure to get #TRAIN-INFORM-PEOPLE# tickets . Then give me the reference number",
+ "Please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Great ! I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# tickets and provide me with a reference number",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets .",
+ "Great , that will work for me . I need #TRAIN-INFORM-PEOPLE# ticket please and the reference number .",
+ "That 's great . Can you make a booking for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "I ' m sorry , I said I needed a seat for me , but I actually need #TRAIN-INFORM-PEOPLE# seats total . My friends would not be happy if I stranded them .",
+ "Yes I will need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that 's great can I get #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "I 'd like to book this train for #TRAIN-INFORM-PEOPLE# people , if possible .",
+ "Yes . I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Can you make a reservation for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes I need that for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes . I will need #TRAIN-INFORM-PEOPLE# tickets for the train .",
+ "I would like the one that arrives at 10:44 please . I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I would like to book for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes can I please book that train for #TRAIN-INFORM-PEOPLE# people ?",
+ "That sounds good . I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Let 's go with the 10:11 train . I 'd like to book for #TRAIN-INFORM-PEOPLE# people and will need a reference number , please .",
+ "Great can you get me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "There will be #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "That 'll do . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . I will need tickets for #TRAIN-INFORM-PEOPLE# people , please .",
+ "I would need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That sounds great . Can you please book #TRAIN-INFORM-PEOPLE# tickets on that one ?",
+ "Yes . Actually , I would like to book #TRAIN-INFORM-PEOPLE# tickets for that train , please .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Great can I get #TRAIN-INFORM-PEOPLE# tickets for that ?",
+ "Yes , please select one and book it for #TRAIN-INFORM-PEOPLE# people . I 'll need the reference number .",
+ "That sounds great . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "No thanks that will work . I need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I 'll need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . I would like to book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "That 's great can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , it will be for #TRAIN-INFORM-PEOPLE# people .",
+ "That will work . Can you book me #TRAIN-INFORM-PEOPLE# seats , please ?",
+ "No , I just need #TRAIN-INFORM-PEOPLE# tickets departing after 21:15 .",
+ "No the train sounds good . Can book #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes I would like this train booked . I need ticket for #TRAIN-INFORM-PEOPLE# people . I also need the reference number please .",
+ "Yes , that works . Can you place the booking for me , it will have to be for #TRAIN-INFORM-PEOPLE# people and I 'll need the booking number .",
+ "That should work fine can I get tickets for #TRAIN-INFORM-PEOPLE# people ?",
+ "I need #TRAIN-INFORM-PEOPLE# ticket for departure on Thursday .",
+ "No time in particular , please reserve any one of them for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please ! Could you book me seats for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes I need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that works great . Could you book #TRAIN-INFORM-PEOPLE# tickets for me please ?",
+ "That would be great . I will need #TRAIN-INFORM-PEOPLE# tickets booked please .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , it sounds great . Can you book #TRAIN-INFORM-PEOPLE# seats for me please ?",
+ "Yes , I 'd like to make the booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book for #TRAIN-INFORM-PEOPLE# person and send the reference number .",
+ "Yes please , book that for #TRAIN-INFORM-PEOPLE# people and I need the reference number as well .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "I will need #TRAIN-INFORM-PEOPLE# seats",
+ "That sounds like it will work . Can you book #TRAIN-INFORM-PEOPLE# seats for us ? I 'll need a reference number .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please and the reference number can you help me with that ?",
+ "Can I get tickets for #TRAIN-INFORM-PEOPLE# people ?",
+ "Please book #TRAIN-INFORM-PEOPLE# tickets .",
+ "That will work for me . Can you book #TRAIN-INFORM-PEOPLE# tickets for me ?",
+ "Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "I actually need #TRAIN-INFORM-PEOPLE# , I ' m taking my family with me .",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , can you book it for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please . I need the reference number .",
+ "Just #TRAIN-INFORM-PEOPLE# for the train please",
+ "Please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "As long as that leaves after 15:45 , please book #TRAIN-INFORM-PEOPLE# tickets for me .",
+ "Yes , please book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people and provide the reference number .",
+ "Perfect ! I would like to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "The 15:34 sounds perfect . Could you book me tickets for #TRAIN-INFORM-PEOPLE# ?",
+ "I will need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "That sounds perfect , please book #TRAIN-INFORM-PEOPLE# ticket for me , and can I have the reference number ?",
+ "Yes , I need to book tickets for #TRAIN-INFORM-PEOPLE# people please .",
+ "Thank you . Yes I would really love for you to book the train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people and provide me with the reference number .",
+ "That sounds great . Can you book #TRAIN-INFORM-PEOPLE# tickets for that train ?",
+ "That fits my schedule , yes please reserve #TRAIN-INFORM-PEOPLE# tickets for us , and let me know the reference number when you have it .",
+ "I would like to make reservations for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please make one for #TRAIN-INFORM-PEOPLE# people .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes if you can . I would like #TRAIN-INFORM-PEOPLE# tickets for that train .",
+ "Yes , that sounds good . I will need #TRAIN-INFORM-PEOPLE# seats booked please .",
+ "Great ! Can you book #TRAIN-INFORM-PEOPLE# tickets on that train , please ?",
+ "Did I mention I need two tickets ? There are #TRAIN-INFORM-PEOPLE# of us . Sorry .",
+ "That should work , yes please get me #TRAIN-INFORM-PEOPLE# tickets .",
+ "Please book the 17:70 for #TRAIN-INFORM-PEOPLE# people .",
+ "Can you please book me #TRAIN-INFORM-PEOPLE# ticket for TR9493 .",
+ "Sure , please book #TRAIN-INFORM-PEOPLE# tickets for me and give me the reference number",
+ "Okay , can you please make a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes . Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That train is fine can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Well , that 's a little early , but it should work . I 'd like to make a booking for #TRAIN-INFORM-PEOPLE# people actually .",
+ "Perfect . Can you get me #TRAIN-INFORM-PEOPLE# seats on that one ?",
+ "Yes , please for #TRAIN-INFORM-PEOPLE# people .",
+ "That would work for me , I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes that sounds perfect . Can you book it for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , please book for #TRAIN-INFORM-PEOPLE# people./",
+ "The 9:11 one is cool . I need to book for #TRAIN-INFORM-PEOPLE# people . Can I make sure to get the reference number ?",
+ "Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "I would like you to book #TRAIN-INFORM-PEOPLE# tickets for me . Thanks .",
+ "Yes , can I book that for #TRAIN-INFORM-PEOPLE# people ?",
+ "That 's great . Can you make a booking for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I would like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Please book that for #TRAIN-INFORM-PEOPLE# people . Can i get the reference number please ?",
+ "That sounds good , please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please , Could you book #TRAIN-INFORM-PEOPLE# tickets and provide the reference number .",
+ "That sounds great . I will need #TRAIN-INFORM-PEOPLE# tickets please !",
+ "Yes , #TRAIN-INFORM-PEOPLE# people , please . Reference number , please .",
+ "Sounds perfect . Can I get #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "I 'd like to book the 19:17 train for #TRAIN-INFORM-PEOPLE# please and need the reference number .",
+ "Yeah I think that 'll work . Can you book me #TRAIN-INFORM-PEOPLE# seats on that one please ?",
+ "Sure , can you book that for #TRAIN-INFORM-PEOPLE# people and provide my reference number ?",
+ "Yes I am . For #TRAIN-INFORM-PEOPLE# people .",
+ "Can you book passage for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yeah , choose one and book it for #TRAIN-INFORM-PEOPLE# people . Then give me the reference number",
+ "Yes , please , can you book me for #TRAIN-INFORM-PEOPLE# people , and I need th ereference number .",
+ "Yes that sounds good can you get me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , please book for #TRAIN-INFORM-PEOPLE# person the train that departs at 17:50 .",
+ "Okay that will work . I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "same group of #TRAIN-INFORM-PEOPLE# people .",
+ "Can you book the train that will arrive at 18:01 and I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please choose the first option and book it for #TRAIN-INFORM-PEOPLE# people . And do remember to give me the reference number for the reservation",
+ "Yes . That 's perfect . Can you book for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I need a booking for #TRAIN-INFORM-PEOPLE# people and please provide the reference number .",
+ "Yes , please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , there are #TRAIN-INFORM-PEOPLE# of us who will be going .",
+ "I 'll take the 21:39 , I 'll need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , please . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Actually , yes but I will need a total of #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "It does nt matter when I leave , as long as it arrives by 20:00 . The booking should be for #TRAIN-INFORM-PEOPLE# people as well .",
+ "I would like an early train , yes . As close to 8:30 as possible . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# ticket .",
+ "Yes . I would like to book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Please , I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# ticket .",
+ "yes , please . book for #TRAIN-INFORM-PEOPLE# person",
+ "Yeah , get me #TRAIN-INFORM-PEOPLE# tickets please and then tell me the reference number",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book me #TRAIN-INFORM-PEOPLE# seat !",
+ "Once you find the train you want to make a booking for #TRAIN-INFORM-PEOPLE# people . \n Make sure you get the reference number",
+ "That would be great , but I 'll need to reserve #TRAIN-INFORM-PEOPLE# seats , actually .",
+ "No preference on departure time , but I will need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yea please book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , can you book it for #TRAIN-INFORM-PEOPLE# people and get me the reference number ?",
+ "Yes I need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Please book it for #TRAIN-INFORM-PEOPLE# person .",
+ "Yeah , just get #TRAIN-INFORM-PEOPLE# ticket please and tell me the reference number",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# tickets and then give me the reference number",
+ "That will work . Can you book #TRAIN-INFORM-PEOPLE# tickets for that one please ?",
+ "Yes , could I book #TRAIN-INFORM-PEOPLE# tickets for that train ?",
+ "It certainly does . Can you book for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yes that would be fine please book for #TRAIN-INFORM-PEOPLE# people .",
+ "I would like to book this train , for #TRAIN-INFORM-PEOPLE# people , thank you .",
+ "We need #TRAIN-INFORM-PEOPLE# please . We have 2 children under 12 . Do they get a special rate ?",
+ "I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That sounds great . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book tickets for #TRAIN-INFORM-PEOPLE# people and send me the reference number",
+ "Yes , that sounds perfect . I would like a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I have no preference . I just need to book one of those for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people please .",
+ "That would be good , can I get tickets for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes I would like a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book #TRAIN-INFORM-PEOPLE# seats .",
+ "Perfect , can I get #TRAIN-INFORM-PEOPLE# tickets ?",
+ "YES PLEASE . FOR #TRAIN-INFORM-PEOPLE# PERSON .",
+ "Yes , please ! I need #TRAIN-INFORM-PEOPLE# seats .",
+ "Yes please book for #TRAIN-INFORM-PEOPLE# people .",
+ "yes please book for #TRAIN-INFORM-PEOPLE# people",
+ "Can you book that one for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes . please book me #TRAIN-INFORM-PEOPLE# tickets .",
+ "book for #TRAIN-INFORM-PEOPLE# people and give me the reference number",
+ "Yes . The 17:21 would be perfect . Please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please just #TRAIN-INFORM-PEOPLE# seat .",
+ "Perfect . Can I get a booking for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Please , I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That sounds like a winner . Book it please for #TRAIN-INFORM-PEOPLE# person .",
+ "I would like to book for #TRAIN-INFORM-PEOPLE# person and I would like a reference number .",
+ "Yes please , book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# seats .",
+ "That would work . I 'd like #TRAIN-INFORM-PEOPLE# ticket , please .",
+ "Please make a booking for #TRAIN-INFORM-PEOPLE# people on the 7:17 train .",
+ "Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "That does work . Please book #TRAIN-INFORM-PEOPLE# ticket for me .",
+ "Perfect . Can you book #TRAIN-INFORM-PEOPLE# seats for me ?",
+ "That sounds good for me . Could you please get me #TRAIN-INFORM-PEOPLE# tickets ?",
+ "i would like a ticket for #TRAIN-INFORM-PEOPLE# people .",
+ "That sounds perfect ! I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please book the the train for #TRAIN-INFORM-PEOPLE# people and can I get the reference number .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . Can you book me #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people . How about the TR8167 please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets . And could you provide the reference number ?",
+ "I sure would . I need #TRAIN-INFORM-PEOPLE# seats please .",
+ "Yes I would like to book seats on the TR8095 train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I need to book the train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that 's fine a booking for #TRAIN-INFORM-PEOPLE# please .",
+ "make reservation for #TRAIN-INFORM-PEOPLE# person and give me reference number",
+ "That 's great ! Please book for #TRAIN-INFORM-PEOPLE# people . I 'll need the reference number .",
+ "No , just the closest time after 11:4#TRAIN-INFORM-PEOPLE# for 5 tickets please .",
+ "Yes , please . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "No , i just need to be there by 10:15 . I need that booked for #TRAIN-INFORM-PEOPLE# people as welk .",
+ "Yes please , I will need #TRAIN-INFORM-PEOPLE# tickets for this train .",
+ "Yes , I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please , for #TRAIN-INFORM-PEOPLE# people !",
+ "i need to book #TRAIN-INFORM-PEOPLE# tickets for the train .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need #TRAIN-INFORM-PEOPLE# tickets and the reference number .",
+ "Sounds perfect . Could you make me a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I will need tickets for #TRAIN-INFORM-PEOPLE# people please and a reference number .",
+ "Can you pick one and get me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , it interests me a great deal . Book it for #TRAIN-INFORM-PEOPLE# please and get me the reference number .",
+ "That sounds perfect . I need that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , can you book that train for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , that works . Can you book #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "I need it for #TRAIN-INFORM-PEOPLE# people .",
+ "I actually need #TRAIN-INFORM-PEOPLE# tickets on that train , please .",
+ "Yeah that works . Can you book train reservations on that train for the same group of #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I need to book that for #TRAIN-INFORM-PEOPLE# people . Can I have the reference number ?",
+ "I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "I would need #TRAIN-INFORM-PEOPLE# tickets . Can you provide me with the reference number once it is booked ? Thanks .",
+ "Yes , I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . I 'll be needing tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "yes please book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "I need it to arrive by 6:#TRAIN-INFORM-PEOPLE#0 and I need it for 3 people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , can i book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Perfect . please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I would like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "That would be perfect . Book it for #TRAIN-INFORM-PEOPLE# people please and send me the reference number .",
+ "I 'll need one that I can book tickets for #TRAIN-INFORM-PEOPLE# people , lets try the one that departs at 21:40 first .",
+ "make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I need to book #TRAIN-INFORM-PEOPLE# seats . Can you do that ?",
+ "Yes , I only need #TRAIN-INFORM-PEOPLE# ticket for myself .",
+ "Did you book that for my whole group ? #TRAIN-INFORM-PEOPLE# people ?",
+ "That sounds great . I will need #TRAIN-INFORM-PEOPLE# tickets please !",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "That would be fine . I need you to book seats on that train for #TRAIN-INFORM-PEOPLE# people .",
+ "Okay , could you book that for #TRAIN-INFORM-PEOPLE# people ?",
+ "Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please make reservations for sunday for #TRAIN-INFORM-PEOPLE# people .",
+ "Can I book that for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , can you please book #TRAIN-INFORM-PEOPLE# tickets for me on that train ?",
+ "Yes , for #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , that would be great . Can you book me on that train for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , can I get #TRAIN-INFORM-PEOPLE# tickets on that train , with a reference number , please ?",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people . Please confirm with reference number . We are also looking for a place to eat in the north that serves kosher food .",
+ "Arrival does nt matter , but it should leave after #TRAIN-INFORM-PEOPLE#3:00 . Whatever you recommend . Please book 1 seat . I 'll need a reference number as well .",
+ "Yes please . There are #TRAIN-INFORM-PEOPLE# of us travelling .",
+ "The first one is fine . I just need #TRAIN-INFORM-PEOPLE# ticket , please .",
+ "Yes , please , could you book it for the same #TRAIN-INFORM-PEOPLE# people and send me the reference number once completed ?",
+ "Yes , please , I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that is perfect . I need #TRAIN-INFORM-PEOPLE# seats please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "OK , can you book that for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Okay . Would you please book #TRAIN-INFORM-PEOPLE# tickets for that one ?",
+ "Can you book tickets for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , it would . Please make a booking for #TRAIN-INFORM-PEOPLE# people and provide the reference number . I will also need a place to stay .",
+ "Yes . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That is fine . Please book it for #TRAIN-INFORM-PEOPLE# people and provide the reference number .",
+ "I sure would , thanks . I will need seats for #TRAIN-INFORM-PEOPLE# people .",
+ "Do you mean 1#TRAIN-INFORM-PEOPLE#:01 ? If so I would like to book that one for 6 people and I need the reference number .",
+ "Yes , that will work . Please reserve #TRAIN-INFORM-PEOPLE# seats on it for my party and I.",
+ "Please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , would you please make a booking for #TRAIN-INFORM-PEOPLE# on that train .",
+ "That would be just fine can you book that for #TRAIN-INFORM-PEOPLE# people ?",
+ "The one arriving at #TRAIN-INFORM-PEOPLE#0:43 . I just need 1 ticket and a reference number please .",
+ "That sounds good . Can you book that for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "No , there is not . Any will be fine . I 'll need tickets for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yes , that would be perfect , please book that for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , book that for #TRAIN-INFORM-PEOPLE# people . I would also like the reference number .",
+ "Yes please . I need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "YES ! Make a booking for #TRAIN-INFORM-PEOPLE# people RIGHT THIS INSTANT !",
+ "I need #TRAIN-INFORM-PEOPLE# tickets for that one .",
+ "Yes , the #TRAIN-INFORM-PEOPLE#2:01 . Book that for 2 people . I need the reference number too .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please . I need tickets for #TRAIN-INFORM-PEOPLE# people and a reference number .",
+ "Yes please get me #TRAIN-INFORM-PEOPLE# tickets for that",
+ "That 's fine . Could you book this for me , there will be #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please . for #TRAIN-INFORM-PEOPLE# people as well .",
+ "Yes , I 'd like a booking for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Great ! Can you book for #TRAIN-INFORM-PEOPLE# people , please ? I 'll need the reference number .",
+ "Yes , that sounds perfect . I 'll need #TRAIN-INFORM-PEOPLE# seats .",
+ "I would like to book the train arriving at #TRAIN-INFORM-PEOPLE#:07 for 8 people . Can you do that ? I will need the reference number .",
+ "It will actually be for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , can you please make a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes please , book #TRAIN-INFORM-PEOPLE# tickets for me .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "The departure does not matter . I just need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please .",
+ "That one would be better . I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I think that would be good , can you get me #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Yes , I 'd like to book #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , that sounds fine . Can you book me tickets for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yes . Please book the train for #TRAIN-INFORM-PEOPLE# people .",
+ "I 'd like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please get me #TRAIN-INFORM-PEOPLE# tickets for that .",
+ "That will give me time to find my way , in case I get lost , so that 's fine . I 'll need you to book #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes . Can you book #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Book the earliest one for #TRAIN-INFORM-PEOPLE# people .",
+ "book for #TRAIN-INFORM-PEOPLE# people and get me the reference number",
+ "Yes , please . Can you book me for #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Yes please for #TRAIN-INFORM-PEOPLE# people .",
+ "I think that could work please make a booking for #TRAIN-INFORM-PEOPLE# people",
+ "Yes can I book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "That is perfect . Please book it for #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , that would work for me . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Can you book the #TRAIN-INFORM-PEOPLE# of us tickets ?",
+ "Yeah , book the one that leaves at 15:29 please , for #TRAIN-INFORM-PEOPLE# people . Give me the reference number too .",
+ "That 's perfect . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Sounds great . Can you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes . I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Is there a later one that would still get us there by 11:15 ? I need #TRAIN-INFORM-PEOPLE# seats .",
+ "Ok . You can book that one for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I would like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , could you book me #TRAIN-INFORM-PEOPLE# tickets and get me a reference number ?",
+ "Yes , I need a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Sounds great . I need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "I need to book the train fro #TRAIN-INFORM-PEOPLE# people . Are there enough seats available ?",
+ "yes please book me something around 10 for #TRAIN-INFORM-PEOPLE# people",
+ "This one will do . I will need to book for #TRAIN-INFORM-PEOPLE# people . Can I get the reference number once booked , please ?",
+ "That sounds fine . I need tickets for #TRAIN-INFORM-PEOPLE# , please .",
+ "Sure , book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that sounds great . I need to book one for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that works please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Book the first one for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , that would work . Could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "That train sounds good , can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please reserve #TRAIN-INFORM-PEOPLE# seats for us on that train , thanks .",
+ "That sounds perfect , can you book that for #TRAIN-INFORM-PEOPLE# people for me , please ?",
+ "Yes , #TRAIN-INFORM-PEOPLE# seats in fact .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "That is fine please make a booking for #TRAIN-INFORM-PEOPLE# people",
+ "Yes can you book that for #TRAIN-INFORM-PEOPLE# people and get me the reference number ?",
+ "That would be great can you get me #TRAIN-INFORM-PEOPLE# tickets for that ?",
+ "Yes , that would be fine . I 'll need it booked for #TRAIN-INFORM-PEOPLE# people . I 'll also need the reference number , please .",
+ "I will need #TRAIN-INFORM-PEOPLE# train tickets .",
+ "Yes , can you book me a ticket for #TRAIN-INFORM-PEOPLE# people ?",
+ "I would like to book for #TRAIN-INFORM-PEOPLE# people and I need the reference number .",
+ "Yeah . I need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I 'll need #TRAIN-INFORM-PEOPLE# seats .",
+ "Yes #TRAIN-INFORM-PEOPLE# please . Do you know the Williams Art & Antiques ?",
+ "Yes I need a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please I need that for #TRAIN-INFORM-PEOPLE# people please",
+ "Yes please . Book it for #TRAIN-INFORM-PEOPLE# people . What is the reference number ?",
+ "Yes . I would like to book #TRAIN-INFORM-PEOPLE# people .",
+ "Ok please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Perfect . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I ' m sorry , I meant that I need #TRAIN-INFORM-PEOPLE# ticket for the train booked . Can you fix this ?",
+ "I need #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes , that works . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes that will work . Can we book for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that 's perfect . Please book for the same day , Friday , and the same number of people , #TRAIN-INFORM-PEOPLE# .",
+ "Yes , can you book #TRAIN-INFORM-PEOPLE# tickets for me ?",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that would be fine . I need to make the booking for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Great . Can you book me #TRAIN-INFORM-PEOPLE# seats on that train ?",
+ "Yes , let me have #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes , I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes that will work . I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Sorry I actually need that for #TRAIN-INFORM-PEOPLE# people on Thursday .",
+ "Yes , that would work . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes that works . Can you book it for #TRAIN-INFORM-PEOPLE# people and send me the reference number ?",
+ "That is perfect . Can you book #TRAIN-INFORM-PEOPLE# seat for me please ?",
+ "Yes , I want to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Please do . I need #TRAIN-INFORM-PEOPLE# tickets",
+ "Can you book #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Not particularly , there will be #TRAIN-INFORM-PEOPLE# of us .",
+ "The train that gets me there closest to 8:30 would be nice for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes can you book the one that arrives closest to 8:30 for #TRAIN-INFORM-PEOPLE# people .",
+ "Perfect . Can you book that for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "That 's much better , thank you . I 'll need tickets for #TRAIN-INFORM-PEOPLE# .",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "yes please for #TRAIN-INFORM-PEOPLE# people .",
+ "The one that arrives at 7:52 is fine . I would like #TRAIN-INFORM-PEOPLE# tickets please . Can I get the reference number as well ?",
+ "Great can I get TR517#TRAIN-INFORM-PEOPLE# booked for 3 people please ?",
+ "can you book it for #TRAIN-INFORM-PEOPLE# and give me the reference number please ?",
+ "Yes but I need that to be booked for #TRAIN-INFORM-PEOPLE# people . I would like the reference number please . I also need a place to stay as well .",
+ "Excellent can I get #TRAIN-INFORM-PEOPLE# ticket for that ?",
+ "Yes that sounds good , albeit a bit early . Can you book tickets for #TRAIN-INFORM-PEOPLE# people on that one , please ?",
+ "Yes , I would . Could you book that for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "i want to make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that works great can I book that for #TRAIN-INFORM-PEOPLE# people please ?",
+ "That 'll do . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That sounds good . Can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "That sounds perfect ! Can you book me #TRAIN-INFORM-PEOPLE# tickets for that train please ?",
+ "Yes I would like to book for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Yes . Thank you . Please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That 's perfect . Please book it for #TRAIN-INFORM-PEOPLE# tickets .",
+ "Could you book that for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yes please , let 's book that for #TRAIN-INFORM-PEOPLE# person .",
+ "Please make a booking for #TRAIN-INFORM-PEOPLE# people on the 7:17 train .",
+ "No thanks . Go ahead and book the train for #TRAIN-INFORM-PEOPLE# people and please provide the reference number .",
+ "Yes , please book me for #TRAIN-INFORM-PEOPLE# people . My birdwatching club is taking a trip together .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets . How much will that be ?",
+ "That sounds great . Can you book me #TRAIN-INFORM-PEOPLE# tickets on that train please ?",
+ "Perfect . Can you book that for me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , actually I 'd like to book #TRAIN-INFORM-PEOPLE# seats on it .",
+ "That would be great , could you book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes but I need that to be booked for #TRAIN-INFORM-PEOPLE# people . I would like the reference number please . I also need a place to stay as well .",
+ "That will be perfect ! Could you book me #TRAIN-INFORM-PEOPLE# seat please ?",
+ "I need #TRAIN-INFORM-PEOPLE# tickets and a reference number please",
+ "That would work for me . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "I need the train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "It does n't matter when I arrive , but I would like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "I would like to go ahead and book the TR7360 train for #TRAIN-INFORM-PEOPLE# people if avaliable . Can i please get a reference number for the booking when complete ?",
+ "Yes that works . Please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Arrival time does n't matter , it just needs to depart after 12:45 . I 'll need to book the travel for #TRAIN-INFORM-PEOPLE# people . Are there any that can accommodate that many ?",
+ "Perfect , yes . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# person .",
+ "That sounds great . Can you please book #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets and the reference number of the booking .",
+ "Yes please . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "I would like the one that arrives at 8:10 . Could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "I want to book that train for #TRAIN-INFORM-PEOPLE# people .",
+ "Sure . Once again , it 'll be for #TRAIN-INFORM-PEOPLE# people . And PLEASE remember the confirmation number this time !",
+ "Yes , please . I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Just #TRAIN-INFORM-PEOPLE# ticket please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "I 'll need it booked for #TRAIN-INFORM-PEOPLE# people .",
+ "Please make a booking for #TRAIN-INFORM-PEOPLE# person .",
+ "The last train sounds like it will work best . Can you book me #TRAIN-INFORM-PEOPLE# tickets for that one please ?",
+ "That first one sounds good , the one that leaves at 1#TRAIN-INFORM-PEOPLE#:21 . Can you book that train for 2 people please .",
+ "It sure will if you can book #TRAIN-INFORM-PEOPLE# tickets for me .",
+ "Please book that one for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , could I get #TRAIN-INFORM-PEOPLE# tickets for that ?",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "There will be #TRAIN-INFORM-PEOPLE# people traveling .",
+ "That will work , can you reserve #TRAIN-INFORM-PEOPLE# seats for us on that train please ?",
+ "Yes . Please book of #TRAIN-INFORM-PEOPLE# people .",
+ "Please book #TRAIN-INFORM-PEOPLE# tickets and send me the reference number .",
+ "I ' m sorry , I forgot to specify that I need #TRAIN-INFORM-PEOPLE# tickets . Could you change that for me ?",
+ "Sure , can you book this for #TRAIN-INFORM-PEOPLE# people . I 'll need a reference number please .",
+ "That 's perfect . I need #TRAIN-INFORM-PEOPLE# tickets",
+ "Sure , and make me a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please . Can you make the booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people . Can I have the reference number ?",
+ "That would be perfect . Please reserve #TRAIN-INFORM-PEOPLE# seats for me .",
+ "Yes please for #TRAIN-INFORM-PEOPLE# people . I need the reference number as well .",
+ "It would , thanks . Please make me a booking for #TRAIN-INFORM-PEOPLE# people on that train .",
+ "I need to make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "That one would be great . Can I get #TRAIN-INFORM-PEOPLE# tickets on that train , and the reference number once it 's booked ?",
+ "Yes . That 's perfect . I need #TRAIN-INFORM-PEOPLE# tickets please",
+ "Sorry , I should have specified but the booking needs to be for #TRAIN-INFORM-PEOPLE# people",
+ "Oh , sorry about that ! Same as the restaurant , so just #TRAIN-INFORM-PEOPLE# .",
+ "Please reserve for #TRAIN-INFORM-PEOPLE# people",
+ "Yes , I need tickets for #TRAIN-INFORM-PEOPLE# people please .",
+ "Can you book me #TRAIN-INFORM-PEOPLE# seats on that train ?",
+ "Yes , please . I need a booking for #TRAIN-INFORM-PEOPLE# people and I want the reference number . Thanks for being so helpful !",
+ "Yes , #TRAIN-INFORM-PEOPLE# ticket please .",
+ "Yes , please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , can you make a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "It does n't matter . Just pick one and book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That would be great , could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes that works . Go ahead and book me #TRAIN-INFORM-PEOPLE# tickets please",
+ "Yes please book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please make reservations for sunday for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , could you book me tickets for #TRAIN-INFORM-PEOPLE# people on that train ?",
+ "Yes I need to book for #TRAIN-INFORM-PEOPLE# please",
+ "Yes , that should work . Can you book me for #TRAIN-INFORM-PEOPLE# ticket please ?",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes ! Book for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Okay great . Can you help me make a booking for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Please book me #TRAIN-INFORM-PEOPLE# ticket for the TR0415 .",
+ "That will work great . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "I want to make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that sounds ideal . Will you please book for #TRAIN-INFORM-PEOPLE# passengers , please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That would be great . Can I book #TRAIN-INFORM-PEOPLE# seats for that train ?",
+ "I want to book for #TRAIN-INFORM-PEOPLE# people .",
+ "That would be great . Can you book me for #TRAIN-INFORM-PEOPLE# tickets ?",
+ "I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I 'll need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "that is fine . book for #TRAIN-INFORM-PEOPLE# people please",
+ "That 's great . I 'll need #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes , please , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . I need you to book it for #TRAIN-INFORM-PEOPLE# people and then give me the reference number",
+ "Yes please , any of them will do . I just need the booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes I would like to book , for #TRAIN-INFORM-PEOPLE# people .",
+ "There will be #TRAIN-INFORM-PEOPLE# of us traveling , by the way .",
+ "Yes , can you please make a reservation for #TRAIN-INFORM-PEOPLE# people ? And can I get a reference number to give everyone ? Thanks !",
+ "Yes , that sounds perfect . I 'll need #TRAIN-INFORM-PEOPLE# seats .",
+ "Yes make the booking or me for #TRAIN-INFORM-PEOPLE# and provide the reference number .",
+ "Okay can I book that for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# tickets for that train .",
+ "That would be great . I will need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I 'll go with the one that arrives by 8:07 . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , that would be great . I need #TRAIN-INFORM-PEOPLE# seats .",
+ "That is perfect . I would like to make a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "That sounds good . I need it for #TRAIN-INFORM-PEOPLE# people on thursday , please .",
+ "Yes please , I need #TRAIN-INFORM-PEOPLE# tickets and a reference number for my purchase when you are done . Thanks !",
+ "Yes that will work great can you book me #TRAIN-INFORM-PEOPLE# tickets ?",
+ "I 'll take the latest one . Please get me #TRAIN-INFORM-PEOPLE# ticketss",
+ "Yes please , for #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please , I 'll need it for #TRAIN-INFORM-PEOPLE# people",
+ "Yes the 1#TRAIN-INFORM-PEOPLE#:40 sounds good . Can you book it for 5 people please ?",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people",
+ "Great . Please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That will be great . Can you book me #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes . Go with the 22:16 . Book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes please book it for #TRAIN-INFORM-PEOPLE# people and give me the reference number",
+ "Yes , I would need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I just need to leave after 9:00 . Can you book for #TRAIN-INFORM-PEOPLE# people ?",
+ "Were you able to book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , that sounds good . Please book a ticket on TR1#TRAIN-INFORM-PEOPLE#81 for 6 people for me .",
+ "Yes please book me tickets for #TRAIN-INFORM-PEOPLE# people",
+ "Yes lets finish booking the train . I need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "That would be perfect ! Please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Actually I need a booking for #TRAIN-INFORM-PEOPLE# people total not just me .",
+ "Perfect . I 'll need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Please book the 11:16 train for #TRAIN-INFORM-PEOPLE# people and can I please have the reference number ?",
+ "Yes , please I need tickets for all #TRAIN-INFORM-PEOPLE# of us and I need a reference number",
+ "I need #TRAIN-INFORM-PEOPLE# ticket please .",
+ "I would like to book for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please , make the reservation for #TRAIN-INFORM-PEOPLE# people and send me the reference number .",
+ "Great ! Can you book #TRAIN-INFORM-PEOPLE# seats for me on that one ?",
+ "I do n't care when I leave by as long as I get there by 11:30 . I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , that train would work better for me . Can you book tickets for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes , that will be fine . Please book the train for #TRAIN-INFORM-PEOPLE# people .",
+ "TR595#TRAIN-INFORM-PEOPLE# works fine , I need 3 people",
+ "Does n't matter for arrival time . I need it for #TRAIN-INFORM-PEOPLE# people though .",
+ "Yes could you please book that for me for #TRAIN-INFORM-PEOPLE# people and provide a reference number for the booking .",
+ "Yes I would like to book for #TRAIN-INFORM-PEOPLE# people and I need the reference number .",
+ "Yes , please book tickets for #TRAIN-INFORM-PEOPLE# people on that train and absolutely do remember to send me the reference number too",
+ "no , whichever one can fit #TRAIN-INFORM-PEOPLE# of us",
+ "Yes , that will be fine . I would like to book the train for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , that will work . Can I make a booking for #TRAIN-INFORM-PEOPLE# people please ? I will need a reference number .",
+ "Yes can you book that for #TRAIN-INFORM-PEOPLE# people please ?",
+ "I would like to make a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yeah that one would work . Could you book it for #TRAIN-INFORM-PEOPLE# people for me ?",
+ "Sounds great . I would like to book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , please book tickets for #TRAIN-INFORM-PEOPLE# people on TR7430 and provide the reference number once you have completed that . Thanks !",
+ "I need #TRAIN-INFORM-PEOPLE# tickets . Can I please also have the reference number ?",
+ "Yes , please make a booking for #TRAIN-INFORM-PEOPLE# person .",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets .",
+ "The 08:01 is fine actually . Can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Sure , we have a group of #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that will work out great . Can you please book me #TRAIN-INFORM-PEOPLE# tickets for that train ?",
+ "Yes , I need a booking for #TRAIN-INFORM-PEOPLE# people and please provide the reference number .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people",
+ "That sounds perfect . Can you make a booking for me for #TRAIN-INFORM-PEOPLE# ?",
+ "Yes , could you actually book #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Yes , I will need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "No , the arrival time does not matter . I need to book #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . I 'll need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "That would work for me can I get tickets for #TRAIN-INFORM-PEOPLE# people ?",
+ "That will be fine . book for #TRAIN-INFORM-PEOPLE# people",
+ "Yes please , for the same #TRAIN-INFORM-PEOPLE# people . And can I have the reference number ?",
+ "Yes , I would like that for #TRAIN-INFORM-PEOPLE# people as well .",
+ "I need for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "That will work . Could you reserve #TRAIN-INFORM-PEOPLE# seats on that train for me ?",
+ "For #TRAIN-INFORM-PEOPLE# people , please . And can I get a reference number please ?",
+ "Can I make a reservation for #TRAIN-INFORM-PEOPLE# people and get a confirmation number ?",
+ "Ok , I need to book the train for #TRAIN-INFORM-PEOPLE# people please .",
+ "Please book the train for #TRAIN-INFORM-PEOPLE# people as well . I 'll also need a reference number .",
+ "I would like to book that train for #TRAIN-INFORM-PEOPLE# people please .",
+ "sounds great . please book it for #TRAIN-INFORM-PEOPLE# peoople .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes can you make me a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Thanks , could you book #TRAIN-INFORM-PEOPLE# tickets and let me know the reference number please ?",
+ "Yes , #TRAIN-INFORM-PEOPLE# tickets please .",
+ "That one will work . Can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yeah . I need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes please . Get me #TRAIN-INFORM-PEOPLE# tickets for my party as well as a reference number .",
+ "That would work . Can you book me #TRAIN-INFORM-PEOPLE# tickets for that train ?",
+ "Yes , that would work . Can you book #TRAIN-INFORM-PEOPLE# tickets for that train ? I will need a reference number for that as well , please .",
+ "yes please , #TRAIN-INFORM-PEOPLE# people . And I 'd like the reference number please .",
+ "Yes , book me for #TRAIN-INFORM-PEOPLE# please .",
+ "I am not particular about departure time , please book #TRAIN-INFORM-PEOPLE# seats on the one arriving earliest and let me know the reference number .",
+ "Sure that sounds good , I will need #TRAIN-INFORM-PEOPLE# tickets please , and the reference number .",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Please book for #TRAIN-INFORM-PEOPLE# people the train that departs at 9:01 .",
+ "Before that , I need a booking for #TRAIN-INFORM-PEOPLE# people . Does that narrow it down ?",
+ "Yes , that would work . I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets . Please give me the train details .",
+ "Yes I will like tickets for #TRAIN-INFORM-PEOPLE# please .",
+ "That sounds great , can you book passage for #TRAIN-INFORM-PEOPLE# , please ?",
+ "I will take the earlier one , can you reserve me #TRAIN-INFORM-PEOPLE# tickets and provide me with the reference number ?",
+ "I apologize , I am so excited about the trip it is making me spacy , please book me for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# person .",
+ "Okay . Can you go ahead and book that train for #TRAIN-INFORM-PEOPLE# people please ? And give me the reference number .",
+ "No , I do n't have a specific departure time , but I need to book #TRAIN-INFORM-PEOPLE# tickets on the same train .",
+ "Yes , please . Could you book #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Great can you get me a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "That would be great , I 'd like to book for #TRAIN-INFORM-PEOPLE# person please .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes please . Can you book #TRAIN-INFORM-PEOPLE# tickets on that train ? I 'd like a reference number if possible .",
+ "Okay , please book the train for #TRAIN-INFORM-PEOPLE# people on Saturday .",
+ "Yes , please book that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , it interests me a great deal . Book it for #TRAIN-INFORM-PEOPLE# please and get me the reference number .",
+ "perfect book for #TRAIN-INFORM-PEOPLE# people",
+ "Yes , please book this train for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , that will work . For #TRAIN-INFORM-PEOPLE# people , please .",
+ "Yes please , book that for #TRAIN-INFORM-PEOPLE# people and I need the reference number .",
+ "Yes , please . There are #TRAIN-INFORM-PEOPLE# of us traveling together .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# please .",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# ticket .",
+ "Yes , I 'd like #TRAIN-INFORM-PEOPLE# tickets , please , along with the reference number .",
+ "Yes , please book this train for #TRAIN-INFORM-PEOPLE# people . I also will need the reference number .",
+ "That is perfect . Can you book #TRAIN-INFORM-PEOPLE# seat for me please ?",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people , and I will need the reference number please .",
+ "That would work for me can I get a train for #TRAIN-INFORM-PEOPLE# people ?",
+ "I ' m sorry , I meant that I need #TRAIN-INFORM-PEOPLE# ticket for the train booked . Can you fix this ?",
+ "If it arrives by #TRAIN-INFORM-PEOPLE#7:55 , then yes , please book 1 seat for me .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "That will work . Please book #TRAIN-INFORM-PEOPLE# tickets . I 'll also need a reference number .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes that works . I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "I 'd like to book it for #TRAIN-INFORM-PEOPLE# people , yes .",
+ "Sure , that sounds good . I will have a party of #TRAIN-INFORM-PEOPLE# .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# of them .",
+ "Yes , I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please . I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I would like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "It will be for #TRAIN-INFORM-PEOPLE# people .",
+ "That would be great . Can you get me #TRAIN-INFORM-PEOPLE# tickets on that train ?",
+ "Would it be possible to book that train for #TRAIN-INFORM-PEOPLE# people ?",
+ "Great , can I get #TRAIN-INFORM-PEOPLE# tickets on that train ?",
+ "That s is great , I need it for #TRAIN-INFORM-PEOPLE# people as well , and can I get a reference number as well please ?",
+ "Yes , please book that first train for #TRAIN-INFORM-PEOPLE# person .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes , please . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I would like to book the 5:29 for #TRAIN-INFORM-PEOPLE# passengers if that is available .",
+ "Book whatever for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , can you book that for #TRAIN-INFORM-PEOPLE# people and give me a reference number ?",
+ "Thank you can , you book me for #TRAIN-INFORM-PEOPLE# people on that train ?",
+ "yep , for #TRAIN-INFORM-PEOPLE# people at 13:09",
+ "Yes , whichever train has seats available for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes that will work . Could you please reserve tickets for #TRAIN-INFORM-PEOPLE# and provide the reference number too ?",
+ "Yes , that 's wonderful ! I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "No , I do not have a time preference . Also , can you book that train for #TRAIN-INFORM-PEOPLE# passengers ?",
+ "Either one is fine . I need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "1#TRAIN-INFORM-PEOPLE# 36 is good . book for 5 please",
+ "I ' ve got a group of #TRAIN-INFORM-PEOPLE# people in all .",
+ "Yes , can you book for #TRAIN-INFORM-PEOPLE# people .",
+ "THat sounds great , can I please get #TRAIN-INFORM-PEOPLE# tickets ?",
+ "I would need #TRAIN-INFORM-PEOPLE# tickets please and the reference number .",
+ "I 'll need #TRAIN-INFORM-PEOPLE# tickets , actually .",
+ "I would need seats for #TRAIN-INFORM-PEOPLE# people please .",
+ "That sounds goo . Can you book for #TRAIN-INFORM-PEOPLE# people ?",
+ "I need that for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , for the same group of #TRAIN-INFORM-PEOPLE# people from before .",
+ "As long it arrives by 08:45 going to cambridge I should be good yes ticket for #TRAIN-INFORM-PEOPLE# please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes please . I need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes I need #TRAIN-INFORM-PEOPLE# tickets and the reference number .",
+ "Yes . I actually need #TRAIN-INFORM-PEOPLE# seats",
+ "Yes . I need to book tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "As long as you mean a 15:16 departure , I 'll take #TRAIN-INFORM-PEOPLE# tickets , please .",
+ "Yes please book #TRAIN-INFORM-PEOPLE# tickets .",
+ "That would be great . I need to reserve seats for #TRAIN-INFORM-PEOPLE# people on that train .",
+ "Sounds good . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Actually , I would need #TRAIN-INFORM-PEOPLE# tickets for that train .",
+ "Okay , for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Yes please book for #TRAIN-INFORM-PEOPLE# people , I also need a reference number .",
+ "Yes please book a round trip ticket for #TRAIN-INFORM-PEOPLE# people .",
+ "Great , can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I 'll need #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I want to make a booking for #TRAIN-INFORM-PEOPLE# people",
+ "That sounds perfect . Can you book #TRAIN-INFORM-PEOPLE# seats for me ?",
+ "I just need to verify that that booking is for #TRAIN-INFORM-PEOPLE# people . If not , can you change it ?",
+ "Yes , that will work for me . Can you please make a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Just #TRAIN-INFORM-PEOPLE# seat please .",
+ "Sounds great ! Can I get tickets for #TRAIN-INFORM-PEOPLE# people ?",
+ "That works , can you book #TRAIN-INFORM-PEOPLE# seats for me please ?",
+ "Yeah , can you book #TRAIN-INFORM-PEOPLE# tickets for me ?",
+ "Can you arrange travel for #TRAIN-INFORM-PEOPLE# people for TR1389 on Sunday ?",
+ "Yes please . I need #TRAIN-INFORM-PEOPLE# tickets . And I ' m sorry , I did n't need you to book the hotel , hope it 's not too late .",
+ "Yes , could you make a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "That sounds great . Please make a booking for #TRAIN-INFORM-PEOPLE# people , please .",
+ "Yes please pick the last option and book #TRAIN-INFORM-PEOPLE# tickets for me . I will definitely need the reference number too .",
+ "That 's perfect , could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , I need #TRAIN-INFORM-PEOPLE# tickets . And could you provide the reference number ?",
+ "That should be perfect . Can I get reservations for #TRAIN-INFORM-PEOPLE# ?",
+ "Yes please . I need to book it for #TRAIN-INFORM-PEOPLE# people . Can I please get the reference number after it 's booked ?",
+ "Yes , please , for #TRAIN-INFORM-PEOPLE# people .",
+ "That sounds great . Can you book me #TRAIN-INFORM-PEOPLE# tickets on that train please ?",
+ "Yes book for #TRAIN-INFORM-PEOPLE# people",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people . Thanks .",
+ "Yes please book for #TRAIN-INFORM-PEOPLE# people",
+ "I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I only need #TRAIN-INFORM-PEOPLE# ticket .",
+ "Yes , please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Great can I get #TRAIN-INFORM-PEOPLE# tickets for that and the reference number ?",
+ "Yes , that sounds much better . I 'll need tickets for #TRAIN-INFORM-PEOPLE# , please .",
+ "Great ! Please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Great . Let 's book it for #TRAIN-INFORM-PEOPLE# people . Give me the reference number .",
+ "Yes please I would like to book it for #TRAIN-INFORM-PEOPLE# people please .",
+ "That sounds great . Can you book #TRAIN-INFORM-PEOPLE# seats for me ?",
+ "That 's great . Can you book that train for #TRAIN-INFORM-PEOPLE# people , please ?",
+ "Yes , that does work . Could you book it for #TRAIN-INFORM-PEOPLE# person please ?",
+ "Yes , please ! I 'd like #TRAIN-INFORM-PEOPLE# tickets on that train .",
+ "Yes , can you book that for #TRAIN-INFORM-PEOPLE# people and give me the reference number please ?",
+ "Sure . Please book it for #TRAIN-INFORM-PEOPLE# people and provide me the reference number .",
+ "Can you book me #TRAIN-INFORM-PEOPLE# tickets on the 13:00 train ?",
+ "Sounds great , thanks ! Can you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes that sounds perfect . Please secure passage for #TRAIN-INFORM-PEOPLE# people on the TR8893 .",
+ "Yes , for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Could you make a booking for #TRAIN-INFORM-PEOPLE# people ? I need a reference number as well .",
+ "I need to arrive by 1#TRAIN-INFORM-PEOPLE#:15 and will need to book for 5 people .",
+ "The 11:09 train would be fine . I need #TRAIN-INFORM-PEOPLE# tickets and a reference number , please .",
+ "I 'd like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Please book for #TRAIN-INFORM-PEOPLE# people .",
+ "That will work . Will you please book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "yes please . #TRAIN-INFORM-PEOPLE# tickets",
+ "Yes . Can you please book #TRAIN-INFORM-PEOPLE# seats ?",
+ "Sure , they are normally on time . Could you book that for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes please . I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "Yes , please book the train for #TRAIN-INFORM-PEOPLE# people .",
+ "That 's perfect ! Please make a booking for #TRAIN-INFORM-PEOPLE# and provide the reference number once you 're done . Thanks !",
+ "Yes please . Book it for #TRAIN-INFORM-PEOPLE# people .",
+ "That sounds great , can you get me #TRAIN-INFORM-PEOPLE# tickets ?",
+ "Yes , for #TRAIN-INFORM-PEOPLE# person please , and give me the reference number .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "yes book that for #TRAIN-INFORM-PEOPLE# people please",
+ "Sure , for #TRAIN-INFORM-PEOPLE# people please .",
+ "Yes , please , for #TRAIN-INFORM-PEOPLE# people .",
+ "Any of those would be fine . Thank you . For #TRAIN-INFORM-PEOPLE# people and can I have the reference number ?",
+ "Yes , that would be fine . I 'll need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes . Make booking for #TRAIN-INFORM-PEOPLE# people and can I have a refernce number ?",
+ "Yes . Make booking for #TRAIN-INFORM-PEOPLE# people and can I have a refernce number ?",
+ "Yes , can you book it for #TRAIN-INFORM-PEOPLE# people and could I get the reference number ?",
+ "Can you please book me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes please get me #TRAIN-INFORM-PEOPLE# ticket and then tell me the reference number",
+ "That sounds fine . Can you reserve #TRAIN-INFORM-PEOPLE# tickets for me please ?",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "That would work can I get #TRAIN-INFORM-PEOPLE# tickets please ?",
+ "Can you book me for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes please make a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "That seems to work . I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes please . I need that booked for #TRAIN-INFORM-PEOPLE# people .",
+ "The 9:23 arrival is perfect timing ! I need it for the same #TRAIN-INFORM-PEOPLE# people . Can I please get the reference number for that booking also ?",
+ "Okay . Could you make me a booking for #TRAIN-INFORM-PEOPLE# people please ?",
+ "Yes please . I need to book it for #TRAIN-INFORM-PEOPLE# people . Once booked can I please have the reference number ?",
+ "Yes , that 's perfect . I need tickets for #TRAIN-INFORM-PEOPLE# people , please .",
+ "That will work . I will need tickets for #TRAIN-INFORM-PEOPLE# people ."
+ ],
+ "Depart;Dest;": [
+ "I want to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , no preference for time but I need to book for 8 people .",
+ "Great ! I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , please .",
+ "I am going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# , going to #TRAIN-INFORM-DEST# .",
+ "I have to get to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# for a family matter , can you help me book a train ?",
+ "I want a train that goes to #TRAIN-INFORM-DEST# and leaves from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train departing #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "i am also looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I am traveling to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ?",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I am going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I also need a train that depart #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "i ' m sorry , dude . i ' m from florida so i ' m not very smart . i ' m trying to get from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Hey , I am looking for a train that leaves #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , where is it ?",
+ "That is wrong I am leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I want to get a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "Yes , I need to find a train going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please .",
+ "Thank you I also need a train that will depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "Yes , I need a train from #TRAIN-INFORM-DEPART# new street to #TRAIN-INFORM-DEST# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "Great I also need a train that should depart #TRAIN-INFORM-DEPART# and head to #TRAIN-INFORM-DEST# .",
+ "I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Find me train times from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train . The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need to find a train going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and heading to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# and it should depart from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and arriving at #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "I am also looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m sorry , It needs to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "Oh , silly me ! I guess that information would help , would n't it ? I need to depart from #TRAIN-INFORM-DEPART# and arrive in #TRAIN-INFORM-DEST# , please .",
+ "I need to book a train to #TRAIN-INFORM-DEST# from a train leaving from #TRAIN-INFORM-DEPART# .",
+ "Departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I 'd like to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "actually , i ' m so stupid . i need a train FROM #TRAIN-INFORM-DEPART# . i ' m going to #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I 'd like to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Thanks ! I ' m also looking for a train that leaves from #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# .",
+ "From #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# . Arrival time as close to 12:30 as possible please .",
+ "I also need a train leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Great . I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# that morning . I need it to get in by 8:00 .",
+ "Hello , do you have a train doing to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# ?",
+ "Oh , we need a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . Can you give me some departure times and how long is the travel ?",
+ "I need a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# please .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# and departing from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Hi , I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Can you help me with that ?",
+ "I need help booking a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Thanks ! I also need a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# . Can you help me with that ?",
+ "Yes please . I would also like a train that will depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I ' m hoping to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Please list all times for that route .",
+ "Thanks , I ' m also looking for a train to #TRAIN-INFORM-DEST# departing #TRAIN-INFORM-DEPART# .",
+ "Hi , I 'd like to book a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# . Can you help ?",
+ "I am going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "actually , i need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train . The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# , departing from #TRAIN-INFORM-DEPART# .",
+ "Great , thanks . I also need to book a train going to #TRAIN-INFORM-DEST# , and I will be departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . Can you help me ?",
+ "Can I please get information for a train going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ?",
+ "I ' m looking for a train from #TRAIN-INFORM-DEPART# to the #TRAIN-INFORM-DEST# .",
+ "I ' m traveling from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Monday , thank you . I 'll be departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# .",
+ "I ' m also looking for a train . It will depart from #TRAIN-INFORM-DEPART# and should arrive at #TRAIN-INFORM-DEST# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , if possible .",
+ "I need information for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Need a train to #TRAIN-INFORM-DEST# departing from #TRAIN-INFORM-DEPART# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# .",
+ "I am leaving #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Hello there ! I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I 'll be travelling from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes , I am a looking for a train that departs from #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# .",
+ "I ' m actually departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "That 's alright . But now what I do ned is to find a train from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . Could you help me ?",
+ "I 'd like to depart from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# after 09:30",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , please .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and travel to #TRAIN-INFORM-DEST# .",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# with a destination of #TRAIN-INFORM-DEST# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# headed to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# please .",
+ "I ' m looking for a train that goes to #TRAIN-INFORM-DEST# and departs from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "Actually , I apologize no need to book , I was just gathering information . But I do need information on a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Hi , I am looking for a train that goes to #TRAIN-INFORM-DEST# and departs from #TRAIN-INFORM-DEPART# .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# heading to #TRAIN-INFORM-DEST# please .",
+ "I am leaving from #TRAIN-INFORM-DEPART# heading to #TRAIN-INFORM-DEST# please .",
+ "Yes , I am also looking for a train departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I want to go to #TRAIN-INFORM-DEST# and depart from #TRAIN-INFORM-DEPART# .",
+ "Please help me find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am leaving #TRAIN-INFORM-DEPART# to go to #TRAIN-INFORM-DEST# .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , please .",
+ "i am leaving from #TRAIN-INFORM-DEST# and going to #TRAIN-INFORM-DEPART# .",
+ "I am looking for trains that depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# please .",
+ "Thank you , I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a to find a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I ' m also looking for a train to get to #TRAIN-INFORM-DEST# . I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# . i need to leave after 11;15 please",
+ "I want to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I ' m hoping to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Please list all times for that route .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# and i ' m going to #TRAIN-INFORM-DEST# .",
+ "Thanks , I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# afterwards",
+ "I need the train to go to #TRAIN-INFORM-DEST# and leave from #TRAIN-INFORM-DEPART# .",
+ "From #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Great . I ' m also looking for a train from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . Can you help with that ?",
+ "Thank you . I ' m also looking for information on trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# and arriving at #TRAIN-INFORM-DEST# .",
+ "I 'll be going from #TRAIN-INFORM-DEPART# and heading to #TRAIN-INFORM-DEST# .",
+ "I should leave on Sunday and arrive by 16:30 , from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# and heading to #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# . I do n't care about the departure time .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I am departing from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Hi . I ' m looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , if there is one .",
+ "I am traveling to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "Yes , I would like to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please .",
+ "Thank you . I am also looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Can you help with that ?",
+ "I am departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "From #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please",
+ "I am looking to go to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I need to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am looking to go to #TRAIN-INFORM-DEST# and depart from #TRAIN-INFORM-DEPART# .",
+ "I need to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I 'll be going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEST# and departing from #TRAIN-INFORM-DEPART# .",
+ "It should leave from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# .",
+ "i i ' m looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I do n't need a reservation for the restaurant . I need to find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "So the train should depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "I am also looking for a train , departing #TRAIN-INFORM-DEPART# , going to #TRAIN-INFORM-DEST# .",
+ "Yes . I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes , I 'd like to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Find me a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please",
+ "I am looking to leave on wednesday after 15:45 and should depart from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# and it should go to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please .",
+ "Yes , I need a train departing #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I 'd be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Please assist me in finding a train going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I will leaving #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I would like to go to #TRAIN-INFORM-DEST# departing from #TRAIN-INFORM-DEPART# .",
+ "I also need a train that should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I need a train that departs from #TRAIN-INFORM-DEPART# and arrives at #TRAIN-INFORM-DEST# . Can you help me ?",
+ "The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I am in #TRAIN-INFORM-DEPART# . I need to figure out how to get to #TRAIN-INFORM-DEST# by train .",
+ "I will be departing #TRAIN-INFORM-DEPART# and going to arriving at #TRAIN-INFORM-DEST# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I want to book a train from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "No but I do need a train that will depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "Yes . I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes , I need a train from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Leaving #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# please .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I am looking for a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m heading to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "From #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please .",
+ "I need some quick information on trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . What can you tell me ?",
+ "Find me train times from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Need a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "No . I need to leave after 19:30 on saturday from #TRAIN-INFORM-DEPART# and then go to #TRAIN-INFORM-DEST# . Try again please .",
+ "I am also looking for a train that departs from #TRAIN-INFORM-DEPART# and heads to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# into #TRAIN-INFORM-DEST# , please .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Oh great thank you for your help . Where is the train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# depart from and when ?",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes , I need to take a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I want to go to #TRAIN-INFORM-DEST# and would depart from #TRAIN-INFORM-DEPART# .",
+ "Yes , hello . I need a train departing from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I want to go #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train leaving #TRAIN-INFORM-DEPART# goig to #TRAIN-INFORM-DEST# ?",
+ "I also need a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "Thank you . I ' m also looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives at #TRAIN-INFORM-DEST# .",
+ "I also need to book a train . I need to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I need a train also that goes from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , please .",
+ "Thurs . would like to arrive by 08:15 please . I am going to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "I also need a train that will depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "i want to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I want to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I want a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' ve changed my mine . I 'd like a train that departs from #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# instead .",
+ "i ' m leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I am leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . I need a ticket that leaves on saturday and will get me there by 12:15 , can you help ?",
+ "Yes , I am looking for a train that departs from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Is there any available ?",
+ "I want to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes , i also need a train that departs from #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "I need to book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , can you help me ?",
+ "I am leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Thank you . I am also looking for a train that goes from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I would like to book a train that departs from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# , please .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "That 's alright . I ' m also looking for a train booking too . I need to go to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I want to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Excellent . I 'd also like a train please . One that leaves from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train departing from #TRAIN-INFORM-DEPART# that is going to #TRAIN-INFORM-DEST# .",
+ "Yes . I am also looking for a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and my destination is #TRAIN-INFORM-DEST# .",
+ "I also will need a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I 'll be going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# departing from #TRAIN-INFORM-DEPART# ?",
+ "I am looking for a train going to #TRAIN-INFORM-DEST# and departing from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train departing #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# ?",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Do you have such trains ?",
+ "I am looking for a train leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Hi , are there any trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ?",
+ "I want a train that goes to #TRAIN-INFORM-DEST# and leaves from #TRAIN-INFORM-DEPART# .",
+ "I need to get a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , please .",
+ "How often do trains depart #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# during the week ?",
+ "I ' m also looking for a train to get to #TRAIN-INFORM-DEST# . I 'll be departing from #TRAIN-INFORM-DEPART# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Great can you help me get a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ?",
+ "No need , but I am looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . Can you please find one for me .",
+ "I will be departing #TRAIN-INFORM-DEPART# and arriving in #TRAIN-INFORM-DEST# .",
+ "I need to find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "To #TRAIN-INFORM-DEST# . I ' m leaving from #TRAIN-INFORM-DEPART# if that helps .",
+ "I ' m going to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "Hi , I ' m looking for a train that 's going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# , what kinds of options are there ?",
+ "I want to go to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I also need a train from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "Yes , I also need a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I need to go to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# .",
+ "Hello I am looking for a train leaving from #TRAIN-INFORM-DEPART# and arriving at #TRAIN-INFORM-DEST# .",
+ "I also want information on any trains that depart from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Yes . I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "i will be going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I also need to find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# , and I need to go to #TRAIN-INFORM-DEST# .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I will be traveling to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I ' m leaving sunday from #TRAIN-INFORM-DEPART# going towards #TRAIN-INFORM-DEST# .",
+ "I would like to book a train to #TRAIN-INFORM-DEPART# , from #TRAIN-INFORM-DEST# .",
+ "Thanks . I ' m also looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# ?",
+ "I would like a train going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# in the morning . Can you book a seat for me and let me know the reservation number ?",
+ "I ' m looking for a train leaving from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# .",
+ "I need it to go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m trying to get the #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# , actually .",
+ "thanks , I 'll also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Thanks . I also need train tickets from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# please",
+ "I also looking for a train . The train should go to #TRAIN-INFORM-DEST# and should depart from #TRAIN-INFORM-DEPART# .",
+ "From #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I would also like to see if I could catch a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "Please assist me in finding a train going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# .",
+ "The train should go to #TRAIN-INFORM-DEPART# and should depart from #TRAIN-INFORM-DEST# ."
+ ],
+ "Dest;Leave;": [
+ "I 'd like to go to #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# , I have to attend a meeting beforehand .",
+ "Hi . I m looking for a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m going to #TRAIN-INFORM-DEST# . I want my train to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , we are going to #TRAIN-INFORM-DEST# and need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I am also looking for a train that leaves after #TRAIN-INFORM-LEAVE# and goes to #TRAIN-INFORM-DEST# .",
+ "i will be traveling to #TRAIN-INFORM-DEST# and would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I appreciate your help . I need to travel by train to #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# . What is available , please ?",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train that goes to #TRAIN-INFORM-DEST# and leaves after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "I am looking for a train going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# please",
+ "I need a train that will be leaving anytime after #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# , please .",
+ "I need a train going to #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# please .",
+ "Not now , but I do need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m looking for a train to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# , can you help ?",
+ "I wanted to leave after #TRAIN-INFORM-LEAVE# . When is the last train to #TRAIN-INFORM-DEST# ?",
+ "I ' m also looking for information on trains that leave after #TRAIN-INFORM-LEAVE# and go to #TRAIN-INFORM-DEST# .",
+ "Yes , I want to go to #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# please .",
+ "We are traveling to #TRAIN-INFORM-DEST# . Oh , and we should leave after #TRAIN-INFORM-LEAVE# too .",
+ "I will be traveling to #TRAIN-INFORM-DEST# and need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to find out if there 's a train going to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "Going to #TRAIN-INFORM-DEST# . I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I will be departing after #TRAIN-INFORM-LEAVE# and going to #TRAIN-INFORM-DEST# .",
+ "Sure , I 'd like to leave for #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# .",
+ "I need to take a train , going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# .",
+ "Not right now , but thanks . I do need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# , though .",
+ "I want a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I am headed to #TRAIN-INFORM-DEST# . I can not get on the train until #TRAIN-INFORM-LEAVE# .",
+ "Can you help me find a train leaving after #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# ?",
+ "I am leaving from cambridge and going to #TRAIN-INFORM-DEST# and I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# and would like to go to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train . It should leave after #TRAIN-INFORM-LEAVE# , and should go to #TRAIN-INFORM-DEST# .",
+ "Is there a train I can take to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEST# and need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes I also need a train that leavers after #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# .",
+ "No that 's all I needed with that . i also need a train leaving after #TRAIN-INFORM-LEAVE# heading to #TRAIN-INFORM-DEST# .",
+ "I need to find out if there 's a train going to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "Yes the train should go to #TRAIN-INFORM-DEST# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Thanks ! I also need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Is there a train I can take to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "I am trying to find a train leaving after #TRAIN-INFORM-LEAVE# to go to #TRAIN-INFORM-DEST# .",
+ "I need to go to #TRAIN-INFORM-DEST# , and I need to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "Okay great . I am also looking for a train that goes to #TRAIN-INFORM-DEST# & leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "I would like to go to #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# .",
+ "Need a train to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# . Can you help me ?",
+ "Where 's the train that leaves around #TRAIN-INFORM-LEAVE# ? It should also be going to #TRAIN-INFORM-DEST# as well .",
+ "I am also looking for a train that goes to #TRAIN-INFORM-DEST# and leaves after #TRAIN-INFORM-LEAVE# .",
+ "Actually , can you find a train to #TRAIN-INFORM-DEST# for me ? I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Not now , thanks . I do need to find a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "Is there any train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# ?",
+ "No , I need a train that leaves after #TRAIN-INFORM-LEAVE# that goes to #TRAIN-INFORM-DEST# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# and go to #TRAIN-INFORM-DEST# .",
+ "I 'll be leaving cambridge and arriving at #TRAIN-INFORM-DEST# on wednesday , I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to go #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# .",
+ "Hi , can you find me a train going to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "I am looking for a train that leaves for #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train that should leave sometime after #TRAIN-INFORM-LEAVE# . I would like to get to #TRAIN-INFORM-DEST# .",
+ "I am going to #TRAIN-INFORM-DEST# . I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes I need a train going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# .",
+ "Hey ! Trying to locate a train that goes to #TRAIN-INFORM-DEST# and would leave right after #TRAIN-INFORM-LEAVE# .",
+ "Thanks . I ' m also looking for a train . The train should go to #TRAIN-INFORM-DEST# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Great info . I need help with a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# . I am also going to be looking for local places to eat .",
+ "I am going to #TRAIN-INFORM-DEST# and I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train that is going to #TRAIN-INFORM-DEST# and leaves after #TRAIN-INFORM-LEAVE# .",
+ "I am looking to go to #TRAIN-INFORM-DEST# and leave after #TRAIN-INFORM-LEAVE# please .",
+ "Could you tell me if there s a train going to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "I need to leave after #TRAIN-INFORM-LEAVE# and it should go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train that is going to #TRAIN-INFORM-DEST# and leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m hoping for a train to #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need a train leaving after #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# . Thank you .",
+ "I also need a train going to #TRAIN-INFORM-DEST# I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yea I also need a train that goes to #TRAIN-INFORM-DEST# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Also the destination is #TRAIN-INFORM-DEST# and leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need a train leaving after #TRAIN-INFORM-LEAVE# and heading the #TRAIN-INFORM-DEST# .",
+ "I would like to go to #TRAIN-INFORM-DEST# and I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I ' m travelling to #TRAIN-INFORM-DEST# and I need a train leaving after #TRAIN-INFORM-LEAVE# .",
+ "I need a train into #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# , please .",
+ "I ' m looking for a train . The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# .",
+ "Getting out of cambridge for awhile going to #TRAIN-INFORM-DEST# and would like to leave anytime after #TRAIN-INFORM-LEAVE# please"
+ ],
+ "none;": [
+ "Please book that train for me now .",
+ "Thank you . I would also like to book a train , please .",
+ "yeah i need a train too",
+ "I am looking for a train departing from london liverpool please .",
+ "Yes , please book the train for me . That will be all .",
+ "Great ! I am also looking for information about a train . Can you help me with that ?",
+ "I would just like to find a train first , and get the info . I think I have the info I needed .",
+ "Yes I would . There are 3 of us traveling . Could we get a private area on the train ?",
+ "I also need a train",
+ "Yes please book that train for me .",
+ "Yes . I ' m looking for a train , please .",
+ "Oh , gosh . My daughter does n't like the sound of that . She wants to explore the city . Can you help me find a train ?",
+ "That train works well .",
+ "Actually , I 'll book later . Can you help me find a train though ?",
+ "Great , thanks . Now could you also help me find a train ?",
+ "I will also need a train",
+ "Thanks for the info . I also need to look for a train . Can you look that up ?",
+ "Thank you . Would it be possible to find a train for me as well ?",
+ "Can you help me find train tickets ? Thanks !",
+ "i ' m also looking for a train .",
+ "Can you help me find a train ?",
+ "Actually , I do n't need to book the train at this time . Thank you for your help !",
+ "Hello , I am looking for information on a train .",
+ "I also need train tickets .",
+ "Thanks so much ! Can you help me with train tickets too ?",
+ "Yes , I am looking for information . Can you help me find a train ?",
+ "No , thanks I 'll take the train that is already booked .",
+ "Hello . I need help planning a train trip .",
+ "I am looking for a train .",
+ "I need a train that gets me where I ' m going by 4:15 PM .",
+ "Yes I think that would work . What is the trainID ?",
+ "I will think about it . Is there anyway you can book me a train ?",
+ "Oh , no need to book it for me . But yes , that train will do just fine . Thank you for your help , that was all I needed .",
+ "rad , thanks . i also need a train ticket",
+ "Hello , can you give me some information on a train ?",
+ "Hi , I am trying to plan a trip and need some help with a train . I ' m not familiar with trains at all unfortunately .",
+ "I need to book a train too .",
+ "Oh , wait , one more thing . Can you help me find a train ?",
+ "Um , one of what trains should work ? Hello ?",
+ "Yes I am also looking for a train .",
+ "You know what , do n't worry about it , the trains are never full , I 'll just grab a ticket at the station .",
+ "I need to find a train to get there too .",
+ "PLease give me the info for a train meeting the above listed criteria .",
+ "How much would that train ride cost ?",
+ "That seems like a really short train ride , how long is it really ?",
+ "Yes , I am looking for information on train schedules for my upcoming trip .",
+ "Thanks ! I also need help finding a train .",
+ "Great , thanks . Can you also help me find a train ?",
+ "Okay , that 's great to know . Thank you . Now I will also need help finding a train please .",
+ "I am also looking for a train .",
+ "How long does the train trip take ?",
+ "I have no preference for that . Can you make a booking for me on the train with the earliest departure time ?",
+ "Yes please . What is the cost for this train ?",
+ "Thank you . I also need to check on a train , please .",
+ "Could I book a train ticket , please ?",
+ "Hi . Can you help me find a train ?",
+ "That sounds good . How long is the train ride ?",
+ "The earliest train is alright with me .",
+ "I also need train tickets .",
+ "Hi , I am looking for information about the train schedules . I would appreciate the help .",
+ "What time would the train be leaving ?",
+ "I am not sure yet , could you tel me how long the train takes to get there ?",
+ "I would like the first train .",
+ "I need to book train tickets .",
+ "i ' m also looking for a train .",
+ "Awesome . I ' m also looking for a train .",
+ "Great I also need a train please .",
+ "Yes please . I ' m also looking for a train if you can help me with that .",
+ "I ' m looking for a train please .",
+ "Thank you . I would also like to book a train , please .",
+ "I am hoping you can help me with my planning . I am trying to find information on the trains .",
+ "Thanks . Can you book the train ticket for me ?",
+ "Thank you , I ' m also looking for a train . Can you help with that ?",
+ "Hello ! I ' m looking for a train . Can you help ?",
+ "I need a train to London please .",
+ "Thank you . I would like to book that train .",
+ "I ' m looking for a train please .",
+ "Could you tell me the cost of the train ticket ?",
+ "I also need a train .",
+ "I am also looking for a train .",
+ "Hello ! I ' m looking for a train . Can you help ?",
+ "Hi , can you help me find a train ? I ' m in the planning stages of a trip there .",
+ "I need to book a train",
+ "Yes ! Can you help book train tickets ?",
+ "I ' m hoping to book a train .",
+ "I would like to catch an early train . What time does the first train depart ?",
+ "Can I get some information on a train ?",
+ "how long is that train ride ?",
+ "Please book that train .",
+ "Hello , could you help me with information on a train ?",
+ "I am will need a train .",
+ "I also need train tickets .",
+ "THE CONVERSTION IS ABOUT THE TRAIN TICKET BOOK",
+ "I would like to book that train . Thank You",
+ "I also need to book a train .",
+ "I am trying to book a train .",
+ "Hi , I am trying to plan a trip and need some help with a train . I ' m not familiar with trains at all unfortunately .",
+ "I ' m looking for a train .",
+ "I 'd like to arrive by 17:45 . Are there any trains available ?",
+ "Hi ! I need to get a train schedule , can you help me with this ?",
+ "That 's no problem . I also was interested in finding a train though .",
+ "Thanks so much . Can you help me find a train ?",
+ "Can you tell me the departure and arrival time for that train ?",
+ "Can you provide more information for that train ?",
+ "I 'd like to book a seat on that train . Please provide confirmation .",
+ "am looking for a train . The train should depart from peterborough and should go to cambridge .",
+ "Great that 's all the information I needed on the train .",
+ "YES , COULD YOU PLEASE FIND ME A TRAIN FOR 10:PM TONIGHT ? I PLAN ON GETTING ONE TONIGHT , SO I CAN ARRIVE BY MID - NIGHT.THIS WILL ALLOW ME TO GO RIGHT TO SLEEP .",
+ "Hi , I am looking for a train . Can you help me , please ?",
+ "Hi . Can you help me find a train ?",
+ "Thank you , I will ! I also need info for a train .",
+ "What would the price be for that train ?",
+ "I 'll book the train myself . Thanks for your help today - I ' m all set !",
+ "Thank you . I also need to find a train .",
+ "I need help booking a train . Can you help me ?",
+ "I wo n't be needing the train after all . Thank you for the help !",
+ "I ' m looking for a train , but I do n't want to have to get up too early . There 's something that leaves after 8:15 , right ?",
+ "That 's perfect . Can you make a reservation for 3 on that train , please ?",
+ "When does that train depart ?",
+ "I ' m looking for a train please .",
+ "How much does train TR9386 cost as I would prefer that one ?",
+ "I ' m looking for a train please .",
+ "Yes that would be great if you could book train TR6034 for me . Thank you .",
+ "i ' m also looking for a train",
+ "Do you know how long the train ride will take ?",
+ "Yes please go ahead and book it . I ' m also looking for a train .",
+ "Thank you . I also need information on a train .",
+ "Actually , I 'll be needing to find a way to get to Petersborough . I was thinking a train might be cheaper .",
+ "I need some help arranging a train that meets our schedule .",
+ "I need help finding a train .",
+ "I will also need a train .",
+ "I am also looking for a train . Can you help me ?",
+ "May I have the reference number for the train and the train ID , please ? I ' m not sure which one I was booked on .",
+ "That 's fine . What time does the train depart , and how long is the ride itself ?",
+ "That sounds good . What is the train fare , please ?",
+ "I ' m looking for a train please .",
+ "No , I only needed the train info . Thanks , again . Goodbye .",
+ "I also want to know about taking the train down there .",
+ "Sounds good . Lets get back to booking that train now .",
+ "I am also looking for a train .",
+ "I also need train tickets .",
+ "Okay great ! I also need a train . Can you assist me with that ?",
+ "Yes . Please book a seat on train TR6332 for me .",
+ "I do n't prefer a part of town . I need to find a train to get there . Can you help me with that too ?",
+ "I also need a train .",
+ "How much is the train ?",
+ "No . Thank you for helping me with the train and guesthouse . It saved me time . Goodbye .",
+ "I also need a train .",
+ "I also need a train .",
+ "I ' m looking for a train .",
+ "Yes I would like reservations on train TR3420 .",
+ "cool , i also need a train",
+ "That 's sounds fine , could you let me know how much each train will cost ?",
+ "I now need a train",
+ "I am looking on information regarding train tickets . Can you help ?",
+ "Can you find a train for me as well ?",
+ "I also need a train .",
+ "Yes that train will work for me .",
+ "I 'd like to book a train ticket , please .",
+ "I am looking for information and would appreciate the help . Can you help with a train ?",
+ "I ' m also in a need of a train",
+ "No . How long will the train take ?",
+ "I do n't need to arrive at a specific time , as long as the train leaves after 9:30 .",
+ "I would like to get a train as well .",
+ "Sure , you can book that train now -- just for me , please .",
+ "What time is the next train from Cambridge to Glastonbury ?",
+ "I was wondering if you could help me with the train schedule .",
+ "No , I ' m not sure I need the train yet . Thanks for the info !",
+ "Yes , please . I am also looking for a train .",
+ "Hi , can you give me some information on train schedules ?",
+ "Hi . Can you help me find a train ?",
+ "Thanks . Can you check on trains for me ?",
+ "Sounds good . Can you tell me about taking the train there ?",
+ "ok , i 'll do the first train",
+ "I need some train schedule information , please .",
+ "Could you tell me how long that train ride is ?",
+ "yeah , i need to book it . same day as the train .",
+ "Hi , I would like to purchase a train ticket .",
+ "Any type of cuisine is fine with me . Can you book a table for us at your favorite ? We 'll need it at 11:30 , before we take that train .",
+ "I need to a train heading to New Street station in Birmingham , do you have info for that ?",
+ "I am looking to get train tickets as well .",
+ "Yes , please book the TR8431 train . Thank you !",
+ "That would work ! Could you tell me the Train ID , Arrival Time , and Price ?",
+ "I am looking for a train .",
+ "No thank you . I do n't think I want to book the train at this time .",
+ "Would you help me book a train today ?",
+ "That sounds just perfect . Can you book us 5 seats on that train ?",
+ "sweet , brah . i ' m also looking to book a train .",
+ "please book me on the 15:39 train .",
+ "I ' m also looking for a train to london liverpool .",
+ "Can you also help me find a train on Fridya ?",
+ "Can I get the train ID and departure time for the one you chose ?",
+ "What time will I be arriving if I take the 7:54 train ?",
+ "I need informant on trains .",
+ "That wo n't be necessary . I just need to look for a train now .",
+ "could you tell me how long the train ride will be ?",
+ "I am also looking for a train .",
+ "The 15:21 sounds good . I think all I need will be the train ID .",
+ "I also need a train ticket .",
+ "Alright , would you like to continue finding a train ?",
+ "I ' m looking to book a train , if you could help me .",
+ "Yes , I need assistance with finding a train for my trip .",
+ "Possibly . I could probably figure it out from the times , but could you just tell me how long the train trip is ?",
+ "Hi I ' m looking for a train to anywhere after 9:00 !",
+ "Could you tell me how long that trip usually takes , by train ?",
+ "I also need a train .",
+ "I ' m looking for a train .",
+ "Excellent . I ' m also looking for a train as well .",
+ "I need help finding a train . Can you help ?",
+ "I ' m traveling alone , can you tell me how much the train fare costs ?",
+ "What is the cost and trainID for the 17:11 train ?",
+ "how much will that train cost me ?",
+ "Can you help me find a train for my upcoming trip to your city ?",
+ "Can you help me book some train tickets ?",
+ "Can you tell me the price of the train ticket , please ?",
+ "Thank you ! I also need a train please !",
+ "I would also like to book a train please .",
+ "i am also looking for a train",
+ "No , thanks . I do need to look for a train , too . Can you help me ?",
+ "Yes , please I need the train I.D also",
+ "that s it , just the train i.d",
+ "I ' m looking for train tickets , can you help with that ?",
+ "Can you help me with train schedules ?",
+ "No , I do n't . Can you give me the earliest departure out of the 4 trains ?",
+ "Can you confirm how long that train ride is please ?",
+ "Nope that is all for today . According to my list I did not really need to book that train but it saves me time ! Thank you so much !",
+ "Yes , could you give me some information on a train ?",
+ "I am planning a trip and need to book a train to Birmingham .",
+ "Thank you . Can you also help me find a train ?",
+ "OK . Can you help with trains , too , or do I have to go somewhere else for that ?",
+ "Hi , I am trying to plan a trip and could use some help with the trains .",
+ "How long is the train ride ?",
+ "Hi . Can you help me find a train ?",
+ "Thank you . I also need to find out about trains .",
+ "Can I get some information on a train ?",
+ "I need help with the train schedule , please .",
+ "No thanks . I do n't want to book today . But can you tell me what time that train departs ?",
+ "Ill just take earliest train then please .",
+ "excellent . I will need the train booked for 5 as well .",
+ "I would like the train that gets me there close to 9:45 .",
+ "I suppose I will book the train arriving at 7:01 . Please provide me with the reference number .",
+ "I need a train to leave from London 's Cross .",
+ "I am needing help with your train schedules .",
+ "No . thank you for making the train reservations",
+ "I 'll take the first train at 13:11 . Can I pay you over the phone with my debit card ?",
+ "Is there a train leaving before that ?",
+ "How much is a ticket and how long is the train ride ?",
+ "Alright . I 'll take it ! That train will be perfect .",
+ "I 'll give them a call , thanks . Are you also able to help with train tickets ?",
+ "Yes , either train would be fine .",
+ "I also need a train .",
+ "I ' m looking for information about train bookings , can you assist me ?",
+ "Thank you . I would also like to find a train , please .",
+ "Hi . Can you help me find a train ?",
+ "Can you book the train that arrives at 07:07 that one would work great . I need the reference number as well .",
+ "Can I also book a train please ?",
+ "That 's alright . I can book it later . I ' m also looking to book a train .",
+ "I also need a train .",
+ "can you help me find a train now ?",
+ "No thanks , group is still deciding on a carpool or a train , but thank you for all of the help .",
+ "I 'd like to book the previously mentioned train that leaves 15:39 .",
+ "Sounds good . Is there a ticket available on that train ?",
+ "What time does that train depart ?",
+ "That would be great , could you tell me the trainID ?",
+ "Hello , I need a train , please .",
+ "Yes . But I just realized that my sister - in - law and her three children will be coming , too . We 'll need rooms for all of us , and train tickets for them .",
+ "I only needed the train .",
+ "I need help finding a train . Can you do that ?",
+ "I need a train as well .",
+ "Yes please . I will also need a train .",
+ "Thanks ! I also need a train to Stansted .",
+ "Great , I also need information on getting a train .",
+ "It might , what time does the train depart ?",
+ "No , thank you . The lodging and train are all I need . You were so helpful . Goodbye .",
+ "Could you make a reservation on that train please ?",
+ "I am looking for a train .",
+ "A later train would be better , what trains arrive around 20:00 ?",
+ "I would like info on train travel .",
+ "I would like to book a train .",
+ "Actually I just needed the trains information . That ll be everything thanks for the help",
+ "Thanks . I do n't want to book the train yet , so I think I am all set .",
+ "Thank you ! Would you also be able to book a train for me ?",
+ "I also need a train ticket .",
+ "you 're right , i ' m stupid . thanks for checking . i also need a train .",
+ "No . I also need a train .",
+ "i also need a train",
+ "Thank you . I would also like some help finding a train .",
+ "I need help finding train to Lodon Liverpool Street .",
+ "Can you also help me find a train ?",
+ "I really only need a train for that route . Thanks for your help .",
+ "I need a train .",
+ "Can I also have a train ticket ?",
+ "I am planning a trip and could use some help with the trains .",
+ "Great . I also need a train .",
+ "I need train tickets .",
+ "Can I get some information on a train ?",
+ "I also need a train .",
+ "Hello , could you help me with information on a train ?",
+ "I ' m planning my trip there , but need to find a train for when I depart . Could you help me with that ?",
+ "I will also need train tickets .",
+ "Hello , I am looking for information on a train .",
+ "That would be just fine . I just need the Train ID for now . I also need a place to stay .",
+ "Not just yet . What 's the cost for a ticket on that train ?",
+ "I need a train as well .",
+ "This train works for me .",
+ "Hi , I am looking for information on a train .",
+ "I also need a train to bishop 's stortford .",
+ "I am hoping you can help me with my planning . I am trying to find information on the trains .",
+ "Yes , I need a train , I ' ve got to get to King 's Lynn .",
+ "Thank you . Will the train provide any snacks or a meal ?",
+ "Hi , could you help me with my plans ? I am looking for a train .",
+ "Hi . Can you help me find a train ?",
+ "I ' m looking for a train ticket , do you book those ?",
+ "Hi , I ' ve just started planning a trip and the train system is so confusing , can you help me ?",
+ "Hi , I ' m planning a trip and am finding the trains to be a bit confusing . Can you help me find one ?",
+ "That wo n't be necessary . I ' m looking to book a train too .",
+ "Thank you , what time did the train depart ?",
+ "I would like you to book the train .",
+ "Yes can you please book the train for me as well ?",
+ "Yes . I do need the booking number and would also like to check into a train .",
+ "I ' m looking for a train please .",
+ "No I need an earlier train .",
+ "Hi , could you help me with my plans ? I am looking for a train .",
+ "Hi , can you help me with a train for my upcoming trip ?",
+ "Hi , can you help me with some information on the train system ?",
+ "Well , I am planning a trip and need some help with a train .",
+ "I also need a train .",
+ "i ' m also looking for a train .",
+ "I also need a train .",
+ "I ' m going to need a train too , is that something you can help me do ?",
+ "Is there any other trains ?",
+ "I do n't have a specific time I need to be there by , any train will do for the same number of people as before .",
+ "Yes , please book this train . Also , I will need a reference number .",
+ "Could you help me with planning my trip ? I need a train .",
+ "I am looking to book a train .",
+ "maybe , what 's the duration of the train ride ?",
+ "Can you help me book some train tickets ?",
+ "Yes . I also need to book a train .",
+ "I need a train to cambride .",
+ "thanks i ' m also looking for a train",
+ "Can you locate a Starbucks Coffee near the train station in London King 's Cross ?",
+ "Sounds perfect . Can you give the details for that train ?",
+ "No , I do n't need train tickets right now .",
+ "Hi , I need to book a train .",
+ "Can you find me a expensive cafe to eat at once i get off the train ?",
+ "I also need a train .",
+ "Book me the train leaving at 7:54 please .",
+ "Thanks . Will you be able to book me that train ?",
+ "I ' m looking for a train please .",
+ "uhm , no . that 's your job , weirdo . also , i need a train .",
+ "Hi , do you know about trains that run from King 's Lynn ?",
+ "I need a train as well .",
+ "Actually , I need a train",
+ "Not right now , but I do need to know the fare for that train .",
+ "That 's quite early . Are there any trains closer to 9:00 ?",
+ "I 'd like to find a train please .",
+ "That 's okay I guess , but is there any later train ? We 're not early birds .",
+ "I also will need a train .",
+ "Thanks so much . Can you also help me look for a train ?",
+ "I would like the 17:51 train please .",
+ "Yes , thank you . I also need a train to Stansted .",
+ "nah , but i need to catch a train",
+ "Can you tell me what time the train will be departing ?",
+ "Thank you so much . Can you help me book a train too ?",
+ "Yes please book this train for me , Thank you .",
+ "I am not ready to book the train yet . Thanks for the help .",
+ "Yes , that would be great . I will need a train also .",
+ "No thank you I can book the train myself .",
+ "I also need train tickets .",
+ "Thanks , and what time does that train depart ?",
+ "I am looking for a train or some form of public transportation to get to these museums . Does that exist ?",
+ "Is there any train leaving sooner ?",
+ "I also need a train",
+ "I need an earlier train .",
+ "Actually , I 'll book later . Can you help me find a train though ?",
+ "I need to find a train .",
+ "Di you find me a train ?",
+ "Thanks , can you help me find a train to get there as well ?",
+ "Yes , how much is that train ride going to cost me , in both time and money ?",
+ "I also need to book a train .",
+ "Excellent . I ' m also looking to book a train too .",
+ "How long is the train ride ?",
+ "I ' m looking for information on train times , can you help ?",
+ "I would like to book a train .",
+ "Yes , I also need help biking a train .",
+ "How long will I be on the train ?",
+ "Yes , so to clarify , what time will that train be departing ?",
+ "I think that is all the info on the train that I needed .",
+ "No thanks , but I 'd like some information on a train next .",
+ "I am looking for information and could use your help finding a train .",
+ "Hello , I am looking for information . Can you help me with a train ?",
+ "Wonderful . Could you help me find a train , as well ?",
+ "I also need a train .",
+ "No need for the address , thanks so much . I also need a train departing King 's Lynn .",
+ "Can you book me a seat on the train please ?",
+ "That 'll work just fine . I ' m also looking to book a train .",
+ "Thank you . I am also going to need train information .",
+ "I need a train as well .",
+ "Oh , no , I see that train will not work for me . I need to arrive by 15:45 , not depart by it . I ' m sorry . Could you find me another ?",
+ "I need help picking the correct train that will arrive at the time I need .",
+ "Okay lets book that train !",
+ "That 's too early . I need an afternoon train . What do you have later on ?",
+ "I would like the train that leaves as close to 11:15 as possible please .",
+ "OK , thanks . When does that train depart ?",
+ "Thank you . Can you please book that train for me ?",
+ "Can you verify the cost for train TR6954 for me ?",
+ "I want to try a local restraint , can you help ?",
+ "Is there an earlier train ?",
+ "Yes , I am hoping you can give me some information on a train .",
+ "Can I get some information on a train ?",
+ "I also need to get a train .",
+ "Give me the address of the one closest to the train station then , and it 's really free ?",
+ "Hi , I am looking for information on a train .",
+ "I 'd like to find a train please .",
+ "I need a train to Norwich on Tuesday .",
+ "Never mind . I do n't need a train . I am all set .",
+ "I did n't need a train . I have everything I needed now . Thank You for your help .",
+ "No , I do n't need train tickets right now .",
+ "Woah , wait , the train needs to arrive by 7:15 , not depart . I doubt the train ride is 4 minutes , right ?",
+ "I also need a train going to Stansted .",
+ "Yes , can you help me book a train there as well ?",
+ "I need information about a train .",
+ "I need to book a train",
+ "Hello , I need a train to come in at 8 am .",
+ "I 'd like to leave on the first train available after 9:00 .",
+ "I am looking for a train that departs on Friday .",
+ "Great thanks so much . Can you give me the reference number and also I need to get a train when your ready .",
+ "Hi , could you possibly help me find a train for my upcoming trip ? I ' ve been put in charge of the plans .",
+ "I also need a train please .",
+ "I ' m so sorry . I did n't mean to book yet . I wo n't need that reservation . Could you make sure that train TR3390 is departing from London Liverpool ?",
+ "I need to book a train .",
+ "No , anytime after 8:15 is fine . Maybe the first train after that time .",
+ "Hi . Help me with a train schedule , please .",
+ "Please book me a ticket for that train .",
+ "Hello , can you give me some information on a train ?",
+ "I ' m not sure if I ' m ready to book , but I 'd like to also find a train if I can please .",
+ "how long is the train ride ?",
+ "Hi . I ' m looking for a train . Can you help me ?",
+ "Can you help me find a train please ?",
+ "I ' m departing from bishops stortford train station .",
+ "Yes , I would like to book a seat on that train . Thank you .",
+ "Could you please get me a train ?",
+ "Yes , I am a looking for a train . Can you help me ?",
+ "Thanks so much . Are you able to help with train schedules too ?",
+ "yeah i also need a train",
+ "I actually did nt need to book the train yet , I just needed the information for now . That is all of the information that I need for today . Thank you !",
+ "Cool , I also need a train ticket leaving london liverpool st and I am going to cambirdge",
+ "Yes , please book a train that meets my requirements .",
+ "Yes , I will need to be on that train .",
+ "What time does that train depart ?",
+ "How much is the train fare ?",
+ "Before I continue with the train details , was Travellers Rest booked ? I did n't get a reference number .",
+ "I would like a train",
+ "That train works well .",
+ "I also need a train .",
+ "Should I book this train for you ?",
+ "Please book that train for me .",
+ "I also need to get a train .",
+ "Hi , I sure am looking forward to trying some of your local food when I get there . Can you help me find a train ?",
+ "How long is the train ride ?",
+ "How much is the fare on that train ?",
+ "You 're right . Now that we have the train booked , that 's all I need .",
+ "Yes . Please book that train .",
+ "Yes , can you help me find a train ?",
+ "Yes can you help me find a train as well ?",
+ "Can you help me find a train ?",
+ "I am looking to book a train .",
+ "How much would the train ride cost me ?",
+ "Yes . I also need a train .",
+ "I also need a train .",
+ "Yes please book the train for 23:29 .",
+ "Possibly . What is the cost of that train ?",
+ "i also need a train",
+ "I would prefer it be the earliest train you can book .",
+ "I also need a train .",
+ "No thank you but I do need a train .",
+ "What is the price for that train ?",
+ "The first train that leaves after 8:30 would be nice .",
+ "Hi . I need to find a train .",
+ "I am looking for a train .",
+ "Yes , I also need to find a train , please .",
+ "That would be great , how long is that train ride by the way ?",
+ "I need to book a train as well .",
+ "I need a train .",
+ "Great , thanks . Oh , and I do n't actually need a booking for that train , so I think that 's all I needed . Sorry I keep confusing the matter .",
+ "Yes . I would like a direct , nonstop train .",
+ "I was wondering if you could help me in finding a train to the airport .",
+ "Actually , I do n't think I will book that train just yet . Thank you for all the info . That 's all I needed . Goodbye !",
+ "What would the price be for that train ?",
+ "Yes , thanks . I also need a train ; can you help me with that ?",
+ "Yes , I actually just needed the train number , so thank you .",
+ "No , that will be it . I will book the train later .",
+ "What time does that train arrive ?",
+ "Great . I 'll also need a train to get me there from London King 's Cross station .",
+ "I am also looking for a train . Can you help me with that ?",
+ "I 'd like some information on a train next .",
+ "THe train booking is for the same day as my dinner reservation correct ?",
+ "I need a train from bishops shortford .",
+ "I am looking for a train .",
+ "I am also looking for train schedules . Can you help me with that ?",
+ "Yes please book me on that train .",
+ "Yes I also need a train . Can you help me ?",
+ "Could you please tell me the train ID ?",
+ "I also need a train .",
+ "That sounds great ! Can you book tickets for everyone on that train ? Same group that will be eating together .",
+ "I also am looking for a train .",
+ "ok , now i need a train .",
+ "Thank you for that information , you ' ve been very helpful . I will call back when I ' m ready to book the train . Goodbye .",
+ "Let me think on that , could you help me book a train ?",
+ "I would like to book the 5:11 train",
+ "Yes , please book that train .",
+ "I could use some help finding a train for my stay with you .",
+ "That sounds great . Can I get the train ID please ?",
+ "Hi . Can you help me find a train ?",
+ "Sounds like a good choice . I also need help securing a train .",
+ "Thank you , I plan on going here so lets get a train ticket ready",
+ "Can I get the next train ?",
+ "Well , I am planning a trip and need some help with a train .",
+ "I am looking for a train .",
+ "Hello , I 'd like some information on a train today .",
+ "How long is the train ride itself ?",
+ "Hello , I am looking for information . Can you help me with a train ?",
+ "What time does the 15:51 train arrive ?",
+ "Yes please book that train for me .",
+ "Nothing more . Thank you for the train and college information . Goodbye .",
+ "i ' m also looking for a train .",
+ "No , that park is fine . I need help with finding a train though .",
+ "i actually need a train",
+ "Okay what are the available train times ?",
+ "Ok , that 's good . I would like to book that train please",
+ "I am looking for a train .",
+ "Yes , I ' m only looking for information right now . Can you help me with a train ?",
+ "Can you help me find a train ?"
+ ],
+ "Day;": [
+ "The train should leave on #TRAIN-INFORM-DAY# .",
+ "I will leav on #TRAIN-INFORM-DAY# .",
+ "This will be for #TRAIN-INFORM-DAY# .",
+ "I need a train on #TRAIN-INFORM-DAY# .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train leaving on #TRAIN-INFORM-DAY# please .",
+ "I need to travel on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "I need to get a train ticket for #TRAIN-INFORM-DAY# please .",
+ "I will leaving on #TRAIN-INFORM-DAY# and need to leave after 8:30 .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I need a train for #TRAIN-INFORM-DAY# ?",
+ "I need a train on #TRAIN-INFORM-DAY# which will go to liverpool street in london .",
+ "Can you help me find a train leaving after 8:15 on #TRAIN-INFORM-DAY# ?",
+ "I would like to leave on #TRAIN-INFORM-DAY# please .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "I need to get a train ticket for #TRAIN-INFORM-DAY# please .",
+ "Yes , #TRAIN-INFORM-DAY# .",
+ "Sounds good . I am also looking for a train for #TRAIN-INFORM-DAY# .",
+ "Yes , I would like to arrive by 12:15 on #TRAIN-INFORM-DAY# . Thanks .",
+ "I meant train . I need a train ticket for #TRAIN-INFORM-DAY# .",
+ "I will be leaving on a #TRAIN-INFORM-DAY# and want to arrive by 16:15",
+ "I ' m looking for a train to leave from stantsted airport on #TRAIN-INFORM-DAY# .",
+ "i want to leave #TRAIN-INFORM-DAY# , after 10",
+ "I plan to go on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "I will be leaving on #TRAIN-INFORM-DAY# .",
+ "I would like to leave after 17:15 on #TRAIN-INFORM-DAY# .",
+ "I ' m traveling on #TRAIN-INFORM-DAY# .",
+ "I need a train that leaves on #TRAIN-INFORM-DAY# .",
+ "I m leaving #TRAIN-INFORM-DAY# and need to leave after 1 pm .",
+ "I need the train to leave on #TRAIN-INFORM-DAY# .",
+ "I will be leaving on #TRAIN-INFORM-DAY# .",
+ "i would like to travel #TRAIN-INFORM-DAY# around 2 pm",
+ "I plan to travel on #TRAIN-INFORM-DAY# .",
+ "I need to depart broxbourne and travel on #TRAIN-INFORM-DAY# please .",
+ "Thanks I also need a train leaving #TRAIN-INFORM-DAY# arriving by 1900",
+ "Yes , on #TRAIN-INFORM-DAY# . Anytime after 14:45 will work for me .",
+ "I actually need it for #TRAIN-INFORM-DAY# . If it can arrive by 16:23 , that would be perfect .",
+ "I would like to travel on #TRAIN-INFORM-DAY# please .",
+ "I am also looking for a train leaving #TRAIN-INFORM-DAY# .",
+ "I also need a train leaving on #TRAIN-INFORM-DAY# .",
+ "I need a train that leaves on #TRAIN-INFORM-DAY# and leaves after 10 am",
+ "I want a train that leaves on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "No , just #TRAIN-INFORM-DAY# is the day I need it .",
+ "Thank you ! I ' m also looking for a train for #TRAIN-INFORM-DAY# .",
+ "This one will leave on #TRAIN-INFORM-DAY# correct ?",
+ "I want to leave on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# arriving by 9:00 ?",
+ "i ' m also trying to catch a train on #TRAIN-INFORM-DAY# .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I need to leave on #TRAIN-INFORM-DAY# after 9:15",
+ "Could you help me find a train that leaves on a #TRAIN-INFORM-DAY# after 8:45 ?",
+ "I 'd like to arrive by 08:45 on #TRAIN-INFORM-DAY# .",
+ "I ' m departing on #TRAIN-INFORM-DAY# .",
+ "I need a train on #TRAIN-INFORM-DAY# .",
+ "I am traveling #TRAIN-INFORM-DAY# .",
+ "That sounds good . It leaves on #TRAIN-INFORM-DAY# right ?",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "Oh , I forgot to mention that , #TRAIN-INFORM-DAY# please .",
+ "I will be leaving on #TRAIN-INFORM-DAY# .",
+ "I ' m sorry , I know I said Thursday , but I will actually be leaving on #TRAIN-INFORM-DAY# . Can you check for that day instead ?",
+ "I would like to travel on #TRAIN-INFORM-DAY# .",
+ "This will be for #TRAIN-INFORM-DAY# .",
+ "Yes , I need a train for #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "I would like to go to cambridge on #TRAIN-INFORM-DAY# .",
+ "Thank you . I ' m also looking for information on trains to cambride on #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "Thank you . Can you help me with a train for #TRAIN-INFORM-DAY# ?",
+ "I should leave on #TRAIN-INFORM-DAY# .",
+ "does it leave on #TRAIN-INFORM-DAY# ?",
+ "I also need a train for #TRAIN-INFORM-DAY# .",
+ "Thanks . I also need a train for #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "I ' m looking to travel on #TRAIN-INFORM-DAY# .",
+ "No thank you . I am looking for a train for #TRAIN-INFORM-DAY# though .",
+ "Yes , I also need a train for #TRAIN-INFORM-DAY# .",
+ "I 'd like to leave cambridge on #TRAIN-INFORM-DAY# , please .",
+ "Thank you . Can you help me with a train for #TRAIN-INFORM-DAY# ?",
+ "I want to get there #TRAIN-INFORM-DAY# please .",
+ "I would like to travel on #TRAIN-INFORM-DAY# .",
+ "I would like to travel on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "are you sure ? i need to leave #TRAIN-INFORM-DAY# .",
+ "I will be traveling to cambridge on #TRAIN-INFORM-DAY# .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I want to arrive by 11:30 on #TRAIN-INFORM-DAY# .",
+ "I want to leave on #TRAIN-INFORM-DAY# , and I want to leave after 0930 am .",
+ "I plan to go on #TRAIN-INFORM-DAY# .",
+ "i want to depart on #TRAIN-INFORM-DAY# .",
+ "I need to travel on #TRAIN-INFORM-DAY# please .",
+ "I would like to leave on #TRAIN-INFORM-DAY# .",
+ "No thank you . I am looking for a train for #TRAIN-INFORM-DAY# though .",
+ "I am looking for a train that 'll leave on #TRAIN-INFORM-DAY# .",
+ "It will be on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train to leave from stantsted airport on #TRAIN-INFORM-DAY# .",
+ "Yes . I need to book a train for #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "I need to leave on #TRAIN-INFORM-DAY# please .",
+ "I will need that for #TRAIN-INFORM-DAY# as well .",
+ "I am also looking for a train on #TRAIN-INFORM-DAY# .",
+ "Thank you . I also need a train for #TRAIN-INFORM-DAY# .",
+ "I need a train that is leaving on #TRAIN-INFORM-DAY# .",
+ "Are you able to help me find a train on #TRAIN-INFORM-DAY# ?",
+ "Can I get a train leaving from steveage on #TRAIN-INFORM-DAY# ?",
+ "Is there a train schedule for #TRAIN-INFORM-DAY# ?",
+ "Sounds great . Could I also get info on a train for #TRAIN-INFORM-DAY# ?",
+ "I am not sure . Do you have one leaving after 9:15 on #TRAIN-INFORM-DAY# ?",
+ "I need the train for #TRAIN-INFORM-DAY# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# .",
+ "Oops ! I guess forgot to mention it 's #TRAIN-INFORM-DAY# that I need to travel ."
+ ],
+ "Dest;": [
+ "Howdy , I need a train heading into #TRAIN-INFORM-DEST# .",
+ "i am leaving for #TRAIN-INFORM-DEST# and it should arrive there by 20.45",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "I need to find a train to #TRAIN-INFORM-DEST# please .",
+ "Can you tell me when that train will be arriving in #TRAIN-INFORM-DEST# ?",
+ "Yes I would like to go from leicester to #TRAIN-INFORM-DEST# and leave after 11:15 please .",
+ "I need to book a train to #TRAIN-INFORM-DEST# on Monday .",
+ "I need some information on a train going to #TRAIN-INFORM-DEST# .",
+ "Ok , great thanks . Can you also help me find a train going to #TRAIN-INFORM-DEST# ?",
+ "Yes correct to #TRAIN-INFORM-DEST# , and I would like to arrive by 20:45 .",
+ "I would like to go to #TRAIN-INFORM-DEST# .",
+ "I am looking for a train going to #TRAIN-INFORM-DEST# .",
+ "Could you also tell me if there are any trains available arriving in #TRAIN-INFORM-DEST# that day ?",
+ "I ' ve like to go to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEST# .",
+ "Hello , I 'd like some information on a train going to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "Great . I also need a train to #TRAIN-INFORM-DEST# .",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "Yes , please . I need a train to #TRAIN-INFORM-DEST# .",
+ "I ' m trying to go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "Does that train head to #TRAIN-INFORM-DEST# ?",
+ "Yes , I ' m going to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train into #TRAIN-INFORM-DEST# the same day please",
+ "Yes , my destination is #TRAIN-INFORM-DEST# .",
+ "It is #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves after 9:00 .",
+ "There are two of us , and we 'd like to go to #TRAIN-INFORM-DEST# please .",
+ "I need to go to #TRAIN-INFORM-DEST# after 12:00 .",
+ "Ok , great thanks . I also need to find a train going to #TRAIN-INFORM-DEST# .",
+ "It is #TRAIN-INFORM-DEST# .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "i ' m trying to get to #TRAIN-INFORM-DEST# . i can leave any time after 17:30",
+ "Thanks . Sound like a great place . Can you help me with a train to #TRAIN-INFORM-DEST# .",
+ "I want a train going to #TRAIN-INFORM-DEST# .",
+ "Excellent . I also need a train to #TRAIN-INFORM-DEST# .",
+ "Yes , please help me book a train to #TRAIN-INFORM-DEST# .",
+ "I ' m headed to #TRAIN-INFORM-DEST# and the train needs to leave after 9:45 .",
+ "I need some information on a train going to #TRAIN-INFORM-DEST# .",
+ "I will be traveling to #TRAIN-INFORM-DEST# .",
+ "Hello . I 'd like a train to #TRAIN-INFORM-DEST# please .",
+ "Is there a reference number for the hotel ? I also need a train to #TRAIN-INFORM-DEST# . Can you help with that too ?",
+ "I am looking for a train headed to #TRAIN-INFORM-DEST# .",
+ "I will be going to #TRAIN-INFORM-DEST# and I can arrive whenever .",
+ "I also need a train that goes to #TRAIN-INFORM-DEST# .",
+ "I need to leave from stansted airport to #TRAIN-INFORM-DEST# .",
+ "I am looking for a train to #TRAIN-INFORM-DEST# .",
+ "Could you assist me in finding a train to #TRAIN-INFORM-DEST# please ?",
+ "Hello , I ' m looking for a train to get me to #TRAIN-INFORM-DEST# .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "I 'd like to travel to #TRAIN-INFORM-DEST# .",
+ "Excellent . Can I also book a train as well ? I need one that leaves after 9:45 to #TRAIN-INFORM-DEST# .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train please going to #TRAIN-INFORM-DEST# .",
+ "Can you verify that it will arrive in #TRAIN-INFORM-DEST# by 09:00 ?",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "I am also looking to book a train to #TRAIN-INFORM-DEST# .",
+ "Thanks . Can you help me find a train to #TRAIN-INFORM-DEST# now ?",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# please .",
+ "Going to #TRAIN-INFORM-DEST# from cambridge . I need to arrive by 17:45 .",
+ "I need it to go to #TRAIN-INFORM-DEST# and arrive by 15:00 .",
+ "Do you book trains for the #TRAIN-INFORM-DEST# ?",
+ "I ' m headed to #TRAIN-INFORM-DEST# .",
+ "I ' m heading to #TRAIN-INFORM-DEST# .",
+ "I need to travel to #TRAIN-INFORM-DEST# .",
+ "I need to get to #TRAIN-INFORM-DEST# on friday .",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "Sorry , I need to get to #TRAIN-INFORM-DEST# please .",
+ "I would like to book a train to #TRAIN-INFORM-DEST# .",
+ "I want a train going to #TRAIN-INFORM-DEST# .",
+ "Hi ! I need a train to #TRAIN-INFORM-DEST# .",
+ "Hi there , I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I am trying to book a train to #TRAIN-INFORM-DEST# . Can you help me ?",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# .",
+ "No but I am needing a train to #TRAIN-INFORM-DEST# .",
+ "I am leaving Cambridge and need to go to #TRAIN-INFORM-DEST# on Friday .",
+ "Yes , #TRAIN-INFORM-DEST# is my destination .",
+ "I am trying to book a train to #TRAIN-INFORM-DEST# . Can you help me ?",
+ "Where I 'd like to go is probably different than where I have to go , but I plan on going to #TRAIN-INFORM-DEST# .",
+ "Thanks I also need a train that 's going to #TRAIN-INFORM-DEST# .",
+ "I would like a train that is going by #TRAIN-INFORM-DEST# .",
+ "Yes I also need to find a train going to #TRAIN-INFORM-DEST# .",
+ "Yes . I also need to find a train to #TRAIN-INFORM-DEST# please .",
+ "I would like a train going to #TRAIN-INFORM-DEST# .",
+ "I am going to #TRAIN-INFORM-DEST# on saturday .",
+ "I need a train to #TRAIN-INFORM-DEST# , please",
+ "Of course , my destination will be #TRAIN-INFORM-DEST# .",
+ "No thank you . I also need a train to #TRAIN-INFORM-DEST# .",
+ "I am leaving from Cambridge going to #TRAIN-INFORM-DEST# .",
+ "No that is n't necessary . Could you help me find a train going to #TRAIN-INFORM-DEST# ?",
+ "Hello . I 'd like a train to #TRAIN-INFORM-DEST# please .",
+ "Okay , I also need a train to get to #TRAIN-INFORM-DEST# .",
+ "I will be going to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEST# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# .",
+ "I need to get to #TRAIN-INFORM-DEST# .",
+ "i need to go to #TRAIN-INFORM-DEST# .",
+ "Hi , I need to find a train to #TRAIN-INFORM-DEST# , please .",
+ "I want a train going to #TRAIN-INFORM-DEST# .",
+ "Actually yes , can you help me find a train to #TRAIN-INFORM-DEST# ?",
+ "I would like a train going to #TRAIN-INFORM-DEST# .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "Could you help me find a train to #TRAIN-INFORM-DEST# ?",
+ "I need some information on a train going to #TRAIN-INFORM-DEST# .",
+ "what time does the one that leaves at 06:01 arrive in #TRAIN-INFORM-DEST# ?",
+ "I need to go to #TRAIN-INFORM-DEST# by train",
+ "Can you help me find a train to #TRAIN-INFORM-DEST# ?",
+ "One in my party . I ' m also looking for a train to get to #TRAIN-INFORM-DEST# , can you help me with that too ?",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "Thanks ! I ' m also looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves after 9:15 , please .",
+ "I will be going to #TRAIN-INFORM-DEST# .",
+ "I need to get to #TRAIN-INFORM-DEST# by 19:00 .",
+ "I ' m going to #TRAIN-INFORM-DEST# . I need to be there by 8:30",
+ "i need a train arriving in #TRAIN-INFORM-DEST# by 8",
+ "Can you help me find a train to #TRAIN-INFORM-DEST# ?",
+ "I will be going to #TRAIN-INFORM-DEST# .",
+ "Yes please , I need a trains going to #TRAIN-INFORM-DEST# .",
+ "Hi ! I need a train to #TRAIN-INFORM-DEST# .",
+ "Thank you . I also need to find a train going to #TRAIN-INFORM-DEST# .",
+ "Yes , #TRAIN-INFORM-DEST# .",
+ "I would like to come visit #TRAIN-INFORM-DEST# and need a train .",
+ "No but I do need help getting a train going to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train to #TRAIN-INFORM-DEST# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# .",
+ "I am traveling to #TRAIN-INFORM-DEST# from cambridge .",
+ "Thanks . I also need a train to #TRAIN-INFORM-DEST# . Can you help with that ?",
+ "Thanks I also need a train that goes to #TRAIN-INFORM-DEST# .",
+ "I will be going to #TRAIN-INFORM-DEST# .",
+ "I ' m sorry , I meant #TRAIN-INFORM-DEST# , not norway .",
+ "I ' m trying to get to #TRAIN-INFORM-DEST# .",
+ "I need to go to #TRAIN-INFORM-DEST# on friday .",
+ "I ' m also looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I need a train leaving arriving in #TRAIN-INFORM-DEST# .",
+ "I also need to find a train going to #TRAIN-INFORM-DEST# .",
+ "Yes please . I would also like a train to #TRAIN-INFORM-DEST# if that is okay .",
+ "Hello , are their any trains going to #TRAIN-INFORM-DEST# ?",
+ "I want to go to #TRAIN-INFORM-DEST# .",
+ "I need to catch a train going to #TRAIN-INFORM-DEST# . Can you help me ?",
+ "I actually need to go to #TRAIN-INFORM-DEST# .",
+ "ok , i ' m also looking for a train to #TRAIN-INFORM-DEST# .",
+ "I need a train for #TRAIN-INFORM-DEST# and I need to arrive by 19:30 please .",
+ "I would like a train going to #TRAIN-INFORM-DEST# .",
+ "Great . I 'll also need a train going to #TRAIN-INFORM-DEST# .",
+ "I also need a train to #TRAIN-INFORM-DEST# .",
+ "I need to find a train to take me to #TRAIN-INFORM-DEST# . Can you help me ?",
+ "I want to go to #TRAIN-INFORM-DEST# .",
+ "I am traveling to #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train to #TRAIN-INFORM-DEST# ?",
+ "I 'll be going to #TRAIN-INFORM-DEST# .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "Great thank you . Can you also help me find a train to #TRAIN-INFORM-DEST# ?",
+ "Ok , great ! Can you also help me find a train going to #TRAIN-INFORM-DEST# ?",
+ "Next up I 'd like to inquire about a train going to #TRAIN-INFORM-DEST# .",
+ "Thank you . I will also need a train to #TRAIN-INFORM-DEST# .",
+ "I want a train going to #TRAIN-INFORM-DEST# .",
+ "I ' m also looking for a train that goes to #TRAIN-INFORM-DEST# .",
+ "Ok great , can you confirm that this train goes to #TRAIN-INFORM-DEST# please ?",
+ "I need a train leaving after 8:15 going to #TRAIN-INFORM-DEST# .",
+ "I am looking for train going to #TRAIN-INFORM-DEST# please .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I will be going to #TRAIN-INFORM-DEST# .",
+ "Are there any trains going to #TRAIN-INFORM-DEST# from kings cross ?",
+ "Yes I would like a train to #TRAIN-INFORM-DEST# please .",
+ "I want to go to #TRAIN-INFORM-DEST# .",
+ "I need some information on a train going to #TRAIN-INFORM-DEST# .",
+ "I like to find a train that goes to #TRAIN-INFORM-DEST# .",
+ "I am going to #TRAIN-INFORM-DEST# and need to leave on Saturday .",
+ "I 'd like to find a train arriving in #TRAIN-INFORM-DEST# by 8:00 .",
+ "I am looking for a train to #TRAIN-INFORM-DEST# .",
+ "Yes , I need a train going to #TRAIN-INFORM-DEST# .",
+ "Thanks . I also need to find a train to #TRAIN-INFORM-DEST# .",
+ "It is going to #TRAIN-INFORM-DEST# and should leave on thursday and I need it to leave after 16:30 .",
+ "I 'd like to find a train to #TRAIN-INFORM-DEST# .",
+ "I want to get a train going to #TRAIN-INFORM-DEST# .",
+ "I need to go from cambride to #TRAIN-INFORM-DEST# .",
+ "I would like a train headed to #TRAIN-INFORM-DEST# that arrives by 9:30 .",
+ "I am going to #TRAIN-INFORM-DEST# .",
+ "I ' m going to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# please .",
+ "I am going to #TRAIN-INFORM-DEST# .",
+ "That 's great ! Can you also help me find a train going to #TRAIN-INFORM-DEST# ?",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "I am going to #TRAIN-INFORM-DEST# & leaving after 11:15 .",
+ "My destination is #TRAIN-INFORM-DEST# .",
+ "No that wo n't be necessary . Can you help me find a train though ? I need to go to #TRAIN-INFORM-DEST# .",
+ "I want a train that is going to #TRAIN-INFORM-DEST# .",
+ "Thanks , I also need a train to go to #TRAIN-INFORM-DEST# .",
+ "I ' m also looking for a train to #TRAIN-INFORM-DEST# .",
+ "I also need as train going to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train to #TRAIN-INFORM-DEST# .",
+ "can you help me get to #TRAIN-INFORM-DEST# by 8:30 on friday ?",
+ "Thank you . Can you help me book a train to #TRAIN-INFORM-DEST# ?",
+ "I would like to go to #TRAIN-INFORM-DEST# .",
+ "Thank you ! I also need a train going to #TRAIN-INFORM-DEST# .",
+ "Hi , I need a train to #TRAIN-INFORM-DEST# , please .",
+ "Yes please book a seat for me . And can you tell me if there are any african restaurants in #TRAIN-INFORM-DEST# near the train station ?",
+ "I need to go to #TRAIN-INFORM-DEST# please",
+ "I ' m going to #TRAIN-INFORM-DEST# .",
+ "I will be traveling to #TRAIN-INFORM-DEST# .",
+ "I want to go to #TRAIN-INFORM-DEST# .",
+ "I ' m headed to #TRAIN-INFORM-DEST# and need to arrive by 11:00 .",
+ "I 'd like train information for #TRAIN-INFORM-DEST# .",
+ "Hello , I 'd like some information on a train going to #TRAIN-INFORM-DEST# .",
+ "i ' m traveling to #TRAIN-INFORM-DEST# and need to leave after 15:45",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "I am looking to go to #TRAIN-INFORM-DEST# .",
+ "Actually , I need to find a train to #TRAIN-INFORM-DEST# , are you able to help with that ?",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "I want a train going to #TRAIN-INFORM-DEST# .",
+ "I want to go to #TRAIN-INFORM-DEST# and I ' m looking to arrive by 13:45 .",
+ "Thanks I also need a trin from cambridge to #TRAIN-INFORM-DEST# on firday",
+ "I am looking for a train to #TRAIN-INFORM-DEST# .",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "The destination is #TRAIN-INFORM-DEST# .",
+ "Yes , I am going to #TRAIN-INFORM-DEST# .",
+ "Hi , I need a train the is heading towards #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# .",
+ "I actually do need to find a train going to #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Day;Depart;": [
+ "Let 's pick something arriving between #TRAIN-INFORM-ARRIVE# and 10:30 . It needs to depart from #TRAIN-INFORM-DEPART# and leave on #TRAIN-INFORM-DAY# .",
+ "I am coming for #TRAIN-INFORM-DEPART# , would like to arrive on #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "I am departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and I need to arrive to Ely by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and want to leave on #TRAIN-INFORM-DAY# . It should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I also need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# that goes to cambrige by #TRAIN-INFORM-ARRIVE# .",
+ "Could you please check again ? I was pretty certain there was a train from #TRAIN-INFORM-DEPART# that would get me to caimbridge by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# and depart from #TRAIN-INFORM-DEPART# please .",
+ "i also need a train on #TRAIN-INFORM-DAY# leaving from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking to go to cambrige and arrive by #TRAIN-INFORM-ARRIVE# , and want to go on #TRAIN-INFORM-DAY# , it should depart from #TRAIN-INFORM-DEPART# .",
+ "I need to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll have to get back to you about that . I also need to take a train from #TRAIN-INFORM-DEPART# to cambrige on #TRAIN-INFORM-DAY# , arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# , and I need to get to cambridge at or a little before #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Leave;": [
+ "I also need to take a train on #TRAIN-INFORM-DAY# , leaving after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "Is there a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ?",
+ "Yes , my train should leave on #TRAIN-INFORM-DAY# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to travel on #TRAIN-INFORM-DAY# and leave after #TRAIN-INFORM-LEAVE# .",
+ "I need information for a train leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "Let 's go with the train first . I ' m looking for one that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "Sure , #TRAIN-INFORM-DAY# I would like to leave after #TRAIN-INFORM-LEAVE# please .",
+ "Thankyou , I am looking for a trian that leaves on #TRAIN-INFORM-DAY# . I am also wanting it to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave on #TRAIN-INFORM-DAY# some time after #TRAIN-INFORM-LEAVE# .",
+ "I also need a train leaving after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# if you can help me .",
+ "I need to catch a train this #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# please .",
+ "I also need a train . The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "Is there a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ?",
+ "I also needs a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "I am looking for a train leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "I ' m leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "Great , thanks . I need a train as well - it needs to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "I would like to travel on #TRAIN-INFORM-DAY# and leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I 'll be leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# please",
+ "I need to leave after #TRAIN-INFORM-LEAVE# . And it 's how i ' m getting to cambridge , so #TRAIN-INFORM-DAY# .",
+ "I 'll be leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "That 's awesome . Can you also look for a train for me ? I 'd like to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I would like the train to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "That would be fine . I also need a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "looking for a train . The train should leave on #TRAIN-INFORM-DAY# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# . I need to work around 6 different people 's schedules .",
+ "I need a train leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "I 'd like to depart after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# no preference on arrival .",
+ "I need a train that is leaving on #TRAIN-INFORM-DAY# and leaving after #TRAIN-INFORM-LEAVE# .",
+ "I ' m going to be leaving on #TRAIN-INFORM-DAY# and I need a train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "The train needs to leave on #TRAIN-INFORM-DAY# and depart after #TRAIN-INFORM-LEAVE# .",
+ "I ' m looking for a train leaving after #TRAIN-INFORM-LEAVE# leaving on #TRAIN-INFORM-DAY# .",
+ "I need a train that leaves after #TRAIN-INFORM-LEAVE# #TRAIN-INFORM-DAY# afternoon please .",
+ "I would like to leave sometime after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "I want to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "Hi , I am looking for a train that is leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "Yes . The train should leave after #TRAIN-INFORM-LEAVE# and leave on #TRAIN-INFORM-DAY# .",
+ "I want to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I need a train that leaves on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I would like that the train should leave on #TRAIN-INFORM-DAY# and after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# , after #TRAIN-INFORM-LEAVE# , please .",
+ "I need a train for #TRAIN-INFORM-DAY# leaving after #TRAIN-INFORM-LEAVE# . Do you have one ?",
+ "I ' m also looking for a train that leaves on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I would like for you to find a train that leaves on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I am leaving on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I would need to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "Hello looking for a good train that leaves on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "That would be fine . I also need a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# ?",
+ "OK , thank you ! I am also looking for a train for #TRAIN-INFORM-DAY# that leaves after #TRAIN-INFORM-LEAVE# , could you help me with that ?"
+ ],
+ "Day;Dest;": [
+ "I need the train should go to #TRAIN-INFORM-DEST# and it should leave on #TRAIN-INFORM-DAY# .",
+ "Need a train leaving #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# .",
+ "Yes I ' m looking for a train to #TRAIN-INFORM-DEST# that leaves on #TRAIN-INFORM-DAY# , would you please help me with that ?",
+ "i ' m going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am looking for a train to #TRAIN-INFORM-DEST# that arrives by 16:45 on #TRAIN-INFORM-DAY# .",
+ "I need to travel on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# .",
+ "I ' m traveling to #TRAIN-INFORM-DEST# and I need a train that leaves on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# ?",
+ "I could you look for a train leaving #TRAIN-INFORM-DAY# to go to #TRAIN-INFORM-DEST# ?",
+ "I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , please .",
+ "I need a train on #TRAIN-INFORM-DAY# to try some of the local restaurants in #TRAIN-INFORM-DEST# .",
+ "I would like you to help me find a train departure . The train should leave on #TRAIN-INFORM-DAY# and arrive at #TRAIN-INFORM-DEST# .",
+ "Yes departing from there heading to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "No , thank you . I also need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . Can you help with that ?",
+ "Yes . I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I would like to go to #TRAIN-INFORM-DEST# and leave on #TRAIN-INFORM-DAY# .",
+ "I would like to travel on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# , please .",
+ "Great , I also need a train to #TRAIN-INFORM-DEST# and traveling on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# ?",
+ "I ' m looking for a train that goes to #TRAIN-INFORM-DEST# and leaves on #TRAIN-INFORM-DAY# . Any ideas ?",
+ "I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need to go to the #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Do you have a #TRAIN-INFORM-DAY# train that I can take to #TRAIN-INFORM-DEST# ? I want to try some local restaurants .",
+ "I need to be in #TRAIN-INFORM-DEST# by 9:45 on #TRAIN-INFORM-DAY# .",
+ "I ' m looking to book a train that goes to #TRAIN-INFORM-DEST# and leaves on #TRAIN-INFORM-DAY# please .",
+ "Need a train to #TRAIN-INFORM-DEST# leaving #TRAIN-INFORM-DAY# .",
+ "hello . I ' m trying to get to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . can you help ?",
+ "I need a train . The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "I want to take a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am looking to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am also look for a train on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train that should leave on #TRAIN-INFORM-DAY# and go to #TRAIN-INFORM-DEST# .",
+ "Yes , could you help me find a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "I need train tickets going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# please .",
+ "I also need to get a train that is leaving on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "I ' m also looking a train . The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "I need a train , as well . It should leave on #TRAIN-INFORM-DAY# and go to #TRAIN-INFORM-DEST# .",
+ "I ' m looking for a train that leaves on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# , please .",
+ "I ' m looking for a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "I will need to take a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I would like to travel to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . I actually need to leave after 21:45 though .",
+ "I need to take a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need to leave on #TRAIN-INFORM-DAY# and I am headed to #TRAIN-INFORM-DEST# .",
+ "I need to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Hello , can you please help me find a train that leaves on #TRAIN-INFORM-DAY# . I would also like the train to go to #TRAIN-INFORM-DEST# .",
+ "Is there such a train that leaves to #TRAIN-INFORM-DEST# , might I include on a #TRAIN-INFORM-DAY# ?",
+ "I am trying to get to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I will be travelling to #TRAIN-INFORM-DEST# and it should leave on #TRAIN-INFORM-DAY# .",
+ "I 'll be traveling on #TRAIN-INFORM-DAY# , and I will be go to #TRAIN-INFORM-DEST# .",
+ "I like a train going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# please .",
+ "I ' m looking for a train to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Can I also get a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "I am looking to travel #TRAIN-INFORM-DAY# and head to #TRAIN-INFORM-DEST# .",
+ "I am going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Thanks so much . I also need train tickets for #TRAIN-INFORM-DAY# as well , I will be going to #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train that goes to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should leave on #TRAIN-INFORM-DAY# .",
+ "I need one for #TRAIN-INFORM-DAY# to go to #TRAIN-INFORM-DEST# .",
+ "I am going on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "Sounds great ! I ' m also looking for a train to #TRAIN-INFORM-DEST# . Are there any that leave after noon on #TRAIN-INFORM-DAY# ?",
+ "My destination is #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# .",
+ "Thank you . I also need a train going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "And now I need a train leaving #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I would like to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# please",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# ?",
+ "List all #TRAIN-INFORM-DAY# train times heading to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# for #TRAIN-INFORM-DAY# . Would you be able to help ?",
+ "Could you also help me find a train leaving #TRAIN-INFORM-DAY# for #TRAIN-INFORM-DEST# ?",
+ "I wo n't need to book a table but thank you . For the train I need to leave #TRAIN-INFORM-DAY# and am headed towards #TRAIN-INFORM-DEST# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# ?",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# ?",
+ "I ' m looking for a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "Great I also need a train going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# as well .",
+ "I want to travel to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "Can I please book a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need to go to the #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train to leave on #TRAIN-INFORM-DAY# to arrive at #TRAIN-INFORM-DEST# .",
+ "No I would like to go to #TRAIN-INFORM-DEST# . I will be departing from cabridge and would like to leave on #TRAIN-INFORM-DAY# . Thank you .",
+ "I want to book a train . List all #TRAIN-INFORM-DAY# departures to #TRAIN-INFORM-DEST# .",
+ "I also need a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "I would like to see if you can find a train that leaves to #TRAIN-INFORM-DEST# . Also , can it be on a #TRAIN-INFORM-DAY# too ?",
+ "I am interested in booking a train to #TRAIN-INFORM-DEST# for next #TRAIN-INFORM-DAY# .",
+ "I need to go to #TRAIN-INFORM-DEST# from cambridge , and i need to leave on #TRAIN-INFORM-DAY# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# . I do n't care about the arrival time .",
+ "I ' m not sure yet . Can you tell me what trains are traveling to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "I am looking for a train that can take me to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# .",
+ "I want to book a train . List all #TRAIN-INFORM-DAY# departures to #TRAIN-INFORM-DEST# .",
+ "I need a train to #TRAIN-INFORM-DEST# that leaves on #TRAIN-INFORM-DAY# .",
+ "We are going to #TRAIN-INFORM-DEST# and would like to leave on #TRAIN-INFORM-DAY# after 09:45 . Thanks for your help .",
+ "Thanks . I ' m also looking for a train to #TRAIN-INFORM-DEST# for #TRAIN-INFORM-DAY# .",
+ "I am looking for a train that leaves on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "Yes i need a train going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m going to #TRAIN-INFORM-DEST# and I need a train that leaves on #TRAIN-INFORM-DAY# .",
+ "I 'll be going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Yes I need a train that leaves on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "I am leaving on #TRAIN-INFORM-DAY# for #TRAIN-INFORM-DEST# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "I need to go to the #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m sorry , I lied about having a wife . I just need to know if there are any trains to #TRAIN-INFORM-DEST# available on #TRAIN-INFORM-DAY# .",
+ "I need the train to leave on #TRAIN-INFORM-DAY# and go to #TRAIN-INFORM-DEST# .",
+ "No thank you . I also need a train that should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "I need to get to the #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Hello ! I ' m looking for a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "I need to arrive in #TRAIN-INFORM-DEST# by 17:45 on #TRAIN-INFORM-DAY# .",
+ "I need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need a train into #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , please .",
+ "I could you look for a train leaving #TRAIN-INFORM-DAY# to go to #TRAIN-INFORM-DEST# ?",
+ "I am looking for a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Hi I would like to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# please .",
+ "We would like to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I also need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# ..",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# ?",
+ "Can I please book a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "Great I also need to get a train on #TRAIN-INFORM-DAY# to go to #TRAIN-INFORM-DEST# .",
+ "I also need a train heading to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# as well",
+ "Can you help me find a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# ?",
+ "Ok great . I need to get a train ticket going too #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . Can you help me ?",
+ "Yes , thanks , I am also looking for a train . I 'd like to leave on #TRAIN-INFORM-DAY# , heading to #TRAIN-INFORM-DEST# .",
+ "Yes , I will need a train to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "That should be fine , can you book that on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# ?",
+ "List all #TRAIN-INFORM-DAY# train times heading to #TRAIN-INFORM-DEST# .",
+ "I ' m are looking for a train . The train should go to #TRAIN-INFORM-DEST# and should leave on #TRAIN-INFORM-DAY# .",
+ "I am planning to visit #TRAIN-INFORM-DEST# and would like a train leaving on #TRAIN-INFORM-DAY# .",
+ "I need a train going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Great I ' m also looking to travel to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# by train",
+ "I would like to book a train . I need to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# and should leave on #TRAIN-INFORM-DAY# .",
+ "Departing birmingham new street on #TRAIN-INFORM-DAY# anytime after 21:00 and I will be going to #TRAIN-INFORM-DEST# .",
+ "I need train tickets that leave #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# please , can you help me ?",
+ "I need a train leaving on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "I will be leaving on #TRAIN-INFORM-DAY# and going to #TRAIN-INFORM-DEST# .",
+ "I wanted to travel to #TRAIN-INFORM-DEST# . Do you have a train leaving on #TRAIN-INFORM-DAY# ?"
+ ],
+ "Arrive;Depart;Dest;": [
+ "I am also looking for a train on the same day as my hotel booking that goes to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# and departs from #TRAIN-INFORM-DEPART# .",
+ "I need to leave #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# and arrive by #TRAIN-INFORM-ARRIVE# on sunday",
+ "I need a train that departs from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "The train should leave from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# and would like to arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# .",
+ "I need to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need to leave #TRAIN-INFORM-DEPART# and be in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "We are going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# and we need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I am going to #TRAIN-INFORM-DEST# and need to leave #TRAIN-INFORM-DEPART# so I arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train needs to leave from #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# and I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# and I am leaving from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "I am leaving from #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# . I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "it does n't matter as long as I am there by #TRAIN-INFORM-ARRIVE# leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# , I 'll need the reference number too please",
+ "I want to depart from #TRAIN-INFORM-DEPART# and arrive to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Actually , I ' m departing from #TRAIN-INFORM-DEPART# and heading into #TRAIN-INFORM-DEST# . I 'd love to arrive by #TRAIN-INFORM-ARRIVE# on Monday",
+ "I ' m sorry , we have that mixed up . I need to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# . Do you have a train that arrives by #TRAIN-INFORM-ARRIVE# in cambridge ?",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# , and will be going to #TRAIN-INFORM-DEST# . I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Could you also book a train that departs from #TRAIN-INFORM-DEPART# and arrives at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# ?",
+ "I need a train going to #TRAIN-INFORM-DEST# that arrives at #TRAIN-INFORM-ARRIVE# . I will depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# . I need to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to depart from #TRAIN-INFORM-DEPART# and arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need to leave #TRAIN-INFORM-DEPART# and arrive at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train ticket from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . I want to arrive at least by #TRAIN-INFORM-ARRIVE# , can I get the reference # too please ?",
+ "Thanks , that is all I need on the hotel but can I book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , I need ot arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and heading to #TRAIN-INFORM-DEST# . I need to get there by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks , that is all I need on the hotel but can I book a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , I need ot arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thank you . Are there any trains leaving for #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# that would get me there by #TRAIN-INFORM-ARRIVE# ?"
+ ],
+ "Leave;": [
+ "Leaving anytime after #TRAIN-INFORM-LEAVE# please .",
+ "If there is n't anything earlier that is close to #TRAIN-INFORM-LEAVE# I will take the train at 18:32 .",
+ "I need a train leaving King 's Lynn after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I need to leave sometimes after #TRAIN-INFORM-LEAVE# .",
+ "Yes I ' m leaving on Saturday and not too early , sometime after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave anytime after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need one that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I meant to say I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to get a train that leaves after #TRAIN-INFORM-LEAVE# . Can you help with that ?",
+ "Yes it has to leave on Sunday after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# . Which train leaves closest to that time ?",
+ "I have to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# . Could you find me a train for that time ?",
+ "i ' m leaving after #TRAIN-INFORM-LEAVE# .",
+ "Yes , sometime after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave on wednesday after #TRAIN-INFORM-LEAVE# . I need seats for 6 people and the reference number please .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# , and go to Birmingham , New Street .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need some helping finding a train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I will be departing from London Kings Cross after #TRAIN-INFORM-LEAVE# .",
+ "I would leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want it to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I 'd like to leave after #TRAIN-INFORM-LEAVE# , please .",
+ "anything after #TRAIN-INFORM-LEAVE# please",
+ "I need the train to leave after #TRAIN-INFORM-LEAVE# .",
+ "That 's too early . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , I actually need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Unfortunately I need to leave after #TRAIN-INFORM-LEAVE# , is there one available then ?",
+ "If I could leave on the first one after #TRAIN-INFORM-LEAVE# . that would be perfect .",
+ "After #TRAIN-INFORM-LEAVE# please",
+ "I really need one that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I am leaving at #TRAIN-INFORM-LEAVE# .",
+ "Yes , the #TRAIN-INFORM-LEAVE# would work , how much does it cost ?",
+ "It needs to be anytime after #TRAIN-INFORM-LEAVE# .",
+ "I will be leaving after #TRAIN-INFORM-LEAVE# .",
+ "Yeah , could it leave after #TRAIN-INFORM-LEAVE# ?",
+ "I am also looking for a train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m leaving from kings lynn on sunday after #TRAIN-INFORM-LEAVE# and arrive at cambridge .",
+ "What is the first train after #TRAIN-INFORM-LEAVE# ?",
+ "Yes , I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to depart from Peterborough and want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need the train to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I do n't want to leave any earlier than #TRAIN-INFORM-LEAVE# , please .",
+ "I need to leave on Tuesday after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# to birmingham new street .",
+ "i want one that will leave at #TRAIN-INFORM-LEAVE# as i said earlier",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "is there anything that leaves closer to #TRAIN-INFORM-LEAVE# ? ?",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes . Is there one that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Any trains leaving after #TRAIN-INFORM-LEAVE# ?",
+ "Is that the earliest train you have after #TRAIN-INFORM-LEAVE# ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Anytime after #TRAIN-INFORM-LEAVE# would be great .",
+ "As long as it leaves after #TRAIN-INFORM-LEAVE# , yes .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I am going to need to leave sometime later than #TRAIN-INFORM-LEAVE# . I will need 6 seats .",
+ "It does n't matter , I just need to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "the #TRAIN-INFORM-LEAVE# train please .",
+ "I would like it to leave after #TRAIN-INFORM-LEAVE# . No arrival preference .",
+ "I would like to leave Cambridge after #TRAIN-INFORM-LEAVE# , please .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "london liverpool street and should leave after #TRAIN-INFORM-LEAVE# , I need you to book it for 7 people and a reference number please",
+ "I will need to leave by #TRAIN-INFORM-LEAVE# .",
+ "Anytime after #TRAIN-INFORM-LEAVE# .",
+ "Ideally it should leave after #TRAIN-INFORM-LEAVE# .",
+ "I really ca n't leave at that time . Like I said , I need something that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need it to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I would prefer to leave at #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want the train to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to depart after #TRAIN-INFORM-LEAVE# .",
+ "No . I just need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Is n't there a train that leaves closer to #TRAIN-INFORM-LEAVE# ?",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Can you assist me in getting a train that leaves after #TRAIN-INFORM-LEAVE# ? Thanks",
+ "The train should leave after #TRAIN-INFORM-LEAVE# .",
+ "Any time after #TRAIN-INFORM-LEAVE# would be fine .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# . Do you have maybe more you did n't see ?",
+ "It should leave after #TRAIN-INFORM-LEAVE# on thursday .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I wish to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "I want a train leaving after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I need to leave Birmingham after #TRAIN-INFORM-LEAVE# .",
+ "Anytime after #TRAIN-INFORM-LEAVE# will be fine , it does n't have to be at that exact time .",
+ "My preference is that it leaves Cambridge after #TRAIN-INFORM-LEAVE# , would that be possible ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# , please .",
+ "It needs to leave after #TRAIN-INFORM-LEAVE# , thanks for checking .",
+ "Yes , my apologies , but can you confirm that the TR4003 train leaves after #TRAIN-INFORM-LEAVE# ?",
+ "If at all possible , I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need tickets for 4 people . I need something that leaves after #TRAIN-INFORM-LEAVE# as well .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# and leave on Friday .",
+ "We need to leave after #TRAIN-INFORM-LEAVE# .",
+ "No preference just fine a train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I would like it to leave after #TRAIN-INFORM-LEAVE# .",
+ "Can leave anytime after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Hm , there really is n't anything leaving after #TRAIN-INFORM-LEAVE# ? All day ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I do n't want to leave until after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# . I ' m not particular on arrival time .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I just need to leave by #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# , please .",
+ "I do n't care when I arrive , but I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "No but I do need help finding a train leaving Kings Cross after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave in the #TRAIN-INFORM-LEAVE# .",
+ "I ' m not picky on when I want to arrive I just want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "Is there one that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am looking to leave at #TRAIN-INFORM-LEAVE# from peterborough .",
+ "I said #TRAIN-INFORM-LEAVE# . Try again .",
+ "I just need to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "Well I need to leave after #TRAIN-INFORM-LEAVE# , so if it is after that time that 'll work .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# .",
+ "I do n't want to leave until after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Much later , I ca n't leave any earlier than #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I can depart any time after #TRAIN-INFORM-LEAVE# . What 's the first train that leaves after this time ?",
+ "i need a train that leaves before #TRAIN-INFORM-LEAVE# if possible .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need one leaving after #TRAIN-INFORM-LEAVE# .",
+ "After #TRAIN-INFORM-LEAVE# on Tuesday , please .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# , arrival is n't that important .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# that morning .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Sure . I 'd like to leave after #TRAIN-INFORM-LEAVE# and go to peterborough .",
+ "Do you have a train that leaves after #TRAIN-INFORM-LEAVE# by chance ?",
+ "I want to leave some time after #TRAIN-INFORM-LEAVE# .",
+ "It should depart after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , as long as it 's after #TRAIN-INFORM-LEAVE# . What times are available ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , those wo n't work at all . As I said , I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave by #TRAIN-INFORM-LEAVE# .",
+ "Do you have one leaving after #TRAIN-INFORM-LEAVE# ?",
+ "I need information on a train as well . It should leave after #TRAIN-INFORM-LEAVE# .",
+ "I am thinking the #TRAIN-INFORM-LEAVE# would be better for me .",
+ "I would love to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to depart from Cambridge after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I would like to leave no later than #TRAIN-INFORM-LEAVE# .",
+ "I need a train that will leave after #TRAIN-INFORM-LEAVE# please .",
+ "I need a train leaving King 's Lynn after #TRAIN-INFORM-LEAVE# .",
+ "I 'll take the train that is closet to #TRAIN-INFORM-LEAVE# please .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am going to Cambridge and I have to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave sometime after #TRAIN-INFORM-LEAVE# and I need tickets for 7 people .",
+ "Yes . I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes . I would like to leave at #TRAIN-INFORM-LEAVE# on Friday .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to depart anytime after #TRAIN-INFORM-LEAVE# , so the soonest available train after that would be nice .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need a train after #TRAIN-INFORM-LEAVE# .",
+ "Great , thanks for that information on the train . Can you book for a train leaving after #TRAIN-INFORM-LEAVE# ?",
+ "Much later , I ca n't leave any earlier than #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# , not the time I said before .",
+ "Yes I would like to leave at #TRAIN-INFORM-LEAVE# .",
+ "I would like to depart sometime after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd just like to leave after #TRAIN-INFORM-LEAVE# , not really concerned with arrival time .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like it to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , find me one that leaves after #TRAIN-INFORM-LEAVE# please .",
+ "I need that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "No . The train needs to leave after #TRAIN-INFORM-LEAVE# .",
+ "No . Anytime after #TRAIN-INFORM-LEAVE# is fine please .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# and I am going to Cambridge .",
+ "anytime after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave at #TRAIN-INFORM-LEAVE# .",
+ "I would need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I do n't care what time I arrive as long as I ' m leaving after #TRAIN-INFORM-LEAVE# .",
+ "No I would just like the earliest train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I would like to arrive at the airport by #TRAIN-INFORM-LEAVE# .",
+ "No , I need the train to leave after #TRAIN-INFORM-LEAVE# . Can you help me find a train at that time ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need a train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I have to leave Cambridge after #TRAIN-INFORM-LEAVE# .",
+ "Whatever the first train is that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# so anytime after that would be great .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# on monday .",
+ "I was looking to leave after #TRAIN-INFORM-LEAVE# but it seems that it is not possible .",
+ "I need on that will leave London after #TRAIN-INFORM-LEAVE# .",
+ "Yes I would like to leave Cambridge after #TRAIN-INFORM-LEAVE# , and departing from Stansted airport and leave on Sunday .",
+ "I might be interested in that . I just want to confirm . That leaves AFTER #TRAIN-INFORM-LEAVE# , correct ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I would need to depart sometime after #TRAIN-INFORM-LEAVE# . What do you have available ?",
+ "I will need to leave by #TRAIN-INFORM-LEAVE# please .",
+ "I need it to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "No , but I would prefer to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , actually . I 'd prefer to leave sometime after #TRAIN-INFORM-LEAVE# , please .",
+ "I need it to depart after #TRAIN-INFORM-LEAVE# .",
+ "No , I am just looking for a train that leaves after #TRAIN-INFORM-LEAVE# , as close to 10:30 as possible .",
+ "We would need the train to leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "Well , it would be but I realized my train needed to leave Bishops after #TRAIN-INFORM-LEAVE# . Please rebook that for me .",
+ "Ely , I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am thinking the #TRAIN-INFORM-LEAVE# would be better for me .",
+ "i would just like the train leaving the closest after #TRAIN-INFORM-LEAVE# .",
+ "Wow . You did n't even get the timeframe I am looking for . I ca n't leave until after #TRAIN-INFORM-LEAVE# .",
+ "We would need the train to leaver after #TRAIN-INFORM-LEAVE# .",
+ "yes , I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am looking to depart from steveage and leave after #TRAIN-INFORM-LEAVE# please .",
+ "Any time will do , as long as it leaves after #TRAIN-INFORM-LEAVE# .",
+ "I really just need to leave after #TRAIN-INFORM-LEAVE# . The arrival time does n't really matter .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I would need to leave after #TRAIN-INFORM-LEAVE# . What 's the first train after that time ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I do n't care . Give me the earliest one leaving after #TRAIN-INFORM-LEAVE# .",
+ "I do n't care much about arrival time but I need to leave sometime after #TRAIN-INFORM-LEAVE# , please .",
+ "Any time after #TRAIN-INFORM-LEAVE# would work .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# and make a booking .",
+ "I will be travelling at #TRAIN-INFORM-LEAVE# PM",
+ "I need to leave after #TRAIN-INFORM-LEAVE# please .",
+ "i need the train to leave after #TRAIN-INFORM-LEAVE# .",
+ "I do n't care as long as it leaves after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# please .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# please .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# . Thanks",
+ "I will be traveling on and need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am going to have to ask you to check again , after #TRAIN-INFORM-LEAVE# please .",
+ "I 'll be traveling on Saturday , please . Oh and I do n't want to leave too early , let 's say something after #TRAIN-INFORM-LEAVE# .",
+ "No , I just need to leave after #TRAIN-INFORM-LEAVE# . Give me which ever one is earliest .",
+ "I ca n't leave until after #TRAIN-INFORM-LEAVE# .",
+ "Are there any trains that arrive after #TRAIN-INFORM-LEAVE# ?",
+ "I want to go to Cambridge , leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I ' m sorry , but I actually need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Me and 6 of my friends want to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave sometime after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# . Can you help find something ?",
+ "As early as possible , but still departing after #TRAIN-INFORM-LEAVE# .",
+ "I ' m looking for a train leaving after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I also need a train leaving leicster after #TRAIN-INFORM-LEAVE# .",
+ "I 'd like to go after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# , please .",
+ "I would like to depart cambridge after #TRAIN-INFORM-LEAVE# .",
+ "Is there one a little earlier ? I 'd actually like to leave closer to #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I ' m sorry for the confusion . I actually need to leave after #TRAIN-INFORM-LEAVE# . Do any trains run on that schedule ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# for 5 people please .",
+ "No , just as long as it leaves after #TRAIN-INFORM-LEAVE# on thursday .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# , please .",
+ "I will be leaving at #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# also .",
+ "There are none closer to a #TRAIN-INFORM-LEAVE# departure ?",
+ "I ca n't leave until after #TRAIN-INFORM-LEAVE# and going to Cambridge",
+ "I would love to leave after #TRAIN-INFORM-LEAVE# please ."
+ ],
+ "Depart;Leave;": [
+ "I ' m looking for a train the departs from #TRAIN-INFORM-DEPART# leaving after #TRAIN-INFORM-LEAVE# .",
+ "I need to take a train out of #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# please .",
+ "I am looking for a train that will leave after #TRAIN-INFORM-LEAVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "Yes , I need to leave on #TRAIN-INFORM-LEAVE# and am departing from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# and would like to leave after #TRAIN-INFORM-LEAVE# . Does this help ?",
+ "Hi , I am looking for a train . I need to depart from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Yes I need to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I ' m looking for a train leaving after #TRAIN-INFORM-LEAVE# departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I 'll need to leave from #TRAIN-INFORM-DEPART# sometime after #TRAIN-INFORM-LEAVE# .",
+ "I ' m looking for a train leaving after #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# .",
+ "I also need a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Book me a train from #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "Yes , after #TRAIN-INFORM-LEAVE# and departing from #TRAIN-INFORM-DEPART# please .",
+ "Actually , I need to depart from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Thank you . I am also looking for a train that departs from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I would need to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# on Monday , please .",
+ "I ' m looking for a train leaving after #TRAIN-INFORM-LEAVE# departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I also need a train leaving from #TRAIN-INFORM-DEPART# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Can I get a train from #TRAIN-INFORM-DEPART# leaving after #TRAIN-INFORM-LEAVE# please ?",
+ "Alright , do any trains leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# ?",
+ "Great , thanks ! I 'll also need a train from #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# . Can you help me with that ?",
+ "Is there a train I can take from #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "Thanks . I ' m also looking for a train . It should depart from #TRAIN-INFORM-DEPART# and leave after #TRAIN-INFORM-LEAVE# .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# . I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and need to leave after #TRAIN-INFORM-LEAVE# .",
+ "i am also looking for a train . The train should leave after #TRAIN-INFORM-LEAVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Can you find a train that departs from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# ?",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# anytime after #TRAIN-INFORM-LEAVE# on thursday",
+ "Could you find me a train that leaves after #TRAIN-INFORM-LEAVE# and departs from #TRAIN-INFORM-DEPART# ?",
+ "I need to depart from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Great , thanks . I also need a train . I need to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I need a train from #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m departing #TRAIN-INFORM-DEPART# . Can you find a train that leaves after #TRAIN-INFORM-LEAVE# ?",
+ "Can you help me find a train leaving after #TRAIN-INFORM-LEAVE# departing from #TRAIN-INFORM-DEPART# ?",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Hi , I need a train that departs from #TRAIN-INFORM-DEPART# . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "Excellent . I also need a train booking . It should leave after #TRAIN-INFORM-LEAVE# and depart from #TRAIN-INFORM-DEPART# .",
+ "Can you get me a train leaving after #TRAIN-INFORM-LEAVE# departing from #TRAIN-INFORM-DEPART# ?",
+ "Thank you , I also need to know if there s a train that leaves from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "No , I need a train that departs from #TRAIN-INFORM-DEPART# and it should leave after #TRAIN-INFORM-LEAVE# .",
+ "Hi , I ' m looking for a train departing #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# . Can you help me with a reservation ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# on friday . I want to depart from #TRAIN-INFORM-DEPART# .",
+ "I need a train from #TRAIN-INFORM-DEPART# leaving after #TRAIN-INFORM-LEAVE# . Thank you .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I ' m staying for 2 days and it 's just myself . What train can I take to depart from the #TRAIN-INFORM-DEPART# that leaves at #TRAIN-INFORM-LEAVE# ?",
+ "thank you . I also need to book a train out of #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Hey there , I need a train from #TRAIN-INFORM-DEPART# that leaves after #TRAIN-INFORM-LEAVE# . Can you help ?",
+ "I am looking for a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I need to book a train that leaves #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Great ! Can you please help me with finding a train as well ? I need something leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I want to depart from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train that should depart from #TRAIN-INFORM-DEPART# and leave after #TRAIN-INFORM-LEAVE# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# and would like to leave after #TRAIN-INFORM-LEAVE# . Does this help ?",
+ "I ' m looking to book a ticket for a train that leaves #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Thank you . I also need a book a train , leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "That 's all the info I need on the pizzeria . I also need a train to leave after #TRAIN-INFORM-LEAVE# and depart from #TRAIN-INFORM-DEPART# .",
+ "Thank , I also need train tickets leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# or later .",
+ "I need help finding a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I aM looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should leave after #TRAIN-INFORM-LEAVE# .",
+ "I 'll be leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "Thanks . I ' m also looking for a train that departs from #TRAIN-INFORM-DEPART# and leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to book a train leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# . Can you do that ?",
+ "I need a train that leaves afer #TRAIN-INFORM-LEAVE# and departs from #TRAIN-INFORM-DEPART# .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# sometime after #TRAIN-INFORM-LEAVE# please .",
+ "hi am looking for a train leaving #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "I need to get train ticket leaving #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# please .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and want to leave after #TRAIN-INFORM-LEAVE# .",
+ "Great . I also need a train from #TRAIN-INFORM-DEPART# leaving after #TRAIN-INFORM-LEAVE# .",
+ "Can you look up a train for me ? I 'll be departing from #TRAIN-INFORM-DEPART# and would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "i want to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# .",
+ "I need a train to leave from #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Day;Depart;Dest;": [
+ "Yes hello ! I ' m looking for a train leaving on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need to leave #TRAIN-INFORM-DEPART# and arrive in #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I would be in #TRAIN-INFORM-DEST# and I need to find a train that will be leaving from #TRAIN-INFORM-DEPART# this #TRAIN-INFORM-DAY# , can you help me find one ?",
+ "I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# that leaves after 8:15 on #TRAIN-INFORM-DAY# .",
+ "No , I also need a train leaving #TRAIN-INFORM-DEPART# #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# please .",
+ "I 'd like to take the train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# , can you help me with that ?",
+ "Yes , I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Can you book me one from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# ?",
+ "I 'd like to go from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Yes . I need to find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Thanks . Now I need to find a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I ' m leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and going to #TRAIN-INFORM-DEST# .",
+ "I want to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# , going to #TRAIN-INFORM-DEST# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# and would like to go to #TRAIN-INFORM-DEST# on a #TRAIN-INFORM-DAY# .",
+ "I need a train to #TRAIN-INFORM-DEPART# from #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Thanks , I also need to train form #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I am looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to go to #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Depart;": [
+ "Departing from #TRAIN-INFORM-DEPART# going to cambridge arriving by #TRAIN-INFORM-ARRIVE# on thursday please .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# , I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "i am also looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives at my destination by #TRAIN-INFORM-ARRIVE# .",
+ "What times are available for departing from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# . I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# . I want to arrive at cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train arriving at #TRAIN-INFORM-ARRIVE# , departing from #TRAIN-INFORM-DEPART# .",
+ "I am looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thank you . I also looking for train that departs from #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# and am leaving #TRAIN-INFORM-DEPART# .",
+ "I am leaving #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be leaving from #TRAIN-INFORM-DEPART# and I need to arrive in Cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "What is the train schedule from #TRAIN-INFORM-DEPART# like ? I need to arrive at #TRAIN-INFORM-ARRIVE# .",
+ "Yes . I am also looking for a train departing #TRAIN-INFORM-DEPART# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Can you please help me find a train out of #TRAIN-INFORM-DEPART# that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to depart from #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , the train should arrive by #TRAIN-INFORM-ARRIVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "That sounds great , thank you . I ' m also looking on information on trains arriving from #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-ARRIVE# .",
+ "I am also looking for a train that departs from #TRAIN-INFORM-DEPART# . I 'd like it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Hi , I need a train from #TRAIN-INFORM-DEPART# that arrives by #TRAIN-INFORM-ARRIVE# . Can you help ?",
+ "I ' m going from #TRAIN-INFORM-DEPART# to bishops stortford Monday and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I will be leaving from #TRAIN-INFORM-DEPART# . Also , I need something that will get there by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks . I also looking for a train that departs from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "Hi . I ' m looking for a train coming from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# . Also , I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# . I do n't really care about what time it leaves but I have to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train that will be leaving from #TRAIN-INFORM-DEPART# by #TRAIN-INFORM-ARRIVE# , can you help me with this please ?",
+ "Yes , i would also like to get a train that leaves #TRAIN-INFORM-DEPART# and i arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks , can also get me information on a train departing from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I will need to take a train here from #TRAIN-INFORM-DEPART# , I will need ot get here by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me get train tickets leaving #TRAIN-INFORM-DEPART# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train departing #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I am leaving from #TRAIN-INFORM-DEPART# and need to arrive at london liverpool street by #TRAIN-INFORM-ARRIVE# for a meeting .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# . I have to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would a train . I ' m going from #TRAIN-INFORM-DEPART# and it needs to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like a train the departs from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to take a train from #TRAIN-INFORM-DEPART# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# arriving by #TRAIN-INFORM-ARRIVE# .",
+ "Is there a train from #TRAIN-INFORM-DEPART# that arrives by #TRAIN-INFORM-ARRIVE# ?",
+ "I need to leave #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# . Can you book a train for me ?",
+ "I am leaving #TRAIN-INFORM-DEPART# and need to arrive in cambridge by #TRAIN-INFORM-ARRIVE# .",
+ "I am leaving #TRAIN-INFORM-DEPART# I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# and would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Hi , I ' m looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train from #TRAIN-INFORM-DEPART# , please . I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# and I would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I will be coming from #TRAIN-INFORM-DEPART# and would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you find me a train I ' m leaving #TRAIN-INFORM-DEPART# and want to arrive at my designation by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train arriving by #TRAIN-INFORM-ARRIVE# departing from #TRAIN-INFORM-DEPART# .",
+ "Perfect . I also need a train departing from #TRAIN-INFORM-DEPART# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train that departs from #TRAIN-INFORM-DEPART# . It should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also going to need a train . I ' m going to be leaving from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Never mind . Can you tell me if there are trains to there from #TRAIN-INFORM-DEPART# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "Can you help me find a train departing #TRAIN-INFORM-DEPART# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should depart from #TRAIN-INFORM-DEPART# . Sorry still no wife .",
+ "Book me a train from #TRAIN-INFORM-DEPART# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# . It should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train . I need to depart from #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train that departs from #TRAIN-INFORM-DEPART# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I 'll be departing from #TRAIN-INFORM-DEPART# and it needs to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Great , thanks ! Can you also help me find a train departing #TRAIN-INFORM-DEPART# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I need a train leaving #TRAIN-INFORM-DEPART# I want to be at my designation by #TRAIN-INFORM-ARRIVE# .",
+ "You , know I 'll think about it , but can I get a train leaving #TRAIN-INFORM-DEPART# to arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "No . I need to leave from #TRAIN-INFORM-DEPART# and arrive in cambridge . I also need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to leave from #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train arriving by #TRAIN-INFORM-ARRIVE# and departing from #TRAIN-INFORM-DEPART# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking to depart from #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should depart from #TRAIN-INFORM-DEPART# .",
+ "What trains leave #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# ?",
+ "How about one arriving by #TRAIN-INFORM-ARRIVE# departing from #TRAIN-INFORM-DEPART# .",
+ "I would also like a train that depart from #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Yes . The departure should be from #TRAIN-INFORM-DEPART# and arrive in cambridge no later than #TRAIN-INFORM-ARRIVE# please .",
+ "Yes , I need some train information . Looking to depart #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to leave #TRAIN-INFORM-DEPART# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am looking for a train departing #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to leave from #TRAIN-INFORM-DEPART# , and arrive by #TRAIN-INFORM-ARRIVE# please .",
+ "I am also looking for a train that should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# leaving from #TRAIN-INFORM-DEPART# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# , and I 'd like to arrive by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Day;Depart;": [
+ "No . I ' m looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . Can you book it for me ?",
+ "I ' m departing from #TRAIN-INFORM-DEPART# and I need to leave on #TRAIN-INFORM-DAY# . Thank you for helping !",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m planning my trip and I need a train that leaves on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "I 'll be coming in from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Hello , I ' m looking for a train . I need to leave on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "I actually need a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m planning a trip and I need a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I 'll be departing from the #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to find a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train ride that departs #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Yes please . I am also looking for a train that leaves #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# as well if that 's not too much trouble ?",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to depart #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to arrive by 21:00 .",
+ "I need to book a train from #TRAIN-INFORM-DEPART# that leaves on #TRAIN-INFORM-DAY# .",
+ "Okay I also need a train departing #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# .",
+ "I also need a train departing from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# .",
+ "I want to depart from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# please .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# and I need to leave on #TRAIN-INFORM-DAY# . Thank you for helping !",
+ "I need a train out of #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train that departs #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "No preference I also need a train leaving on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need a train that is departing from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I also need a train on #TRAIN-INFORM-DAY# that departs from #TRAIN-INFORM-DEPART# .",
+ "Yes I am looking for a train on #TRAIN-INFORM-DAY# that should depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m in need of a train coming from #TRAIN-INFORM-DEPART# that should leave on #TRAIN-INFORM-DAY# .",
+ "I ' m also looking for information on trains departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . Can you book it for me ?",
+ "I am looking for a train on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "I need a train . The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "Can I get a train departing #TRAIN-INFORM-DEPART# and leaving on #TRAIN-INFORM-DAY# ?",
+ "I ' m looking for a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Not at this time . I am also looking for a train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to book a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# can you help me ?",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train . The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I have a trip on #TRAIN-INFORM-DAY# and I need a train that departs from #TRAIN-INFORM-DEPART# .",
+ "I ' m looking for a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Does it depart from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ?",
+ "I need to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Thank you ! I ' m also looking for a train departing from #TRAIN-INFORM-DEPART# that leaves on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# ?",
+ "Thank you . Can you also find a train that leaves on #TRAIN-INFORM-DAY# and departs from #TRAIN-INFORM-DEPART# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# ?",
+ "I also need to leave via train from #TRAIN-INFORM-DEPART# after 9:15 on #TRAIN-INFORM-DAY# , can you help me with that ?",
+ "Great ! I am also looking for a train that leaves on #TRAIN-INFORM-DAY# and departs from #TRAIN-INFORM-DEPART# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Find a train that departs from #TRAIN-INFORM-DEPART# , leaving on #TRAIN-INFORM-DAY# , please .",
+ "Thank you . Yes , I think I 'll be traveling by train #TRAIN-INFORM-DAY# as well . Are there any trains leaving #TRAIN-INFORM-DEPART# on that day ?",
+ "I need a train that leaves on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need to take a train here on #TRAIN-INFORM-DAY# , I will be coming from #TRAIN-INFORM-DEPART# .",
+ "Depart from #TRAIN-INFORM-DEPART# and leave on #TRAIN-INFORM-DAY# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "Yes , departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . How much will that cost ?",
+ "I do need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# please .",
+ "Can you help me find a train coming from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# ?",
+ "The train should leave on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I want to leave from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to depart from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "departure is #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "No , I need a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Hi , I need a train that departs from #TRAIN-INFORM-DEPART# and leaves on #TRAIN-INFORM-DAY# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can I take a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ?",
+ "I ' m looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I am leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train that departs from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I will be leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# ?",
+ "I am leaving from #TRAIN-INFORM-DEPART# and I 'd like to leave on #TRAIN-INFORM-DAY# .",
+ "I want to leave from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train departing out of #TRAIN-INFORM-DEPART# this #TRAIN-INFORM-DAY# ?",
+ "on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# to norway leaving at 2030 hrs",
+ "Yes , I will be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# ?",
+ "Thank you ! Can you also help me with a train please ? I need a train departing #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "am looking for a train . The train should leave on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I need a train from #TRAIN-INFORM-DEPART# station on #TRAIN-INFORM-DAY# .",
+ "Thanks . I also need a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you find me a train on #TRAIN-INFORM-DAY# ? I am leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# . The train should leave on #TRAIN-INFORM-DAY# .",
+ "Alright thanks for that . Can you help me find a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ?",
+ "I am actually looking for a train on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "Can you help me find a train coming from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# ?",
+ "i will be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and will need tickets for 4 people .",
+ "Yes , I need help finding a train . I 'd like to find one from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m leaving from #TRAIN-INFORM-DEPART# and need to travel on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train that leaves #TRAIN-INFORM-DEPART# ? I would also like to request that it be leaving on a #TRAIN-INFORM-DAY# .",
+ "I also need a train that is leaving on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# and departing from #TRAIN-INFORM-DEPART# .",
+ "I am actually looking for a train on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "I need to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m also looking for a train . The train should leave on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need to leave #TRAIN-INFORM-DEPART# after 9:45 on #TRAIN-INFORM-DAY# .",
+ "It will be from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Are there any trains leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# ?",
+ "I also need to train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Hello ! I ' m looking for a train leaving on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# .",
+ "That 's OK . I need a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I would like to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . Can you check on trains for me ?",
+ "I want to book a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me get a train ticket leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# please ?",
+ "Can you help me find a train departing from #TRAIN-INFORM-DEPART# leaving on #TRAIN-INFORM-DAY# ?",
+ "Does it leave on #TRAIN-INFORM-DAY# , departing from #TRAIN-INFORM-DEPART# ?",
+ "The train should leave on #TRAIN-INFORM-DAY# and should depart from #TRAIN-INFORM-DEPART# .",
+ "I need to leave on #TRAIN-INFORM-DAY# and depart from #TRAIN-INFORM-DEPART# .",
+ "I am leaving #TRAIN-INFORM-DEPART# to go to cambridge on #TRAIN-INFORM-DAY# .",
+ "Great I also need to get a train on #TRAIN-INFORM-DAY# leaving from #TRAIN-INFORM-DEPART# .",
+ "Depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I need it for #TRAIN-INFORM-DAY# as well and it should depart from #TRAIN-INFORM-DEPART# .",
+ "Hello , I am looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I also need to get a train on #TRAIN-INFORM-DAY# departing #TRAIN-INFORM-DEPART# .",
+ "I need to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Yes , I need a train . I 'll be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I would also like a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# too .",
+ "I need to take a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# can you help me get a ticket ?",
+ "I need a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train that leaves on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# ?",
+ "I also need a train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I am looking for a train that departs #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need to find a train that leaves #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I ' m also looking for a train that departs from #TRAIN-INFORM-DEPART# and is leaving on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "I 'd like some help finding a train leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# .",
+ "I need a train leaving from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . Thanks .",
+ "I ' m looking for a train departing on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# ."
+ ],
+ "Depart;Dest;Leave;": [
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should go to #TRAIN-INFORM-DEST# , leaving from #TRAIN-INFORM-DEPART# .",
+ "I ' m traveling from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# . I would like the train that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I ' m going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# any time after #TRAIN-INFORM-LEAVE# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# . As long as it leaves after #TRAIN-INFORM-LEAVE# departure time does not matter",
+ "Yes , I also need a train leaving after #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I also need a train going to #TRAIN-INFORM-DEST# departing from #TRAIN-INFORM-DEPART# . I 'd like to leave at #TRAIN-INFORM-LEAVE# .",
+ "I will be departing from #TRAIN-INFORM-DEPART# and need to go to #TRAIN-INFORM-DEST# . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Thank you ! I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . I need to depart after #TRAIN-INFORM-LEAVE# .",
+ "I am looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . It should leave after #TRAIN-INFORM-LEAVE# .",
+ "I am going to #TRAIN-INFORM-DEST# coming from #TRAIN-INFORM-DEPART# . I will be leaving on friday after #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Day;People;": [
+ "on #TRAIN-INFORM-DAY# . book for #TRAIN-INFORM-PEOPLE# people",
+ "On #TRAIN-INFORM-DAY# I need to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please book the train for #TRAIN-INFORM-PEOPLE# people on #TRAIN-INFORM-DAY# . Let me know the reference number , if available .",
+ "Please book #TRAIN-INFORM-PEOPLE# seat for #TRAIN-INFORM-DAY# on the 11:29 train going to bishops sortford . Thanks !",
+ "Is that the schedule for #TRAIN-INFORM-DAY# ? That 's when I need to travel . If so , please book #TRAIN-INFORM-PEOPLE# tickets for me ?",
+ "I just want to be clear . This is 7:27 #TRAIN-INFORM-DAY# morning correct ? In that case , I 'd like to book that for #TRAIN-INFORM-PEOPLE# people with reference number , please .",
+ "I am going to cambridge on #TRAIN-INFORM-DAY# , leaving from norwich and I need to book #TRAIN-INFORM-PEOPLE# tickets . And can you please give me the reference number ?"
+ ],
+ "Arrive;Day;": [
+ "Great thank you , I also need a train to arrive by #TRAIN-INFORM-ARRIVE# and traveling on #TRAIN-INFORM-DAY# .",
+ "I need the train to arrive by #TRAIN-INFORM-ARRIVE# and leave on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train that leaves on #TRAIN-INFORM-DAY# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I 'll be travelling on #TRAIN-INFORM-DAY# , and would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Find me a train on #TRAIN-INFORM-DAY# that should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "No , that is fine . I also need a train that should arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "On #TRAIN-INFORM-DAY# - the train needs to arrive by #TRAIN-INFORM-ARRIVE# too .",
+ "I ' m needing a train leaving on #TRAIN-INFORM-DAY# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# and arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I also need a train leaving on #TRAIN-INFORM-DAY# and arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like the train for #TRAIN-INFORM-DAY# and it does nt matter when I leave , just need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like one that arrives by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "I do n't care as long as I arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "Can I get a train arriving by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# ?",
+ "Do you have any that would arrive at #TRAIN-INFORM-ARRIVE# , leaving #TRAIN-INFORM-DAY# instead ?",
+ "Hello , I am looking for a train that arrives by #TRAIN-INFORM-ARRIVE# and leaves on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "Yes , I need a train for #TRAIN-INFORM-DAY# arriving at #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# and leave on a #TRAIN-INFORM-DAY# . It will also be for only myself .",
+ "I need to travel on #TRAIN-INFORM-DAY# and get there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# , please .",
+ "I am looking for a train leaving on #TRAIN-INFORM-DAY# arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m looking for a train to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Hi I am looking for a train that will arrive by #TRAIN-INFORM-ARRIVE# and leave on #TRAIN-INFORM-DAY# .",
+ "Yes I ' m also looking for a train that leaves #TRAIN-INFORM-DAY# and arrives by #TRAIN-INFORM-ARRIVE# .",
+ "Yes , I would prefer train and would like to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# and arrive as close to #TRAIN-INFORM-ARRIVE# as possible .",
+ "i need to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I need to take a train to here . I want to arrive by #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "Yes thank you . I also needs a train on #TRAIN-INFORM-DAY# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should arrive by #TRAIN-INFORM-ARRIVE# . so thyat one may not help me",
+ "I ' m looking for a train that arrives by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I 'd need to leave on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to leave on #TRAIN-INFORM-DAY# and I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and departure time does n't matter as long as it arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I want to travel on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# please",
+ "I would like to leave on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive by #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "On #TRAIN-INFORM-DAY# . But I have to be there by #TRAIN-INFORM-ARRIVE# . Which one works best for that ?",
+ "Sure , you really should be more pleasant . I need to get to London Liverpool Street on #TRAIN-INFORM-DAY# by #TRAIN-INFORM-ARRIVE# please .",
+ "I need a train to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# . Can you help me ?",
+ "No thank you . I am needing a train that will leave on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I need to take a train that arrives by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I need to get there at #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I want to leave on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to leave on a #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Thanks ! I also need help finding a train leaving #TRAIN-INFORM-DAY# arriving by #TRAIN-INFORM-ARRIVE# .",
+ "I will be traveling on #TRAIN-INFORM-DAY# and I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Can you help me find a train leaving on #TRAIN-INFORM-DAY# arriving by #TRAIN-INFORM-ARRIVE# ?",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# and arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I would like to arrive #TRAIN-INFORM-DAY# at #TRAIN-INFORM-ARRIVE# .",
+ "On #TRAIN-INFORM-DAY# . I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "On #TRAIN-INFORM-DAY# . I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "The train should arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# ."
+ ],
+ "Day;Dest;Leave;": [
+ "I need to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# . I ' m traveling to #TRAIN-INFORM-DEST# .",
+ "I 'd like to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# and arrive at #TRAIN-INFORM-DEST# .",
+ "The train should go to #TRAIN-INFORM-DEST# and should leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I want to leave on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# and arrive in #TRAIN-INFORM-DEST# .",
+ "I would be traveling on #TRAIN-INFORM-DAY# and should leave #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave on #TRAIN-INFORM-DAY# around #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# .",
+ "I 'd like to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# from cambridge to #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;People;": [
+ "I 'll take the train that arrives closest to #TRAIN-INFORM-ARRIVE# for #TRAIN-INFORM-PEOPLE# people please .",
+ "No , I just need to arrive by #TRAIN-INFORM-ARRIVE# . On Wednesday . Please book the train closest to that arrival for #TRAIN-INFORM-PEOPLE# people and give me a reference number",
+ "yes I need to arrive by #TRAIN-INFORM-ARRIVE# , for #TRAIN-INFORM-PEOPLE# people",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# . I need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Can you book #TRAIN-INFORM-PEOPLE# tickets for a train that arrives closest to #TRAIN-INFORM-ARRIVE# please ?",
+ "Well pick pick the one that leaves the latest but arrives by #TRAIN-INFORM-ARRIVE# and book for #TRAIN-INFORM-PEOPLE# people .",
+ "I 'll need a train that arrives by #TRAIN-INFORM-ARRIVE# and book for #TRAIN-INFORM-PEOPLE# people .",
+ "I want the train to arrive by #TRAIN-INFORM-ARRIVE# . Just choose the first train on your list and book it for #TRAIN-INFORM-PEOPLE# people . Then send me a reference number to confirm",
+ "Yes , I would like to book the one that arrives closest to #TRAIN-INFORM-ARRIVE# . I will need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "Did you book for #TRAIN-INFORM-PEOPLE# people ? Is there a train that arrives closer to but before #TRAIN-INFORM-ARRIVE# ? Thanks .",
+ "That does n't work . I need a train that arrives closer to #TRAIN-INFORM-ARRIVE# for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , #TRAIN-INFORM-ARRIVE# like I said previously . I will need #TRAIN-INFORM-PEOPLE# tickets .",
+ "No , we just want to get there either at or right before #TRAIN-INFORM-ARRIVE# , please . Can you get me #TRAIN-INFORM-PEOPLE# tickets on the closest train to that time ?",
+ "Well , I 'd like to get there by #TRAIN-INFORM-ARRIVE# or a little before , so is there a train at 09:2#TRAIN-INFORM-PEOPLE# or 10:21 ? I 'll need 1 ticket .",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# . I will need to buy #TRAIN-INFORM-PEOPLE# tickets once we find a train .",
+ "Whichever gets me there closest to #TRAIN-INFORM-ARRIVE# please . I need to book #TRAIN-INFORM-PEOPLE# ticket and I also need the reference number , please .",
+ "Yes choose the arrival time closest to #TRAIN-INFORM-ARRIVE# and book that train for #TRAIN-INFORM-PEOPLE# people . Then give me the reference number",
+ "I would like to arrive by #TRAIN-INFORM-ARRIVE# . I will need to buy #TRAIN-INFORM-PEOPLE# tickets once we find a train .",
+ "Yes , can you book tickets for #TRAIN-INFORM-PEOPLE# on a train that arrives at or just before #TRAIN-INFORM-ARRIVE# ?",
+ "Actually , I would like to book a train . It needs to arrive by #TRAIN-INFORM-ARRIVE# . I 'd like to book for #TRAIN-INFORM-PEOPLE# people .",
+ "I need to arrive by #TRAIN-INFORM-ARRIVE# and I want to book it for #TRAIN-INFORM-PEOPLE# people .",
+ "No , we just want to get there either at or right before #TRAIN-INFORM-ARRIVE# , please . Can you get me #TRAIN-INFORM-PEOPLE# tickets on the closest train to that time ?",
+ "I just need to arrive by #TRAIN-INFORM-ARRIVE# find a time close to that and help me get #TRAIN-INFORM-PEOPLE# tickets please .",
+ "As long as it arrives by #TRAIN-INFORM-ARRIVE# , then it 's good . Can you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# . Please select the first option that comes up and book for #TRAIN-INFORM-PEOPLE# people , then send me the reference number",
+ "Yes as close to #TRAIN-INFORM-ARRIVE# as possible , book for #TRAIN-INFORM-PEOPLE# people please",
+ "I need to be there by #TRAIN-INFORM-ARRIVE# and I need a reservation for #TRAIN-INFORM-PEOPLE# people . Can you send me the reference number when you have made the reservations ?"
+ ],
+ "Leave;People;": [
+ "Any that leave after #TRAIN-INFORM-LEAVE# would be fine . I 'll need a booking for #TRAIN-INFORM-PEOPLE# people , please .",
+ "There are #TRAIN-INFORM-PEOPLE# people in my party and we 'd like to leave after #TRAIN-INFORM-LEAVE# on Tuesday . I 'll need a reference number , please .",
+ "It needs to leave sometime after #TRAIN-INFORM-LEAVE# , and I 'll need #TRAIN-INFORM-PEOPLE# tickets .",
+ "Yes . Please select the first train available after #TRAIN-INFORM-LEAVE# and book #TRAIN-INFORM-PEOPLE# tickets . then provide me the reference number",
+ "No arrival preference but it will need to leave after #TRAIN-INFORM-LEAVE# . Any one is fine . I 'll need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Leave after #TRAIN-INFORM-LEAVE# . I need a booking for #TRAIN-INFORM-PEOPLE# people and the reference number .",
+ "No , the first train leaving after #TRAIN-INFORM-LEAVE# would be fine . I want to book tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "The #TRAIN-INFORM-LEAVE# train is perfect . Please book #TRAIN-INFORM-PEOPLE# tickets . Thanks .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# , so that 's 10:#TRAIN-INFORM-PEOPLE#5 , right ? Can you book passage for 3 people for me ?",
+ "I 'd like to leave at #TRAIN-INFORM-LEAVE# . There will be #TRAIN-INFORM-PEOPLE# people traveling with me .",
+ "After #TRAIN-INFORM-LEAVE# , please . And I 'll need tickets for #TRAIN-INFORM-PEOPLE# people .",
+ "I prefer to depart after #TRAIN-INFORM-LEAVE# . Just choose the first train you see listed and book tickets for #TRAIN-INFORM-PEOPLE# people . Then give me the reference number .",
+ "I just need to find a train that leaves at #TRAIN-INFORM-LEAVE# for #TRAIN-INFORM-PEOPLE# people",
+ "Can you reserve #TRAIN-INFORM-PEOPLE# tickets on the next train after #TRAIN-INFORM-LEAVE# ?",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# . I will need to book for #TRAIN-INFORM-PEOPLE# people .",
+ "Yes , please choose the earliest one after #TRAIN-INFORM-LEAVE# and book it for #TRAIN-INFORM-PEOPLE# people . And do n't forget to send the reference number !",
+ "I need a train leaving anytime after #TRAIN-INFORM-LEAVE# and I need to book it for #TRAIN-INFORM-PEOPLE# people , please . Whatever you find after 10:00 is fine .",
+ "Yes please . I just need tickets for all #TRAIN-INFORM-PEOPLE# of us . as close to #TRAIN-INFORM-LEAVE# as possible .",
+ "Um , the one at #TRAIN-INFORM-LEAVE# please . Could you book it for #TRAIN-INFORM-PEOPLE# people ?",
+ "It needs to leave after #TRAIN-INFORM-LEAVE# . I need a booking for #TRAIN-INFORM-PEOPLE# people .",
+ "Just any time leaving after #TRAIN-INFORM-LEAVE# , and I need tickets for #TRAIN-INFORM-PEOPLE# people ."
+ ],
+ "Arrive;Day;Depart;Dest;": [
+ "I need the train to arrive by #TRAIN-INFORM-ARRIVE# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , what are my options for that ?",
+ "no , i am also looking for a train . The train should arrive by #TRAIN-INFORM-ARRIVE# and should go to #TRAIN-INFORM-DEST# . \n The train should depart from #TRAIN-INFORM-DEPART# and should leave on #TRAIN-INFORM-DAY# .",
+ "i am also looking for a train . The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# . \n The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# that arrives by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I am also looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# , and arriving at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I am also looking for a train form #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# that arrives by #TRAIN-INFORM-ARRIVE# .",
+ "I ' m also looking for a train . It should depart #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . Arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , I want to get there by #TRAIN-INFORM-ARRIVE# so I am not late",
+ "I also need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . I 'd like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Are you sure there are no trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# before #TRAIN-INFORM-ARRIVE# ? That seems odd to me .",
+ "Thank you , I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# , I do nt want to get home late so need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I need to arrive in #TRAIN-INFORM-DEST# . I need to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I weill departing on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# .",
+ "Okay . I;m looking for a train that departs from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and arrives by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# .",
+ "I am also looking for a train departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and arriving at #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "I need a train on #TRAIN-INFORM-DAY# that 'll arrive by #TRAIN-INFORM-ARRIVE# , traveling from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# .",
+ "I need to get a train leaving #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# . I need to be in ely by #TRAIN-INFORM-ARRIVE# and am leaving on #TRAIN-INFORM-DAY# .",
+ "I 'll be heading into #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# , and I need to get there by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# , and wold like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# .",
+ "Perfect , thanks . Could you also tell me if there are any trains from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# that arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# ?",
+ "I need a train to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and would like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I am departing from #TRAIN-INFORM-DEPART# and I would like to go to #TRAIN-INFORM-DEST# . I would like my train to arrive by #TRAIN-INFORM-ARRIVE# and leave on #TRAIN-INFORM-DAY# .",
+ "I apologize , I should have let you know before , I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , on #TRAIN-INFORM-DAY# . I need to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I weill departing on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# and need to arrive by #TRAIN-INFORM-ARRIVE# in #TRAIN-INFORM-DEST# ."
+ ],
+ "Day;Depart;Dest;Leave;": [
+ "I ' m going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "I am departing from #TRAIN-INFORM-DEPART# anytime after #TRAIN-INFORM-LEAVE# . I would like to go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need a train going to #TRAIN-INFORM-DEST# leaving on #TRAIN-INFORM-DAY# . The train is going to #TRAIN-INFORM-DEPART# leaving after #TRAIN-INFORM-LEAVE# .",
+ "i am also in need of a train on #TRAIN-INFORM-DAY# from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# .",
+ "I just want to leave after #TRAIN-INFORM-LEAVE# going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "Yes I need to go to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# . What are my options for this ?",
+ "Train please . I need to leave #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# .",
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# . \n The train should depart from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# . book for same number of people",
+ "I am also looking for a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "The train should leave on #TRAIN-INFORM-DAY# and should leave after #TRAIN-INFORM-LEAVE# , departing from #TRAIN-INFORM-DEPART# and should go to #TRAIN-INFORM-DEST# .",
+ "Yes I am also looking for a train that leaves on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# that departs from #TRAIN-INFORM-DEPART# and goes to #TRAIN-INFORM-DEST# .",
+ "Yes please book TR6524 on #TRAIN-INFORM-DAY# leaving at #TRAIN-INFORM-LEAVE# going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# . Please confirm departure time . Thank you .",
+ "Yes , I also need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# . I want to leave after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "I am leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# anytime after #TRAIN-INFORM-LEAVE# will work for me",
+ "The train I need would be departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# and arrive to #TRAIN-INFORM-DEST# .",
+ "i also need a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# .",
+ "That sounds good , thanks . I also need to get from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . I can leave anytime after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I need a train going to #TRAIN-INFORM-DEST# leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# .",
+ "I also need a train to #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# to #TRAIN-INFORM-DEST# that leaves after #TRAIN-INFORM-LEAVE# .",
+ "I am going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# and need a ticket leaving #TRAIN-INFORM-DEPART# anytime after #TRAIN-INFORM-LEAVE# please",
+ "I need to go to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# and the train should leave after #TRAIN-INFORM-LEAVE# on a #TRAIN-INFORM-DAY# .",
+ "i am are also looking for a train . The train should depart from #TRAIN-INFORM-DEPART# and should leave after #TRAIN-INFORM-LEAVE# . \n The train should leave on #TRAIN-INFORM-DAY# and should go to #TRAIN-INFORM-DEST# .",
+ "A train that departs from #TRAIN-INFORM-DEPART# and going to #TRAIN-INFORM-DEST# . Leaves #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I ' m sorry , I mispoke , I need a train to #TRAIN-INFORM-DEST# . I need to leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# .",
+ "No . I need to depart from #TRAIN-INFORM-DEPART# and go to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "I should have told you that already , I apologize . I need to take a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# , on #TRAIN-INFORM-DAY# leaving after #TRAIN-INFORM-LEAVE# .",
+ "I am also looking for a train departing from #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "I ' m going from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# , what are my options for that ?",
+ "Yes , I need a train from #TRAIN-INFORM-DEPART# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# . I 'll be traveling after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I am looking for a train that departs from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . I would like to leave after #TRAIN-INFORM-LEAVE# and my destination is #TRAIN-INFORM-DEST# ."
+ ],
+ "Arrive;Depart;People;": [
+ "Departing from #TRAIN-INFORM-DEPART# and I want to arrive somewhere around #TRAIN-INFORM-ARRIVE# , can you get me #TRAIN-INFORM-PEOPLE# tickets and I 'll need the reference number too .",
+ "The train should depart from #TRAIN-INFORM-DEPART# and should arrive by #TRAIN-INFORM-ARRIVE# . for #TRAIN-INFORM-PEOPLE# people"
+ ],
+ "Day;Depart;Leave;": [
+ "I need to leave #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# from #TRAIN-INFORM-DEPART# .",
+ "I also need a train that leaves after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# departing from #TRAIN-INFORM-DEPART# .",
+ "I ' m leaving #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# .",
+ "i want to travel on #TRAIN-INFORM-DAY# . i need to leave #TRAIN-INFORM-DEPART# at #TRAIN-INFORM-LEAVE# .",
+ "I need a train from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# and should leave after #TRAIN-INFORM-LEAVE# ."
+ ],
+ "Arrive;Day;People;": [
+ "arrive by #TRAIN-INFORM-ARRIVE# and should leave on #TRAIN-INFORM-DAY# and book it for #TRAIN-INFORM-PEOPLE# people thank you"
+ ],
+ "Depart;Dest;People;": [
+ "I will be leaving #TRAIN-INFORM-DEPART# going to #TRAIN-INFORM-DEST# , I need #TRAIN-INFORM-PEOPLE# tickets and the conf . # too please",
+ "I apologize this train is going to #TRAIN-INFORM-DEST# from #TRAIN-INFORM-DEPART# . for #TRAIN-INFORM-PEOPLE# people are you able to book that ?"
+ ],
+ "Arrive;Depart;Dest;People;": [
+ "We are departing from #TRAIN-INFORM-DEPART# on friday going to #TRAIN-INFORM-DEST# . Arrival time should be around #TRAIN-INFORM-ARRIVE# . Please book #TRAIN-INFORM-PEOPLE# seats ."
+ ],
+ "Day;Dest;People;": [
+ "I am going to #TRAIN-INFORM-DEST# and traveling on #TRAIN-INFORM-DAY# . Please reserve #TRAIN-INFORM-PEOPLE# seats and provide the reference number , thank you !"
+ ],
+ "Day;Depart;Leave;People;": [
+ "I am sorry , poor joke . I am leaving #TRAIN-INFORM-DEPART# going to bishops storford , leaving after #TRAIN-INFORM-LEAVE# on #TRAIN-INFORM-DAY# , need #TRAIN-INFORM-PEOPLE# tickets and ref number"
+ ],
+ "Day;Depart;People;": [
+ "I ' m departing from #TRAIN-INFORM-DEPART# on #TRAIN-INFORM-DAY# . Please book it for #TRAIN-INFORM-PEOPLE# people ."
+ ],
+ "Arrive;Day;Dest;": [
+ "I would like to arrive in #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# please .",
+ "I ' m leaving #TRAIN-INFORM-DAY# on a trip to #TRAIN-INFORM-DEST# . I need to be there by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd also need a train leaving the centre going to #TRAIN-INFORM-DEST# and arriving by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# .",
+ "I ' m also looking for a train on #TRAIN-INFORM-DAY# . I need to get to #TRAIN-INFORM-DEST# by #TRAIN-INFORM-ARRIVE# please .",
+ "I 'd like to depart cambridge to arrive by #TRAIN-INFORM-ARRIVE# to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# .",
+ "I need a train to arrive by #TRAIN-INFORM-ARRIVE# on #TRAIN-INFORM-DAY# going to #TRAIN-INFORM-DEST# .",
+ "The departure time is of no concern , but I need to arrive on #TRAIN-INFORM-DAY# in #TRAIN-INFORM-DEST# at #TRAIN-INFORM-ARRIVE# please ."
+ ],
+ "Depart;Leave;People;": [
+ "The train should leave #TRAIN-INFORM-DEPART# after #TRAIN-INFORM-LEAVE# so the 11:32 is a good choice . There are #TRAIN-INFORM-PEOPLE# of us traveling together . Please book ."
+ ],
+ "Dest;People;": [
+ "That 'd be fine . I want it to arrive at #TRAIN-INFORM-DEST# on time . Can you book it for #TRAIN-INFORM-PEOPLE# people ?"
+ ],
+ "Day;Dest;Leave;People;": [
+ "Actually , sorry I got ahead of myself . I still want help booking a train that goes to #TRAIN-INFORM-DEST# on #TRAIN-INFORM-DAY# after #TRAIN-INFORM-LEAVE# . I want to book for #TRAIN-INFORM-PEOPLE# people ."
+ ],
+ "Dest;Leave;People;": [
+ "I need to go to #TRAIN-INFORM-DEST# and leave from cambridge after #TRAIN-INFORM-LEAVE# . There are #TRAIN-INFORM-PEOPLE# of us , can you make a reservation and send me the reference number ?"
+ ],
+ "Day;Leave;People;": [
+ "The train should leave after #TRAIN-INFORM-LEAVE# and should leave on #TRAIN-INFORM-DAY# . for #TRAIN-INFORM-PEOPLE# people please book ."
+ ]
+ },
+ "Train-Request": {
+ "Leave;Ticket;Time;": [
+ "Yes please . I also need the travel time , departure time , and price .",
+ "Yes please . I 'll need a departure time , travel time , and price . Thank you .",
+ "I do n't need tickets right now . I just need to know the departure time , travel time , and price for that train , please .",
+ "Could you confirm the departure time , travel time and price of that train please ?",
+ "That 's fine . I do n't need a booking yet . You ' ve given me the departure time . May I also have the ticket price and travel time , please ?",
+ "Can I get the price , travel time , and departure time of the one arriving at 18:07 ?",
+ "Can I have the price , travel time , and departure time for the TR1863 , please ?",
+ "Before booking , I would also like to know the travel time , price , and departure time please .",
+ "I do n't need to book right now . You ' ve told me the departure time . I just need the travel time and the ticket price .",
+ "Can you give me the price , travel time and departure time first ?",
+ "What is the total travel time ? And can I also get the departure time and a price please",
+ "I need the travel time , departure time and the price per ticket please .",
+ "Possibly . Can you give me the departure time , travel time and a price ?",
+ "Yes , 10:23 will be fine . Are you able to tell me the departure time , the price , and the travel time , please ?",
+ "Sounds good . Can you give me it 's departure time , travel time , and price ?",
+ "Yes what is the price , departure time , and travel time ?",
+ "Oh , I do n't need to book any tickets , I would just like to know the the departure time , price , and travel time , please .",
+ "Sounds good . Please , may I have the price , travel time , and departure time ?",
+ "How long is the travel time , departure time and what is the price ?",
+ "Yes . What is the travel time , price , and departure time ?",
+ "Can you give me the departure time , travel time and the price ?"
+ ],
+ "Arrive;Ticket;": [
+ "What is the price of the fair and could you tell me what is the arrival time into Peterborough ?",
+ "Just the first departure after 13:45 please , no booking , just the price and arrival time .",
+ "Before booking I need to make sure that train meets my needs . May I please get the arrival time of that train and the price ?",
+ "Could you please give me the arrival time and confirm that the price is still 12.80",
+ "I do n't need to book just yet . But can I get the arrival time and price per ticket .",
+ "No , I just need the price and arrival time .",
+ "How long is the trip and when will I arrive ? Also need to know the price .",
+ "I need the arrival time and price",
+ "I just need the arrival time and price .",
+ "Could you give me the arrival time and price also please ?",
+ "I would like the price and arrival time for the 21:50 train please .",
+ "Yes that works . What is the arrival time and price please ?",
+ "I ' m sorry can you tell me the price and arrival time on the train ?",
+ "Actually , I only need the information for today . I do n't want to purchase yet . Can I get the arrival time and price for that train ?",
+ "I just need the arrival time and price at this moment .",
+ "The earliest is better . Can you tell me what time it will arrive and the price ?",
+ "I need the price for the train that leaves at 10:40 for one and the arrival time .",
+ "Yes , that will work . Can you tell me what the arrival time is and the price please ?",
+ "I ' m sorry , I just need the arrival time and price , please . That is departing from cambridge , right ?",
+ "That will work . What is the price and arrival time for that ?",
+ "Pick one for me and give me the price and arrival time if you do n't mind .",
+ "Can I have the price and arrival time of the 19:59 train , please ?",
+ "Could you please tell me the price and when it arrives ?",
+ "I do need the price and arrival time first .",
+ "What time does it arrive and the price ?",
+ "What time will it arrive ? How many minutes does it take to get there ? Can you tell me the price ?",
+ "Sure . What is the price and arrival time ?",
+ "yes please and I need the price and arrival time",
+ "i just need the price and arrival time please .",
+ "Could you give me the arrival time and price on that please ?",
+ "I would like to depart on Monday . What will be the arrival time and price of that train ?",
+ "Yes , can you give me arrival times and prices , please ?",
+ "Yes . May I have the price , travel and arrival time please ?",
+ "I just needed the price and arrival time . Food wise , anything will do , I ' m not a picky eater",
+ "That works great . What is the arrival time and price ?",
+ "Sounds great , what is the price and arrival time ?",
+ "Can you give me the arrival time of one of them ? And the price please .",
+ "Yes what is the price of the ticket and when does the train arrive please ?",
+ "What time will the train arrive , please ? And what 's the price ?",
+ "Yes . Can I have the arrival time and price , please ?"
+ ],
+ "Ref;": [
+ "Yes , please . Could I have the reference number as well ?",
+ "Yes , could you please email or fax me the fare amount , as well as the reference number ?",
+ "Could I get the reference number ?",
+ "Great , can you give me the reference number . Also can you give me some information on emmanuel college please ?",
+ "Just want to make sure , that reference number is for the train , TR5465 ?",
+ "Yes , if I could please get the reference number .",
+ "Sounds great . Please book and provide me with a reference number .",
+ "Yes , please book and send me a reference number .",
+ "Yes please and I will need the reference number .",
+ "Anytime as long as i arrive by 14:00 . Can you provide me with a reference number after booking ?",
+ "No as long as it leaves any time after 13:00 for 6 please and I need the reference number",
+ "Wait , I do n't think that 's a valid reference number .",
+ "thank you . can i please get the refrence number ?",
+ "Yes please can you book me one seat on that train and let me know the reference number ?",
+ "Can I get the new reference number ?",
+ "Yes , if I could please get the reference number .",
+ "That works . Book it for me . I need the reference number .",
+ "May I have the reference number for the booking please ?",
+ "Yes , can you please book that for me and send me a reference number . Thank you",
+ "Can you book it for me and get a reference number ?",
+ "Can I get the reference number for this ?",
+ "Yes please , just myself . Can you please provide the reference number as well ?",
+ "Great ! I just need the reference number .",
+ "Can I have the reference number for the train booking please ?",
+ "Yes , please . I need the reference number .",
+ "That you and whhat is the reference number ?",
+ "Can i get the reference number ?",
+ "Yes please and can you send me the reference number . Thank you",
+ "That sounds like a good one . Can I please have the reference number ?",
+ "Yes , what is the reference number for the reservation ?",
+ "Yes that would work . Please book the reservation . Could I please get the reference number ?",
+ "No , that 's okay . Could you get me the reference number for my train tickets , though ?",
+ "Make sure i get the reference number also please .",
+ "I need the reference number , please .",
+ "First , can you give me my reference number for the train ?",
+ "Sorry can we go back to the train for a moment ? I need the reference number , not the train ID for my booking .",
+ "Yes please book it and I still need the reference number for both , the train and restaurant .",
+ "that s still alright . give mee the reference number too please",
+ "Can you give me the reference number please ?",
+ "Yes please book it for 4 people and give me the reference number .",
+ "Okay can I get the reference number ?",
+ "Both please . Also I still need the restaurant reference number .",
+ "Do you have a reference number for that booking ?",
+ "Please provide the reference number after booking is completed .",
+ "May I have a reference number for that train , please ?",
+ "I would like to book the room and get the reference number please .",
+ "No any of them are fine . Please give me the reference number too .",
+ "Yes please give me the reference number",
+ "Did you complete the booking ? I need the reference number .",
+ "Yes I will need the reference number .",
+ "Yes please . I will have a party of 7 . May I please get the reference number as well ?",
+ "Can I have the reference number ?",
+ "Thank you . Can you tell me the reference number for the train booking please ?",
+ "Yes please book that and give me the reference number of the booking .",
+ "Yes , please do . May I have the reference number ?",
+ "I 'd like the reference number please .",
+ "Can you book it for me and get a reference number ?",
+ "Okay , great . Can I have the reference number ?",
+ "Yes , and please give me the ref . number .",
+ "Actually , can you give me the reference number ?",
+ "thank you for your help . book for me 5 seats and get me the reference numberes",
+ "Yes please . Can I have the reference number for the booking ?",
+ "Yes please . Book it fror friday , 2 peopl . I 'll need a reference number as well please .",
+ "Okay . Great . Can I have the reference number please ?",
+ "Yes can you please and send me the reference number .",
+ "Ok thank you . After I get the reference number for my train , I have some other requests for you . But I need my train booked first .",
+ "yes and i need the reference number",
+ "Yes and please give me the reference number .",
+ "Yes . Would you please provide me with the reference number ?",
+ "What is the name of the 4 star hotel that you are referring to ?",
+ "May I have the reference number please ?",
+ "I 'd like passage for 5 , please . Oh , and the reference number , too . Thanks .",
+ "Yes and I will also need the reference number .",
+ "I 'd like to leave after 10:00 . I need you to book it for 3 people . I 'll need the reference number .",
+ "May I have the reference number please ?",
+ "Yes that is perfect . Can you book that and give me a reference number ?",
+ "Yes , please . Can you please be sure to tell me the reference number ?",
+ "That 's fine I need 4 tix and the ref #",
+ "If it is the only thing you have than I suppose I have no other choice , so yes . Can I get the reference number as well ?",
+ "Yes could you please book this train for me and send me the reference number .",
+ "Can you book it for me and get a reference number ?",
+ "Yes please reserve a spot and give me the reference number after .",
+ "What is the booking reference number ?",
+ "That 's more like it . And , what 's the reference number ?",
+ "Yes and could I have the reference number after ?",
+ "Can I have that reference number please ?",
+ "Yes , could you possibly email or fax me the information for my reference ? I appreciate the hard work .",
+ "Yes , I just need a reference number .",
+ "Yes . Give me the ref number please .",
+ "Ok . Can you complete the booking for 4 people and then give me the reference number ?",
+ "I just need a reference number please .",
+ "Yes , could you please provide me with the reference number so I have it when I arrive at the station ?",
+ "Can I get the reference number for the train please ?",
+ "Yes it will . Can you book that for just me , and provide the reference number ?",
+ "Can you book it for me and get a reference number ?",
+ "Yes , I also would like the reference number .",
+ "Ok , that would be great . Can I get the reference number please ?",
+ "Yes ! Please book for me and three friends . I need the reference number as well .",
+ "you can book it please . get me the reference number too",
+ "Yes please book that and I need the reference number .",
+ "Actually , yes , I do need that reference number on that train . And , maybe you could find a museum instead of a cinema ?",
+ "Yes please , and please send the reference number . I am also looking for a college in the west to visit . Can you please find one for me .",
+ "May I have the reference number please ?",
+ "I just need the reference number , please .",
+ "Can you book it for me and get a reference number ?",
+ "Yes , please . I will need the reference number when you are finished .",
+ "Sunday , can you book it for me and I need a reference number , please",
+ "That would be perfect ! Can I have a reference number for the train ?",
+ "I just need the reff number for the train you booked . Same group of people will be needing tickets .",
+ "Okay , then I guess book it for 11:01 please . And I need a reference number please .",
+ "you can book it . get me the reference number too",
+ "Can you book it for me and get a reference number ?",
+ "i want to book for three people . help me get the reference number too",
+ "I need the reference number please .",
+ "Thank you . Can I have the reference number for that booking ?",
+ "I will be traveling on Monday , and I will need the reference number as well .",
+ "Could I have the reference number please ?",
+ "Okay , sounds good . Will you book that for 4 people and get me a reference number , please ?",
+ "No that was all , I got the reference number . Have a great day .",
+ "I would like to book the train with the shortest travel time , if that narrows it down . I will also need the reference number .",
+ "Yes , please make the booking and email me the reference number .",
+ "Yes , please . I also need reference number once it 's booked .",
+ "Yes , and the reference number as well , please .",
+ "Ok . Is that also the reference number ? Thanks .",
+ "May I have the reference number ?",
+ "Okay ... do you have the reference number yet ?",
+ "What is the reference number ?",
+ "I need the reference number .",
+ "I need to book for two people and I need the reference number .",
+ "Yes , I would also like the reference number for the booking please .",
+ "Yes please book this train and give me the reference number .",
+ "Yes please , thank you for your help . The reference number will come in handy .",
+ "Yes , can I also get the reference number for that train ?",
+ "Well yeah , I would need the reference number if you booked it ?",
+ "Yes , please . I will need the reference number",
+ "2 people . I need the reference number too .",
+ "Yes I need the reference number for the booking please .",
+ "Yes , please . May I get the reference number ?",
+ "That works for me . I need the reference number .",
+ "OK , is it going to Cambridge ? Can I have the reference number please ?"
+ ],
+ "Time;": [
+ "Can you please give me the travel time .",
+ "Can you give me the travel time and total cost please ?",
+ "What is the total travel time ?",
+ "Yes , what is the duration of the train ride ?",
+ "What 's the travel time on that trip ?",
+ "What is the travel time and how much will it cose ?",
+ "That should work , what is the travel time on that ?",
+ "What is the travel time for that ride ?",
+ "Great , it leaves after 8:15 , the time I should have told you in the first place . What is the travel time on TR2125 please ?",
+ "No booking necessary , but could you tell me the travel time ?",
+ "I ' m awful with math , what is the travel time on that train ?",
+ "Thank you for informing about the total duration .",
+ "No , I just need to know the travel time of the train at the moment .",
+ "How long is the travel time . My math is not the best .",
+ "No need for a booking . I do need a total travel time , however .",
+ "Can you tell me what the travel time for that train is ?",
+ "I should have asked before ... What is the travel time ? The duration ?",
+ "I 'll take the one that leaves at 9:09 . It 's fine . What is the travel time on that train ?",
+ "What is the travel time for that trip ?",
+ "I need to know the travel time before booking .",
+ "Could you tell me what the travel time is , please ?",
+ "What is the travel time of the train ?",
+ "I do n't need to book now . What is the total travel time for that train ?",
+ "how much are the tickets and the travel time ?",
+ "No thank you , I just need the arrival and travel time .",
+ "What is the travel time ?",
+ "Not yet . What is the price and travel time ?",
+ "Can you be more specific on the travel time . I have a tight schedule to keep . Can you tell me in minutes ?",
+ "What is the Price and travel time ?",
+ "That sounds fine . How long will the travel time be ?",
+ "No , not right now . What is the travel time , please ?",
+ "Real quickly , what is the travel time ?",
+ "Yes , that one sounds like it will work . Can you tell me the train ID and the total travel time ?",
+ "Yes that would do . Can you also tell me the travel time ?",
+ "Can you tell me the travel time first ?",
+ "What is the total travel time ?",
+ "I just need the travel time please .",
+ "Ok , thank you . Can you also give me the travel time ?",
+ "Can you tell me when that departs and the total travel time ? Also , how much is it ?",
+ "That sounds good . What 's the travel duration on that one ?",
+ "No thanks . What is the travel time ?",
+ "That is fine , can I also get the total travel time for that ?",
+ "How long is the actual travel time and how much does it cost ?",
+ "Latest , please . How long is the travel time ?",
+ "Sorry but you could you tell me the travel time on that train ?",
+ "Not right now but can I get the travel time on that ?",
+ "That will probably work fine . Can you tell me the travel time for that train ?",
+ "By travel time , I mean the duration of the train trip .",
+ "Just one other thing . Can you clarify the travel time for the train ? I need to make sure I am prepared . TR0254 I believe .",
+ "That should be fine . please get me the travel time .",
+ "How long is the travel time ?",
+ "What is the total travel time on that one ?",
+ "I ' m not good at maths so please give me the total travel time too .",
+ "What is the travel time on that ?",
+ "That would be great . What is the total travel time of the train ride ?",
+ "Actually , that 's ok . I will do that later . But can you please let me know what the travel time is ?",
+ "What is the total travel time for train TR4526 ?",
+ "I 'll take the one that leaves at 9:09 . It 's fine . What is the travel time on that train ?",
+ "Great . What is the travel time ?",
+ "Not right now , but could you give me the estimated travel time for the train trip ?",
+ "What 's the travel time ?",
+ "Can I get the travel time for that ?",
+ "I need the travel time for 1",
+ "Absolutely ! What is the travel time ?",
+ "I think so . How long is the travel time for that train ?",
+ "On second thought , I do n't need a ticket reserved . Could you tell me what the travel time will be on that train , though ?",
+ "What is the travel time ?",
+ "What is the travel time of the 09:29 train ?",
+ "I actually do n't need any tickets right now , but can you give me the total travel time ?",
+ "Sure , that would work . How much would that cost , and how long would the travel time be ?",
+ "Yes , that sounds good . What 's the travel time for that ?",
+ "I need to book it right now but what is that travel time ?",
+ "Not at this time . What is the travel time for that train , please ?",
+ "Yes , I also need the travel time for the train TR7743 .",
+ "What is the total travel time ?",
+ "I ' m not sure if I want to book yet or not , can you confirm the travel time for that one ?",
+ "no what is the travel time on that ?",
+ "What is the travel time on that train ?",
+ "No thanks , I just needed the travel time for the train departing at 15:00 .",
+ "can i also get the travel time please ?",
+ "What is the travel time ?",
+ "Yes , please book a ticket for me . What 's the travel time for this train trip ?",
+ "What is the travel time on that train ?",
+ "What is the total travel time for this trip ?",
+ "okay thank you ! What is the travel time on that ?",
+ "I just need the arrival and travel times for that train , thanks .",
+ "Alright , all I need the travel time and that should be all , thanks !",
+ "I need the exact travel time please .",
+ "Yes but what is the exact travel time ?",
+ "Thank you . What 's the travel time ?",
+ "What is the total travel time ?",
+ "What is the travel time ?",
+ "Yes that one will work great . How much does that train cost and what is the travel time ?",
+ "Thank you so much . So that means a 79 minute travel time ? Let 's go ahead and book it .",
+ "How long is the travel time going to be ?",
+ "Not just yet , could you provide me with the travel time for TR8824 ?",
+ "Not at this time , but could you give me the exact travel time please ?",
+ "Okay , that will do . What is the travel time ?",
+ "No need to book it for me . I can do that . But can you tell me the travel time in minutes ?",
+ "What 's the total travel time for the TR2515 ?",
+ "What is the total travel time for that one ?",
+ "Yes , that will be perfect . What 's the travel time ?",
+ "And what is the travel time please ?",
+ "Not right now but can you tell me the travel time for this train ?",
+ "I would just like to know the travel time of one or more of the trains .",
+ "No thank you , but I would like the travel time for this train .",
+ "I do n't need tickets actually . Can you confirm that it does indeed leave from Cambridge ? And I 'll need the travel time also . Thanks .",
+ "Yes could you please confirm the travel time as well for TR1750 ?",
+ "Okay , so TR1465 leaves kings lynn at 20:11 , arrives in cambridge at 20:58 , and has a travel time of 47 minutes ? If that is correct , that 's all I need .",
+ "Yes that will fine . Can you tell me the travel time for that ?",
+ "How long is the travel time for that train ?",
+ "What is the total travel time on that time ?",
+ "What is the departure and travel time please ?",
+ "Not right now , but I do need the travel time and fare , please .",
+ "Yes , that would be perfect . What is the travel time on that train ?",
+ "Yes please . What is the total duration of the train ride ?",
+ "I need the travel time for that .",
+ "Can you please confirm the travel time ?",
+ "May I get the travel time for that train , please ?",
+ "That would work , can I get the travel time on that ?",
+ "No thank you . I just need the travel time please .",
+ "Yes please . I need the travel time .",
+ "Okay , does TR9859 arrive by 19:00 ? I would also like the travel time , please .",
+ "Not really . Can I also please have the travel time of the train .",
+ "What is the travel time on that train ?",
+ "I would like one ticket please . How long will the travel time be on that ?",
+ "What is the travel time ?",
+ "No thanks can I just have the travel time and the cost of the ticket ?",
+ "I would just like to know the departure and travel time of a train that will arrive by 8:15 please .",
+ "What is the travel time ?",
+ "Yes , but how much is the ticket going to be and how long is the travel time ?",
+ "What 's the total travel time for TR5358 ?",
+ "What is the travel time ?",
+ "Yes . Can I get the travel time ?",
+ "It most certainly would , thank you . I am not ready to book , can you just give me the travel time for that trip ?",
+ "I need to know the price and travel time please",
+ "can you give me the total travel time on that ?",
+ "I do n't need you to reserve it but I do need the train info and the travel time .",
+ "Can you tell me what the total travel time for that is ?",
+ "What 's the travel time ? Knowing that will help me select on a time .",
+ "I just need the travel time on that one",
+ "Sure . Could you tell me the exact travel time ?",
+ "I think that will work . Before I book a ticket , though , could you give me the travel time ?",
+ "Yes please book the train for me , and I will need the travel time as well . Thank you for your help .",
+ "Can you also give me the travel time ?",
+ "Not right now , thanks . What 's the total travel time for that train , though ?",
+ "Can you let me know what the trip duration is for that train , please , and how much it costs ? Oh , almost forgot . Does the Bridge Guest House include free parking ?",
+ "I just need the train travel time , please .",
+ "I do n't need to book , but could you tell me the total travel time , please ?",
+ "i apologize . i do nt need to book tickets . but can i please get the travel time .",
+ "What is the travel time for that one ?",
+ "That one is perfect . What is its travel time ?",
+ "And what 's the travel time on that ?",
+ "Thank you , can you please tell me the travel time and confirming the cost is 13.20 pounds ? That 's all I will need .",
+ "I do n't think I will book just yet but can you give me the travel time for TR8392 please ?",
+ "I ' m flexible , as long as I arrive by 9:00 . Could you let me know the total travel time ?",
+ "Can you please provided to toatl travel time ?",
+ "Can you give me the total travel time ?",
+ "I am still waiting on that information . Can I get the cost of the ticket and the travel time please !",
+ "Yes , please give me travel time .",
+ "No need to book it . But , can I get the travel time and what time it will get me to the airport ?",
+ "That is all for the hotel room . could you help me with one last thing ? I need the travel time for train TR7047",
+ "Yes , please , what is the travel time ?",
+ "Yes , that sounds good - it is going to Cambridge , yeah ? I 'll need the travel time on that one too , please .",
+ "Can you also tell me the travel time ?",
+ "What is the total travel time for this trip ?",
+ "Can you tell me what the total travel time is for the entire ride ?",
+ "I 's sorry , but could you give me the actual train travel time between the two cities ? I ' m not good at math .",
+ "Could you tell me the travel time on that train ?",
+ "What is the travel time ?",
+ "Actually I do need to know the duration of travel time for the TR8364 train .",
+ "It depends on what the travel time is . Do you have the travel time please ?",
+ "yes . can i get the travel time please ?",
+ "Yes , I am leaving from Cambrige . How long is the travel time ?",
+ "What is the total travel time ?",
+ "What is the travel time of that train ?",
+ "I just need the travel time please",
+ "What is the travel time ?",
+ "That 's okay . No need to book now . But can I get the travel time for that train ?",
+ "That sounds perfect . Can you tell me the travel time , please ?",
+ "No , not yet . I just really need to know the travel time for now .",
+ "I do n't think I 'll book just yet , but thank you for the information . To confirm , the travel time is 60 minutes ?",
+ "No , I do n't need a booking at the moment . What 's the travel time ?",
+ "Can you please provide me with the arrival and travel time ? Thank you",
+ "No need to book . Can I please get the travel time for that train please ?",
+ "Can I get the travel time for that train ?",
+ "that is fine . get me the travel time",
+ "Actually , I decided not to book it just now . However , what 's the travel time for that route ?",
+ "Not now . What 's the travel time for that train ?",
+ "What was to total travel time for that train booking ?",
+ "That 's great ! What 's the travel time ?",
+ "No thanks . I 'd just like to know the travel time please .",
+ "Yes , Can you please tell me the travel time ?",
+ "Not just yet . What is the travel time ?",
+ "What is the travel time ?",
+ "Please give me the departure and travel time .",
+ "I think so . What exactly is the travel time on that one ?",
+ "What is the travel time for TR5729 ?",
+ "Yes that sounds good , what 's the trip duration on that one and how much per ticket ?",
+ "Sure . How long is the travel time please ?",
+ "No , but could you please let me know what the travel time of that trip is ?",
+ "What is the travel time ?",
+ "What is the travel time for the train ?",
+ "About the train , I know the arrival and departure , but need travel time ( time on train ) ?",
+ "Actually , can you provide me with the travel time for that train ?",
+ "That sounds great ! What 's the total travel time on that ? It seems like a long trip .",
+ "That sounds good - what 's the total travel time ?",
+ "Yes , that should be fine , can you tell me how long is the travel time ?",
+ "Yes , that is great . Just to verify , the travel time is 50 minutes ?",
+ "No thank you , I just need the travel time .",
+ "How long is the travel time ?",
+ "Not yet I need information on travel time and the price .",
+ "I ' m not sure whatever gets me there by 21:45 . Can you tell me travel time and cost as well ?",
+ "That sounds good . What is the travel time for that train ?",
+ "I got ahead of myself , sorry . I do n't need the train tickets just yet , but can you tell me the travel time for TR7706 ?",
+ "Yes . can you tell me the total travel time as well ?",
+ "What 's the travel time for TR0031 ?",
+ "Actually , can you tell me the travel time for that ?",
+ "thanks ! what is the travel time ?",
+ "Could you tell me the travel time please first ?",
+ "Thank you and please inform of the travel time and departure time .",
+ "No that 's ok . I just need the travel time .",
+ "No , I do not . I would , however , like to know the travel time .",
+ "Yes , no need to book , I just need the travel time .",
+ "Yes , that would be great . What is the total travel time ?",
+ "Not at the moment , I just needed the travel time .",
+ "Yes , it would . Can you tell me what the travel time is ?",
+ "No thank you . Can you confirm the travel time for that commute ?",
+ "What is the travel time for that train ?",
+ "Yes , what 's the total travel time please ?",
+ "Yes how long is the travel time ?",
+ "What time would I be arriving in Cambridge ? What would my travel time be ? Thanks .",
+ "No thank you , but I do need to know the travel time please .",
+ "That works can I have the travel time for that please ?",
+ "Can you tell me the duration of travel time please ?",
+ "what was the travel time for the train please ?",
+ "What 's the travel time on that trip ? I really dislike math .",
+ "Yes , that would be ok with me . How long is the travel time for that train ?",
+ "I ' m not very good with numbers . Can you tell me the travel time of that leg ?",
+ "I am not looking to make a booking , I just want to know what the travel time is .",
+ "No thanks . Maths is n't my biggest strength so please tell me what the total travel time is .",
+ "Could you please let me know when that departs and what the total travel time is ?",
+ "Not quite yet , could you tell me what the travel time is for that trip ? I also am looking for a restaurant to dine at .",
+ "Yes , that would work better . Can you tell me how long the travel time is ?",
+ "That sounds great . My math is n't the best so please tell me what the total travel time is .",
+ "Oh , that 's all right . No need to reserve my ticket . But I do need the travel time , please .",
+ "tell me about the departure and travel time",
+ "What is the travel time for the one arriving at 1:44 .",
+ "I 'll also need the travel time please .",
+ "No thank you . I 'd like to know the travel time , please ?",
+ "No thank you . What is the travel time ?",
+ "That will probably work . What is the travel time for that train ?",
+ "That would be excellent . Could you also give me the travel time once you book it for me ?",
+ "No tickets right now , thanks , but what 's the total travel time for that train ?",
+ "So how long would my travel time be please ? 163 minutes ?",
+ "What was the travel time ?",
+ "What is the travel time ?",
+ "no , thanks . What 's the travel time for that train ?",
+ "No thank you , may I please get the travel time of TR5015 ?",
+ "I actually do n't need a reservation . I just need the arrival and travel time please .",
+ "What is the total travel time for the train ?",
+ "I need to know the travel time before booking .",
+ "Not just yet . What is the travel time for that train ?",
+ "One more thing . Can you confirm the travel time or duration of my train trip ?",
+ "I ' m not sure if I need to book just yet . Can you tell me the travel time for this please ?",
+ "No , but could you please show me the specific travel time ?",
+ "Yes , what is the total travel time ?",
+ "And what is the travel time ?",
+ "I think so . How much is that train ? And can you tell me the travel time ?",
+ "Not just yet . What was the travel time for that trip ?",
+ "What is the travel time ?",
+ "What is the travel time for that one ?",
+ "Can you give me the travel time on that ?",
+ "What 's the travel time on that train ?",
+ "I do n't need to book at this time , but can I get the travel time for that route ?",
+ "How long is the travel time . My math is not the best .",
+ "Can you give me the travel time ?",
+ "Yes , and please let me know the expense and travel time .",
+ "Great , still figuring out transportation arranagments so no need to book , how long is the travel time ?",
+ "Can you tell me what the travel time for the train is ?",
+ "That sounds great what is the travel time ?",
+ "I do n't want to book yet but could you tell me the travel time ?",
+ "No I JUST told you I only want the travel time !",
+ "Just to verify , my boss is a stickler for reimbursement things . It appears the travel time adds up to 38 minutes , is that accurate ?",
+ "What is the travel time ?",
+ "What is the travel time ?",
+ "No , can you just let me know the travel time for this trip ?",
+ "How long is the travel time , please ?",
+ "What is the travel time ?",
+ "That will work just fine . What 's the travel time for that train , please ?",
+ "Train TR4724 is fine . What is the travel time ?",
+ "What is the travel time for that trip ?",
+ "not right now , what 's the travel time on that ride ?",
+ "No , thanks ! How long is the travel time ?",
+ "I will take the one that leaves at 19:35 . Can you tell me how long the travel time is ?",
+ "Yes , that is great . Just to verify , the travel time is 50 minutes ?",
+ "No , but can you tell me the total travel time for that train ?",
+ "Yes , could you tell me the travel time for the TR1656 ?",
+ "Could you just let me know what the travel time for that is ?",
+ "Sounds like it . What is that travel time exactly ?",
+ "I just need to know how long the travel time it .",
+ "What is the exact travel time on the TR5435 ?",
+ "That would work , could you tell me the travel time for that as well ?",
+ "Actually , I do n't need any tickets today . But can you tell me the travel time for that train ?",
+ "What 's the duration of the trip ?",
+ "I need to leave after 8:15 , please . I also need the travel time for that",
+ "What are the travel times for those trains ?",
+ "That sounds great , could you tell me the travel time for that first please ?",
+ "Sorry , how long is the travel time on the train ?",
+ "Can I get the travel time in minutes please ?",
+ "Can I get the travel time for that as well ?",
+ "Yes , what is the travel time in duration ?",
+ "Yes can you give me the travel time ?",
+ "Could you please tell me the travel time for that ?",
+ "I do n't need to book it yet . What 's the departure and travel times for the train ?",
+ "I really dislike math , can you just let me know the trip duration if you have it in front of you ?"
+ ],
+ "Ticket;Time;": [
+ "Could you get me the price of that train and the travel time before you book it ?",
+ "That would work just fine . Could you tell me the price and travel time for that train ?",
+ "Could you give me the travel time and price of that train please ?",
+ "Actually , no need to book . But , can I get the travel time and the price of the ticket please ?",
+ "What is the travel time and price ?",
+ "Actually , I do n't need booking . Please just give me the train 's travel time and price .",
+ "Could you tell me the travel time and price of that train please ?",
+ "Oh , wait , actually there is something else . Can you tell me the travel time and the price on that train we talked about ?",
+ "Yes , sorry for being rude . I need the travel time and price as well please .",
+ "depart from peterborough and should leave after 12:30 , can you book it and I need travel time and price",
+ "yes , please . I need the price and travel time .",
+ "No . Could you just tell me the travel time and ticket price ?",
+ "What is their price and the travel time ?",
+ "I do n't need a ticket right now , but could you tell me the travel time and price ?",
+ "Yes can I get the travel time and price for that ?",
+ "Can you give me the price and travel time on that ?",
+ "No need to book . But , can you please give me the travel time and the price of the ticket ?",
+ "Great what is the price and travel time on that train ?",
+ "I 'd like the price and travel time , please ?",
+ "departure time does not matter as long as it arrives by 9:15 . Can you give me the travel time and price please ?",
+ "Actually , can I have the price , and the travel time please ?",
+ "No , not at this time . I would like to know the travel time and price , please ?",
+ "Can I get the price and travel time for TR7057 ?",
+ "Looks ok , but can I get the travel time and price before you book that ?",
+ "Sounds good , can I get the total travel time and price ?",
+ "For now , can you just give me the price and travel time of TR5167 ?",
+ "Please give me their travel time and price of TR6908 .",
+ "Can I get the price and travel time for the train ?",
+ "That would be good , what is the travel time and price ?",
+ "I do n't need a ticket right now , but could you tell me the travel time and price ?",
+ "No , no ticket needed right now . I do need the price and travel time , though .",
+ "I do nt need a booking . I do need the travel time and the price please .",
+ "Yes . Could you tell me the travel time and price for that train please ?",
+ "I do n't need a booking for the train at this time , but if you could give me the travel time and price , that will be all I need today .",
+ "Yes , that sounds perfect . Can you tell me the price and travel time , or duration , on that one ?",
+ "What is the price and travel time ?",
+ "No thank you . I just need the price and travel time please .",
+ "What 's the price per ticket and travel time for that one ?",
+ "No thank you . I would like the travel time and price information if you can provide it , however .",
+ "You do n't need to book it for me , but could you tell me the travel time and price for that train ?",
+ "Actually , let me get more information first . What is the travel time and price ?",
+ "How long is the travel time , and what is the price for that train please ?",
+ "Actually , no I will book it later but can I please get the price of the ticket and the travel time ?",
+ "That will work . Can I get the price and the travel time please ?",
+ "I do n't need a ticket just yet , but I do need the travel time and price .",
+ "Not yet but I do need a price and travel time .",
+ "What time does the train depart ? What is the price and total travel time ?",
+ "Could I get the price and the travel time for that train ?",
+ "Could you please tell me the price and travel time of that train ?",
+ "tell me the price and travel time please",
+ "What time does the train depart ? What is the price and total travel time ?",
+ "May I please ask what the price and travel time of TR2118 is , please ?",
+ "Sure . Could you tell me the typical travel time , and price for a ticket ?",
+ "Yes , can you give me the travel time and the price of a ticket ?",
+ "Actually , I wo n't need you to book tickets . But can I please get the price and travel time for TR1755 ?",
+ "That s perfect . What is the price and travel time on this train ?",
+ "I want to arrive as clsoe to 15:45 as possible on monday . I need the travel time and the price please ?",
+ "What is the travel time and price ?",
+ "Can you tell me what the travel time is and the price ?",
+ "Can you tell me the price and travel time of that ?",
+ "Would you be able to send that in a different format ? I just need a price and travel time , that list is confusing .",
+ "What is the price and travel time ?",
+ "Can you tell me the travel time and price ?",
+ "No thank , just need total travel time and price .",
+ "What 's the price and travel time ?",
+ "It should . Could you give me the travel time and price for that too ?",
+ "That sounds perfect . Could you tell me the travel time and price for that trip ?",
+ "That is fine . Can you give me the price and travel time , please ?",
+ "I would like to know the approximate travel time and price per ticket for this particular train .",
+ "Do you know how long the travel time is and the price ?",
+ "I just need to know the price of the ticket and travel time between Leicester and Cambridge .",
+ "I ' m not looking to book at the moment , can I just get the travel time and price for TR2000 ? Thanks !",
+ "First can I have the price and what the travel time is ?",
+ "Yes it does . Can you verify the total travel time and price ?",
+ "That would work , can you give me the price and travel time ?",
+ "I do n't really need to book at this time . I would just like to get the price and travel time for that route please .",
+ "No thanks . I will book later . But can I get the price and travel time please ?",
+ "No , thanks . I just need the travel time and price , please .",
+ "Great . Can you please give me the travel time and price ?",
+ "Actually I want to book it myself . Can I just get the price and travel time on that ?",
+ "That sounds good . Please give me the travel time and ticket price .",
+ "What is the total travel time and price on that ?",
+ "Is the travel time and price the same for both of them ?",
+ "Can I get the travel time and price please ?",
+ "Could I please have the price and travel time as well ?",
+ "I can make that arrival time work . Let 's book it . And what is the total price and travel time , please ?",
+ "Yes , that would be fine . I 'll need the price and travel time for that , please .",
+ "What is the price and travel time for that train ?",
+ "Yes , can you provide me the travel time and the price as well ?",
+ "Possibly , I 'll have to confirm with my husband later . Can you tell me what the travel time is for that train ? And the price as well ?",
+ "Please just tell me the ticket price and travel time",
+ "Could you tell me the price for a ticket , and the typical travel time ?",
+ "Yes , what is the travel time and price for that train ?",
+ "What is the price and travel time ?",
+ "Please give me travel time and the price , please .",
+ "What is the price and travel time ?",
+ "Can you tell me the price and travel time for that please ?",
+ "What is the price and travel time for this particular train ?",
+ "Can I get travel time and price first , please ?",
+ "I need the travel time and price .",
+ "I do n't need a ticket , I just need to know the price and travel time , please .",
+ "What is the price and travel time ?",
+ "I am not ready too book yet . May I have the price and travel time , please ?",
+ "Can I get the price and travel time for the 7:35 departure ?",
+ "What is the total travel time and price ?",
+ "What is the price and travel time for that train ?",
+ "Can I get the travel time and price on the 5:52 one ?",
+ "I actually do n't need a ticket right now . Could you please tell me the price and travel time though ?",
+ "I think so . Can you give me the travel time and price for TR5266 ?",
+ "Could I have the travel time and price for that particular train ?",
+ "Sounds good . May I have the travel time and ticket price , please ?",
+ "No , that 's not needed . Can I get the price and travel time please ?",
+ "I think that will work . What is the ticket price and travel time for that train ?",
+ "Can you give me the price and travel time of TR2379 , please ?",
+ "That is fine . Can you give me the price and travel time , please ?",
+ "That would be perfect . Can you please give me the travel time and price of that train ?",
+ "Before you book it , I need the price and I need the approximate travel time .",
+ "Could you confirm the travel time and price please ?",
+ "What 's the price and travel time for that train ?",
+ "No need to book it today . I would like the price and travel time if you have it there , though .",
+ "What is price for a ticket and I also need the travel time .",
+ "I 'll take it for just me what is the travel time , and the price please ?",
+ "Okay , may I please have the travel time and price ?"
+ ],
+ "Ticket;": [
+ "What is the price for the train ?",
+ "No , I do n't want to book today . Could you just give me the price for that train ? I think that is all I need today .",
+ "What is the price of a ticket , please ?",
+ "Yes it will what is the price ?",
+ "no , i just need to know the price",
+ "I do n't actually need the train booked yet , I just needed to know the price . I think I have everything I need now , thanks for your help !",
+ "That should work . Can you give me the price ?",
+ "Yes , that 's perfect . What is the price ?",
+ "No , I do n't need it booked . What 's the price for the TR0788 ?",
+ "Can you tell me the time it arrives , and the price ?",
+ "I also need the price .",
+ "May I have the price ?",
+ "yeah , what 's the price of the tickets ?",
+ "That sounds good . Can you give me the price as well ? Thanks .",
+ "None today . Can you just give me a price for that ?",
+ "Could you please tell me the price for that train ?",
+ "What is the price for a ticket ?",
+ "Can you go ahead and book it and get me a price please ?",
+ "Yes can I get the price on that ?",
+ "Yes , please give me the price .",
+ "Can you please give me the price of that train .",
+ "Can you please provide me with the time of departure and the price ? I 'd also like to know how long the trip will take .",
+ "Yes . I need the price please .",
+ "No thank you , not at this time . Could you tell me the price ?",
+ "I think so , but can you confirm the price first ? Thank you .",
+ "Can I get the price for that ?",
+ "What is the price please ?",
+ "I will book it later but can you tell me the price per ticket .",
+ "Just 1 seat . I 'll need the price .",
+ "maybe you could check any price range .",
+ "No , but could you tell me the price ?",
+ "Sounds great ! Thank you very much ! What is the price on that train ?",
+ "Can I have the price for that ticket please ?",
+ "What is the price on that train ?",
+ "what is its price ?",
+ "Yes what would the price be ?",
+ "What is the ticket price ?",
+ "Yes I need the price also .",
+ "I just want to know the price of the ticket .",
+ "What is the price ?",
+ "Can I get the price for that ?",
+ "Yes , that would work great . What is the price per ticket for that train ?",
+ "I would like price , please",
+ "Can you search for one that is cheap in price then ?",
+ "I need something in the cheap price range with other restrictions retained .",
+ "How about 7:16 ? What is the price ?",
+ "I just want to know the price of the ticket .",
+ "What is the price on that train ?",
+ "I am not sure yet . What are the prices for tickets ?",
+ "Yeah , can I please get the price ?",
+ "No , thanks . No need to book today , but can I get the price of the ticket ?",
+ "What is the price for that train ?",
+ "I still need the price for the train .",
+ "what s the price of tickets ?",
+ "That sounds like it might work , could you just forward me the price of that one please ?",
+ "Could I have the price for that train please ?",
+ "No need to book it , but can you tell me the price ?",
+ "I wo n't need a ticket . Can I just have the price , please ?",
+ "Yes thanks but I need the price for the train .",
+ "What 's the price for that one ?",
+ "Sorry , I did not want to book a room until I was sure of the price could you give that to me first ?",
+ "Not at this time . I just need the price .",
+ "No thank you . Could I get a price on those tickets though ?",
+ "Yes , book please and I need travel tome and price",
+ "No can I just get the price please ?",
+ "No , I am just looking for information . Could you give me the ticket price ?",
+ "How about moderately priced ?",
+ "That sounds perfect . Can I get the price for the tickets ?",
+ "Yes , that would be great . What is the price for that ?",
+ "What is the price for the ticket ?",
+ "I would like to book the first one . Can you give me the price on that ?",
+ "How much is the price for that ?",
+ "yeah , what 's the price of the tickets ?",
+ "Yes that is great . Could you give me the price per ticket ?",
+ "Sounds great . I do n't need to book it , but I would like the price .",
+ "What is the price for the train ticket ?",
+ "I do n't need to book at the moment , thanks . All I need is the ticket price .",
+ "Just 1 seat . I 'll need the price .",
+ "No , I 'll just need the price , please ?",
+ "What is the price of the ticket ?",
+ "What is the price of that train ?",
+ "i did nt really need a booking , but oh well . can i get the price of the ticket though ?",
+ "No thanks . No need to book . But , can you tell me the price for the ticket ?",
+ "That sounds perfect , can you let me know the price per ticket on that ?",
+ "Yes that would be fine what is the price ?",
+ "Yes , please . Can you tell me the price ?",
+ "No , just tell me the price .",
+ "Yes , that could do . I need the trainID and ticket price , please .",
+ "No I still need the price .",
+ "And the price ?",
+ "Yes , please , for 1 person . Could I get a price ?",
+ "Yes , but can you give me the price ?",
+ "Possibly . What is the price for that ticket ?",
+ "That should work . Can I please have the price on that ?",
+ "No thanks . I just need the price per ticket .",
+ "No , but I do need the price .",
+ "Okay , could you tell me the price ?",
+ "Yes , that would work . I do n't need a ticket though . But , can I ask the price per ticket ?",
+ "I actually just need to know the price of a ticket please",
+ "Sure that 's fine , does that have the same price ?",
+ "Could I also have the price ?",
+ "Yes , that would be perfect ! What 's the price of one ticket ?",
+ "Could I get the price first ?",
+ "What 's the price ?",
+ "any can do as long it has a moderate price range",
+ "Can you give me the ticket price ?",
+ "What is the price ?",
+ "Before I book anything can you give me the price ?",
+ "Before I book anything , what is the price ?",
+ "What is the price for that ?",
+ "Just to be clear is Limehouse also moderately priced with free parking and wifi ?",
+ "Nevermind , just remembered I may have to do something else that day . Could you just give me the price for a ticket ? That way I 'll know and can get my own .",
+ "Yes , that would work . What is the price of a ticket ?",
+ "What is the price of a ticket ?",
+ "Could you give me the price for this train , please ?",
+ "What is the price on that trip ?",
+ "I actually do need the price for that train please .",
+ "Can I just get the price on one of them ?",
+ "Sure , that will work . No need to book , but can I please get the price of the ticket ?",
+ "Can you tell me the price ?",
+ "No , that 's ok . No need to book it , but can you tell me the price of the ticket ?",
+ "Can you give me the price ?",
+ "What is the price of the train ?",
+ "could I have the price please ?",
+ "And what is the price on that one ?",
+ "What is the price ?",
+ "9:54 sounds good . What is the price ? And how long is the trip ?",
+ "Yes please , could you advise on the price per night for the room ?",
+ "No just tell me the price of the trip please",
+ "can i get the price and time travel please",
+ "I do n't need to book right now . I just need the trainID and the ticket price , please .",
+ "Yes , what is the price of that train ?",
+ "No thanks , I just need to know the price for it .",
+ "What is the price for the TR2025 ? And how long is the trip ?",
+ "No , that wo n't be necessary . I would like to get the price , though .",
+ "What is the price of this particular train ?",
+ "Yes , I will also need the price please .",
+ "Can you give me the price on tickets for that ?",
+ "I just need to know the price please .",
+ "That wo n't be necessary . What is the price ?",
+ "The departing time is flexible , I just need to get to cambridge by 20:45 please and may I have the price as well ?",
+ "Cheap price range please",
+ "Ok , thank you . One more thing . What was the price of the train ticket ?",
+ "What is the ticket price ?",
+ "Ok , thanks . Can you also tell me the price per ticket ?",
+ "What is the price ? I 'd like to book .",
+ "What is the price ?",
+ "I do n't care about price range , actually .",
+ "Not decided on the train yet , still have to consult the group , what is the price ?",
+ "What is the price ?",
+ "What would the price range be for that ?",
+ "I am unsure for now but can I please get the price per ticket ?",
+ "any price range please , need it for monday .",
+ "What is the price for TR5343 ?",
+ "That on will be fine , what is the price , please ?",
+ "What is the earliest departing train and the price of a ticket for it ?",
+ "Could I get the price of that train please ?",
+ "They both would work , what 's the price on those ?",
+ "What is the price range of these two restaurants ?",
+ "No , I just need the price .",
+ "No thank you but I do need to know the price .",
+ "first , what is the price ?",
+ "No need to book . But , can I please get the price of the ticket ?",
+ "That works for me . What is the price for that ?",
+ "Just one . What is the price to book the train ?",
+ "I ' m sorry I changed my mind . I just need the price per ticket please .",
+ "What would be the price on that one ?",
+ "Yes , could you please tell me the price for this train ?",
+ "Yes please ! Could you please give me a price ?",
+ "No . I just need to know the price .",
+ "What is the price ?",
+ "Yes that will work what is the price of the ticket ?",
+ "Can you check for a Chinese place with a different price range ?",
+ "Can I get the price of the ticket please ?",
+ "What is the price ?",
+ "Could you give me the price of the ticket ?",
+ "What is the price ?",
+ "I just need the price of that train .",
+ "Yes , please . I ' m travelling alone , but could you give me the price as well ?",
+ "What is the price ?",
+ "I just need the price on that one please .",
+ "Sounds good enough to me . What is the price of the TR 9892 ?",
+ "May I please have the price for this train ?",
+ "Yes , Monday and please provide the price .",
+ "Could you tell me the price of this ticket ?",
+ "That sounds fine . What 's the price ?",
+ "Yes that works , can I also get the price ?",
+ "That is good . I would like the price also please .",
+ "I do n't have a departure time preference . Can you let me know how much the price is for the earliest departure out of those four trains ?",
+ "No , that 's ok . No need to book it , but can you tell me the price of the ticket ?",
+ "Could you tell me the ticket prices for the train ?",
+ "What is the price for that one ?",
+ "Yes , can you also let me know the price for that train ?",
+ "I would like to know the price please .",
+ "Is that train the same price as TR6016 ?",
+ "Can you just give me the price on it please ?",
+ "Ok great can you give me the price for the ticket ?",
+ "Is it moderately priced ?",
+ "That is fine . Can I get the price for a ticket please ?",
+ "Yes , but can I have the price first ?",
+ "Thanks ! No need , I just need the price , please .",
+ "That time is perfect , but could you quote me a price on that ?",
+ "What is the price for that ticket ?",
+ "What 's the price ?",
+ "Okay thanks can you please give me the price ?",
+ "That will do , what is the price and train ID ?",
+ "Yes , thank you , can I get the price for that please ?",
+ "Let 's go with the one that leaves at 7:11 . Can you tell me what the price is ?",
+ "What is the price ?",
+ "What is the price ?",
+ "Yes , could I also get the price for entry ?",
+ "Can I just get the price on that one ?",
+ "Can i have the price as well .",
+ "May I please have the price first ?",
+ "Yes , that should work . Could you give me the price ?",
+ "Yes and can you tell me the price of the ticket ?",
+ "Before I commit , what would the price of the ticket be ?",
+ "Sounds perfect , but I do n't need it booked just yet . What 's the price on that ?",
+ "What is the price of that train ?",
+ "Yes , thank you , I just need the price .",
+ "Yes , how long is the travel and what is the price ?",
+ "Can I get the price on one of those please ?",
+ "Could you actually tell me the price on that ?",
+ "Yes , may I please have the price ?",
+ "What is the price ?",
+ "I just need the travel time and price please",
+ "Can you give me the ticket price , please ?",
+ "Yes . What is the price ?",
+ "No thank you , but could you let me know the length of travel and the price of the train tickets ?",
+ "What is the price of the ticket ?",
+ "No , but if you could give me the price of a ticket ?",
+ "No thanks , I ' m just gathering information . Could you give me the ticket price of the 05:32 ?",
+ "What is the price ?",
+ "Yes , I think that will do just fine . What 's the price and length of trip , please ?",
+ "Thank you . What is the price for that train with ID TR3677 ?",
+ "That sounds great . Could I get the price please ?",
+ "Can you give me the price of a ticket ?",
+ "Okay what is the price per ticket ?",
+ "No thank you . What is the price for that train ?",
+ "Yes please . Could you also give me the price ?",
+ "Thank You . What is the price ?",
+ "Yes please . I need the price also",
+ "Can you give me the price for the train leaving at 12:09 ?",
+ "Yes , it does . Can I get the price of the ticket please ?",
+ "What is the price ?",
+ "No , just tell me the price , I ' m not ready to commit to anything yet .",
+ "Thank you , I will not need the booking quite yet but I would like to have the price of the train as well please .",
+ "Yes . What is the price on that ?",
+ "All that sounds perfect . I just need the price on one train ticket , please . Thank you and have a nice day .",
+ "Before I book this , what is the price ?",
+ "I do n't need a ticket today , but could you tell me the price ?",
+ "I do n't need to book now . I would like the ticket price , please .",
+ "What is the price for the train ticket ?",
+ "Could you tell me what the price of this trip is ?",
+ "What is the price on that train ?",
+ "What is the price for TR9310 ?",
+ "No , thank you . What is the price ?",
+ "What is the price ?",
+ "That works . What is the price on that ? And how long is the ride ?",
+ "Can you tell me the price of the ticket please ?",
+ "Sure . Can you please tell me the price ?",
+ "That would be fine . What is the price ?",
+ "Could you tell me the price of the train please ?",
+ "I do not have a preference in price ."
+ ],
+ "Leave;": [
+ "What time does the train leave ?",
+ "I did n't actually need to reserve a seat . Could you comfirm the departure time of that train ?",
+ "I do n't care when I leave as long as I get there by 15:30 .",
+ "What is the departure time ?",
+ "Actually , I do n't need it booked . Can you tell me what time it leaves ?",
+ "I would like to leave on Wednesday . I am open on what time to leave , however , I need to be there by 21:00 .",
+ "I actually do n't need any tickets . I just need the departure time .",
+ "What is the departure time ?",
+ "Yes please bookm it for me and I need the departure time .",
+ "No I need to know the departure time for that ride .",
+ "Yes that works great can I have the departure time ?",
+ "I will also need the departure time please .",
+ "I just need the departure time confirmed and that 's all , I should n't need it booked .",
+ "What is the departure time of that also please ?",
+ "Departure time does n't matter to me .",
+ "What is the departure time of my train ?",
+ "Just me , could you confirm the travel and departure time ?",
+ "What is the cost and departure time of the TR7802 train ?",
+ "No I just need to know the departure time please .",
+ "Maybe later . What time does my train leave and how much is the ticket ?",
+ "When is the departure time ?",
+ "I do n't care about departure time as long as I get there before 16:30 .",
+ "Departure time is n't important as long as I can get to Cambridge by 09:15 .",
+ "No thank you , I just need to know the departure time .",
+ "It 's a little early in the morning , but it will do , I 'll just set my alarm extra loud . Departure time is 06:40 ?",
+ "No , I just need the departure time . How long of a trip is it ?",
+ "Ok , great . Could you just confirm that departure time ?",
+ "When is the departure time for 10:07 ?",
+ "No thank you . Can I please have the departure time ?",
+ "no but when is the departure time , so I do n't miss it",
+ "Thanks so much , but I just realized I am missing a crucial bit of info . What is the departure time on my train , please ? The corrected train , that is .",
+ "I would , but I still need the departure time .",
+ "Could I get the departure time for those trains ?",
+ "My departure time is flexible .",
+ "What is the departure time ?",
+ "what is its departure time ?",
+ "No thank you . I just need the departure time .",
+ "What is the departure time for the one arriving at 20:44 ?",
+ "No thank you . Could you just tell me the departure time ?",
+ "What is the departure time ?",
+ "No booking for now , I just need the departure time .",
+ "I see it arrives at 10:07 but so you have the departure time ?",
+ "I do n't need you to book that , but I will need to know the departure time , please .",
+ "I would like to arrive by 15.45 I want the travel and departure time",
+ "What is the departure time ?",
+ "Not just yet . Can I get the cost and departure time ?",
+ "What was the departure time ?",
+ "That sounds great . What time does it leave and how much will it cost me ?",
+ "What is my departure time ?",
+ "No , I do n't want to book it . Could I get the departure time , though ?",
+ "What is the departure time ?",
+ "No that wo n't be necessary , could you just let me know what the departure time is for that one ?",
+ "No , thanks . I just need the departure time , please .",
+ "What 's the departure time for that train ?",
+ "Not just now , but can you tell me what that train 's departure time is ?",
+ "Ok , great and could you please confirm the departure time for that train ?",
+ "The departure time is all I need .",
+ "What time does it leave , and how long is the ride ?",
+ "Yes that will be fine thank you . Can you tell me how long the journey will be and how much it will cost and when the train leaves ?",
+ "What is the exact departure time please ?",
+ "What is the train departure time ?",
+ "No I do n't need to book a seat , but can you tell me the departure time .",
+ "Great , what is the departure time for this train ?",
+ "Not yet . What time does TR8705 leave Kings Lynn ? And what do the tickets cost ?",
+ "That is perfect how much is it and what time does it leave ? Also how long is the ride ?",
+ "Yes , what time does that train leave ?",
+ "Not just yet . Can I get the cost and departure time ?",
+ "I actually just need the departure time please .",
+ "No , any of them is fine . Please give me the departure time that you choose .",
+ "I would like the departure time for the train please , I never got it .",
+ "What is the departure time for the train that arrives at 7:35 , and how much do the tickets cost for that one ?",
+ "No . I just need to know the departure time and how long it takes .",
+ "Great can I get the departure time ?",
+ "I think TR8813 will work . Can you tell me what time it leaves ?",
+ "When does the TR8314 leave ?",
+ "I need the departure time for that train .",
+ "It does n't matter when I leave by .",
+ "Can you tell me what time that train leaves ?",
+ "Yes , 14:45 . Could you give me a departure time that meets my criteria ?",
+ "Is there a departure time ?",
+ "What is the departure time for this train ? Thank so much !",
+ "find me the departure time please",
+ "Thanks , could you book that for me please ? And confirm the departure time ?",
+ "Could I have the departure time for that particular train please ?",
+ "Yes perfect . What is the departure time on that train so I am not late .",
+ "Can you verify the departure time for that train again please ?",
+ "I think that will work . What is the departure time of that train ?",
+ "Departure time does n't matter , I just need to arrive at the stansted airport by 21:30 on Thursday , and I need to depart from Cambridge .",
+ "No thank you . Could you give me it 's departure time ?"
+ ],
+ "Id;": [
+ "What is the train ID ?",
+ "Yes , I need the train ID , please .",
+ "What is the train ID you found ?",
+ "Yes , and give me the train i d , please .",
+ "Okay very good . What 's the train ID on that please ?",
+ "What is the train i d , please ?",
+ "Yes please . Could you also give me the train ID ?",
+ "Yes that time works . Please book it . What is the train ID ?",
+ "I just need to know the i d . I do not need to book it .",
+ "I would like to know the train ID for that train please .",
+ "What is the train ID for the one you booked ?",
+ "That is a good train . Could you give me the train i d ? How long is that train ride as well ?",
+ "Yes , and I will need the train ID as well , please .",
+ "Yes , could I have that train ID please ?",
+ "Just for myself . Give me the travel tiem and the train ID please .",
+ "One more thing . Can I have the train ID , please ?",
+ "Can you tell me what the train ID is for the train that arrives at 20:21 ?",
+ "The first train sounds perfect . Can you give me the train ID please ?",
+ "I need to get the train ID.please .",
+ "I need the train Id.",
+ "Yes , and please be sure to give me the ID .",
+ "Yes . Could you give me the Train ID ?",
+ "book TR6334 and get me the train ID please",
+ "I did n't need to book a seat , I just needed a train ID number .",
+ "Ok , that will work out . Can I have the train ID # please ? Thanks so much",
+ "Sounds great . Is TR2417 the train ID ?",
+ "I would like it to ideally be in the center .",
+ "Yes , I do want a seat on the train . Please give me the train 's ID .",
+ "Yes , please give me the train i d for one .",
+ "I would just like the i d for the train that fits that billing .",
+ "Yes , that would be perfect . Can you just give me the train ID for that ?",
+ "I need the train ID instead , please .",
+ "I need the train ID .",
+ "No , I actually just need the train ID . The earliest train would be great .",
+ "This train sounds good , but would n't like to book yet . Can I get the train ID ?",
+ "That is fine . Can I have the train ID once it 's booked ?",
+ "Either one will do . What 's the price and train i d .",
+ "I need the train ID , please .",
+ "Can I get the train ID ?",
+ "Unsure , just gathering information right now . Could you give me the train ID of the train departing at 9:29 ?",
+ "Yes , what is the ID ?",
+ "I need the train ID",
+ "Can you give me the Train ID of the one departing at 10:09 ?",
+ "What is the train ID ?",
+ "Possibly . What is the train ID ?",
+ "I ' m interested in the earliest one . What is the train ID ?",
+ "Booking is not necessary , I just need the train ID",
+ "Can you give me the train ID for the 10:24 ?",
+ "I do n't need tickets right now , but can you tell me the train ID for the 22:58 train , please ?",
+ "I just need the train ID , please .",
+ "No thanks , I was needing the train ID but you already gave that to me . Thanks so much .",
+ "No , thanks . What 's the train ID ?",
+ "Not just yet . Could you give me the train ID , though ?",
+ "Sure . Could you give me the ID for that train ?",
+ "Yes , could you please book the first one . Also what is the train ID ?",
+ "May I have the train ID for that one ?",
+ "Can you give me the train ID on that one please ?",
+ "That would be perfect . I do n't need to book just yet . Was the Train ID TR3492 ?",
+ "No specific time , but I 'd love the time and train ID .",
+ "Yes that time works . Please book it . What is the train ID ?",
+ "Just 1 ticket and I need the train ID and total fees",
+ "Yes please book those seats . Could you please provide me with the train ID ?",
+ "What is the train ID and response of the train that arrives at 15:24 ? I would like to book that one .",
+ "Yes , can you please tell me the train ID that departs at 12:21 ?",
+ "Thank you . can also provide the train ID ?",
+ "No , thank you . Can you tell me the Train ID , please ?",
+ "Could I get the train ID and time I would leave in case I want to book later .",
+ "What about the train ID ?",
+ "what 's the train ID ?",
+ "You 're still not done ! Give me the train ID for the train .",
+ "Can I get the train ID please ?",
+ "On second thought , a booking will not be necessary now . The train ID you supplied is sufficient . I am looking for places to go while I ' m in town .",
+ "No not at this time . I would just like the train ID for that train .",
+ "Yes , I would like to book the ticket now , could I please have the train ID ?",
+ "No , I just need the train ID . Thanks .",
+ "Yes , I ' m not booking my seat just yet . All I needed was the train ID , and you have given me that . Thank you .",
+ "I will need the train ID also please .",
+ "I do n't need to book a seat , I just needed the train ID .",
+ "No , I would like to book at a later time , but can I please get the train ID ?",
+ "Yes , can I get the train ID please ?",
+ "I would like to book the 7:35 please , also give me the train ID ? And will I be close to Yu Garden ?",
+ "I do n't need tickets just the information for the train . I need the train ID please .",
+ "I just need the train ID please .",
+ "Yes , that would be fine . Could I get the train ID ?",
+ "No , just get me the Train ID .",
+ "Ok , can I get the train ID .",
+ "Train ID please and thank you",
+ "Can you let me know that train ID so I can find it ?",
+ "What is the train ID ?",
+ "no just the i d please",
+ "That sounds good . Can I get the train ID and the departure / arrival times ?",
+ "Can I just get the train ID of one of them please ?",
+ "What is the ID for the train leaving at 11:39 ?",
+ "Could you also give me the train ID for that ?",
+ "Can I at least get the train ID ?",
+ "Yes , that will work . Can you please give me the train ID for that booking ?",
+ "I actually do n't want to book tickets today . I just need the train ID and the times it runs .",
+ "Yes that time looks good . How much will it cost and what is the train ID ?",
+ "No thatnk you but may I have the train ID ?",
+ "Thanks . That will be fine . Can I get a train ID ?",
+ "Perfect . I 'd like to be on that train . TR572 , is that the train ID ?",
+ "Okay but first can I get the train ID please ?",
+ "First , what 's the train ID ?",
+ "Could you give me the train ID , too ?",
+ "I ' m not looking to book at the moment , can I just get the train ID ? Thanks !",
+ "What is the train ID ?",
+ "Sorry , I ' m actually not interested in a booking today , I just needed a train ID . I think that will be all !",
+ "Just one . Can you give me the train ID , please ?",
+ "I do n't need tickets at the moment , but I do need the price and train ID for that 19:40 departure , please .",
+ "Can I get the train ID for the one you mentioned please ?"
+ ],
+ "Arrive;": [
+ "what is its arrival time and how long will it take ?",
+ "No that wo n't be necessary . Can you just tell me what the arrival time is ?",
+ "How much does it cost and when does it arrive ?",
+ "Thank you , what is the arrival time ?",
+ "Can you tell me what the arrival time is ?",
+ "What is the arrival time for that train ?",
+ "What time does it arrive by ?",
+ "What 's the arrival time for that ?",
+ "Actually , I do n't need a booking . I just need to know when it arrives , thanks .",
+ "Is there any earlier arrival times ?",
+ "Yeah that would be great can you please tell me what time it arrives ?",
+ "No , but I would like to know the arrival time for the train fitting my criteria .",
+ "I need the arrival time",
+ "No , that 's ok . I just wanted to know the arrival time . Thanks .",
+ "Can you please tell me the arrival time on that train ?",
+ "What time will it arrive ?",
+ "Can you tell me the arrival time of that train ?",
+ "No thanks , I just wanted to know the arrival time .",
+ "No thank you . I would like to know the arrival time , though .",
+ "Yes and could you give me the arrival time as well ?",
+ "yes can you tell me when the train arrives and how long the journey will be ?",
+ "What 's the arrival time for that train ?",
+ "What would be the arrival time of that train ?",
+ "Well , I need to know the arrival time first .",
+ "No , but I do need to know when the train TR 3330 arrives , please .",
+ "Could you tell me the travel and arrival time of this train ?",
+ "Can you give me the arrival time of the 15:59 ?",
+ "That will have to work . What is the arrival time ?",
+ "What is the arrival time ?",
+ "Can I check on the arrival time of that train first ?",
+ "Thank you . What is the arrival time in Cambridge , please ?",
+ "What is the arrival time ?",
+ "Yes , what is the arrival time for that option ?",
+ "Can you give me the arrival time of one of the trains ?",
+ "What is the arrival time for the TR5507 ?",
+ "No need for a booking , right now . Could you tell me the arrival time ?",
+ "Yes , that will work . Can you tell me what the arrival time is ?",
+ "Well , I need to know the arrival time first .",
+ "How long is the trip , and what time does it arrive in Norwich ?",
+ "Can I get an arrival time for that ?",
+ "What is the arrival time ?",
+ "At what time will that train arrive ?",
+ "Can I get the Arrival Time and Train Please ?",
+ "What would be the arrival time of that train ?",
+ "What is the arrival time for TR1581 ?",
+ "I 'll book the one that leaves at 17:35 . What time does the train arrive ?",
+ "Yep that s great what s the arrival time on that train ?",
+ "Not at this moment . Can you tell me the travel and arrival time ?",
+ "When does that train arrive ?",
+ "What time does it arrive ?",
+ "First , I 'd like to know the arrival time for it .",
+ "What 's the soonest arrival time ?",
+ "It may work ... what time does it arrive in Cambridge ?",
+ "Could I please have the arrival time for the train that leaves at 18:34 ?",
+ "The amount of tickets today is not important I just want to make sure that I leave on Saturday and if I could get an arrival time please",
+ "No , thank you , but could you tell me the arrival time ?",
+ "Either one will work , once you have chosen one please tell me the arrival time .",
+ "Yes , I would . May I please get the arrival time ?",
+ "That sounds like it might work , but what is its arrival time if I may ask ?",
+ "Arrival time does n't matter . Could you just pick one of the four for me and let me know how much it costs ?",
+ "What time does that train arrive ?",
+ "What time does it arrive and how much will it cost ?",
+ "I ' m terrible at math . What time does that arrive ?",
+ "What is the travel and arrival time ? Thank you .",
+ "What time will it arrive ?",
+ "No tickets , just the arrival time and I am all set .",
+ "What is the arrival time ?",
+ "Sure . Can I get the arrival time and how long it will take ?",
+ "No , just need to leave after 15:00 . When will I arrive and how long does it take ?",
+ "What time will I arrive ?",
+ "Arrival time does n't matter so much , but I want to leave after noon . Not a morning person :)",
+ "Yes , I think the 20:54 arrival time should work .",
+ "And what time will it arrive ?",
+ "Could you also confirm the arrival time ?",
+ "Tell me the arrival time of the 09:39 train please",
+ "yes pliz.may i also get the arrival time",
+ "I 'll need to know the arrival time , please ?",
+ "Yes can I please get the arrival time ?",
+ "maybe . what 's the arrival time ?",
+ "Can I check on the arrival time of that train first ?",
+ "What is the arrival time ?",
+ "I will just need the arrival time please .",
+ "I 'd like to leave after 17:00 . When would I arrive ?",
+ "The one at 14:40 should be fine . Can you tell me when it arrives ?",
+ "Yes can I have an arrival time please ?",
+ "Ok great and what is the arrival time ?",
+ "What time does the train arrive ?",
+ "Yes . Can I please get the arrival time . thank you .",
+ "I do n't want to book yet , but please tell me the arrival time for that one",
+ "What time does it arrive ?",
+ "When are the arrival times ? I ' m also looking for information on all saints church . What can you tell be about it ?",
+ "The 19:17 one would work . Can you give me the arrival time for that one .",
+ "I 'll take the first one at 15:17 . When does it arrive ?",
+ "Not yet . What time will that arrive in Birmingham ?",
+ "The first one will be fine . I 'll need the arrival time for that one , please .",
+ "What time does that train arrive ?",
+ "And what time does the train arrive ?",
+ "Yes please . Could you also tell me how much it is & what time it arrives ?",
+ "Yes , I apologize but can you give me the arrival time for train TR7786 ?",
+ "What time does that arrive in Cambridge ?",
+ "No , I do not have a specific arrival time ."
+ ],
+ "Id;Ticket;Time;": [
+ "Not looking to book , can I just get the train ID , price , and travel time ? Thanks !",
+ "That will work . May I get the price , travel time , and train ID for that please ?",
+ "No , but if you can give me the price , travel time , and a train ID that 'd be great .",
+ "No , I just need the train ID , travel time , and price , please .",
+ "I will need the price , travel time , and train i d first please . Also looking for a park to go in town .",
+ "That would work , can you give me the price , train ID , and travel time on that ?",
+ "Can you give me the price , train ID and travel time please ?",
+ "No . I require the travel time , price , and train ID .",
+ "Yes , that would be fine . I do n't need tickets , I just need the travel time , price , and train ID .",
+ "That works . Can you tell me the train ID , price , and travel time for that train arriving at 8:08 ?",
+ "That sounds good . What is the train ID number ? I also need the price and travel time .",
+ "That 's perfect . Can I have the train ID , price , and travel time please ?",
+ "I need the price , travel time , and train ID .",
+ "That will work . Can I have the train ID , price and travel time ?",
+ "It 's just me . Can I have the price , travel time , and train ID ? Also , do you have any places I can go when I get there ?",
+ "That 's perfect , though I do n't want to book it just yet . Can you give me the travel time , price , and train ID please ?",
+ "No , Make sure you get travel time , price , and train ID",
+ "I would like to leave on the first train after 9:30 . Can I get the travel time , train ID and price please ?",
+ "That would great , and please get me the train ID , price , and travel time",
+ "No thank you . I would like the price , train ID and travel time please .",
+ "Yes , that would work for me . I will just need the price , train i d and travel time .",
+ "The one for 8:07 . I just need the train i d , travel time , and price . No need to book it .",
+ "Actually , no , I just need more information . You ' ve given me the train ID . I need the travel time and ticket price .",
+ "Yes please I am looking for the travel time , price , and train ID of that one .",
+ "Can you give me the price , train ID , and travel time for the one that arrives at 8:43 ?",
+ "No , please just give me the travel time , price , and train ID . Thanks",
+ "Let 's go with the one that arrives at 22:10 . I 'll need the train ID , price and travel time , please ?",
+ "Please just tell me the price , travel time and the train ID",
+ "Yes please ! Also , kindly provide the price , travel time , and train ID if you can . Maybe I will visit hogwarts next time HAHA",
+ "None right now but could you just tell me the price , train ID , and travel time ?",
+ "I will take the 5:21 . Can you please give me the travel time , train ID , and price ?",
+ "Yes please ! I 'll also need the train ID , price , and travel time . Thanks !",
+ "yes , what is the travel time , train ID and price please per ticket",
+ "That would be fine . I 'll need the travel time , price , and train ID , please ?",
+ "That will work , can you please give me the train ID , price , and travel time ?"
+ ],
+ "Id;Ticket;": [
+ "Great . What 's the train ID and price ?",
+ "Can you tell me the price and the train ID ?",
+ "I do n't care what time I leave . I do need the price and train ID though .",
+ "help me get price and train ID",
+ "Ok can i get the train ID and price ?",
+ "I take the first one at 17:59 . May I have the price and train ID ?",
+ "Could you give me the price and train ID for that one please ?",
+ "I do n't care about the departure time so please give me the ID and price of any one of those trains .",
+ "The one for 7:35 is fine . Can I get the ID # and price , too ?",
+ "Pick the best one and please give price and Train ID .",
+ "I would just like the know the price per ticket please . And the train ID .",
+ "Can I have the train ID and price of the 7:17 departure ?",
+ "Hmm , that train ID and price do n't look right to me . Could you double - check that ?",
+ "Yes , that works . Can I get the train i d number and the price please ?",
+ "Let me get the train ID and price for the one arriving at 11:55 .",
+ "may i have the train ID and price please ?",
+ "Great what is the price and i d of the train ?",
+ "Can I get the train ID and the price , please ?",
+ "Not right now , can you please just give me the time , price , and train ID number ?",
+ "i prefer the 21:00 please help me get the train ID and price",
+ "That train would be just fine . I need the train ID , price and depart time .",
+ "Yes , please ! Can I also get the train ID and the price on that ?",
+ "Could you just give me the train i d and price on that please ?",
+ "I 'll go with the 17:29 . What is the train ID and price ?",
+ "Yes , that works . Can I get the train i d number and the price please ?",
+ "Can I get the train ID and also the price for this trip ?",
+ "That train would be find I need to get the train ID and price please .",
+ "Great ! What is the price and train ID ?",
+ "Actually , I do n't need to book just yet . Could you tell me the price and the i d of the train arriving at 08:35 ?",
+ "Yes , what is the ID and price , please ?",
+ "Could you just give me the train i d and price on that please ?",
+ "Yes , those times are good for me . Would you give me the price and train ID , please .",
+ "Yes . What is the price and train ID of that one ?",
+ "Can you give me the arrive time , train ID , and price ? Thank you .",
+ "Yes please , what is the Train ID and price ?",
+ "I do n't need need reservations I just need a price and train ID .",
+ "Not at the moment . Can I have the price and train ID though ?",
+ "What is the train i d and price ?",
+ "That will be fine I need the train ID and price please .",
+ "sure . Make sure you get train ID and price",
+ "No thanks . Can I have to train i d and price ?",
+ "I would maybe be interested in booking this train . What is the train i d , price per ticket and arrival time ?",
+ "Please inform me of the train ID and price when the system is available . I am also looking for entertainment in the centre .",
+ "Could I please get the price and the train ID ?",
+ "No , thank you . I just need the train ID and price of the ticket .",
+ "Yes please . May I have the departure time , train i d , and price ?",
+ "Can I get the price and train ID please ?",
+ "I suppose , please give me a price and train ID .",
+ "Can I get info for the 09:50 the price and the trains ID please ?",
+ "What is the train ID and price please ?",
+ "No , I just need the price and Train ID for the 9:07 train ."
+ ],
+ "Id;Time;": [
+ "I do n't need to purchase tickets today , but can you tell me the train ID and the total travel time to get me there ?",
+ "Can I get the travel time and train ID ?",
+ "Sure . Could you give me the train ID and travel time ?",
+ "Give me the train ID and travel time for the train the departs at 05:36 .",
+ "Yes please book . I need the travel time and the train ID please .",
+ "The 21:54 one , what 's it 's ID and travel time ?",
+ "Sure ! What is the total travel time for that one , and what 's the train ID ?",
+ "Just please get me the train ID and total travel time .",
+ "I 'd like to have the train ID and the travel time please .",
+ "Yes that sounds good , can you please give me the train ID and travel time ?",
+ "Yes , please . Can I have the Train ID and total travel time , as well ?",
+ "No thank you but I 'll need the train ID and travel time .",
+ "yes please . help me get train ID and travel time",
+ "What 's the travel time and Train ID for that one ?",
+ "What is the travel time and train ID ?",
+ "Actually I do need the train ID and travel time please .",
+ "Yes . I would like to book the 5:11 . I also need the train ID and travel time .",
+ "Yes , can I have the train ID and travel time , please ?",
+ "No , but what is the travel time for that train ID ?",
+ "yes , and could you provide the travel time and the train ID please ?",
+ "No . I ' m open to departure time . Can you list the train ID and travel time ?",
+ "Can you please give me the train ID and travel time ?",
+ "Anytime is fine by me . Can I have the train ID and travel time ?",
+ "Yes . Can you give me the train ID and the travel time ?",
+ "No , that 's alright . Could I have the train ID and travel time , however ?",
+ "What is the travel time and the train ID ?",
+ "That 's perfect . Could I get the train ID and travel time ?",
+ "Alright . Could you please provide me with the train ID and the travel time ?",
+ "OK I need one that arrives at 15:45 and I will need the travel time and the train ID .",
+ "I just need the train ID and the departure and travel times please .",
+ "Just please get me the train ID and total travel time .",
+ "I would first like the train ID and travel time please .",
+ "No on the hotel . What is the train i d for that one , and how long is the travel time .",
+ "I 'd just like the travel time and train ID for that one please .",
+ "Could you please confirm that train ID number with the travel time for me ?",
+ "I would like the earliest train available please . Can you tell me the train ID and travel time please ?",
+ "Yes , please . Could you give me the total travel time and train ID for my records ?",
+ "Yes , that would be fine . What 's the train ID and travel time for that one ?",
+ "Can you give me the ID for this train and the overall travel time ?",
+ "Yes , could I please have the train ID and the estimated travel time ?",
+ "Thank you . Could I get the ID of the 11:40 train ? Also , is the travel time 35 minutes ?",
+ "Not yet but can I get travel time and train ID ?",
+ "Thank you for the train ID , what is the travel time for that train ?",
+ "12:26 should be okay can I please get the train ID and travel time ?",
+ "Can I have the travel time and ID of the latter .",
+ "Yes , that works , I need the travel time , and the train ID please .",
+ "Yes , please . Any of those will do , but before you book it , could you let me know what the train ID , travel time , and ticket price will be ?",
+ "Actually yes , can I get the travel time , train ID , and price please ?",
+ "Can I have the travel time ? And the train ID please .",
+ "Yes that works for me . Can I have the travel time and the train ID ?",
+ "No thanks . I just need the train ID and travel time for now .",
+ "No thank you but can I get the Train ID and travel time for that ?",
+ "I do n't need anything to be booked but I do need the train ID and the travel time .",
+ "No thank you . I 'll just need the travel time and train ID , please ?"
+ ],
+ "Arrive;Id;Time;": [
+ "Please pick the earliest one and give me the following info about them : travel time , train ID , and arrival time",
+ "I do n't need to book , but can you tell me the train ID , arrival time , and total travel time ?",
+ "I do n't need you to book it . I just need the travel time , train ID and arrival time .",
+ "Yes please and can you give me the travel time , arrival time , and train ID ?",
+ "That train will be fine . Can I please get the train ID , arrival time and travel time ?",
+ "That 's fine . Can you give me the arrival time , travel time , and train ID please ?",
+ "Could you please tell me the train ID , arrival time , and travel time ?",
+ "I need all three things please , train i d , arrival time and travel time .",
+ "No thank you . I 'll just need the arrival time , travel time , and train ID for one of the available trains , please ?",
+ "That sounds great ! Could you give me the arrival time , travel time , and train ID as well ?",
+ "No thank you ! I just need the arrival time , travel time , and train ID .",
+ "That may work . What is the train ID , travel time , and arrival time ?",
+ "I do n't need a booking , but can you tell me the train ID , travel time , and arrival time of that train ?",
+ "That is fine . Can you provide the arrival time , train ID , and travel time .",
+ "What is the arrival time ? I 'll also need the travel time and train ID .",
+ "I do n't need to book . I just need the train ID , travel time and arrival time for the 13:17 train ."
+ ],
+ "Leave;Ticket;": [
+ "What time does TR7743 leave and what is the price ?",
+ "Thank you for the departure time and price , Yes I would like to book a ticket .",
+ "Can I have the departure time and price of train TR7329 ?",
+ "Can you give me the departure time and price , please ?",
+ "can i get the ticket price and the departure time please ?",
+ "I actually do n't need a ticket . I just need the departure time and price .",
+ "Wow that 's early ! What is the departure time and price please ?",
+ "Yeah , what 's the price and departure time on TR5773 ?",
+ "That will work . I need the departure time and the price of a ticket .",
+ "Yes , Wednesday . I also need the departure time and price , please .",
+ "Yes , I think that will work . Can I get the price and departure time for that train ?",
+ "can you tell me the departure time and price please ?",
+ "That 's good . Could you please tell me the price and departure time ?",
+ "That would be great - can you give me the price and departure time ?",
+ "What is the price of the ticket and departure time ?",
+ "Yes , that would work . Can I get a price and a departure time please ?",
+ "Can I get the departure time and price of my train reservation ? Also , could you try to book my table for 20:00 ?",
+ "No thanks . I need the departure time and the ticket price .",
+ "Not yet . First I would like to get price and departure time .",
+ "And what is the price and departure time ?",
+ "Can I get the departure time and the price of the ticket please ?",
+ "Yes , that would be fine . What 's the price and departure time ?",
+ "Sure . What is the price and departure time ?",
+ "It does not matter . Please go ahead and book a train and provide the price and departure time .",
+ "Yes , what 's the departure time and price ?",
+ "I do n't want to book right now but can I get the ticket price and departure time on TR2969 ?",
+ "Great that should work can I get the price , and departure time of that ?",
+ "I think I 'll go with whichever one is latest . Can I have the price and departure time for that train , please ?",
+ "Yes , that would be great . I 'll need to know the price and departure time please ?",
+ "Yes that would be perfect . Could I have the price and departure time ?",
+ "Before you do , what is the price and departure time ?",
+ "No , could you just give me the price and the departure time please ?",
+ "I would like to get the departure time and price first .",
+ "I just need the departure time and price please",
+ "Yes , that 's perfect . What 's the departure time and price ?",
+ "I just need the departure time and price please"
+ ],
+ "Leave;Time;": [
+ "Can you tell me the departure time as well as the travel time of the train ?",
+ "Okay , what is the departure time and travel time ?",
+ "Yes please . What is the total travel time and departure time also ?",
+ "I am not sure what time I want to leave yet . Can you give me a list of travel time and departure times ?",
+ "What is the travel time and departure time for TR9448 ?",
+ "Yes , please give me travel time and departure time , please .",
+ "I just need the travel time and departure time please .",
+ "I do n't need to book today , but can I get the departure time and travel time please ?",
+ "no tickets needed . but can i get the departure time and travel time please .",
+ "I do n't actually need to book at the moment . I just need to know the departure time and travel time for this train , if you do n't mind .",
+ "The first is fine . What is the travel time and departure time of that train ?",
+ "What is the departure time and travel time ?",
+ "What is the departure time and the duration of the ride ?",
+ "No , I only need the train 's departure time and travel time .",
+ "Can you just tell me the travel time and departure time for the TR1887 please ?",
+ "Yes , can I get the departure time and travel time on that one ?",
+ "I am not sure how many yet . For now , I need the departure time and the length of travel time for TR0823 .",
+ "Yes , but first can we work out the train details ? I still need more info on that TR4975 train . What 's the departure time and travel time on that ?",
+ "I do n't need a ticket right now , but can you give me the departure time and total travel time , please ?",
+ "Could you give me a departure time and travel time for that train ?",
+ "No , that wo n't be necessary . I do need the departure time , and travel time though .",
+ "Yes thank you . I also need the travel time and the departure time please .",
+ "Yes , could you please give me the travel time , and departure time ?",
+ "Can you please tell what time the train leaves and the total travel time ?",
+ "Yes , I need the travel time and departure time of the train .",
+ "No thank you . I just need the the departure time and the travel time , please .",
+ "No , thanks . I just need the travel time and departure time .",
+ "Can I get the travel time and departure time on that ?",
+ "Yes , please . Can I get the travel time and departure time first ?",
+ "Yes , could I get the travel time and the departure time please .",
+ "Sure . can i just get the travel time and departure time please",
+ "What is the departure time for time for TR0552 , also I would like to know the travel time as well ?",
+ "Actually I ' m sorry I do n't need it booked right now . May I get travel time , and departure time ?",
+ "Yes . Can I also please have the departure time and travel time for this trip ?"
+ ],
+ "Arrive;Id;": [
+ "Yes can I get the train ID and arrival time please ?",
+ "No , I just need the train ID and arrival time",
+ "Yes , that 's perfect ! Could I have the arrival time and train ID please ?",
+ "No thank you but I do need the arrival time and train ID .",
+ "I do not . I just need the train ID and what arrival time it has .",
+ "let 's go with 13:24 . Please give me the arrival time and train i d .",
+ "Yes please ! Can I get the arrival time and train ID , please ?",
+ "Yes it does . Can I get the train ID , arrival time and the price .",
+ "No thank you but I do need the arrival time and train ID .",
+ "I just need one . I also would like to know the cost , arrival time and ID of the train .",
+ "No . Please send me the Train ID and arrival time .",
+ "I do n't need it booked , just please forward me the train ID and arrival time .",
+ "No thank you . I just need the train ID and arrival time for one of them .",
+ "What time does it arrive and what s its ID ?",
+ "What is the arrival time and train ID ?",
+ "When does it arrive and what is the train ID ?",
+ "Yes , what 's the train ID and what time does it arrive ?",
+ "No , I just need the train ID and arrival time .",
+ "Yes . Also , what will be the arrival time ? And , what is the train ID ? Thanks so much !"
+ ],
+ "Arrive;Time;": [
+ "Any arrival time is fine , can you give me an arrival time and travel time ?",
+ "Oh wait , before booking I would like to know what the arrival time and travel time is on that train .",
+ "No , but I would like the price , arrival time , and travel time , please .",
+ "I do n't need it booked just now . Can you let me know the travel time and arrival time for TR5859 ?",
+ "I ' m not ready to book quite yet . Can you just give me the travel time , as well as arrival time of that train ?",
+ "Great . How much is the ticket for the train leaving at 13:11 ? What time does it arrive and what is the travel time ?",
+ "Can you tell me the arrival time for that train and the total travel time ?",
+ "Actually , I 'll need the travel time and arrival time for that train , please ?",
+ "Ok . What is the travel time ? When does the train arrive ?",
+ "I also need the travel time and arrival time please .",
+ "When does it arrive ? And what is the total travel time , please ?",
+ "Can I get the travel time , and arrival time of that ?",
+ "Pick one please , just please give me the travel time , arrival time , and price .",
+ "That is the arrival time and total travel time for TR7928 .",
+ "No . But what is the travel time and when will it arrive ?",
+ "Yes could you provide me with the travel time and arrival time as well please ?",
+ "That sounds good . Could you give me the arrival time and the travel time ?",
+ "Oh wait , before booking I would like to know what the arrival time and travel time is on that train .",
+ "What is the travel time , and what time will it arrive at ?",
+ "What is the arrival time , and travel time please ?"
+ ],
+ "Id;Leave;Time;": [
+ "no but can you give me the travel time , train i d and the departure time again please ?",
+ "I do n't need to book now . I just need the departure time , train ID , and travel time for that train , please .",
+ "I ' m not sure yet . For now can I just get the train ID , travel time and departure time ?",
+ "I do n't need to book any tickets . I 'll need the departure time , travel time and train i d if you could specify them instead of just sending numbers .",
+ "No , not today . Can you just give me the train ID and travel time ? I guess I will need that departure time too . Thanks .",
+ "Any is fine . I 'll just need a departure time , train ID , and travel time .",
+ "Yes . I just need to know the departure time , train ID , and the travel time .",
+ "I do n't need it booked , just forward me the train ID , travel time and departure time please .",
+ "Yes please ! could I get the departure time , train ID and travel time ?",
+ "Yes I also need the train i d , departure time and travel time .",
+ "It does n't matter . I just need the travel time , departure time , and train ID .",
+ "I do n't need the booking yet . You ' ve already give me the train ID . I just need the departure time and the travel time . Thanks .",
+ "No but I do need the train ID , departure time , and travel time .",
+ "No , can you give me the travel time , departure time , and train ID for the train you mentioned ?",
+ "That would be fine . I 'll need the travel time , departure time , and train ID , please ?",
+ "No , but could you give me the train ID , departure time , and travel time of that train ?"
+ ],
+ "Id;Leave;": [
+ "Can I get the ID and the departure time also ?",
+ "That Will be good enough . What is the Train ID and departure time ?",
+ "The 7:54 . May I please have the train ID and departure time ?",
+ "Just one ticket . I will need the train ID , cost of ticket and exact departure time as well .",
+ "I just need the departure time and train ID plase",
+ "No , not really . But I will need the train ID and departure time .",
+ "Yes , and I 'll just need the train i d and departure time .",
+ "I also need a departure time and train ID please .",
+ "That 'll work ! What time does it leave and what 's the ID ?",
+ "no I just need the departure time and the train i d please",
+ "You ' ve already given me the train ID . I just need the departure time .",
+ "I just need the train 's departure time and ID .",
+ "no thanks . I just need the train ID , travel , and departure time",
+ "Please and I would appreciate it if you could give me the train ID , departure time , and booking reference .",
+ "No , that 's OK . Can I get the latter train 's ID , departure time , and how long the trip is ?"
+ ],
+ "Arrive;Ticket;Time;": [
+ "I would like the travel time , arrival time and price , please .",
+ "Yes , I think that will work . Can you tell me the price , travel time and confirm the arrival time please ?",
+ "Possibly , what is the price , arrival time , and travel time for TR9063 ?",
+ "No , thank you . I just need the price , travel time , and arrival time , please .",
+ "Can I get the price , travel time , & arrival time ?",
+ "No , but can you tell me the price , arrival time , and travel time please ?",
+ "No need for tickets . But can I get the arrival time , travel time and price ?",
+ "No , could you give me the price , arrival time , and overall travel time , please ?",
+ "Hmm , how long is the travel time on that one ? And when does it arrive ? Can you get me the price , too ?",
+ "You know what , I ' m so sorry I actually did not need a booking at all . I just wanted to know the travel time , arrival time , and price . Sorry .",
+ "No thank you . I would like the travel time , arrival time and ticket price ."
+ ],
+ "Id;Leave;Ticket;": [
+ "Yes please . Can you also please confirm the train ID , price , and departure time for me . Thank you !",
+ "It 'll only be me . Can I get the price , train ID , and departure time as well ?",
+ "Wonderful . Could you please give me the train ID , the departure time , and the price ?",
+ "Yes , that would be fine . I 'll need the price , train ID , and departure time , please ?",
+ "um what ? I did not ask you to book it . I asked you to give me the price , departure time , and train ID !",
+ "All I need is the departure time , price , and train ID . Thanks",
+ "Are there any later trains ? Also I need to get the price , departure time , and train ID when we find a suitable one .",
+ "I just need the train ID , departure time , and price of one please",
+ "Could I get the price , departure time and train ID ?"
+ ],
+ "Arrive;Id;Ticket;": [
+ "I actually do nt need a booking . Just the train ID , arrival time and price per ticket please .",
+ "No thank you . Can you provide me with the arrival time , price , and train ID ?",
+ "Any of them will do . Can you tell me the price , arrival time and train ID of at least one option ?",
+ "What is the arrival time ? I also need the train ID and price .",
+ "Can I just have the price , train ID , and arrival time , please .",
+ "I 'd like the train ID , price , and arrival time please .",
+ "That sounds good . What is the arrival time and train ID ? I 'll also need the price of the ticket .",
+ "Great can I get the train ID , price , and arrival time for that one ?",
+ "Could I have the arrival time , train ID and price for a train leaving as close to 0945 as possible"
+ ]
+ },
+ "general-bye": {
+ "none;": [
+ "No , that will be all . Good bye .",
+ "You were great . Goodbye .",
+ "Thank you very much , goodbye .",
+ "Thank you , goodbye",
+ "No , I am all set . Have a nice day . Bye .",
+ "Ok , have a good day . Goodbye .",
+ "No , I do n't need anything else right now . Thank you for your assistance . Good Bye .",
+ "That 's all I need today . Thanks ! Bye !",
+ "Actually , I ' m all set . Thank you ! Bye !",
+ "No thanks . That 's all the help I need . Take care . Bye .",
+ "That 's all I needed for today ! Thanks a bunch ! Bye ! !",
+ "You have . Thank you . Goodbye .",
+ "Thank you goodbye",
+ "No , that looks like everything . Thanks . Bye .",
+ "No worries , I 'll give them a call and find out . Thanks so much for all your help , goodbye .",
+ "I do n't think so . That was everything . Thanks . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "No , I can do that after I discuss it with my boss . Thanks for your help with everything today . Goodbye .",
+ "That is great , I ' m so excited . Thanks for you help . Bye .",
+ "No that will be all thank you goodbye",
+ "thank you , goodbye .",
+ "No I believe we got everything covered today . Thanks . Goodbye .",
+ "Thanks , that 's all I needed today . You ' ve been a great help . Goodbye !",
+ "No . I do n't need anything else . Thank you and bye .",
+ "Awesome ! That will be it for tonight . Have a good day . Bye .",
+ "Thanks so much . That 's all for today . Bye !",
+ "No , you ' ve been very helpful . Thank you . Bye .",
+ "Thank you , goodbye .",
+ "Thank you so much ! Goodbye .",
+ "No , you have been very helpful today , thank you . I am all set . Goodbye .",
+ "Thank you so much . That 's all I need for tonight . Take care . Goodbye .",
+ "No . You have quickly answered all my questions . Thank you so much . Good bye .",
+ "Thanks . I appreciate your help . Goodbye .",
+ "Thank you for your help . That 's all I needed . Good bye .",
+ "That 's alright . Thanks so much . I ' ve got nothing more today . Bye !",
+ "Thank you so much ! Goodbye",
+ "thank you good bye .",
+ "Thank you very much . That 's all I need today , bye .",
+ "Thank you goodbye .",
+ "No , that does it . Thank you and goodbye !",
+ "Thank you goodbye",
+ "Thanks , that 's all . Good bye .",
+ "No thank you that was all I needed . Good bye .",
+ "Actually , I change my mind . I will take care of the booking later . Thanks for your help . Goodbye .",
+ "That is all I will need , thank you . Bye .",
+ "Thanks for all the bookings . I ' m ready for my visit now . Take care . Goodbye .",
+ "No , thanks . I will book later on . I think that was all I needed . Thanks . Goodbye .",
+ "No thank you . Bye bye !",
+ "Thanks , that 's all . Good bye .",
+ "No that would be all . Thank You . Goodbye",
+ "That is fine . That 's all , thank you ! goodbye .",
+ "Thanks so much , you have helped with everything I need for the trip . Bye .",
+ "Yes that is everything thank you for all your help . Goodbye",
+ "Thank you goodbye .",
+ "Thank you goodbye .",
+ "no thanks . not necessary . thanks though . goodbye",
+ "No thanks . Thank you and goodbye .",
+ "Great . You have been very helpful . That is all I needed . Thanks . Bye .",
+ "Thank you good bye .",
+ "Thank you , goodbye",
+ "Thank you . That is all the info that I needed . Good bye .",
+ "No thanks . That does it . Have a good night . Bye .",
+ "No that is all . Thank you for your help . Goodbye .",
+ "Thank you goodbye .",
+ "Goodbye again .",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "No , that 's all . good bye .",
+ "No thanks . I think that was all . Have a good day . Bye .",
+ "Thank you that is all I need , goodbye",
+ "Okay , that will be all . Good bye .",
+ "Thanks so much ! That 's all I need . Goodbye !",
+ "Nope , you have been extremely helpful . Thanks again . Bye .",
+ "No , I 'll wait on that for now . Thanks for all your help today . That 's all I need . Goodbye .",
+ "Thanks so much ! Have a great day . Goodbye",
+ "thank you good bye",
+ "No thanks . That will be all for today . Thanks . Goodbye .",
+ "No thanks . You ' ve been very helpful . Goodbye .",
+ "You ' ve been great , that is all I needed . Thank you , goodbye !",
+ "You ' ve been a great help . Have a great day . Goodbye",
+ "Great , thank you ! Have a great day . Goodbye .",
+ "Thanks so much . You have been very helpful . That is all I 'll be needing for today . Bye .",
+ "No , that would be all . Thanks . Bye .",
+ "Thanks so much ! I ' m all set for my trip now ! Bye !",
+ "thanks . that s it for today . thanks again . goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "No that is all , bye .",
+ "Thank you ! I ' m all set . Goodbye !",
+ "no , thank you good bye",
+ "Have a great day . Good bye .",
+ "Thank you goodbye",
+ "No thanks , have a good day bye .",
+ "No that is all . Goodbye",
+ "actually that sounds good . you gave me the info i need . thanks . bye .",
+ "No , but thanks for all your help ! Goodbye !",
+ "No , I am not . this is all I need , thanks ! good bye .",
+ "Have a good day . Bye .",
+ "Thank you , that will be all for me today ! Bye !",
+ "thank you goodbye",
+ "Okay thanks that 's all I need from you . Have a good day , bye .",
+ "Excellent , thank you . Goodbye !",
+ "Okay . Thanks anyway . Good bye !",
+ "Thanks so much . I think that 's all I needed . Have a great day . Bye .",
+ "No , thank you . That was it for today . Thank you very much for your assistance . Have a good one . Good bye .",
+ "Thanks , that 's it for today . Goodbye !",
+ "Great . Thank you for all your help ! Goodbye .",
+ "No , that is all I need . Thanks so much . Bye .",
+ "Thank you for booking the reservation for mr , goodbye .",
+ "That is it . Thank you for your help . Good bye .",
+ "Thank you . Good bye .",
+ "Thank you goodbye .",
+ "Perfect . I ' m all set . Goodbye !",
+ "I think that is all I need , thank you . Good bye .",
+ "That 's all I need .. Thank you and good bye .",
+ "No that is all . Thank you , goodbye .",
+ "I appreciate your help . Goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "Thank you good bye .",
+ "No that is all . Good bye !",
+ "I think that is all I need for now . Thanks , bye .",
+ "Thank you so much . Goodbye .",
+ "Thank you . Good Bye .",
+ "Thank you goodbye",
+ "thank you , goodbye",
+ "Bye .",
+ "Thank you , goodbye !",
+ "Thank you , goodbye .",
+ "No , I think that covers it . Thanks so much for your help . Bye !",
+ "No thank you ! That will be all . Bye !",
+ "No , that is all I need for today . Good bye .",
+ "Thank you so much , that 's all . Goodbye .",
+ "No , you have been very helpful . I do n't have any other questions . Thanks . Bye .",
+ "Have a nice day . Bye .",
+ "No . I think that 's all . Good day . Bye .",
+ "I think that is all I need . Thank you and good bye .",
+ "NO , that is all . Thank you , goodbye .",
+ "No , thanks . You answered all my questions . Thanks so much . Have a good day . Goodbye .",
+ "No , you were extremely helpful . Thank you . Goodbye .",
+ "Thanks , that will be all . good bye .",
+ "No , that 's it . Thank you . Goodbye !",
+ "Thank you goodbye .",
+ "No , that is all ! Thank you so much for all of your help . Goodbye !",
+ "No that will be all for today . Thanks alot . Goodbye .",
+ "No , that will be all . Goodbye .",
+ "thank you , goodbye",
+ "That will be all for today . Thank you so much . Goodbye",
+ "Thank you for the information . Good bye !",
+ "Ok , hope you have a good day too . Bye .",
+ "No , that is all . Thanks for being so helpful for my upcoming trip . Looking forward to my stay . Bye .",
+ "I ' ve really got to go . Goodbye .",
+ "Wonderful ! I think that 's it , thank you . Goodbye !",
+ "Great . Thank you . Goodbye",
+ "thank you good bye .",
+ "That covers everything . Thanks so much . Goodbye .",
+ "Thank you good bye .",
+ "Thanks so much for your help . Bye .",
+ "That 's all I need today , thanks ! Goodbye !",
+ "I actually just needed the information . That 's all I need for now . Thank you . Goodbye .",
+ "Thanks . That 's all . Goodbye",
+ "Thanks for the help , bye !",
+ "Thanks , that 's all I need . Good bye .",
+ "Thanks , that 's all I need today . Goodbye !",
+ "Awesome , thank you ! Goodbye !",
+ "Thanks so much . Have a great day . Goodbye",
+ "Great ! Thanks a lot . That s all I will be needing . Have a good day . Bye !",
+ "Thank you for all your help . I have all the information I need . Goodbye",
+ "Thank you goodbye .",
+ "Thanks so much . Goodbye",
+ "Thanks , good bye",
+ "That is all thank you goodbye",
+ "Great ! Thank you for your help . Goodbye !",
+ "Actually , I ' m all set . Thanks for your help . Goodbye !",
+ "Thank you . Goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "Thank you , goodbye .",
+ "Thanks , that 'll be it for me today . Bye !",
+ "You ' ve been great . Have a great day , bye .",
+ "Thank you goodbye",
+ "no , thanks . That will be all . goodbye .",
+ "No , that will be all . Thank you ! goodbye .",
+ "Oh yeah , I ' m so there . Thanks a lot , that 's all I needed help with today ! Bye",
+ "Thank you . Goodbye .",
+ "No thank you . Good bye .",
+ "No that will be all . Thanks for all your help ! Bye !",
+ "Thanks , that 's all . Good bye .",
+ "You have a fantastic day as well . Good bye !",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "No thank you . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No , that 's all I need today . Thanks for your help . Goodbye !",
+ "Thank you goodbye .",
+ "No , that 's all . Thanks , good bye .",
+ "That is all I need today good bye .",
+ "Nope , that 's all for today . Thanks . Goodbye .",
+ "Thank you for all your help . Good bye !",
+ "That will be all , thanks . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No , you have been very helpful . Thanks , goodbye .",
+ "That will work ! Thanks so much . Take care . Bye .",
+ "Thank you , goodbye .",
+ "Thank you , goodbye",
+ "No , that will be all . Thanks , good bye .",
+ "No , and thank you for your help . Goodbye .",
+ "Thank you . Goodbye .",
+ "Nope . That s it . Thanks . Good day to you . Bye .",
+ "No , you have been extremely helpful already . I am all set . Thanks . Bye .",
+ "ok thank you good bye",
+ "Thank you goodbye .",
+ "Great ! Thanks for all your help today ! Goodbye",
+ "Thanks again . Bye !",
+ "I do n't believe so . I think that does it . Have a great night . Bye .",
+ "No that 's all the information I need for now . Thank you very much , have a nice evening . Good bye .",
+ "Thank you that is all , good bye .",
+ "I do n't think so . Not today . Thanks for the help ! Goodbye .",
+ "Thank you , goodbye .",
+ "That 's all . Thank you ! Bye !",
+ "No , that 's all I needed thanks ! Bye !",
+ "On the contrary ... thank YOU . Goodbye .",
+ "Thank you for your help . Good bye !",
+ "No thank you , I am all set ! Bye !",
+ "That 's great . Everything is set . Thank you for helping me . Goodbye .",
+ "NO , that 's all . Thanks , good bye .",
+ "Got it , thanks . Goodbye .",
+ "Thanks . You too . Good bye",
+ "Thank you , good bye .",
+ "Thanks , that 's all . Good bye .",
+ "No , that is all . Thank you ! good bye .",
+ "Thank you goodbye .",
+ "thank you . good bye .",
+ "For sure . Goodbye now .",
+ "Thank you , that is all for today . Goodbye .",
+ "No , thank you , that is all I need . Goodbye !",
+ "That 's alright , I do n't need anything further . Goodbye ! Thanks !",
+ "That 's everything , actually ! Thanks a ton ! Bye !",
+ "Thank you that is all I need , good bye .",
+ "Thanks so much . That 's it for today . Goodbye .",
+ "No . That will be all for today . Thanks so much ! Goodbye",
+ "I ' m sorry for all the confusion on this call , and I appreciate your patience . Thank you . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No , that is just what I needed . Thanks for your help . Bye .",
+ "No , that is all . Goodbye !",
+ "Ok perfect , that is all that I needed . Thank you for your help ! Goodbye .",
+ "Thank you that was all I needed goodbye .",
+ "Thank you so much for the info . That is all I need today , goodbye .",
+ "Thank you goodbye .",
+ "No , that 's all for me . Thanks ! Bye !",
+ "Thank you , goodbye",
+ "Thank you . That is all the information I needed . Bye bye !",
+ "Thank you . You ' ve been a big help . Good - bye .",
+ "Thanks , that is all for now . Goodbye .",
+ "Thank you so much for all of your help today . I am all set . Bye .",
+ "Thank you goodbye .",
+ "No , thank you goodbye",
+ "Bye !",
+ "Bye and have a great day .",
+ "Thank you , that 's all I need . Good bye .",
+ "Thanks . Bye now .",
+ "I actually wo n't need a reservation , just the information you provided is enough . Thank you . Have a good day . Bye .",
+ "No , thank you . Good bye .",
+ "Wonderful , thank you . That is all I need for today . Bye .",
+ "thank you . thanks for all your help . goodbye .",
+ "No thanks . That wo n't be necessary . Have a great day . Thanks . Bye .",
+ "Thanks so much for all of your help today . I wo n't be needing anything else . Bye .",
+ "That is all I needed , good bye .",
+ "Thank you so much ! Goodbye .",
+ "Thanks so so much ! That 's all now , bye !",
+ "That 's wonderful . I am all set . Thank you . Goodbye .",
+ "Um yes you too , bye bye now !",
+ "Thank you , goodbye",
+ "Much appreciated . Goodbye .",
+ "Thank you goodbye",
+ "bye . have a good time .",
+ "No thanks . I think that answered all my questions . Have a nice day . Bye .",
+ "Thank you for your assistance bye !",
+ "That is all I need . Thank you for your help ! Goodbye !",
+ "Thank you , goodbye !",
+ "thank you goodbye",
+ "thank you that will be all good bye",
+ "Great ! Have a nice day ! good bye .",
+ "Thank you so much . That 's all I need today . Good - bye .",
+ "That is all . Thank you , goodbye .",
+ "Perfect . That 's all for today ! Bye !",
+ "Thank you goodbye",
+ "Thanks , that 's all . Good bye .",
+ "Splendid ! Thank you for all your help . That 's all I need . Goodbye .",
+ "Sounds great . That is all I needed . Bye .",
+ "Thanks , that 's all I need . Bye !",
+ "Thank you so much . You took care of everything . Thanks . Bye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you . Bye .",
+ "No , that 's all . Good bye .",
+ "Thank you , goodbye",
+ "No that is all . Thank you . Goodbye",
+ "No . I think you took care of everything . Have a nice night . Bye .",
+ "No thanks . You ' ve been very helpful . Take care . Goodbye .",
+ "Thank you . Goodbye .",
+ "That'it . Thank you , goodbye",
+ "No , you have been helpful . Thanks so much . Bye .",
+ "I will try that one . Thank you and good bye .",
+ "Great . Nothing else . Thanks , again . Goodbye for now .",
+ "Perfect , thank you . That is all I need . Bye .",
+ "no . that is all i need . thanks . bye .",
+ "No , you ' ve been great . Thank you . Goodbye .",
+ "Thank you . Goodbye .",
+ "Okay , I ' m all done . Thanks ! Bye !",
+ "Thanks for all the help . You ' ve taken care of both my concerns . Goodbye .",
+ "Thank you , goodbye",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "No , thank you . I am all set with your help . Goodbye .",
+ "thanks . i need to get going so , its time to say goodbye . have a good one .",
+ "Thanks again . Good bye .",
+ "Great ! Thanks for your help today . I ' m all set . Goodbye .",
+ "You have been extremely helpful , thank you so much . I am all set . Have a nice day . Bye .",
+ "No , thank you , goodbye .",
+ "Thank you for your help ! That will be all . Good Bye .",
+ "No , that is all . Thanks so much . Bye .",
+ "No , that 's all . good bye .",
+ "Thank you , goodbye .",
+ "Thank you Goodbye .",
+ "You have been so helpful . Thank you . I have no other requests . Good bye .",
+ "Good bye",
+ "No , that 'll be all for now . You were a great help . Have a nice day ! Bye .",
+ "No , I think that 's all for today . You ' ve been a great help . Thanks . Goodbye .",
+ "No , thank you . Goodbye .",
+ "Thank you . Good bye",
+ "Thank you goodbye .",
+ "No , I can book myself later . Thanks . Good bye .",
+ "Good , I really wanted to eat there . No , I do n't need anything else , thank you . Bye .",
+ "Thank you so much , good bye .",
+ "Thank you and goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "No , that is all I needed , thank you so much . Bye .",
+ "Thanks . That 's all I need to today . Goodbye !",
+ "That 's it . Thank you , goodbye",
+ "Thanks ! That 's all I needed today . Bye !",
+ "No thanks . That looks like everything . Have a good day . Bye .",
+ "Thanks so much for your help today . That 's all I need . Goodbye .",
+ "Thank you very much ! Good bye .",
+ "Thank you for your help . Good bye .",
+ "Yes , that is all that I needed . Thank you for your help ! Goodbye .",
+ "Thank you , goodbye .",
+ "That was all I needed . Thanks . Bye .",
+ "Thanks so much . That is all I need for today . Bye .",
+ "No , that should be all I need . Thank you ! Goodbye .",
+ "Thank you . I ' m not ready to book just yet . I just wanted the information . That 's all I need for now . Good - bye .",
+ "Goodbye , and thanks again .",
+ "That 's it , goodbye",
+ "Thank you . Goodbye .",
+ "You too , goodbye .",
+ "Not at his time but I will keep it in mind . Have a good day . Bye .",
+ "No thanks . That 's it . Goodbye .",
+ "That sounds perfect , thank you . That is all I need for now . Good bye .",
+ "Ok , that will be perfect . I think that s all I need . Bye !",
+ "Great thank you . That will be all . Goodbye",
+ "No , that 's okay . Thanks for your help . Bye !",
+ "No that was everything . Goodbye .",
+ "Thanks again . Goodbye !",
+ "Terrific . You have been a great help ! Goodbye .",
+ "no i do nt need any other help . you took care of it all . thanks . bye .",
+ "That 's all I needed . Thanks . Bye .",
+ "Thanks very much , that 's all I need for now . Goodbye .",
+ "No thanks . I think that 's all . Have a nice day . Bye .",
+ "Great , thank you . I do n't need anything else . Bye !",
+ "thank you good bye",
+ "No , that was all . Good bye .",
+ "Of course ! Thanks , good bye .",
+ "Thank you . That was all I needed . Goodbye .",
+ "Thank you for your help . Good bye .",
+ "Awesome , thank you so much for your help ! That will be all , goodbye .",
+ "Actually , I am not ready to book them . Thank you for your help , I am all set . Good bye .",
+ "Thank you , goodbye .",
+ "That 's it for now . Thanks for all your help . Great service . Good bye .",
+ "Thank you so much , you have been very helpful . That is everything . Have a nice day , bye .",
+ "No that is all for today . Goodbye",
+ "No that 's it . Thanks for all your help today . Goodbye .",
+ "Thank you . My visit is set with your help . Have a nice day . Goodbye .",
+ "No , that 'll be all , thanks . Goodbye .",
+ "Perfect ! That 's all I need . See you later . Bye .",
+ "Thank you ! You too ! Good Bye .",
+ "Thank you so much . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Nope . That 's all . Bye , thanks .",
+ "Thank you goodbye .",
+ "Thank you . Good bye .",
+ "your welcome . No that should do it Goodbye",
+ "No . Thank you that will be all . Goodbye",
+ "Thanks , that 's all . Good bye .",
+ "Thanks for your help bye !",
+ "Great ! You were very helpful . Thank you . Have a good day . Bye .",
+ "Thank you bye bye",
+ "No , that is exactly what I was looking for . Thank you for your help ! Goodbye !",
+ "Thank you . Goodbye .",
+ "Thank you very much . That 's it now . Bye",
+ "Have a great day too . Goodbye .",
+ "Thank you goodbye",
+ "Great , thank you so much for the info . That will be all , goodbye .",
+ "thank you for your help , good bye .",
+ "Thank you and good bye .",
+ "Bye .",
+ "Goodbye .",
+ "Thank you . That is all I need at this time . Goodbye .",
+ "Thank you , goodbye .",
+ "Nothing today , thanks . Bye !",
+ "Thank you for your help ! Goodbye !",
+ "No thanks , that is all . Goodbye .",
+ "Thank you that was everything . Goodbye .",
+ "Great thanks ! I believe that is everything I need for today . Good bye !",
+ "No , looks like I have everything I need . Thanks so much . Bye .",
+ "No , actually , I ' m not ready to book yet . That is all I need for today . Thanks . Bye .",
+ "I ' ve really got to go . I am late for work . Goodbye .",
+ "Goodbye !",
+ "Thanks , I ' m good to go now . I appreciate your help , bye !",
+ "Thank you goodbye .",
+ "Bye bye .",
+ "Ok , great thanks . I will head over there . Got ta go , bye .",
+ "No , that is all . Thanks for the help . Bye .",
+ "Thank you , goodbye .",
+ "Thank You . Goodbye !",
+ "Thank you , that 's all I need . Good bye .",
+ "That 's everything . Goodbye .",
+ "That is all I need , thank you , goodbye !",
+ "Thank you so much . That 's all I need for today . Good - bye .",
+ "Thank you good bye .",
+ "No , that will be everything . Goodbye .",
+ "That will be all for today . Have a great day . Goodbye .",
+ "No , that 's all . Goodbye !",
+ "okay goodbye",
+ "No , that 's all . Thanks so much ! Bye !",
+ "Awesome , thanks for your help ! I ' m finished now , bye !",
+ "Thank you good bye .",
+ "Thank you . Good bye",
+ "No , thank you . You ' ve been very helpful ! Goodbye .",
+ "Thank you , goodbye .",
+ "That is all I need . Goodbye .",
+ "Great ! Thank you . I think that 's all I needed . Have a great day ! Bye .",
+ "Thank you . That is all I needed . Goodbye .",
+ "No . That 's perfect ! Thanks for your help . Good bye .",
+ "Thanks , I ' m going to call right now . Goodbye .",
+ "That will be all . Thanks for your help ! Bye !",
+ "Yes indeed . Bye now .",
+ "I ' m all set thanks for all your help , bye .",
+ "No , that 's all for me . Thanks ! Goodbye !",
+ "Thank you that is all I need , bye .",
+ "no , not at this time . thank you . Goodbye .",
+ "No , thank you . That is all I wanted to know . Good bye .",
+ "No thanks . I think that 's all I needed . Have a great day . Goodbye .",
+ "Thank you , goodbye .",
+ "You were a great help . That 's all I needed . Thanks . Bye .",
+ "That is great . Thank you , goodbye .",
+ "Thank you ! Goodbye !",
+ "Great thanks ! I need to get to work , so thanks again . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you , goodbye .",
+ "Great . Thank you so much . You have been so helpful . I think that was all I needed . Thanks and goodbye .",
+ "That is all I need , thank you . Bye .",
+ "Nothing else . thank you . good bye",
+ "Thank you . Goodbye .",
+ "No , thank you . I got what I needed . Goodbye .",
+ "Thank you goodbye",
+ "No , I ' ve got to run right now . Thanks , goodbye .",
+ "Thanks so much . That is all I need . Have a great day . Bye .",
+ "No thank you . That is all I needed . Good bye .",
+ "No , You have helped with everything I needed . Thanks so much for your time . Bye .",
+ "Thank you ! Goodbye .",
+ "Okay , great . Thanks for all your help today . I appreciate it . Goodbye .",
+ "Thank you , good bye .",
+ "That will be all for today . You were a great help . Goodbye",
+ "Thank you for the service , bye !",
+ "No , that 's all . Good bye .",
+ "No , that is all for today . Thanks so much . Bye .",
+ "Thank you , goodbye .",
+ "Thank you , goodbye .",
+ "Okay , thanks . Goodbye .",
+ "No , you have been very helpful , thanks . I do n't need anything else at the moment . Bye .",
+ "No , thank you for your patience . I am all set now . Bye .",
+ "Thank you , goodbye .",
+ "Great ! Thank you . Good Bye .",
+ "That 's all I need , Thank you . Goodbye .",
+ "Thanks a lot , goodbye !",
+ "On second thought , I ' m going to hold off on booking that . I appreciate all of your help and I should have all the information I need . Goodbye !",
+ "Great ! Thanks for the help . Good bye !",
+ "Thanks so much . That 's all . Goodbye",
+ "Thank you so much . You have been most helpful . There is nothing else at this time . Good bye .",
+ "No , that 's all I need . Thank you so much . Good - bye .",
+ "No thanks . That gives me all I need . Take care . Goodbye .",
+ "Thank you , goodbye .",
+ "No , you have been great . Have a great day . Bye .",
+ "You have been a great help ! Thank you ! Goodbye .",
+ "Nice ! Okay , that should be all I need . Thanks for your help and goodbye !",
+ "Thank you goodbye",
+ "That is all I need , thank you , goodbye !",
+ "No I do not need anything else , thank you goodbye .",
+ "No , you have been great . Goodbye .",
+ "Wonderful , thank you . That is all I need . Bye .",
+ "No , that will do it . Thank you and goodbye !",
+ "Thanks so much . Have a great day ! Goodbye",
+ "Thank you goodbye",
+ "No , that 's all for today . Thanks for your help . Goodbye .",
+ "Ok , that 's all I need for now . Bye .",
+ "That would be all thank you goodbye",
+ "thank you so much goodbye",
+ "No , that 's it . Thank you . Good - bye .",
+ "Good bye .",
+ "Thank you goodbye .",
+ "No , you ' ve covered everything . Goodbye .",
+ "Thank you , goodbye .",
+ "Goodbye .",
+ "No , that 's all . Goodbye .",
+ "Yes . that is all for now . good bye !",
+ "Thank you goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "That is all , goodbye .",
+ "Thanks , that 's all I need today . Goodbye !",
+ "Thanks for your help , that was all I needed . Goodbye .",
+ "That was very helpful . Thank you goodbye !",
+ "That 's it , thanks . Good bye .",
+ "Thank you for your help ! Have a good day . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "I will , thanks ! You have a great day to . Bye .",
+ "No that is all the information I needed . Thank you for all your help . Goodbye",
+ "good bye",
+ "Thank you goodbye",
+ "Nope , that takes care of all my needs ! Thanks , goodbye !",
+ "Thank you goodbye .",
+ "No , that 's all for today . Goodbye !",
+ "Thank you . Those are my questions for today . Goodbye .",
+ "No thank you . Have a nice day , goodbye .",
+ "No , thank you . That is all . Goodbye",
+ "I ' ve got to run so I ' m not late for work . Thanks . Goodbye .",
+ "Thank you , goodbye !",
+ "Thank you . You , too . Goodbye .",
+ "That s all thank you for your help , goodbye",
+ "No thank you . That 's it . Bye !",
+ "Okay , thank you for your help . Goodbye .",
+ "Thank you goodbye .",
+ "Thank you goodbye .",
+ "No . Thank you . That will be all for today . Goodbye",
+ "Thank you , goodbye",
+ "No thanks . That 's it . Have a good one . Bye .",
+ "No . Thanks a bunch ! Goodbye",
+ "Thank you , goodbye .",
+ "That 's it for me today . Thanks so much ! Bye !",
+ "That will work , thank you for booking it , goodbye .",
+ "no thanks . i ' m done . have a nice day . bye .",
+ "thank you . Goodbye !",
+ "Thanks , that 's all I need for now . Goodbye .",
+ "No thanks . I will book later on my own . Thanks for all the help . Goodbye .",
+ "No . Thank you for all your help . Goodbye",
+ "Great thanks . Have a great day ! goodbye",
+ "No , that 's all . Goodbye !",
+ "No , that is all thanks . Good bye .",
+ "Nope , that 's all I needed . Goodbye !",
+ "Thank you . Good bye",
+ "No . That would be it . Thanks a lot . Goodbye .",
+ "Thanks , that 's all I need today . Goodbye !",
+ "Thank you . Take care . Goodbye",
+ "Thank you , I will . Goodbye .",
+ "No , I think that will do it . Thank you for your assistance . Goodbye .",
+ "Thanks much ! Bye !",
+ "No , that is all I need . Thank you and goodbye !",
+ "No , that 's all for now . Goodbye .",
+ "That is all I need . Goodbye .",
+ "You know , nevermind . That will be all for now . Thanks so much . Goodbye !",
+ "That is all . Thanks . Goodbye .",
+ "No thank you , goodbye",
+ "Thank you good bye .",
+ "No , actually . I am all finished . Thanks for the help . Goodbye .",
+ "No thank you , goodbye .",
+ "No that 's all I need . Thank you so much and bye !",
+ "Let me see ... no that 's all I need . Thanks . Bye .",
+ "Thank you ! Goodbye .",
+ "That should be all . Thank you for your help ! Goodbye !",
+ "Okay , thank you . That 's all I need . Bye !",
+ "Thank you so much for all your help today . Good bye .",
+ "That 's everything I needed . Thanks and goodbye !",
+ "Thank you for your help . That is all I need today . Goodbye",
+ "Thank you goodbye",
+ "Yes that 's all I need thanks again . Bye .",
+ "I will . Thanks again . Good - bye .",
+ "Thank you . Goodbye .",
+ "No thank you that will be all ! Bye !",
+ "Thanks so much ! Oh , wow it 's late . I need to run . Thanks . Bye !",
+ "No , thank you , goodbye .",
+ "Thanks , that 's all I needed . Goodbye !",
+ "Nope . That 's all . Thank you . Bye now",
+ "Thanks again . Goodbye .",
+ "That 's everything I needed thanks . Bye .",
+ "No , thank you . You have been very patient and helpful . Have a nice day . Bye .",
+ "Thank you , goodbye .",
+ "Thank you so much . That 's all for today . Goodbye .",
+ "No thank you . Goodbye .",
+ "Great ! That 's all for today . Goodbye !",
+ "Thank you . That 's all I need for now . Good - bye .",
+ "Thank you , goodbye .",
+ "No thanks , that was all I needed . Goodbye .",
+ "Thank you , goodbye .",
+ "Goodbye .",
+ "Okay , I will . Thanks again . Bye !",
+ "Thanks for the help , bye !",
+ "Thank you good bye .",
+ "thank you , goodbye .",
+ "Bye .",
+ "No thanks . That will not be necessary . Thanks for the info . Goodbye .",
+ "It has been a pleasure talking to you . You have helped me get all I need . Thank you and goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "That is all , thank you very much . Good bye .",
+ "Thank you much good bye .",
+ "Okay thanks , you ' ve been a lot of help . Bye !",
+ "No need to book a table at this time . Thank you for your help . Good bye .",
+ "You have a good day as well . Goodbye .",
+ "Thank you , goodbye .",
+ "Okay ! Goodbye !",
+ "Thanks for all of your help . That is all I need for today . Bye .",
+ "Thank you . That was all I needed today . Goodbye .",
+ "No , thank you . Good bye .",
+ "No that is all , thank you very much . Good bye .",
+ "That was great . Thank you goodbye !",
+ "Thank you , goodbye .",
+ "That 's it , thank you . Good bye .",
+ "That is all . Thank you goodbye .",
+ "Thanks , that about does it for me today . Have a good one , bye !",
+ "Thank you , goodbye .",
+ "Thanks . That was all I needed . Goodbye .",
+ "You have been a great help . Thank you very much ! Goodbye !",
+ "Thank you very much ! goodbye .",
+ "That 's all . Goodbye !",
+ "Yes . Thanks and good bye .",
+ "No I think that should do it . Thanks . Goodbye .",
+ "Thanks for all your help ! Goodbye !",
+ "No , that will be all . Thanks , good bye .",
+ "No , that is all . Thank you , good bye .",
+ "No , that is all I needed , thank you for your help ! Goodbye .",
+ "No , that is all I will be needing . Thanks so much . Bye .",
+ "No , you have been very helpful , thank you so much ! Bye now .",
+ "Thank you , goodbye .",
+ "Thanks ! You ' ve helped so much . Have a good day . Bye .",
+ "Thank you , goodbye",
+ "Thank you , goodbye .",
+ "On second thought , I will go ahead and book later . We may need more tickets for some guests we might have coming . Thanks so much . Goodbye .",
+ "Thanks , that was all I needed to know . Goodbye .",
+ "I believe we got it all done today thanks . Goodbye .",
+ "Thank you , good bye !",
+ "thank you . that is all i need . goodbye .",
+ "Thank you goodbye .",
+ "Thank you , goodbye .",
+ "No , thank you , that 's all I need . Thank you and goodbye !",
+ "That s disappointing , thank you andgoodbye .",
+ "Thank you . Goodbye .",
+ "Great , thank you . I think that is all I will be needing . Take care . Bye .",
+ "No , that 's all for today . Thank you and goodbye !",
+ "Thank you very much . Goodbye",
+ "No , thank you , that is all I need . Goodbye !",
+ "Goodbye .",
+ "No . I am all set . Thanks . Goodbye .",
+ "Thank you goodbye .",
+ "Actually , that will be all for today . You ' ve been a great help . Goodbye .",
+ "Thank you good bye .",
+ "That 's all I need to know , then . Goodbye .",
+ "No , you ' ve been a great help . Thank you for your time . Goodbye .",
+ "Thank you , goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you that is all I need for now . Have a great day . Goodbye",
+ "Thanks for the service , goodbye .",
+ "That 's it , I believe . Thanks and goodbye .",
+ "Thanks for your help . That is all I will be needing for today . Bye .",
+ "thank you good bye",
+ "Thanks for your help . Good bye .",
+ "No that 's actually everything I needed . Thank you , goodbye !",
+ "No thanks . That will be all . Goodbye .",
+ "That 's it for me . Thanks ! Bye",
+ "No , thank you , that 's all I need today . Bye .",
+ "No I think that 's everything ! Goodbye !",
+ "Thanks . That s all I needed . Goodbye .",
+ "Thanks so much . I ' m heading there now . Thanks again . Bye .",
+ "No , that 's all I needed . Thank you for your help - goodbye !",
+ "Have a good day yourself . Goodbye .",
+ "thank you that is all I need goodbye",
+ "I ' m all set thank you , goodbye !",
+ "no , thank you . Goodbye .",
+ "No problem . That 's all I needed too . So , bye .",
+ "Thank you and goodbye .",
+ "Thank you that 's all I need today , good bye .",
+ "And thanks again for your help . Goodbye .",
+ "Thanks so much . You took care of everything I needed . Thanks . Goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "Thank you , good bye .",
+ "Great . You ' ve been a great help . Have a nice day ! Goodbye",
+ "No , Thank you very much , goodbye",
+ "That takes care of my needs . Thank you , bye !",
+ "yes , that will work . that s all the information i need . thanks . goodbye .",
+ "Thank you so much , that 's all I needed . Goodbye !",
+ "Thank you . That was all I needed today . Goodbye .",
+ "Thank you . Goodbye .",
+ "That 's really helpful . Thanks . I think that s all I needed . Have a nice day . Bye .",
+ "Thanks so much . I am all set . Good bye .",
+ "Thanks , that 's all . Good bye .",
+ "Thanks , that 's all I need . Good - bye .",
+ "Thank you for the information . I appreciate it . Good bye .",
+ "Thank you - and sorry for any confusion . I appreciate your patience . Goodbye .",
+ "No . That was all . Thanks . Bye .",
+ "No thank you . Goodbye !",
+ "That is all I need , good bye .",
+ "Good Bye . Thanks .",
+ "No thanks . That 's all I need . Thanks for everything ! Bye !",
+ "That 's all actually . Thanks and bye !",
+ "Perfect , thank you very much for your help ! Goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "Thank you , goodbye .",
+ "Yes , I believe so . Thank you . Good bye .",
+ "Thank you goodbye",
+ "Thank you very much ! Goodbye !",
+ "That is all thank you goodbye",
+ "No , that is all . good bye .",
+ "Thanks , goodbye .",
+ "Thank you for your help , that is all I need for today . Goodbye",
+ "Bye , thank you .",
+ "Thank you ! That 's all I needed help with today . Goodbye !",
+ "No , that will be all . Thanks . You ' ve been a great help . Goodbye .",
+ "Thank you goodbye .",
+ "Thank you . Have an amazing day . Goodbye !",
+ "No thank you . I am actually all set now . Thanks , and bye !",
+ "That is all . Thanks for your help . Good bye .",
+ "Thanks for the help . I will be looking for that car . Goodbye .",
+ "Thanks ! I ' m all set for today . You ' ve been a great help . Goodbye !",
+ "Thank you . Goodbye !",
+ "Thank you , goodbye .",
+ "Thank you goodbye .",
+ "Thanks ! I ' m all set now . Bye !",
+ "No , that is all I need for now . Thanks so much . Bye .",
+ "No , that 's it . Goodbye !",
+ "No thanks . I am all set . Goodbye .",
+ "No that was all I needed , thanks so much , goodbye !",
+ "No , I am all set . Bye .",
+ "Thank you . I believe that 's all I need for today . Thanks . Take care . Bye .",
+ "No that 's it for now , I appreciate it . Goodbye !",
+ "That is all I needed . thank you . Goodbye .",
+ "No , I actually was n't ready to book anyway . Thanks so much for your help . I wo n't be needing anything else . Bye .",
+ "No , I think that is all for today . Thank you for your assistance . Goodbye .",
+ "Alright . Goodbye .",
+ "Nope , that 's all I need today . Thanks for all your help . Goodbye !",
+ "Goodbye . Take care .",
+ "Thank you , goodbye .",
+ "Great ! That works out perfect . That 's all for today . Thanks a lot . Bye !",
+ "Thank you , goodbye .",
+ "Okay great . Bye now !",
+ "Thank you very much , goodbye .",
+ "Thank you for your help . That 's everything I need for now . Goodbye .",
+ "Great , thanks ! I do n't need anything else . Take care . Goodbye .",
+ "No that is all the help I need . Goodbye !",
+ "Thank you for your assistance . Goodbye .",
+ "Thank you , bye",
+ "No thanks , that 's all for today . Thanks again ! Bye .",
+ "Thanks , that 's it for me . Bye bye !",
+ "That is all , thanks , bye .",
+ "thanks , bye bye",
+ "Thanks so much , goodbye !",
+ "No thank you . Goodbye .",
+ "No , that 's all I needed ! Thank you , bye !",
+ "No . That 's everything . Thank you ! Goodbye .",
+ "Perfect ! You have been so helpful . They should give you a raise . Thanks again . Bye !",
+ "Thanks ! I do n't need any more help today . Bye !",
+ "Great , thank you ! I wo n't be needing anything else ! Bye !",
+ "Thank you for all your help . You have answered all my questions today . Goodbye .",
+ "Great , thank you so much for your help . Goodbye !",
+ "That 's all for today ! Thanks a ton . Bye !",
+ "Thank you goodbye .",
+ "No , I do n't need anything else . You have been very helpful . Goodbye .",
+ "No . Goodbye .",
+ "ok , Thank you and good bye .",
+ "No thanks . That will be everything . Goodbye .",
+ "Thank you ! Goodbye .",
+ "Thank you , goodbye .",
+ "I do not need any tickets booked . Thank you for all of your help today . Goodbye .",
+ "No , thank you . Goodbye .",
+ "No , thank you . Goodbye",
+ "That 's everything I need , thanks so much . Goodbye !",
+ "Thank you ! Goodbye !",
+ "That will be all . Thank you . Goodbye .",
+ "Got everything . Thanks . Goodbye .",
+ "Great thanks . You have been so helpful . I think that s all for today . Thanks . Goodbye .",
+ "Good day to you also Bye .",
+ "That is all now , thank you . Good bye .",
+ "That sounds great . I appreciate your help . Bye .",
+ "That is all I need . Goodbye .",
+ "That is all thank you goodbye .",
+ "Thank you for your help , goodbye !",
+ "Great . Thank you very much for your help today . Goodbye",
+ "That 's all , thanks . Goodbye .",
+ "Great ! Nothing else at the moment , but thank you and goodbye .",
+ "Cool . Thanks I ' m good now . Goodbye .",
+ "You 're welcome for contacting you . Have a nice day too . Bye bye .",
+ "Thanks ! You too ! Bye !",
+ "No , that is all . Thank you so much . Goodbye",
+ "No , that 's all I needed . Goodbye !",
+ "Thank you goodbye .",
+ "Thanks for all your help . That will be all for today . Goodbye .",
+ "Thank you good bye .",
+ "No further assistance needed . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Actually , you answered all of my questions . Thanks so much . Goodbye .",
+ "Thank you for all your help . Goodbye .",
+ "Thanks for the info . Goodbye .",
+ "Thanks , I will . Bye bye . Take care .",
+ "Thank you . Goodbye .",
+ "That is all the information I need . Thanks so much . I 'll book it myself later . Bye .",
+ "Thanks for your help ! Goodbye .",
+ "No . that will be all . good bye .",
+ "Thanks again , goodbye .",
+ "That is all , thanks . Have a nice day . Bye !",
+ "I actually do n't need a booking at this time . I have everything I need . Thank you , goodbye !",
+ "that will be all for me today . Thank you , bye !",
+ "No , actually you took care of everything . Thanks so much . Goodbye .",
+ "No thanks . That was all . Bye .",
+ "Thank you , goodbye .",
+ "Great . Thank you for all the information . I appreciate it . I think that 's it for today . Thanks and goodbye .",
+ "That is alright . Actually , that should be all I need today . Thank you for your help . Goodbye .",
+ "Bye",
+ "No thank you . That is all I needed . Bye bye !",
+ "No , as long as it is free . Thank you . Goodbye .",
+ "thank you for your help goodbye",
+ "No , that will be all for now . Thank you for you help . Goodbye",
+ "That is all I need , goodbye",
+ "Thank you , goodbye .",
+ "No that 's all for now . Thank you very much for your help . Bye",
+ "No , that 'll be all . Thanks a lot for all your help . Bye !",
+ "Thank you so much . That is all I need for today . Bye .",
+ "Thanks , that 's all I need . Goodbye .",
+ "Thank you so much for your help . Bye now .",
+ "Thank you good bye .",
+ "That is perfect , thank you for your help . Goodbye .",
+ "Thank you goodbye",
+ "You have been super helpful . Good - Bye .",
+ "No , that 's all I need today . Thanks for your help . Bye !",
+ "Thank you goodbye .",
+ "Thank you , that 's all I need today . You ' ve been a great help - goodbye !",
+ "No , I think I have everything I need . Thanks . Bye .",
+ "Nope , that 's all I needed today . Goodbye !",
+ "Nope , I ' m all finished for today . Thanks so much , goodbye now !",
+ "Thanks so much ! Goodbye .",
+ "You , too ! Goodbye !",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "No . Thank you . The lodging and dining were my concerns . Goodbye .",
+ "Thank you very much for your help , goodbye .",
+ "Thank you . Good bye",
+ "That 's all . Thank you , good bye .",
+ "No , that is all I need . Thank you for your help . Good bye .",
+ "Thank you , that is all I need . Goodbye .",
+ "Thank you , goodbye .",
+ "I ' m all set . Thanks for everything . Bye .",
+ "Thank you goodbye .",
+ "No thank you ! Goodbye .",
+ "That 's all I needed today . Thanks for your help . Goodbye !",
+ "That 's it . Thank you , goodbye",
+ "No thank you . That was all I needed . Goodbye .",
+ "Thank you , that 's all I need . good bye .",
+ "Thank you , goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "No , thank you for your help ! Goodbye !",
+ "No , that is all I needed thanks . Bye .",
+ "Thanks , that will be all . Good bye .",
+ "nope . i think that is all . enjoy your day and stay out of the rain . bye",
+ "That is all I needed , thank you . Good bye .",
+ "Goodbye .",
+ "No , I 'll have to think about it . Thanks though . Bye !",
+ "That 's it . Thank you , goodbye",
+ "Thanks for taking care of everything so quickly . Have a great afternoon ! Bye .",
+ "Thank you ! Goodbye .",
+ "That takes care of my needs today . Take care . Goodbye .",
+ "No , thank you . Thank is all . Goodbye",
+ "Thank you , goodbye .",
+ "Thank you ! That 's all for me . Goodbye !",
+ "thanks . i ' ve got all i need . take care . bye .",
+ "Great , thank you . Have a good day . Goodbye .",
+ "Thanks , that takes care of all my needs for today . Bye !",
+ "No thanks . That does it . Have a nice night . Goodbye .",
+ "Thank you , good bye .",
+ "Thank you for such great customer service . I am set for now . Goodbye .",
+ "Great , thanks so much ! That 's all I 'll be needing ! Bye bye !",
+ "Thank you ! Bye !",
+ "No , that 's it . Thanks a bunch ! Bye !",
+ "Oh , I do n't need a reservation . I just needed their information so I can go by . Thank you . Have a good day . Goodbye .",
+ "Thank you , goodbye .",
+ "Thanks that is all . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "No thank you . Goodbye .",
+ "i do nt think so . i think that s all . take care . bye .",
+ "No , that will be all . Good bye .",
+ "Thank you so much . That 's all I need . Good - bye .",
+ "That sounds great , thank you . Goodbye .",
+ "Thank you goodbye .",
+ "No , I ' m all set . Thanks ! Bye !",
+ "That is wonderful . I think I am all set for now . Goodbye for now .",
+ "Thanks for all of your help . I am all set now . Bye .",
+ "Thank you so much and I apologize for the confusion on my part . That is all I need for now . Bye .",
+ "Thank you for all your help . Good bye .",
+ "That 's all I needed today . Thanks for all your help . Goodbye !",
+ "Fabulous . Thanks so much for your help . Bye !",
+ "Thank you . I look forward to the day in town . Goodbye .",
+ "Thanks so much . Have a nice day . Bye .",
+ "OK , great , I 'll look that up . That is all I need for now . Thanks , and bye .",
+ "Actually , I can book it myself at a later time . That s all that I need . Have a good day . Goodbye .",
+ "Thank you so much . I think that 's all I need for today . Take care . Bye .",
+ "I certainly will . Thank you , again . Goodbye .",
+ "Thanks . That was all I needed . Goodbye .",
+ "That is all I need . Thank you for your help . Good bye .",
+ "No , that 's it . Thank you . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "No , that 's all for today . Goodbye .",
+ "Okay , thank you . goodbye",
+ "Thank you , that will be all I think . Goodbye",
+ "Thank you goodbye .",
+ "Great , thanks so much for all of your help today . That is everything . Bye .",
+ "No , that is it . Thanks . Bye .",
+ "Great ! Thanks for everything ! Bye !",
+ "No , good bye .",
+ "thank you good bye",
+ "Thanks so much . Bye bye .",
+ "Thank you , that is all I need . Good bye .",
+ "No , that does it . Thank you and goodbye !",
+ "Thank you goodbye",
+ "Thank you so much , good - bye",
+ "Thank you . Goodbye .",
+ "No , not today , thanks . Goodbye .",
+ "Thank you goodbye .",
+ "Good bye",
+ "Well I think we got everything done today . Thanks for the help . Goodbye .",
+ "Great , thanks . You answered all my questions and were very helpful . Have a good day . Bye .",
+ "Thank you , goodbye .",
+ "thank you very much , bye",
+ "I ' m sorry , I ' m not ready to book yet . I can do it myself later . Thanks so much for all of your help . Bye .",
+ "Thank you , goodbye .",
+ "Thank you , that is all I need for today , goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you goodbye",
+ "no , that is all . Thanks , goodbye .",
+ "Great , thank you so much . That 'll be all for today . Bye !",
+ "Thank you goodbye .",
+ "No thanks . That is all I need . Goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "No , that 's all I need today . Thank you . Good - bye .",
+ "No , that 's everything . Thank you . Goodbye .",
+ "Yeah that will be all . Bye , thanks .",
+ "No thank you . That is all I need today . Goodbye .",
+ "Ok , that 's all I need for now . Thanks , bye .",
+ "Great . Thanks for all your help . Bye !",
+ "Thank you goodbye",
+ "Thanks . That was all I needed . Goodbye .",
+ "Thanks ! Have a wonderful evening . Goodbye .",
+ "You ' ve been very helpful . Goodbye .",
+ "Thank you for all the information . Wonderful service . Goodbye .",
+ "Thank you , that is all I need . Bye .",
+ "No , you helped me out . Thanks . Goodbye .",
+ "No , I think that 's it for today . Thank you . Goodbye .",
+ "Yes , that 's it ! Thanks so much , bye !",
+ "No , I am all set for today . You have been very helpful . Thanks . Bye .",
+ "no I waill call back thank you and goodbye",
+ "Thank you ! That will be all . Goodbye !",
+ "Great , thank you ! Bye !",
+ "No that 's everything ! Thanks for your help , bye !",
+ "Thank you goodbye .",
+ "There is nothing else . Again , thank you . Goodbye .",
+ "Thanks for your time , goodbye .",
+ "you 're welcome , goodbye !",
+ "Great ! Thanks for all the info . I ' m all set . Bye !",
+ "no thank you good bye",
+ "That should be all . Thank you for your help ! Goodbye !",
+ "Thank you , goodbye .",
+ "Okay good bye .",
+ "That 's all I needed today . Thanks for your help . Goodbye !",
+ "No , that sounds like just what I need . Thanks for your help and have a great day . Bye .",
+ "Thank you goodbye .",
+ "Thank you and goodbye .",
+ "I have n't decided on the dates with my family yet . I will call back . Thanks for your help . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks again . Goodbye .",
+ "No , that will be all . Thanks , goodbye .",
+ "That is all for now , goodbye .",
+ "Thank you . Goodbye .",
+ "No , I have decided not to book today , thank you , goodbye .",
+ "No , thanks . That 's all . Have a blessed day . Goodbye .",
+ "Thank you , goodbye .",
+ "Goodbye .",
+ "Okay , thanks so much ! Goodbye",
+ "That 's it . Thank you , goodbye",
+ "I will . Goodbye .",
+ "Again thank you for all your help and goodbye .",
+ "No , that 's all I need for today . Good bye .",
+ "Thanks a lot goodbye .",
+ "Terrific ! Thanks for all of your help . That is all I need . Goodbye .",
+ "Thank you . Goodbye .",
+ "That will work for me . I do n't want to book just yet , though . Thanks for your help . Good bye .",
+ "Thank you , goodbye",
+ "I believe that is all for now . Thank you . Goodbye .",
+ "Nope , that 's all I need today . Thanks for your help . Goodbye !",
+ "Thank you for your help . Good Bye !",
+ "Thank you . That will be all for now . Good bye .",
+ "That 's great . I think we 'll try that out . Thanks for the info . Goodbye .",
+ "no actually , you ' ve taken care of all my needs today ! Thanks , bye !",
+ "Thank you . Good bye .",
+ "That is all for now , thank you . Goodbye",
+ "No , that was all . Thanks . Goodbye .",
+ "No thank you , that is all I needed . Goodbye !",
+ "No , you have taken care of everything . Goodbye .",
+ "Thanks , I do n't need anything else now ! Bye !",
+ "No that is all , good bye .",
+ "Thanks ! That 's all I needed today . Goodbye !",
+ "Ok thank you that is all I needed today . Goodbye .",
+ "No . That 's all . Thank you so much ! Goodbye",
+ "No thank you , that is all the information I needed . Goodbye !",
+ "Thank you good bye .",
+ "Thank you , goodbye .",
+ "No , thank you for helping me . Good bye .",
+ "OK thank you . Good bye .",
+ "Okay , thank you for your help . Goodbye .",
+ "Thank you . That is all I needed . Goodbye .",
+ "Thanks for all the help . Goodbye .",
+ "No thank you that takes care of it goodbye",
+ "Thank you . Good bye .",
+ "No , thank you . Goodbye .",
+ "No that will be all . Thank you , goodbye .",
+ "Thank you . That is all I needed to know . Good bye .",
+ "Goodbye .",
+ "Thank you so much . You have been a great help . Goodbye !",
+ "There is nothing else . Thanks for all your help . Goodbye .",
+ "Not at this time . Thank you for the information ! Good - bye",
+ "That should be all ! Thank you for your help ! Good bye .",
+ "Thank you goodbye",
+ "No that was all . Goodbye .",
+ "Thank you . That will be everything today . Goodbye .",
+ "Have a nice day also . Goodbye !",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "No , that 's all for me ! Thanks so much , goodbye !",
+ "I think that 's it for today ! Thank you very much , good bye .",
+ "No , that 's all for today . Thanks for your help . Goodbye .",
+ "I think that is all I need . Thank you for your help . Goodbye .",
+ "Great thank you ! That 's all I need . Goodbye .",
+ "Thank you goodbye .",
+ "No thanks , that was all I needed . Goodbye .",
+ "You too , goodbye !",
+ "That 's all I need . Thank you for your help with my travel plans . Good bye .",
+ "No , I just needed the info , that is all I need for now . Bye .",
+ "Thanks , that 's it for today ! Bye !",
+ "Thank you . Goodbye .",
+ "Thank you , goodbye .",
+ "That 's all I need ! Thanks , bye !",
+ "Thank you goodbye .",
+ "You , too . Thank you , goodbye now .",
+ "Great thanks . I think that s really all I need today . Take care . Goodbye .",
+ "thank you , goodbye",
+ "Thank you goodbye",
+ "Not at this time . Thanks , though . Good bye .",
+ "Not right now . Thank you for your help . Bye .",
+ "That will be all for today . Thanks . Goodbye",
+ "Good day to you as well . Again , thank you so much . Good - bye .",
+ "Great , thanks . I do n't need anymore help . Goodbye !",
+ "Thank you . That is all I need right now . Good bye .",
+ "Nope . That 's all . Bye now .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Excellent , that 's all I needed today . Goodbye !",
+ "Thank you that is all , bye bye .",
+ "No , that 's all I need for now . Thank you , good bye .",
+ "Thank you , that is it bye .",
+ "Thanks , bye now !",
+ "That sounds great ! Thanks for all your help ; that 's all I needed today . Goodbye !",
+ "Nothing else . Thanks so much for your help . Bye .",
+ "you welcome and good bye",
+ "Thank you I do n't need anything else , goodbye .",
+ "Thanks for your help . I ' m all set . Bye .",
+ "No , that is all . Goodbye .",
+ "That 's okay . That 's all I need today . Thank you for your help , goodbye !",
+ "Thanks ! I guess that 's all I need . Have a good one . Bye .",
+ "No . Thank you that will be all for today . Goodbye",
+ "thank you . Good bye .",
+ "Thank you goodbye .",
+ "That was quickly handled . Thank you for your help . Goodbye now .",
+ "No thanks . You ' ve been a great help . Have a nice day . Bye .",
+ "No , there is nothing else . Bye bye .",
+ "Thank you goodbye .",
+ "You have been very helpful . Thank you . Goodbye .",
+ "No . Thank you . Goodbye .",
+ "Thanks for your help . Goodbye .",
+ "Thank you goodbye .",
+ "That is all I need . Good bye .",
+ "Thanks , I do n't need anything else today ! bye !",
+ "thank you good bye",
+ "Thanks , you 're so helpful ! I ' m all done now , bye !",
+ "No , that is . Good bye .",
+ "No thanks . I got everything I needed . Take care . Bye .",
+ "No , thanks . That 's all I needed . Goodbye .",
+ "Thanks . That 's all I need right now . Goodbye .",
+ "No , that will be all . Thank you , good bye .",
+ "Thanks ! That 's all I needed today . Goodbye !",
+ "Thanks , that 's all . good bye .",
+ "No , that is all . Thank you , goodbye .",
+ "No thanks . You did everything and were so helpful . I appreciate it . Have a good day . Goodbye .",
+ "No , that will be all ! goodbye .",
+ "Thank you , goodbye",
+ "That 's all I need . Thank you and goodbye !",
+ "Thank you , goodbye",
+ "Thanks , that 's all . Good bye .",
+ "I think you took care of everything . Thanks . Take care now . Bye bye .",
+ "Thank you good bye .",
+ "I think that is all , Thank you good bye .",
+ "Thank you , good bye",
+ "No , thank you . Goodbye",
+ "No there is nothing else today . thanks , bye",
+ "You have been helpful . Good bye .",
+ "Thank you . That was all I needed . Goodbye .",
+ "thank you good bye",
+ "Okay , thank you ! Goodbye .",
+ "Nope that should do it . Thanks much , goodbye !",
+ "You have been very helpful . That is all I need , thanks . Bye .",
+ "That is all , thank you . Bye",
+ "Thank you , goodbye .",
+ "Thanks , I hope it will be a good one . Bye !",
+ "No , I just need information for today . You have answered all of my questions . Thanks so much . Bye .",
+ "That 's it , Thank you , goodbye",
+ "Thanks so much . That 's all I needed . Goodbye .",
+ "thank you good bye",
+ "Okay thank you . That is all I need today . Good bye .",
+ "No , I ' m not ready to book yet . Thanks for all the help today , that 's all I needed . Good bye .",
+ "Thank you . My visit is all set . Thanks for the bookings . Goodbye .",
+ "No that is all . Thanks , goodbye .",
+ "I think that will be all , bye .",
+ "Thank you for the information . I ' m ready for my visit . Good day and goodbye .",
+ "Great . Thanks for all your help . That 's all I needed . Goodbye .",
+ "Thank you . I do n't need anything else from you today . Bye , have a good one !",
+ "No , that 's everything I needed . Thanks again ! Goodbye !",
+ "Thank you good bye .",
+ "Thank you so much . Have a great day . Bye .",
+ "No , that 's it for now . Have a good day . Bye !",
+ "Nothing else , thank you . I 'll keep an eye out for the red ford . Goodbye .",
+ "That is all I need , good bye .",
+ "No thank you that will be all for me , goodbye .",
+ "No , that will be all . Goodbye .",
+ "That was all I needed to know . Thank you , goodbye .",
+ "Thank you . Goodbye .",
+ "Great , thanks again . Goodbye !",
+ "No , thank you . I think I have everything I need today . Goodbye .",
+ "Thank you , goodbye",
+ "Thank you for all your help . Good bye !",
+ "Thanks you too . Goodbye .",
+ "Thank you , goodbye .",
+ "Thank you so much goodbye .",
+ "Thank you so much . That is all that I need at this time . Goodbye !",
+ "I think that 's all I need for today . Thanks . Goodbye .",
+ "Thank you ! Goodbye !",
+ "I actually am all set now ! Thanks for being so helpful ! Bye now !",
+ "That is all I need . Thank you , good bye .",
+ "No , that 's all . Thanks ! Bye !",
+ "No , I am all set . Good bye .",
+ "Thank you goodbye",
+ "No thank you . goodbye .",
+ "No , that was it . Bye bye .",
+ "That 's , that 's all I need . Good bye .",
+ "Thank you ! Goodbye !",
+ "I 'll pay at the station . Well that 's it for me today . Thanks for all your help ! G'bye :)",
+ "No , you have taken care of everything for me . Thanks for being so helpful . Bye .",
+ "Perfect ! Thanks . That 's it for today . Goodbye .",
+ "Yes . Thank you . Goodbye",
+ "Thank you , goodbye .",
+ "No thanks . You have been very helpful . Goodbye .",
+ "No , I think that is all . Bye .",
+ "thanks alot for your assistance . bye",
+ "no , that 's all I need . thank you and goodbye",
+ "That 's it , goodbye",
+ "Oh , I do n't need to book now . I just need the information for reference . Thank you . Goodbye .",
+ "As mentioned before I am all set , have a great day and goodbye .",
+ "That is all for today . Thank you very much for all your help . Goodbye .",
+ "Thanks . That was all I needed to know . Goodbye .",
+ "thank you that will be all good bye",
+ "Thanks , that was all I needed today . Goodbye .",
+ "No , that 's it . Thanks for all your help . Goodbye .",
+ "That 's all I needed . Thanks for your help , goodbye !",
+ "Thank you . Goodbye .",
+ "Thank you , bye bye now .",
+ "That is all thank you for your help . Bye .",
+ "I 'll be sure to so that , bye .",
+ "Thank you , goodbye .",
+ "That is actually fine , I wo n't be able to stay there after all . You have been a great help . Have a nice day . Bye .",
+ "Thanks . That 's really all I need . Goodbye .",
+ "That is all I needed , thank you . Bye .",
+ "No , thank you . Goodbye",
+ "No , that is all for today . Thank you for your help . Goodbye",
+ "No , thank you . Goodbye !",
+ "Thank you . Goodbye",
+ "Thanks , that 's all . Goodbye",
+ "Thank you goodbye .",
+ "That is it , thank you for your help . Goodbye",
+ "That will be all for now . Thanks for all your help ! Goodbye",
+ "All the help I needed . Bye , thanks .",
+ "Thank you , goodbye",
+ "That is all I need , bye .",
+ "Yes , thanks . Have a good day . Bye !",
+ "That 's all I needed today . Thanks for your help . Goodbye !",
+ "Okay goodbye you can end the conversation",
+ "Thanks , that 's all I need today . You ' ve been a great help . Goodbye !",
+ "Thank you , goodbye",
+ "No , that 's all for today . Goodbye .",
+ "Thank you , goodbye .",
+ "Thank you . Goodbye .",
+ "Okay , that 's all I need . Thanks , bye",
+ "No , that should be all . Thank you for your help ! Goodbye .",
+ "Thank so much ! No , that will be all , goodbye .",
+ "Thanks so much . That 's all for today , goodbye",
+ "Thanks , that 's all . Good bye .",
+ "Okay . Thanks again . You , too . Goodbye !",
+ "Thanks for all of your help today . Goodbye !",
+ "Great ! Thanks for your help . Goodbye !",
+ "no . that is all i needed . thanks . goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "Thanks , good bye .",
+ "Thank you ! Goodbye",
+ "No . Thank you , goodbye .",
+ "no . that does it for me . thanks . goodbye .",
+ "No , that is all . Good bye .",
+ "Have a great day . Goodbye .",
+ "Thank you that is all I need , bye .",
+ "Okay that 's all . Bye .",
+ "Great . I am all set then . Have a nice day . Bye .",
+ "No , thank you ! I ' ve got all the info I needed . Goodbye .",
+ "No , that will be all . Good bye .",
+ "Thanks , that 's all . Good bye .",
+ "Ok , thank you , that will be all . Goodbye",
+ "No , that 's it . Thank you so much . Good - bye .",
+ "Cool , thank you . I ' m all set now . Bye !",
+ "Thank you very much . Goodbye .",
+ "Thank you for your help . That will be all I need for now . Bye .",
+ "Thank you for the information . I appreciate it . Good bye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "I do know where that is located . Thanks for your help , goodbye !",
+ "Well , gee , so you have . Thank you so much for your help . Bad attitude or not . Bye now .",
+ "Okay , thank you so much . Goodbye .",
+ "Thank you good bye .",
+ "No , that 's all . Thanks , good bye .",
+ "Thanks . Goodbye now !",
+ "Thanks , that 's all . Goodbye , now .",
+ "Thank you goodbye .",
+ "Thank you goodbye .",
+ "Thank you . Good bye",
+ "Thanks , that is all I need . good bye .",
+ "Yes , thank you . That 's all for me . Bye !",
+ "Thanks for both bookings . Those were my two concerns for today . I am very satisfied . Goodbye .",
+ "No , that 's all I need right now . Thank you and have a nice day . Bye",
+ "Thanks for the help , goodbye !",
+ "Thank you , that 's all I need . Good bye .",
+ "Thank you for your time goodbye !",
+ "You as well , thanks . Bye .",
+ "Thank you , goodbye !",
+ "No that is all the information i needed thank you . Goodbye",
+ "Thank so much for all your help today ! Take Care . Goodbye .",
+ "Bye .",
+ "thank you , that will be all . good bye .",
+ "Thanks , goodbye !",
+ "Awesome . Thanks . Goodbye .",
+ "Great , thanks . That is all I need . Bye .",
+ "No , that 's it . You have been most helpful . Goodbye .",
+ "Actually , I ' m all set . Thanks again . Goodbye !",
+ "No thank you , goodbye .",
+ "Thank you Goodbye .",
+ "Thanks again , and Goodbye .",
+ "You too thank you ! Goodbye .",
+ "Ok , Thankk you . Bye now .",
+ "Nope , that 's all . Thanks . Bye !",
+ "Thank you , goodbye .",
+ "No , you have helped me greatly . That is all I need today . Bye .",
+ "Thank you goodbye",
+ "No , I am done for the day . Thanks again . Bye !",
+ "That is all I need , good bye .",
+ "That is all I need , thank you and good bye .",
+ "Thank you for your help . Goodbye .",
+ "Thank you , goodbye",
+ "Thank you so much . Goodbye !",
+ "Wonderful , thank you . I am all set . Bye .",
+ "Thank you and goodbye !",
+ "Thank you , goodbye .",
+ "Thank you goodbye .",
+ "No , thanks . I 'll head to Nandos now . Goodbye .",
+ "Thank you for your quick response to my inquiries . That 's all for today . Goodbye .",
+ "Nope , that 's all for me . Goodbye !",
+ "Great thanks . Goodbye",
+ "No , thank you . I have everything I need . Goodbye .",
+ "Thank you good bye .",
+ "Thank you . That 's is all I need . Goodbye .",
+ "Thank you for your help . That 's exactly what I needed today . Goodbye .",
+ "Thank you goodbye .",
+ "No , that 'll be it for me . Bye",
+ "Thanks , that 's all . Good bye .",
+ "No , that should be all . Goodbye !",
+ "yes , that is all good bye",
+ "Thank you . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks that will be all . Goodbye",
+ "Thanks so much . You have helped with everything I needed for now . Have a nice day . Bye .",
+ "Thank you good bye .",
+ "No , that 's all . Goodbye",
+ "That 's all the help I need today , thanks , goodbye .",
+ "Thanks again for the help . Good bye .",
+ "No thanks . That was all I needed to know . Goodbye .",
+ "Thank you , goodbye .",
+ "Thanks for your time today . It looks like I have all the information I needed . Have a nice day . Goodbye .",
+ "That is all , thank you , goodbye .",
+ "That 's all I need right now . Thank you for your help . Good bye .",
+ "Thank you very much good bye",
+ "Good bye",
+ "Good bye .",
+ "No thanks . That will be it for today . Have a great night . Goodbye .",
+ "Thank you good bye .",
+ "Thank you goodbye .",
+ "No that was all I needed , thank you so much , goodbye !",
+ "Thank you goodbye",
+ "Thank you . That was all I needed . Goodbye .",
+ "No thank you goodbye .",
+ "No , that 's all the info I needed today . Goodbye !",
+ "Thanks , that 's all I need today . Goodbye !",
+ "thank you , good bye",
+ "Thank you , goodbye !",
+ "Thank you . Goodbye .",
+ "Thank you so much . I ' m good now . Goodbye .",
+ "Thank you , I wo n't be needing anything else . Goodbye .",
+ "That sounds great . I 'll get back to you when I decide on the booking . Have a nice day . Bye .",
+ "No , I ' m good . Thank you for your time and do n't work too hard . Bye !",
+ "thank you good bye",
+ "I am sure . I am all set . Thanks so much . Bye .",
+ "Great TownInfo service . Goodbye .",
+ "No , that is wonderful . Have a nice day and thank you . Bye .",
+ "Thank you and Goodbye ,",
+ "Thank you , goodbye .",
+ "Thank you , goodbye .",
+ "Thanks , I appreciate it . Goodbye .",
+ "Yes , that was correct . Thanks for all your help . My ride is here . I ' ve got to go . Bye .",
+ "Thank you . No , that 's all I need . Goodbye !",
+ "No . Thank you , goodbye .",
+ "Thank you . Goodbye .",
+ "No thank you . That 's all I needed . Good Bye .",
+ "Thank you goodbye .",
+ "Goodbye .",
+ "That 's it . Thank you , goodbye",
+ "Thanks a lot . That 's all the information I ' m looking for . Goodbye .",
+ "Thank you . Goodbye .",
+ "Thank you good bye .",
+ "No , that 's all I needed today . Thanks for your help . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No thanks . That takes care of all I needed . Goodbye .",
+ "Great . Thanks for all your help . Bye .",
+ "You have helped me tremendously . Thank you ! Goodbye !",
+ "Thank you , goodbye .",
+ "Thank you . You ' ve been a lot of help . I need to take off now . Goodbye .",
+ "That will be all . Thank you so much for your help . Bye .",
+ "Thank you goodbye .",
+ "thank you very much that 's all i need . Goodbye .",
+ "Thank you so much ! Goodbye .",
+ "Ok thank you goodbye .",
+ "no , that will be all . goodbye .",
+ "Great thank you so much ! That 's all I needed ! Bye !",
+ "Thanks , again for your help . Goodbye .",
+ "That 's all I need today . Thanks for your help ! Goodbye .",
+ "You too , goodbye , this should be the end of our chat .",
+ "No that is all . Thank you , goodbye .",
+ "Thank you goodbye .",
+ "No , thank you . That 's all I need right now . Bye .",
+ "thanks . i did nt realize the time . i need to go . but thanks for everything . bye .",
+ "Thanks for being so helpful . That is all I need today . Bye .",
+ "No , thank you for helping me with my trip . I will contact you again if I need anything else . Good bye .",
+ "No I rather enjoy walking . Thanks . Goodbye .",
+ "Great ! That should be all I need . Thanks for your help . Goodbye .",
+ "Great thank you ! That 's all I needed ! Bye !",
+ "I appreciate everything . Have a great day . Bye .",
+ "No , I got all that I need . Goodbye .",
+ "Yes , that would be fine . Thank you for your help today . Bye .",
+ "Thanks a lot goodbye",
+ "I think it might be a good time to end the conversation . I ' ve got to go . Goodbye .",
+ "Goodbye !",
+ "Thank you . I will call right now . Goodbye .",
+ "That is all . Thanks for the help ! Bye !",
+ "Thank you ! That should be all . Goodbye !",
+ "Thank you , goodbye .",
+ "Thank you , goodbye .",
+ "I think you answered all my questions . Thanks so much . Have a great day . Goodbye .",
+ "No that will be all . Thank you for your help ! Goodbye",
+ "No , that 's all I need today . Thank you . Good - bye .",
+ "Thank you so much ! You ' ve been so helpful . That 's all I need . Have a good day . Goodbye .",
+ "Great , thanks ! That 's all I need today . Goodbye !",
+ "No , thank you . Goodbye .",
+ "That 's everything ! thanks a bunch ! bye !",
+ "No , that 's great . Thank you . Good - bye .",
+ "No that is all for now . Thank you and Goodbye .",
+ "No I am good to go now . Thanks , bye !",
+ "Thank you , goodbye again .",
+ "Thank you so much . You have been so helpful . Goodbye .",
+ "Thanks for all your help . Good bye .",
+ "no that 's all for now . thanks , bye",
+ "Thank you for the information . Bye now",
+ "That one is perfect . Thanks for your help . Good bye",
+ "No , that will be all , thanks ! Goodbye .",
+ "Thank you good bye .",
+ "Thank you , goodbye .",
+ "that s all i need for tonight . thanks for all the help . goodbye .",
+ "ok goodbye thanks for the help",
+ "Thanks , that is all I 'll need today . Bye .",
+ "That is all I need . Goodbye .",
+ "That was all I needed . Thank you . Goodbye .",
+ "Thank you goodbye .",
+ "no , that will be all for now . thanks for your help . goodbye",
+ "No that 's all I needed today . Thanks for your help . Bye !",
+ "Yes , it does . Thanks for the information . Bye !",
+ "Thanks , that 's all . Good bye .",
+ "No , that 's all ! Thank you ! Goodbye !",
+ "Thank you , goodbye !",
+ "Thank you ! That 's all I needed today . Bye !",
+ "Thanks for the information . I have to go . Goodbye .",
+ "I will with the lovely day planned . Thanks , again . Goodbye .",
+ "Good day to you too , goodbye",
+ "No , that 's all I need today . Thanks , and goodbye !",
+ "That 's all I needed today . Thank you ! Bye !",
+ "No , that 's all . thank you very much . Have a great day . Bye .",
+ "That 's marvelous . Thanks so much . Goodbye for now .",
+ "No , I think that 's it . Thanks for all your help today . Goodbye .",
+ "Thank you good bye .",
+ "Thank you , goodbye",
+ "Thank you goodbye .",
+ "No , that 's all for me today ! Thank you ! Bye !",
+ "Yes , I just needed info for now . Thanks for your help . Goodbye .",
+ "Thanks , that is all I need . Good bye .",
+ "Thank you so much . I am all set . Bye .",
+ "No that s all I needed . Thanks . Have a good one . Bye .",
+ "Thank you , goodbye",
+ "Great . That'sd all I needed today . Thank you . Bye now .",
+ "Thank you , goodbye",
+ "That is all I need to know . Thanks , good bye .",
+ "No , Thank you Goodbye",
+ "Thank you that is all I needed today , good bye .",
+ "Nothing , thank you . That 's all I need . Goodbye .",
+ "Thank you for the information and bookings . There 's nothing more . Goodbye .",
+ "Thank you ! That 's all I needed . Goodbye !",
+ "Yes , that 's all . Goodbye .",
+ "Thank you goodbye .",
+ "i really have got to go . its late . thanks for your help . goodbye .",
+ "Great , that 's all for today . Goodbye !",
+ "Thank you , goodbye",
+ "Thank you , I ' m all set . Goodbye .",
+ "Thanks for your help , goodbye !",
+ "Thank you , goodbye",
+ "No that will be all I needed today . Thank you and goodbye .",
+ "Perfect ! That will do it for today . Have a great afternoon . Bye .",
+ "Thank you bye bye",
+ "Thank you , I will definitely try to do that . Bye .",
+ "Thank you goodbye",
+ "No thanks . I can book it myself later on . Thank you for all your help . Have a good day . Bye .",
+ "That 's all I need . Thanks for the research . Goodbye .",
+ "Thank you . That was all I needed . Goodbye .",
+ "That is all I needed today . Thank you good bye .",
+ "No , thank you , I have everything I need . Thank you and goodbye !",
+ "Goodbye .",
+ "Thanks so much for all of your help today . That is all I needed . Bye .",
+ "No , that is all I need . Thank you for your help . Bye .",
+ "thank you good bye",
+ "Thank you . Good bye .",
+ "No thanks . You covered everything . Have a good night . Bye .",
+ "No thank you . I appreciate your time . Bye !",
+ "Thanks ! That is all I need . Good bye .",
+ "No thank you that is all , bye .",
+ "Thank you goodbye .",
+ "Thanks so much . That 's all I need today . Good - bye .",
+ "Thank you for all your research -- you saved me time . Great service . Goodbye .",
+ "Thank you , goodbye .",
+ "Thanks agian . Goodbye .",
+ "No , thank you . Good bye .",
+ "No , thank you for helping me with both bookings so quickly . Have a great day . Goodbye .",
+ "Wonderful ! Good bye !",
+ "Okay . That was in the West Cafe Jello Gallery at 13 magdalene street and it 's free . Thank you . Goodbye .",
+ "Good bye .",
+ "Thanks again . Bye !",
+ "No , that 's all . Thank you , goodbye .",
+ "I ' m not sure how many yet . Thank you for all the information . I 'll get back to you . Goodbye .",
+ "Thank you ! That 's all I need . Goodbye .",
+ "Okay . That 's all I need now . Good bye .",
+ "Sounds wonderful , thank you for your help . That is all I need . Bye .",
+ "No that 's all . Thank you . Goodbye .",
+ "Not actually . I wo n't be needing anything else at this time . thank you . Good bye .",
+ "Thank you , goodbye .",
+ "No , that is all . Thanks , good bye .",
+ "no , thank you good bye",
+ "Thanks so much , I guess that 's all i need ! good bye .",
+ "Thank you good bye .",
+ "Good bye .",
+ "Thank you , goodbye .",
+ "Thank you goodbye .",
+ "No , thanks that 's all goodbye",
+ "No , taht will be all . Thanks , goodbye .",
+ "No , that will be all . Good bye .",
+ "That is all . Good bye .",
+ "Thank you that will be all . Bye !",
+ "No , that was it for now . Thank you . Good bye .",
+ "Yes , thank you . That 's all for now . Bye !",
+ "No , that will be all . Thanks , goodbye .",
+ "That 's all for today ! Thank you so much , goodbye !",
+ "No thank you good bye",
+ "That is all I needed . Thanks for your help today . Bye .",
+ "Yes , that will be all for today , goodbye .",
+ "Thank you , that is all for today . Goodbye .",
+ "No that was all I needed . Thank you , goodbye .",
+ "Thank you so much ! Goodbye .",
+ "No , that was it . Thank you for your help . Good bye .",
+ "No that was all I needed right now , thanks very much . Goodbye .",
+ "Great , thanks . I think that s all for today . Have a good one . Bye .",
+ "No thank you . Good bye .",
+ "No , I think that should do it . Thanks a lot . Take care . Bye .",
+ "Thank you , goodbye .",
+ "That is all needed , good bye .",
+ "No that was all I needed . Thank you . Goodbye .",
+ "Thank you , goodbye .",
+ "Thanks again . Goodbye !",
+ "Not at this time , thanks . But I appreciate the information . That 's all for today . Thanks . Bye .",
+ "Thank you goodbye .",
+ "great , thank you for your help . goodbye",
+ "Thank you and goodbye !",
+ "No , that 's all . Good bye",
+ "Thanks . That 's all I needed . Goodbye .",
+ "Thank you goodbye .",
+ "no , that is all . goodbye .",
+ "Sounds good . Thanks for the help . Goodbye .",
+ "Thanks , goodbye .",
+ "Thank you so much . That 's all for now . Good bye .",
+ "Nothing else . You have been most helpful . Thank you and good bye .",
+ "Okay , that 's all I need for today . Thanks , bye !",
+ "No , you have taken care of everything . Thanks you so much . Good - bye .",
+ "That you for helping me . I have all I need . Goodbye .",
+ "Thank you very much for your time . Bye !",
+ "Okay I need to go now . Bye !",
+ "No . That 'll be all , thanks . Bye !",
+ "I think that is all I need today . Thank you for all your help . Good Bye .",
+ "Thank you , good bye .",
+ "That was all I needed , thanks . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks so much ! That was the last thing I needed taken care of . I feel ready for my trip now . Goodbye !",
+ "No , that will be all . Thank you ! good bye .",
+ "No . I ' m the customer and you 're the help desk ; It is you who are supposed to provide me with the address . But you ' ve given me all I need , so goodbye !",
+ "Great thank you . I think that is all I needed help with . Take care and goodbye .",
+ "Great that 's all I needed . Thank you . Bye .",
+ "Do n't sweat it . Thank you and Goodbye .",
+ "Thank you goodbye",
+ "That will be all . Thanks for your time . Bye .",
+ "No thanks . I think that took care of everything . Thanks . Goodbye .",
+ "Have a great day . Goodbye .",
+ "No I appreciate your help . Goodbye .",
+ "I do n't need anything else at this time . Thank you . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you . Goodbye !",
+ "Thank you for your help ! I appreciate it ! Goodbye .",
+ "Thank you so much ! That 's all . Bye !",
+ "Thank you goodbye .",
+ "Yes , thank you for all your help today . Goodbye .",
+ "No . Thanks for all your help . Bye !",
+ "That was great . Thank you goodbye !",
+ "No , that is all . You have been very helpful . Thanks so much . Bye .",
+ "No , that would be all . Good bye .",
+ "No , that is all . You ' ve been very helpful . Goodbye .",
+ "No that 's all thank you Goodbye",
+ "Thanks so much ! Have a great day . Goodbye .",
+ "No that 's all . Thank you . Goodbye .",
+ "No , thanks . I have everything I need . Goodbye .",
+ "Thank you , that 's all . Good bye .",
+ "No , thank you . That 's everything I need today . Goodbye .",
+ "I spoke to soon , I ' m not ready to reserve today . You have been helpful , I wo n't need anything else . Thanks so much . Bye .",
+ "thank you and goodbye",
+ "Thanks that will be all for today . Goodbye .",
+ "No thank you , goodbye .",
+ "No , that 's all . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "No , I ' m not ready to book quite yet . Thanks for your help . Bye .",
+ "No , that 's all . Good bye .",
+ "No , you have been a great help . Thank you and goodbye !",
+ "Thanks , that 's all I need . Good bye .",
+ "Thank you so much ! Bye .",
+ "I believe that is all for today . I really appreciate all your help . Have a great day . goodbye",
+ "Thanks a bunch , that 'll be it for today . Bye",
+ "Goodbye .",
+ "I do n't think so . I am off to work but thanks so much for your help . Goodbye .",
+ "Thank you goodbye",
+ "Thank you for all your help today I think that is everything . Goodbye .",
+ "Okay , thanks , bye !",
+ "Great , thanks for all of your help today . I wo n't be needing any further help . Bye .",
+ "Nothing else . Thank you so much for your help . Goodbye .",
+ "No . Thank you , goodbye .",
+ "Thanks so much . That will be all the information I need today . Bye .",
+ "Thank you . I think that 's all I need today . Bye .",
+ "No . That 's all for now . Thanks for all your help . Bye !",
+ "You too , good bye now .",
+ "No that 's all . Good bye !",
+ "Thank you . That 's all I need right now . Bye .",
+ "Thanks ! That 's all I needed today - goodbye !",
+ "Nope . Thank you and bye now .",
+ "Thank you , goodbye",
+ "Thanks ! I think you covered everything I need . Have a good one . Bye .",
+ "No that is it . Goodbye .",
+ "Thanks so much . I am all set . Bye .",
+ "No , that 'll be all for today . Thanks a lot . Bye !",
+ "Great , that 's settled . Thank you for the assistance . Goodbye .",
+ "Great thanks . I think that 's all I needed for today . Have a good day . Bye .",
+ "Thank you goodbye .",
+ "yes , that 's everything for me . Thanks for helping , goodbye",
+ "thanks for all your help . You ' ve been great . Have a nice day . Goodbye .",
+ "Thank you . Bye .",
+ "Thank you very much . That is all I need . Bye .",
+ "no , that will be all . Thank you , good bye .",
+ "Thanks so much for stepping in . I was about to lose it . Yes , this is all the information I need . Thanks . Goodbye .",
+ "That 's all I needed today . Thanks , and goodbye !",
+ "That 's all . Thanks ! Goodbye !",
+ "Great . Thanks for being so helpful today . That is all I needed . Bye .",
+ "You do the same . Good - bye .",
+ "Thank you . Goodbye .",
+ "No thanks . You were very helpful . Until next time . Goodbye .",
+ "Thank you that 's all the help I need . Goodbye",
+ "That 's all the information I need . Thank you so much for your help . Bye !",
+ "No , thank you . good bye",
+ "That 's it for now . Thank you for you patient help . Goodbye .",
+ "Thank you goodbye .",
+ "Thank you , goodbye",
+ "No , thank you goobye .",
+ "Thanks . Goodbye .",
+ "Great , you ' ve been awesome . Bye .",
+ "You ' ve been very helpful . Thank you . Goodbye .",
+ "No . Thanks for your help . Bye .",
+ "No thank you , that 's all for today . Goodbye !",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "That is all the information I need today . Thanks so much for your help . Goodbye .",
+ "Thank you good bye .",
+ "Have a great day . Good bye .",
+ "Same to you ! Goodbye .",
+ "That 's all I needed . Thanks , good bye .",
+ "Thank you , goodbye !",
+ "Thank you that is all I needed . Good bye .",
+ "Thank you ! good bye .",
+ "Great , thanks ! That 'll be all I need . Bye !",
+ "Thank you , goodbye .",
+ "Great . I ca n't wait . Thanks ! Goodbye !",
+ "Thank you goodbye .",
+ "No that is all . Cheers , bye .",
+ "Actually , I do n't need a booking . Thanks , good bye .",
+ "No , that 's all I needed today . Thank you for your help ! Goodbye !",
+ "Thanks for the help that 's all I need . Have a great day . Goodbye .",
+ "You know , come to think of it maybe I better book later . Some people may not be able to make it . I think that 's all I need today . Goodbye .",
+ "Will do . Thanks.again . Goodbye !",
+ "No thanks . That would be all I needed . Thanks . Bye .",
+ "Thanks , that 's all I need . Good bye .",
+ "Thank you goodbye .",
+ "No , that was everything . Thanks for your help . Goodbye !",
+ "Thanks , that 's all I need . Good bye .",
+ "no . i am taken care of . thanks . bye .",
+ "Thank you very much , I appreciate your help . Good Bye .",
+ "No , thank you . That was all I needed . Thanks . Bye .",
+ "That sounds perfect ! I think that 's all I need for today . Goodbye .",
+ "No that is all , thank you . Good bye .",
+ "No thank you . I will do that later . But I ' ve got to get to work . Thanks . Goodbye .",
+ "Thanks , that 's all I need today . Goodbye !",
+ "Thank you very much , that is all for now . Goodbye .",
+ "Thank you very much , bye bye",
+ "Yes , I think that 's all I needed . Have a good day . Goodbye .",
+ "Thank you , that 's all . Goodbye .",
+ "Not today . Thanks . Bye .",
+ "no thanks . i have all the info i need . have a good day . bye .",
+ "No that 's it for today ! Bye bye",
+ "Thank you goodbye .",
+ "That was all I needed today , thanks . Goodbye .",
+ "No , I am all set . Good bye .",
+ "No , thank you for the information . Goodbye .",
+ "Thank you . That 's all I need . Good - bye .",
+ "Thank you goodbye",
+ "Thanks ! That 's all I need for today . Goodbye .",
+ "Thank you . Bye .",
+ "Thanks . That is all I need for today . Bye .",
+ "No , I am all set , thanks . Bye .",
+ "That 's all , goodbye .",
+ "That sounds like a great suggestion . Thank you for your help today . Bye .",
+ "Okay , well I suppose this is goodbye then .",
+ "No , all my questions were answered . Thank you much . Goodbye .",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "Bye .",
+ "Thank you good bye .",
+ "Ok thank you . That 's all I needed , bye now .",
+ "That is all I needed . Thank you and goodbye !",
+ "Goodbye ! Have a great day !",
+ "No thanks . You took care of it all . Goodbye .",
+ "Thank you goodbye .",
+ "There is nothing more , thank you . Goodbye .",
+ "That is all . Thank you , good bye .",
+ "Thanks , that 's all I need . Good bye .",
+ "Thank you , goodbye .",
+ "Thanks for the help ! Goodbye .",
+ "Thank you so much for all your help today . That 's all I need . Goodbye .",
+ "Thank you goodbye",
+ "Jaja .. You 're funny . Thanks for all your help today . Have a great day ! Goodbye",
+ "Okay , than you so much for your help ! Goodbye !",
+ "No booking needed today . In fact , I ' m all set . Thanks for your help - goodbye !",
+ "No , that 's it . Goodbye !",
+ "Thank you . Good - bye .",
+ "Great , that 's all I need . Goodbye !",
+ "Thanks very much , goodbye !",
+ "No , that 's all for me today . Goodbye !",
+ "I do n't . I appreciate your help . Goodbye for now .",
+ "No , that is it . Thank you , goodbye .",
+ "That 's all I need , thanks . Bye bye !",
+ "Thank you , goodbye !",
+ "Great ! Thank you for all your help . Goodbye",
+ "That will be all . Thank you for all of your help ! Goodbye !",
+ "Thanks you too ! Bye !",
+ "That sounds like a lot of fun . Thanks for all your help . I ' m happy with your service . Goodbye .",
+ "Thank you , goodbye .",
+ "Have a great night ! Goodbye !",
+ "Thank you for all your help . Goodbye .",
+ "Thanks for all your help . That 's all I needed today . Goodbye !",
+ "Thank you so much . Good bye",
+ "No , that 's it . Thanks for your help . Have a great day . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks , I do n't need anything else ! Goodbye !",
+ "Yes , thank you so much ! Goodbye !",
+ "Goodbye",
+ "No , thank you . Goodbye .",
+ "Thank you , goodbye .",
+ "Thank you very much ! good bye .",
+ "Okay , thank you . Good bye .",
+ "Yes , you said that . thanks for your help . Goodbye .",
+ "No that was everything . Goodbye .",
+ "Sounds great . Thanks for your help , that is all I need . Bye .",
+ "Thank you . Goodbye .",
+ "Thanks for the information . I have to be going . Goodbye . And thanks again .",
+ "That will do it . Goodbye .",
+ "No thank you . Goodbye",
+ "Nothing else today . Thanks so much for your help . Bye .",
+ "Great , thanks . I think that 's all I needed . Have a great night . Goodbye .",
+ "Thank for your help . good bye .",
+ "That is wonderful . Thank you so much for being patient . I am all set . Bye .",
+ "Yes , that 's all . Goodbye !",
+ "That 's all I need , thanks . Bye .",
+ "That is it for today , thank you . Bye",
+ "No , that is all . Thank you , goodbye .",
+ "No thank you ! Thanks for your help ! Bye !",
+ "Nope . I think that s it . Have a good one . Bye for now .",
+ "No , I am all set . Thanks for your help . Bye .",
+ "No thank you , goodbye",
+ "No , that 's all for today , goodbye .",
+ "Thank you . Goodbye .",
+ "Nope , I think that 's it for today . Have a nice one . Goodbye .",
+ "No thank you , goodbye .",
+ "thanks . i think that took care of everything . thanks . bye .",
+ "Thank you goodbye .",
+ "Great , thanks so much ! Bye !",
+ "That 's all . Thank you , goodbye !",
+ "Have a nice day , good bye .",
+ "Thanks ! That 's all I needed . Goodbye !",
+ "No , that 's all I need help with . Thanks , bye !",
+ "Thank you , goodbye .",
+ "No thanks . Goodbye .",
+ "My visit is all set . Thanks for all your help . Goodbye for now .",
+ "No , you were super efficient . Thank you . Goodbye .",
+ "I do n't need to book at this time actually . That 's all that I needed . Thank you for your help ! Goodbye !",
+ "No , thank you . That will be all today . Goodbye .",
+ "Thank you , that is it for today . Goodbye .",
+ "No . I ' m good . Thanks a lot . Goodbye .",
+ "Thank you , goodbye",
+ "Thanks for the information . Goodbye .",
+ "thank you , good bye !",
+ "Thanks for helping me with this . I appreciate it ! Goodbye !",
+ "Thanks . That is all I need for now . Goodbye .",
+ "Yes that will be all . Thanks for your help . Bye .",
+ "Thank you . Thank is all . Good bye .",
+ "Thank you , good bye !",
+ "Ok that is all I need today . Thanks , good bye .",
+ "I think that 's all I need for today . Thanks for the help . Goodbye .",
+ "Thank you , goodbye .",
+ "No , thank you , good bye",
+ "Thank you . Goodbye .",
+ "Thanks , that is all I needed . Goodbye .",
+ "You too . Goodbye .",
+ "I appreciate all your help . Goodbye .",
+ "Thank you , goodbye",
+ "Thank you goodbye .",
+ "That will be all , thank you . Goodbye .",
+ "thanks . you were very helpful . goodbye .",
+ "Thank you . Goodbye .",
+ "Great , you ' ve handled all my needs for today ! Thanks a ton ! Bye !",
+ "Thank you ! Bye !",
+ "Thank you so much . Have a nice day . Bye .",
+ "I really have to run . I ' m late for work . Goodbye .",
+ "Thank you so much , goodbye .",
+ "I am so sorry for the misunderstanding . I do n't wish to book at the moment . I am all set . Have a great day . Bye .",
+ "Thank you goodbye .",
+ "Have a good day . Bye .",
+ "Great ! I appreciate all the info . Goodbye !",
+ "Thank you , goodbye .",
+ "I will certainly use Cambridge TownInfo again . Goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "No , that will do it for now . Bye .",
+ "Wonderful . Thanks for your help today . Bye .",
+ "No that will be all for today . Thanks so much for all your help . Goodbye .",
+ "Thanks and goodbye !",
+ "Okay . That 's all I need . Thanks and bye !",
+ "No , That 's all . Goodbye !",
+ "Thank you goodbye .",
+ "Okay goodbye . I ' m done now .",
+ "that was all I needed . Bye now .",
+ "No , that 's it . You ' ve been great , thanks . Bye !",
+ "No , thank you , goodbye .",
+ "No , thank you . No further questions for now . Goodbye .",
+ "Goodbye .",
+ "Great . That is all I need . Have a great day . Goodbye .",
+ "That takes care of everything for me , thank you ! Bye !",
+ "That is all I will need . Good bye .",
+ "No , that 's all thank you very much . Goodbye",
+ "Thank , you goodbye",
+ "That 's it . Thank you , goodbye",
+ "That is all I need goodbye",
+ "Thank you , goodbye .",
+ "I think this would be a good time to end the dialogue . Goodbye .",
+ "Great . That is all the information I need . I will book the room later on my own . Thanks a bunch . Goodbye .",
+ "Thank you goodbye",
+ "I know where to get care for my injury . Thank you for helping me . Goodbye .",
+ "Thanks , you have been very helpful . That is all I needed . Bye .",
+ "Oh ... alright ... well I guess not then . You were n't very helpful but whatever bye",
+ "No thank you . Good bye .",
+ "Goodbye , that is all for today .",
+ "thank you that will be all good bye",
+ "Thank you goodbye .",
+ "You too , good bye now .",
+ "Thanks alot . Thanks for all your help . Bye .",
+ "Thank you good bye .",
+ "You too ! Thanks again , goodbye !",
+ "That was helpful ! Thank you goodbye .",
+ "That 's all I need for now . Thank you . Goodbye .",
+ "Great , thanks ! That 's all the help I need for today . Have a good night . Goodbye .",
+ "Thanks , that 's all I need today . Bye .",
+ "No that 's all I need for today . Bye .",
+ "Thanks . Goodbye for now .",
+ "Thanks I have everything I need . Goodbye !",
+ "That 's all I needed . Thanks . Bye .",
+ "Thanks again for the help . Have a great day . Goodbye .",
+ "Thank you . Goodbye .",
+ "Thank you , goodbye !",
+ "Thank you ! Good bye !",
+ "Thank you , goodbye .",
+ "thanks too and goodbye",
+ "Thank you ! Good bye .",
+ "Thanks so much . Good bye !",
+ "Thank you so much , that 's all I need for now . Goodbye .",
+ "Thank you . Goodbye .",
+ "Got it . Thanks much . Goodbye .",
+ "No , that would be all . Thanks . Bye .",
+ "Thank you , Goodbye .",
+ "okay thank you . i appreciate your help a lot . i think that is all for now . Goodbye",
+ "Thank you goodbye .",
+ "No thank you very much . Good bye .",
+ "No , that is all I need today . Thanks again ! Bye .",
+ "Thanks for all your help . Goodbye .",
+ "Yes , good bye .",
+ "That 's all I need for today . Good bye .",
+ "That is all I need . Thank you , goodbye .",
+ "That 's exactly what I needed . Thank you . Goodbye !",
+ "No , you have been a great help . That 's it for now . Goodbye .",
+ "I am interested in that one , but I ' m not ready to book yet . Thanks for your help . Bye .",
+ "No , you ' ve answered all of my questions . Thanks so much . Bye .",
+ "Thank you . That is all of the info that I needed . Good bye .",
+ "Nope . I do not want to book or anything just looking into it . Bye . Thanks .",
+ "No , I do n't need anything else . Goodbye",
+ "Thank you , goodbye",
+ "That 's all for me . Thanks for your help . Bye !",
+ "No that 's it . Thanks for everything ! Bye !",
+ "Thank you so much . Goodbye",
+ "Thanks so much . I do n't need anything further . Bye !",
+ "Thank you goodbye .",
+ "thank you , goodbye",
+ "No thank you . That is all I needed . Good bye .",
+ "Thank you good bye",
+ "Okay . Thank you , goodbye .",
+ "No , I am still in the planning stages . Thanks for all of your help , you have answered all of my questions . Goodbye .",
+ "No , that 's all . Good bye .",
+ "No Thank you , I appreciate all of your help , Goodbye .",
+ "No . Thanks but that is all I need . Take care . Bye .",
+ "No . You 're the best . Have a great day . Goodbye",
+ "No , thank you . That 's all I need . Goodbye .",
+ "No , that 's all I needed . Thanks ! Goodbye !",
+ "Thank you goodbye",
+ "No . That will be all I need . Thanks . Take care . Bye .",
+ "No , I am all set . Have a great day . Bye .",
+ "That is all I will need . Thank you , good bye .",
+ "Nothing , thank you . I appreciate all of your help . Goodbye .",
+ "Thanks so much again ! Goodbye !",
+ "Great , I will book it myself . Thanks for your help . Bye .",
+ "Goodbye and thanks . Have a great day .",
+ "You too ! Bye !",
+ "Thank you . That 's all I need . Bye .",
+ "Thank you . You have helped me with all my needs . Have a good day . Good Bye .",
+ "No , that 's all . Thanks so much ! Bye .",
+ "Thank you for the information . That 's all I need right now . Good bye .",
+ "No , that 's all . Goodbye .",
+ "No , that 's it . Thanks for all your help today . Goodbye .",
+ "Thanks . You too ! Goodbye .",
+ "Thank you so much , that is all I need today . Goodbye .",
+ "Thank you goodbye .",
+ "You are welcome for using your services . Goodbye now .",
+ "Thank you , Goodbye",
+ "No , that 's all . Good bye .",
+ "Thank you , goodbye .",
+ "Thanks , that 's all I need . Good bye .",
+ "I do n't need anything else . You were a great help . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No , you ' ve been very helpful . Thank you ! Good bye .",
+ "Great , thanks . That 's everything I needed today so I ' m going to lay down for a nap I guess . Bye !",
+ "I appreciate your help . Good bye .",
+ "Okay , that 's all I need . Good bye .",
+ "That 's all , thanks . Goodbye .",
+ "You have been a great help . Thank you so much . Goodbye .",
+ "Thank you so much . That 's all I need today . Have a great day ! Bye .",
+ "Thank you , that 's all I need right now . Bye .",
+ "Thanks so much . That 's all I needed . Take care . Bye .",
+ "Thank you . Good bye .",
+ "I appreciate your time . Goodbye .",
+ "That will be all for today . Thanks so much for all your help . Goodbye",
+ "No , that 's all the information I needed . Thank you . Good bye .",
+ "That 's all I need . Thank you ! Goodbye !",
+ "Okay , thanks . I ' m all set . Goodbye !",
+ "No , I think their general number should be enough . Thank you . Goodbye .",
+ "No , that is all I will be needing . Thanks again . Bye .",
+ "Perfect ! Thanks , good - bye !",
+ "No , you ' ve been great ! Thanks so much . Goodbye",
+ "No that 's all the info I needed . Thank you for being so helpful . Bye .",
+ "Thank you ! Goodbye !",
+ "No I believe we have got everything done . Goodbye .",
+ "No , thank you . I ' m all set . Goodbye .",
+ "Thank you , goodbye",
+ "Thank you so much , goodbye .",
+ "Thanks , I ' m all set . Bye !",
+ "Thanks , that is all for today . Goodbye .",
+ "Thank you , that is all I need . Good bye .",
+ "No . That is all I need . Thank you and good bye !",
+ "Actually , I ' m all taken care of . Thanks . Goodbye .",
+ "That is all I need . Thanks , good bye .",
+ "Thank you so much for your help . Bye .",
+ "No , that 's all . good bye .",
+ "Thank you . Goodbye .",
+ "Goodbye .",
+ "That is all I need good bye .",
+ "Thanks so much . Have a great day ! Goodbye",
+ "Thanks again , goodbye .",
+ "That sounds like the one I need . I 'll reserve it myself though . Thanks for your help , I wo n't need anything else . Bye .",
+ "Thank you . Goodbye !",
+ "Thank You . Goodbye",
+ "Thank you goodbye",
+ "Goodbye and thank you again .",
+ "Thanks ! I appreciate your help . Bye .",
+ "Actually , I am not ready to book quite yet . Thank you for all of your help . Have a nice day . Bye .",
+ "That is all . Thank you . Goodbye",
+ "Thanks much , goodbye !",
+ "No that is all the information I need . Goodbye",
+ "Have a great one . Thanks again for your help . Goodbye .",
+ "No thank you . Good bye .",
+ "No thank you . That was all I needed . Good bye .",
+ "That 's all I need for today . I appreciate your help . Goodbye .",
+ "No , thank you goodbye",
+ "No . I think that 's all I need . Have a good day . Bye .",
+ "Thank you goodbye .",
+ "Thanks , goodbye .",
+ "Goodbye",
+ "Thank you , goodbye",
+ "No , that is it . Goodbye .",
+ "That 's all I need . Thanks . Goodbye .",
+ "Yes , that will be all . Thanks for your help . Bye .",
+ "Okay . Well , thank you and goodbye ! Have a nice day .",
+ "No thank you . Goodbye .",
+ "That 's super . Thank you for your help . Goodbye .",
+ "thank you good bye",
+ "Thank you for your help . Goodbye !",
+ "Thanks - that 's all I needed today . Goodbye !",
+ "No thanks . I need to go . Have a good day . Bye .",
+ "Thank you for all of your help . That is all I need right now . Bye .",
+ "Thank you goodbye",
+ "Thank you so much ! Goodbye now !",
+ "Great , thanks ! That 's all for now . Bye !",
+ "No , that 's it . Bye now !",
+ "No , that 's it . Good bye .",
+ "Thank you goodbye .",
+ "Not yet . I just needed to get the details . Thanks for helping me . Goodbye .",
+ "I do n't need anything else . Thank you , bye !",
+ "That 's all . Thanks for your help . Bye .",
+ "You have been most helpful setting this up . Thank you . Goodbye .",
+ "No , thanks . That 's all I needed . Have a great day . Bye !",
+ "Thank you , that 's all I need today . Goodbye !",
+ "No that is all I need bye bye .",
+ "Thank you goodbye .",
+ "That 's all for today . Thanks so much for your help ! Goodbye .",
+ "Thank you , goodbye .",
+ "That 's all I need for now . Thanks for your help . Goodbye !",
+ "Actually , come to think of it I think I will wait to book . That 's all I need today . Thanks . Take care . Bye .",
+ "Thanks so much . That 's all I need . Goodbye !",
+ "That 's it for me . Thank you , bye !",
+ "No , thank you goodbye",
+ "No that will be all . Thanks . Good bye .",
+ "No that was everything . Goodbye .",
+ "That is all I need , thank you good bye .",
+ "No thank you , I am all taken care of now . Thanks , and goodbye !",
+ "That 's all I need . Thanks , good bye .",
+ "Thank you , goodbye .",
+ "Thanks so much . You ' ve been very helpful . That 's all for me today . Have a good night . Bye .",
+ "You betcha . Bye - bye !",
+ "Thank you so much . That is all I 'll need for today . Bye .",
+ "Okay thanks . That 's all for now . Bye .",
+ "Thanks ! I feel ready for my trip now . I appreciate the help . Goodbye",
+ "Marvelous . I am all set to go now . Thank you for your help . Goodbye .",
+ "That 's all I need , thank you . Goodbye !",
+ "Thank you . Goodbye .",
+ "Thank you goodbye .",
+ "good bye",
+ "Thank you for your help . Bye .",
+ "I hope to . Goodbye .",
+ "No problem . Bye bye and have a good day .",
+ "Thank you goodbye .",
+ "Thank you . That will be all for today . Goodbye",
+ "no thanks . that s all for today . bye .",
+ "actually , i think i will book it later . thanks though . goodbye .",
+ "Perfect , that is all I need for right now . Thank you for all of your help ! Goodbye .",
+ "Thank you goodbye .",
+ "Great thanks . I thinks that s all the info I am going to need . Good night . Bye .",
+ "Thank you . That was all I needed . Goodbye .",
+ "Thank you good bye .",
+ "That 's all I need , goodbye .",
+ "Thanks , you ' ve been a huge help ! I do n't need anything more today ! Bye !",
+ "Great that 's all I needed . Thanks for your help . Bye .",
+ "I think we got everything covered . Thanks . Goodbye .",
+ "No , but thank you for all of your help . Bye !",
+ "No , that is all I need . Thanks and bye .",
+ "Thank you , goodbye .",
+ "Thanks ! That 's all I needed ! Bye !",
+ "Thanks , that 's all . Good bye .",
+ "Thank you so much ! Goodbye !",
+ "Goodbye .",
+ "Sure thing . Good bye .",
+ "No , that 's all . Thanks ! Goodbye .",
+ "Thank you , goodbye , have a great day",
+ "Thanks , that is all for now . Goodbye .",
+ "No that takes care of all my needs for now . Thanks ! Bye !",
+ "Thank you , goodbye .",
+ "Not , that 's all for today . Goodbye !",
+ "Yes , that 's it . Good bye .",
+ "Awesome , thank you for your assistance . Bye !",
+ "I guess I 'll go call them . Thanks a lot . Bye .",
+ "No , that 's all for today . Goodbye !",
+ "No , thank you . Good bye .",
+ "No that is it for now . Bye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Thank you goodbye .",
+ "No . Thank you . Goodbye",
+ "Thank you very much for your help , you were awesome . Have a great day . Goodbye",
+ "That should work ! thank you , goodbye .",
+ "No , that is all I needed . Thank you , good bye .",
+ "thank you , good bye .",
+ "Perfect . Thanks for the information . Goodbye .",
+ "Ok thank you and good bye",
+ "Goodbye .",
+ "Thank you . Good bye .",
+ "Thanks ! That 's all I needed . Goodbye !",
+ "thank you goodbye",
+ "Sounds great , thanks ! That 's all I need today . Goodbye !",
+ "Thank you . Good bye .",
+ "Sure . No problem . Bye now .",
+ "Thanks for everything goodbye .",
+ "Great , thank you . I ' m good to go now . Bye !",
+ "Thank you , goodbye , have a nice day",
+ "Yes , that 's it . Thank you for all your help today . Goodbye .",
+ "No , you have been a great help . Thank you . Good bye .",
+ "Thanks . Enjoy your day too . Bye now .",
+ "That 's all I need . Thank you for your prompt service . Goodbye .",
+ "Yes , they have . Goodbye !",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "No , that will be all . Thanks so much for your time . Bye .",
+ "No , that should be all I need . Thank you for your help ! Goodbye !",
+ "Thank you and goodbye .",
+ "Thank you goodbye .",
+ "Actually , yes , that 's great . You ' ve answered all my question wonderfully , thank you . Bye !",
+ "Thank you very much . bye .",
+ "Got it ! Thanks a lot . That 's it for today . Have a nice day . Bye .",
+ "Thank you goodbye",
+ "Nope . Thanks though . Goodbye .",
+ "No that is all Thank you goodbye .",
+ "No , that 's it for today . Goodbye .",
+ "Thank you . Good bye .",
+ "Thanks , that 's all I needed . Good bye .",
+ "I ca n't wait to try it . I ' m not ready to make a reservation yet . Thanks for your help . I 'll call back . Goodbye .",
+ "Thank you goodbye .",
+ "No , that is all . Thank you . Bye .",
+ "ok thank you good bye",
+ "Thanks for all your help today . Goodbye",
+ "Thanks so much . That is all I need . Bye .",
+ "thank you . good bye",
+ "Thank you so much . I think that will be it for today . You ' ve been a great help . Goodbye .",
+ "Okay . Well goodbye then .",
+ "Thank you , Goodbye .",
+ "Thanks . That was all I needed today . Goodbye .",
+ "No , the reservation is all . Goodbye .",
+ "OK , I 'll talk to my sister about that recommendation . Thanks for you help today , that will be all I need . Bye .",
+ "yes , that 's it for me . thank you ! bye !",
+ "Thank you , goodbye",
+ "Thank you goodbye .",
+ "That will be fine , thank you for your help , bye .",
+ "I believe you ' ve given me all the information I need . Thank you and goodbye .",
+ "That is all , thank you , goodbye .",
+ "No , you have been very helpful . Goodbye .",
+ "Thanks , that 's all I need today . Sorry for making you repeat yourself like that ! Have a great day , goodbye !",
+ "Thank you , goodbye .",
+ "Thank you , goodbye !",
+ "No , that is all I need today . Thanks . Goodbye .",
+ "Thank you goodbye .",
+ "That is all , goodbye .",
+ "That is all I need , thank you . Good bye .",
+ "Yes , that 's all . Thank you . Have a great day . Goodbye .",
+ "You ' ve covered it all . Thanks a million . Goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you goodbye .",
+ "No , everything is set . Thank you , again . Goodbye .",
+ "No that is everything , thanks for all your help . Goodbye",
+ "Thanks for your help ! Bye !",
+ "Thank you , goodbye .",
+ "Actually , that 's all I needed . Thank you for the help ! Goodbye .",
+ "Thanks , that 's all I need today ! Goodbye !",
+ "Thank you . That will be all . Goodbye .",
+ "Thank you . That is all I needed to know . Bye bye !",
+ "No thanks . That was all I needed today . Goodbye .",
+ "Thanks , I 'll call that now . Bye !",
+ "Thank you , goodbye .",
+ "No , thank you . Good bye .",
+ "No , thanks a bunch . That 's all . Goodbye",
+ "Thank you , goodbye !",
+ "no thank you good bye",
+ "No , you have been a great help already . Thanks , and have a nice day . Bye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you goodbye .",
+ "no , that 's all . thanks ! goodbye",
+ "That 's everything . Thanks so much for your help . Goodbye .",
+ "No , thanks . I will head there myself . Thanks for your help . Bye .",
+ "Alright , thank you . Goodbye .",
+ "That will be all . Thank you . Goodbye !",
+ "That should be it . Thanks . Goodbye .",
+ "Thank you goodbye .",
+ "thanks so much , bye",
+ "Thank you . Goodbye .",
+ "That 's it , goodbye",
+ "Nope , I ' m all set . Thank you , goodbye !",
+ "No , there is nothing else I need today . thank you . Goodbye .",
+ "No , that 's it for today . Thank you for all your help . Good bye .",
+ "That sounds great , thanks for all of your help . I wo n't be needing anything else . Bye .",
+ "Thank you , goodbye .",
+ "Ok . let me think about it . That will be all for today . Goodbye",
+ "no , that will be all . good bye .",
+ "Thank you goodbye .",
+ "No thank you . That is all for today . Goodbye",
+ "Thank you , good bye .",
+ "Thank you , that was all I needed today . Goodbye .",
+ "No , I ' m all set , thanks . Goodbye !",
+ "Thank you goodbye .",
+ "Thank you ! That 's all for today . Goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "No , thank you . Goodbye .",
+ "thank you , goodbye .",
+ "Looks like you are all set . Goodbye !",
+ "Yes , that is all . Goodbye .",
+ "No , that 's all I needed today . Thanks for all your help ! Goodbye !",
+ "Sounds good . Thanks , goodbye .",
+ "No , that should do it . Thanks so much . Bye !",
+ "Thanks for the help , goodbye .",
+ "Thanks a ton . That 's all I want to know for now . Bye .",
+ "Thanks , you too . Goodbye .",
+ "Thanks so much . Have a great day . Goodbye",
+ "No , I ' m just figuring out my options right now . You have been very helpful , that is all I need for today . Bye .",
+ "Thank you goodbye .",
+ "Those were my concerns . Thanks a lot . Goodbye .",
+ "Thank you ! Good Bye !",
+ "No , that is everything that I needed . Thank you so much for all of your help ! Goodbye !",
+ "That was all thank you . Goodbye .",
+ "Thank you goodbye",
+ "No , I do n't need anything else today . Goodbye .",
+ "Thanks ! That is all I need , good bye .",
+ "No , that is all . Good bye .",
+ "Thank you goodbye .",
+ "Thanks , that is all . Goodbye !",
+ "No I do n't . Thank you . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Thank you Goodbye .",
+ "Thank you goodbye .",
+ "I ' m not ready to book yet . Thanks , I will give you a call back . Goodbye .",
+ "Thank you very much . That 's all I need today . Goodbye .",
+ "No , that is all . thanks , goodbye .",
+ "No , that is all . Thank you ! Goodbye !",
+ "Thanks ! That 's all I needed . Goodbye !",
+ "No . You took care of everything . Thanks . Goodbye .",
+ "Thank you , that will be all . good bye .",
+ "Great , thanks a bunch ! I ' m all set now . Goodbye",
+ "Thanks you too Goodbye",
+ "i really have to go . goodbye .",
+ "Thanks , that was all I needed to know . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks so much . That will be all I need today . Have a nice day . Bye .",
+ "No , you ' ve been a great help already . Thanks so much . Bye .",
+ "Thank you that 's all I needed today . Good bye .",
+ "That will indeed be all for me today . Thank you ! Bye",
+ "No , you ' ve answered all of my questions . Thanks so much for your time . Bye .",
+ "No thank you . Good bye .",
+ "No , that 's all I needed . Goodbye !",
+ "Thank you ! Goodbye !",
+ "No , that 's all I will be needing today . Good - bye .",
+ "thank you for the help , good bye",
+ "Nope , that 's all I needed . Goodbye !",
+ "Thank you , I have all I need . Goodbye !",
+ "Thank you . That is all for today . Goodbye",
+ "Thank you , goodbye .",
+ "Yes you have . Thank you . Goodbye .",
+ "Okay , that 's all that I need . Goodbye .",
+ "Perfect . Thank you for your help . Have a great day . Bye .",
+ "No , that took care of all my needs . Thanks . Have a good one . Bye .",
+ "you too , goodbye !",
+ "Thank you very much ! Goodbye !",
+ "Thank you , goodbye .",
+ "Yes , thanks . Have a wonderful morning ! Goodbye .",
+ "No that 's all . Thanks . Bye !",
+ "Great I believe that covers everything . Goodbye .",
+ "I ' m sorry I have to go now ! Bye !",
+ "That takes care of what I needed . Thanks . Have a good day . Bye .",
+ "Thank you , goodbye .",
+ "That will be all for today . Thanks so much . Goodbye",
+ "That will be all for today . Goodbye .",
+ "Thank you . Goodbye .",
+ "No thank you . Goodbye .",
+ "That will be all for today . Thanks . Goodbye .",
+ "Thanks , that 's all I need , goodbye !",
+ "Thank you goodbye .",
+ "Thank you goodbye .",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "No , thanks for your help . Bye .",
+ "Thank you . You have answered all my questions and I am all set now . Goodbye .",
+ "No thank you . I appreciate your help today . Goodbye !",
+ "That sounds perfect . Thank you for all your help today . That 's all I need . Goodbye .",
+ "No , I do n't need to book right now , but thanks . That 's all for today . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Thank you so much , bye .",
+ "You as well . Goodbye .",
+ "No thank you . Goodbye .",
+ "Thank you . Bye",
+ "No that is all I need , have a good one good bye .",
+ "Thank you ! That 's all I needed today . Bye !",
+ "That 'll do . Thank you . Good bye .",
+ "Thank you . Good bye .",
+ "I just needed the info , no booking just yet . Thanks ! goodbye .",
+ "Okay , thank you . Good - bye .",
+ "You have helped with what I needed , thank you , goodbye !",
+ "Nope , that was all I needed . Thank you . Bye bye .",
+ "Thank you for the entertainment information in the south . That 's it . You ' ve been helpful . Goodbye .",
+ "Thanks for the help , goodbye !",
+ "No , I am familiar with the south side . Thanks for your help . That is all I really need to know . Bye .",
+ "No , you have been very helpful . Thanks so much and have a nice day . Bye .",
+ "No , you have been most helpful . Thank you , again . Good bye .",
+ "No thank you , that is all I need right now . Goodbye .",
+ "Uh , you already did . That was all I needed today . Goodbye .",
+ "Thanks . Good bye .",
+ "Terrific . Thanks for all your help . Goodbye !",
+ "Thanks so much . I wo n't be needing anything else right now . Bye .",
+ "You were great today . Thanks so much for all the help . That is all . Goodbye .",
+ "ok thanks , byeeee",
+ "Thank you for your help . Bye .",
+ "Thank you , goodbye .",
+ "no thanks . i just needed the information . thanks . bye .",
+ "Thank you good bye .",
+ "Nope , thanks for your help . Goodbye .",
+ "thank you , good bye .",
+ "Thanks , that 's all . Good bye .",
+ "That 's fine I did n't actually need one . I do n't need anything else . That 's it . Thanks and bye !",
+ "Thank you . That was easy enough . Goodbye .",
+ "Good , that works for me . Thank you , and good bye .",
+ "Thanks so much , that is all I need . Bye .",
+ "Thank you ! That 'll be it today . Goodbye !",
+ "No , I believe that is everything I need for now . Thanks so much . Bye .",
+ "No , not at this time . Thank you , good bye .",
+ "No , I look forward to dining at the Copper Kettle . Thank you . Goodbye .",
+ "Thank you , that is all for today . Goodbye .",
+ "No , thanks for helping . Goodbye !",
+ "Thank you , goodbye .",
+ "Thanks , that 's all I need today . Goodbye !",
+ "No , you have been quite helpful . That is all I need to plan a great vacation . Thanks , and bye .",
+ "Okay , until then . Have a good one , goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you so much . You have been very helpful . That is all I need for now . Bye .",
+ "Thank you and goodbye !",
+ "Thank you , goodbye .",
+ "Thank you . I will not need their address . Goodbye .",
+ "Nope ! Thank you , goodbye .",
+ "Thanks for all your help . Goodbye !",
+ "Thank you . That 'll do it for today , Bye .",
+ "No that was all , goodbye .",
+ "No . I have everything I need . Thank you and goodbye .",
+ "No thank you that will be all ! Bye !",
+ "Thank you goodbye",
+ "No , that is all I need . Thank you and goodbye !",
+ "That will be all . good bye .",
+ "Actually , I do n't need tickets just yet . I ' m all set here . Thanks for all your help - goodbye !",
+ "No , thank you for all your help . I believe you helped with everything I needed today , goodbye .",
+ "Thank you goodbye .",
+ "Great , thanks ! I think that 's all I need today . Good bye .",
+ "Thanks ! That is so helpful . Bye .",
+ "Thank you , I have all the information I need , goodbye .",
+ "No thanks . That will be it for today . Have a good day . Goodbye .",
+ "No . That will be all . Thanks so much for all your help . Goodbye",
+ "Thank you so much , goodbye !",
+ "No thanks . You took care of all I needed . Have a great day . Goodbye .",
+ "No , that will be all . Thanks again . Bye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you . Goodbye .",
+ "goodbye !",
+ "No , that is all . You have been very helpful . Thanks . Bye .",
+ "Thank you , goodbye .",
+ "Thank you , good bye .",
+ "Ok , thank you ! Goodbye",
+ "Thank you . Goodbye .",
+ "Thank you , Nirala sounds good . Goodbye .",
+ "Thanks so much , goodbye .",
+ "I apologize . I wo n't be needing anything else . good bye",
+ "That 's all . Thanks . Bye .",
+ "No , that 's everything . Goodbye .",
+ "Thank you . That was all I needed . Goodbye .",
+ "That was all for now . Thank you for your help . Goodbye .",
+ "Thanks a lot . I appreciate it . That 's all I need . Bye !",
+ "There 's nothing more that I need . Thanks , bye !",
+ "No , you have been very helpful . Thank you . Good bye .",
+ "No thank you that was all , Goodbye .",
+ "No , that is all . Thanks , goodbye .",
+ "Thank you good bye",
+ "I have everything I need . Thank you . Goodbye .",
+ "No thanks , that will be all for me . Goodbye .",
+ "I will . Have a nice day . Bye .",
+ "No , you have answered all my questions . Thank you very much . Good bye .",
+ "Thank you goodbye .",
+ "No , thanks . That does it for me . Take care . Goodbye .",
+ "No actually , that was all I wanted help with today ! Thanks a whole bunch ! ! Goodbye",
+ "You 're welcome and goodbye .",
+ "Thank you Goodbye .",
+ "No , thank you . I do n't have any other questions at this time . Goodbye .",
+ "That is all I need . Good bye .",
+ "No that is ok I need to think about it goodbye",
+ "I will . Thank you , goodbye .",
+ "Nope you gave me everything I wanted to know . Thanks bye !",
+ "That 's all ! Thanks for all the help . Goodbye .",
+ "Thank you goodbye .",
+ "Perfect . Thanks so much for your help . Bye !",
+ "No , that 's all for me . Thanks ! Goodbye !",
+ "No thank you . That will be it . Thanks and goodbye .",
+ "No , that is all . Thanks so much . Bye .",
+ "That 's all , thank you for your help . Good - bye .",
+ "Thank you , that will be all . good bye .",
+ "Thank you much , goodbye .",
+ "No thank you , goodbye .",
+ "No thank you . Have a great day . Goodbye",
+ "Thanks very much . Goodbye",
+ "Not now . Thanks for your help , goodbye .",
+ "No , that 's all for now . Thanks , again . Goodbye .",
+ "You have been very helpful . Thank you . goodbye .",
+ "Thank you , goodbye .",
+ "Thanks , that 's all I need . Goodbye .",
+ "That 's all I need today thanks for all the help . Bye",
+ "Thank you , that is all . Goodbye .",
+ "Thank you for serving me , goodbye .",
+ "No . Thanks you . That 's all . Goodbye",
+ "Yes , thank you . Goodbye .",
+ "No , that was all I needed right now . Thank you , goodbye .",
+ "Thank you goodbye .",
+ "No , you ' ve helped me with everything ! Thanks , bye !",
+ "That 's awesome . Thanks . I think that will do it for today . Goodbye .",
+ "Sounds perfect . Thank you so much . I wo n't need anything else right now . Bye .",
+ "Thanks for all your help . That will be all for today . Goodbye",
+ "Thank you so much for your time today . I appreciate your help ! Goodbye !",
+ "Thanks . Goodbye .",
+ "Thank you goodbye .",
+ "Yes that is all I needed thank you and goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "I hope you have a great day as well . Goodbye .",
+ "No . I think that is all . I think you were a lot of help . Bye .",
+ "That is it for today . Thank you so much for your help . Good bye .",
+ "That is all . Thank you , goodbye .",
+ "Thank you very much for the help . Good bye !",
+ "Ok . Good bye !",
+ "Goodbye have a nice day !",
+ "You have been a great help . Thank you so much . Have a wonderful day and keep up the great work . Goodbye",
+ "I hope so . Thanks , again . Goodbye .",
+ "That will be all , goodbye .",
+ "Thank you , goodbye !",
+ "That 's everything I need . Thank you . Goodbye .",
+ "No that was all I needed thank you . Goodbye .",
+ "Thank you . Good bye .",
+ "No thanks . I have all I need now . Have a good one . Bye .",
+ "Thank you and goodbye",
+ "No thank you ! That will be all ! Have a great day ! Bye !",
+ "Thank you , goodbye",
+ "goodbye",
+ "Thank you . I think that 's all I need today , goodbye .",
+ "No that 's everything for me . Thanks . Bye !",
+ "Thank you . Goodbye .",
+ "Thank you very much . I am all set . Bye .",
+ "awesome , that 's all i needed , bye !",
+ "That 's it ! Bye !",
+ "Thank you , that is all I need . Goodbye !",
+ "That is all I need , thank you good bye !",
+ "Thank you goodbye .",
+ "Thank you , that 's all I need . Good bye .",
+ "Great that 's all I needed . Thank you . Bye .",
+ "Thank you , goodbye",
+ "Thanks so much ! Your help is appreciated . Have a nice day . Goodbye .",
+ "That 's it . Thank you , goodbye",
+ "Thanks for your help . That was all I needed to know . Goodbye .",
+ "No thank you . That 's all I needed . Good bye .",
+ "No , you took care of it all . You were very helpful . Have a great night ! Goodbye .",
+ "Okay , I will if I need to ! I appreciate your help . Goodbye .",
+ "Great , thank you so much ! Goodbye !",
+ "I think that is all , bye .",
+ "Thank you , that is all I need . Bye .",
+ "You have been very helpful . I have everything I need , thanks . Bye",
+ "No , you have been extremely helpful . Thanks for everything . Bye .",
+ "No that will do it . Thanks a lot . Goodbye .",
+ "No , that 's it . Thanks for your help . Goodbye .",
+ "That 's all I needed today ! Thanks for all your help ! Bye !",
+ "Nope , that 'll be all , thanks . Bye !",
+ "That 's all I need . Thanks , good bye .",
+ "No that will be all for today . Thank you for your help . Goodbye",
+ "Thank you goodbye .",
+ "I will call now , thanks . Goodbye .",
+ "Thank you . Goodbye !",
+ "No , thank you . Goodbye .",
+ "no thank you . that 's all I need . good bye",
+ "Nope , that 's all I needed . Thanks for your help . Goodbye !",
+ "Perfect ! That is all I needed . Thank you for the help . Goodbye !",
+ "Okay thank you . That was all I needed to know . Goodbye .",
+ "I ' m all set . Have a nice day . Bye .",
+ "No , thank you . That is good . Good bye .",
+ "Thanks so much . That was it for me for today . Have a good night . Bye .",
+ "Great ! That is all I 'll need . Thank you and goodbye .",
+ "Thank you ! That 's all I need . Goodbye !",
+ "No , that will be all . Good bye .",
+ "Thank you for booking it . Goodbye .",
+ "No , actually that did it . I have all I need . Thanks again . Goodbye .",
+ "That is all I needed . Thanks a bunch . Bye .",
+ "That is all I needed , thank you . Good bye !",
+ "Thanks , I will . Bye !",
+ "Great , that 's all I needed ! Thanks ! Bye !",
+ "Thank you , goodbye .",
+ "Good bye .",
+ "Thanks , that 's all . Good bye .",
+ "Thank you for arranging the lodging and transportation . That 's all I need . Goodbye .",
+ "Thank you so much . That will be all today . Goodbye",
+ "Great thank you . That will be all for today . Goodbye",
+ "No thank you that is all I needed . Goodbye .",
+ "Thank you . What a relief everything is set up now . Again , thanks . Goodbye .",
+ "That will be all today .. Thanks . Goodbye",
+ "Thanks , that 's all . Good bye .",
+ "Thank you and goodbye .",
+ "Thank you for all your help today ! Goodbye",
+ "Thank you , goodbye",
+ "Thanks that s all I need today , goodbye .",
+ "Great , thanks ! That s all I need . Goodbye .",
+ "I sure will , thanks . Goodbye",
+ "You ' ve given me everything I need . Thanks . Goodbye .",
+ "Bye , take care",
+ "I will . Goodbye .",
+ "No thanks . That would be all . I appreciate your help . Take care . Bye .",
+ "Thank you Goodbye",
+ "Thank you , good bye",
+ "Actually , that was all I needed . Thanks so much . Goodbye .",
+ "That will be all . Thank you for your help . Goodbye .",
+ "Thank you goodbye .",
+ "Thank you , goodbye .",
+ "That is all I need , thank you , goodbye !",
+ "Nope , that 's it . Thank you . Bye now",
+ "No , thank you . Great service . Goodbye .",
+ "No , thank you . You have been very helpful . Goodbye .",
+ "No , that is it . Thank you , good bye .",
+ "Nothing else . Thanks for your great help . Goodbye .",
+ "thanks . i think that s take care of everything for me . thanks . bye .",
+ "No thank you . That was all I needed to know . Thanks and goodbye .",
+ "Thank you , goodbye .",
+ "Thank you . That 's all I need today . Goodbye .",
+ "Thanks for all your help . That 's all for me . Bye !",
+ "No , that is it for today , thank you and goodbye .",
+ "Thanks . Well , I guess that 's all I need today . Thanks for your help . Goodbye .",
+ "Thank you goodbye",
+ "Thank you goodbye .",
+ "Thank for the help , goodbye !",
+ "Thanks , that 's all . Good bye .",
+ "Thank you . Goodbye .",
+ "thank you , goodbye !",
+ "That is all I need . Bye , thanks .",
+ "That 's all I need . Thanks , good bye .",
+ "Thanks , I do n't need any further assistance . Bye !",
+ "thanks and goodbye",
+ "That 's it . Thank you , goodbye !",
+ "Again , thanks for all of your help today . Good bye .",
+ "No thanks . I ' m actually not booking at this time . Thanks for your help . goodbye",
+ "That is all . Good bye .",
+ "Thanks . That 's all I need . Good - bye .",
+ "Thank you . That is all for today . Goodbye",
+ "Thank you so much for your help . Have a nice day . Bye .",
+ "That 's all I needed . Thanks . Bye .",
+ "Goodbye !",
+ "Thank you , that is all for today . Goodbye",
+ "Thank you for your help . Goodbye .",
+ "That should cover it . Thanks for your help . Goodbye !",
+ "I am grateful for all your assistance . Wonderful service . Goodbye .",
+ "No , that 's all . Thank you , good bye .",
+ "Thank you , I think that will be everything . Goodbye .",
+ "No , that is all I need , thank you . Bye .",
+ "Nope , that 's all I needed . Thanks , and goodbye !",
+ "Not at this time . Thank you for all the information . I ' m all set . Good bye .",
+ "I hope to . Thanks again . Bye .",
+ "No , that is all . Good bye .",
+ "Okay thank you I wo n't be needing any more from you today . Goodbye",
+ "Nope , I ' m all set . Goodbye !",
+ "Thank you and Goodbye",
+ "Thanks so much . Goodbye .",
+ "That 's okay , thanks so much for your help . Have a good day now , bye !",
+ "Thanks again for all your help . Goodbye .",
+ "Thank you , good bye .",
+ "Nope , that 's all I needed today . Thank you , goodbye !",
+ "Ok , that 's ok . I 'll take care of it later . Thanks so much . Good day to you . Bye .",
+ "That 's what I needed for now . Thank you very much . Goodbye .",
+ "Okay , I ' m all done for today . Thanks , bye",
+ "No , you ' ve been great . Thanks for your time . Bye .",
+ "Thanks so much for all the help ! There 's nothing else for me . Goodbye !",
+ "Thank you goodbye .",
+ "That 's wonderful . Thank you for your assistance , bye !",
+ "No thank you . That 's all I need . Thank you and goodbye !",
+ "Thank you goodbye",
+ "I ' m not booking it now , just gathering information which you have provided . Thank you very much ! That is all I need . Goodbye .",
+ "no , thank you and good bye",
+ "No , that is all that I needed . Thank you so much for your help ! Goodbye .",
+ "No thank you . That 's all I needed . Good bye .",
+ "Thank you . Goodbye .",
+ "Thank you goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Thanks a bunch ! I could n't have done it without you . Bye .",
+ "thank you . you took care of all my needs . thanks . bye .",
+ "Oh , no . That answered all my questions . Thanks . Goodbye !",
+ "Thanks for your help . Bye .",
+ "Thank you and goodbye .",
+ "Thanks ! That 's all I needed today . Goodbye !",
+ "Nothing else right now . Thanks for the booking . Goodbye .",
+ "Thank you , and goodbye .",
+ "No thank you . Goodbye !",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "No , that would be all . Thanks . Bye .",
+ "Thank you ! Goobye .",
+ "Yes that was all I needed to today . Thank you goodbye .",
+ "No , thank you , I have all I need . Goodbye !",
+ "Again , goodbye !",
+ "Thanks a bunch . Have a great night . Take care . Bye .",
+ "Thank you for the information . Goodbye .",
+ "Have a great day . I am all set . Goodbye .",
+ "That 's it for me today . Thank you , bye",
+ "That 's it , goodbye",
+ "Okay , thank you so much ! I do n't need anything else then , goodbye !",
+ "thank you that will be all goodbye",
+ "No . That actually takes care of everything . Thanks . Goodbye .",
+ "Yes , I am relieved . I have no more questions . Thank you for your persistence . Good bye .",
+ "Wonderful . I have everything I need . Thank you . Goodbye .",
+ "no . i ' m going to head out now . it was great that you could help . goodbye .",
+ "Thanks , I think that 's all I need right now . Bye",
+ "Thanks so much . I think I have all the info I need . Have a good day . Bye .",
+ "Thanks for all of your help , I ' m all set now . Bye .",
+ "Thank you , goodbye .",
+ "You have . Thanks again . Good - bye .",
+ "No thank you . That is all . Have a good night . Goodbye",
+ "Thank you for your help . Good bye .",
+ "Thank you , goodbye .",
+ "No thanks . That 's all I need . Goodbye .",
+ "Thank you . Good bye .",
+ "Thanks , that 's all . Good bye .",
+ "Great ! Thanks . Have a good night . Bye .",
+ "I know we will . Thanks so much . Good - Bye .",
+ "Not right now . Thanks for the information though ! Have a great day ! Goodbye .",
+ "Good bye .",
+ "Thank you , goodbye",
+ "Actually , I wo n't be able to stay in town for dinner this time . Thanks for everything you ' ve helped me with . Bye .",
+ "Thank you for your research . I have no more questions . Goodbye .",
+ "That is all I need , thank you . Good bye .",
+ "Thank you . That was all I needed today . Goodbye .",
+ "Thank you goodbye",
+ "Thanks , that 's all I need . Good bye .",
+ "that takes care of everything i need . thanks for the help . bye .",
+ "Thanks so much . That will be all for today . Goodbye",
+ "That 's all I need . Thanks , good bye .",
+ "I actually do n't need anything else today . Thank you ! Bye !",
+ "No thank you ! Thanks for everything ! Bye !",
+ "Okay sounds great . Bye !",
+ "Thank you , goodbye .",
+ "Great ! Thank you for your time . Nothing else for now , goodbye .",
+ "No , that 's all I needed . Thanks ! Bye !",
+ "Thank you ! There will be nothing else , goodbye .",
+ "I have everything I need . Thanks . Goodbye .",
+ "Thank you goodbye",
+ "No , that was all I need , thanks . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !",
+ "Thanks for all of your help today . That is all I need . Bye .",
+ "No , thank you , that does it . Thank you and goodbye !",
+ "That is all , goodbye .",
+ "Thank you goodbye",
+ "No , you have been very helpful . I have all of the information I need for now . Thanks so much , bye .",
+ "That 's all , goodbye !",
+ "That is all , thank you , goodbye .",
+ "Thanks that will be all I ' m needing today . Goodbye .",
+ "Great . Looks like I have all the information I need . Thanks so much . Bye .",
+ "not at this time but thank you so much for all your help . Goodbye",
+ "Thank you goodbye",
+ "Thank you so much ! Goodbye !",
+ "Thank you , goodbye",
+ "I will , good bye .",
+ "Have a great day as well . Goodbye .",
+ "No , thank you ! Goodbye .",
+ "No , you have been very helpful , thank you . Good bye .",
+ "No , thank you for your quick help . Bye .",
+ "No , that is all thank you so much . Bye .",
+ "No . That will be all for today . Thanks and goodbye .",
+ "Terrific . I appreciate your help . Good bye !",
+ "Thank you , goodbye .",
+ "No , that 's all . You ' ve been a great help , thanks . I ' m sure my visit will be fun . Goodbye !",
+ "No that would be all . Thank you and good bye .",
+ "That 's ok . I 'll call for it . Thanks again . Bye for now .",
+ "Thank you . Goodbye .",
+ "That is all I need for today . thank you . Goodbye .",
+ "No thanks . I think that 's all I needed . Goodbye .",
+ "Thank you for giving me the information . Good bye .",
+ "Goodbye . I really appreciate your help .",
+ "Thank you , goodbye .",
+ "Thank you , goodbye .",
+ "No , thank you . goodbye !",
+ "That would be it . Thank you so much . Bye !",
+ "Ok . Thanks for your help . Goodbye .",
+ "No , that 's all I need . Thank you for all your help - goodbye !",
+ "Thank you . Good - bye .",
+ "Thank you . Goodbye .",
+ "Great , you have been very helpful today . Thanks . That is all I need . Bye .",
+ "No , that is all for now . Thank you for your help . goodbye",
+ "No , you ' ve been very helpful . Thank you . Goodbye",
+ "Nope , that 's all for me . Thanks for your help . Goodbye !",
+ "No , that 's all that I need . Thanks , good bye .",
+ "Thanks . That 's all I need . Goodbye .",
+ "Thanks for all your help ! That will be all . Goodbye .",
+ "Thanks I appreciate it . Bye !",
+ "That is all I need . Goodbye .",
+ "Thanks , you to . Good bye .",
+ "Nope . That 's all . Goodbye .",
+ "Nothing else . I think that 's all I needed . Have a good day . Bye .",
+ "No , that will be all . Goodbye .",
+ "Thanks . That takes care of everything for me . Bye !",
+ "That should do it , thanks so much for your help . Bye !",
+ "Great , thanks so much for your help . There 's nothing more , bye !",
+ "No , that will be all . Thank you and goodbye !",
+ "Thank you goodbye .",
+ "Thanks , that 's all . Good bye .",
+ "Great , thank you ! That 's all for today ! Bye bye !",
+ "No , thank you , goodbye .",
+ "Goodbye .",
+ "Great . I 'll call back if I need anything . Goodbye .",
+ "No , that 's all . Thanks , goodbye .",
+ "Awesome ! Thanks . That 's all I needed . Have a good one . Bye .",
+ "I really have to go now . I ' m going to be late for work . Thanks for the help . Goodbye .",
+ "No , thank you , goodbye ,",
+ "nope . nothing at all . i got what i needed . thanks . bye .",
+ "Finally some good news . Great , thanks for help , bye !",
+ "No , thank you . I have everything I need right now . Goodbye .",
+ "Thank you goodbye .",
+ "Great . I just needed to know one would be available if I decide to make the trip . You ' ve been a great help . Thanks . Bye .",
+ "Nope . That 's all . Thanks a bunch . Goodbye .",
+ "Thanks ! That 's all I need . Goodbye !",
+ "Thank you for all your help today . Goodbye .",
+ "Thank you , goodbye .",
+ "Goodbye again , thanks for your help .",
+ "Okay , thanks so much for your help . Goodbye !",
+ "No , I am all set . Goodbye .",
+ "Nope , that 's all I need today . Thank you for your help - goodbye !",
+ "You ' ve been great . That 's all I need for tonight . Thank you . Goodbye .",
+ "Thank you so much , Goodbye !",
+ "That 's it . Thank you , goodbye",
+ "You have answered all my questions . I appreciate it . Goodbye .",
+ "Thank you , goodbye .",
+ "Thank you Goodbye .",
+ "I think that will be all for now , thanks . Bye .",
+ "Thank you , that will be all . Goodbye .",
+ "Thanks , you too . Goodbye .",
+ "It 's one of my favorite places to visit . Thanks . Goodbye .",
+ "No , that is all I needed . Thank you . Bye bye .",
+ "Thank you , good bye .",
+ "Thank you , you as well , goodbye .",
+ "Thank you goodbye .",
+ "Thank you . Good bye .",
+ "That will be all , thank you and goodbye .",
+ "Thanks , that 's all for today . Goodbye .",
+ "No , that 's all I need today . I appreciate your help - goodbye !",
+ "Thanks so much , you ' ve been really helpful . Have a great day . Bye !",
+ "Thanks so much , I ca n't wait . Bye .",
+ "Thank you , goodbye .",
+ "Thanks so much ! I ' m all finished now , goodbye !",
+ "Thanks , Have a good day . Goodbye .",
+ "Thank you for your help , goodbye .",
+ "Good bye .",
+ "No , that 's all I needed . Thanks and bye !",
+ "No . Thanks for all your help . Goodbye",
+ "No thank you . Thanks for everything ! Bye !",
+ "Thanks a lot . That does it for me . Goodbye .",
+ "Thanks , that 's all I needed today . Goodbye !"
+ ]
+ },
+ "general-greet": {
+ "none;": [
+ "Hello . I am coming into town and would like help finding a play to stay .",
+ "Hello . I ' m looking for a place to dine tonight . I would n't like anything expensive , and I 'd prefer something in the city center .",
+ "Hello , I am looking for a guest house .",
+ "Hello ! I ' m planning a trip to Cambridge and am interested in hearing about places to stay .",
+ "Hello . I ' m looking for a few good places to see in town on my next visit to cambridge .",
+ "Hello , could you please find me a place to dine ?",
+ "Hello ! I ' m staying in Cambridge for the first time and I ' m looking for places to go that are near me . Can you help me find multiple sports ?",
+ "Hello , are you still there ? Its been a few minutes . I ' m kind of in a hurry , is there a problem with the booking ?",
+ "Hello , I am looking for a place to stay in Cambridge .",
+ "Hello , can you give me some information on places to go in town ?",
+ "say hi to your family .",
+ "Hi I was just robbed ... Can I get some help ?",
+ "Hello . I am looking for a recommendation for a place to eat .",
+ "Hello , I ' ve been robbed , my valuables were stolen .",
+ "Hello , I am looking for some entertainment .",
+ "Hello ! I am planning my trip to Cambridge and need information on places to stay .",
+ "Hi there , I need a swimming pool . The kids want to swim !",
+ "Hi there , I ' m looking for information on Darry 's Cookhouse and Wine Shop .",
+ "Hello , I ' m looking for a swimming pool in town .",
+ "I am in a hurry , this is odd . Hello ? Can anyone help me ? Can I speak with your supervisor ?",
+ "Hello , can you help me with my plans as far as finding a place to stay ?",
+ "Hello . I am traveling and will be making a stop in Cambridge . I have done some research and need some details .",
+ "Hello , can you help with my planning ? I am looking for a place to stay .",
+ "Hi there . I am looking for some information on places to go in town .",
+ "Hello ! I am looking for places to stay in Cambridge . Can you help me with this ?",
+ "Hi there , can you help me with my trip planning ? I am trying to find a good place to stay .",
+ "Hello , are you still there ? You said that you would reserve it but never did anything , it has been 55 minutes .",
+ "Hello . I ' m trying to find some places to go in town . Can you help me with that ?",
+ "Hello , I am planning my trip to Cambridge and need some help finding places to go in town when I get there .",
+ "Hello i ' m looking for places to go in cambridge please .",
+ "Hi there , can you help me with my trip planning ? I am trying to find a good place to stay .",
+ "Hi there , can you help me with some upcoming plans ? I am looking for places to go .",
+ "Hello , I am planning a trip for next month . Can you suggest some places to go in town ?",
+ "Hello , I ' m looking for places to go in Cambridge . Ideally it should be located in the centre and it should include multiple sports .",
+ "Hello , can you help me with my plans as far as finding a place to stay ?",
+ "Hello , is lan hong house still in operation ?",
+ "Hello I am looking for a place to go , can you help me ?",
+ "Yes , hello . I ' m trying to find a particular museum , can you help me with that ?",
+ "Hi I am looking for places to go in the center of town .",
+ "Hello , I would like information on Milton County Park .",
+ "Hello , I need information about Old Schools .",
+ "Hello , I need a place to eat in the center of town .",
+ "Hi is there any deals for tourists that will be a great price ? so i can book them all at the same time ?",
+ "hi how are you ? may i help you sir ?",
+ "Hi I ' m looking to find a guest house with free Wi - Fi , any suggestions ?"
+ ]
+ },
+ "general-thank": {
+ "none;": [
+ "Thank you that will be all for now .",
+ "Thank you for all the help ! I appreciate it .",
+ "Thank you . That 's all I needed .",
+ "That 's all I need for today . Thanks for your help !",
+ "Great that 's all that I needed to know , thank you !",
+ "Thank you that will do .",
+ "That 's all I need right now . Thanks , you have been very helpful !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Also , thanks for the apology . I do n't need anything else at this time .",
+ "That 's all I need today , thank you .",
+ "No thank you , I 'll just give them a call . That 's all I needed for now .",
+ "Thank you . That is all I need .",
+ "Ok sounds good . Thank you !",
+ "That is all . Thank you for your help !",
+ "No , I do not think so . Thank you for your help .",
+ "Thank you . That is all that I need .",
+ "That is all for now thank you .",
+ "No thank you that was all I needed today .",
+ "Ok , thank you , that will be all I need for now .",
+ "No , I do n't need to . I was just curious about it . Thank you for all of your help .",
+ "No . That 's everything I needed and then some , actually ! Thanks , take care !",
+ "no I do n't need you to do that , thank you",
+ "That is all . Thank you !",
+ "No thank you . Thank you for your help .",
+ "That 's it . Thank you .",
+ "No , that is all . Thank you so much for your help .",
+ "That 's all I need for now . thank you very much .",
+ "Thank you for your help !",
+ "That is all , thanks again .",
+ "No , we are all set , thanks for making this trip easier .",
+ "That all thank you very much for all your help .",
+ "No that will be everything , thank you !",
+ "that will be okay for now thanks",
+ "Thank you . I appreciated your assistance .",
+ "I am not sure of the type of food but could you please check again and see if you can find it ? Thank you .",
+ "Thank you that is all the information I need at the moment .",
+ "That will be all . Thank you !",
+ "Thank you very much ! That is all I need for today .",
+ "Thanks for your help !",
+ "No that will be all . Thanks !",
+ "No thanks . Would you book the Autumn House for me starting on Monday , please .",
+ "That should be all I need . Thanks for your help .",
+ "Nope , that 's it . Thanks !",
+ "No that would be everything , thank you !",
+ "Thank you , I will .",
+ "No , I think that will be all . Thank you for your help !",
+ "Thank you very much .",
+ "Okay , great . Thanks for your help !",
+ "ok thank you so mucy",
+ "Thank you so much ! That 's all I need .",
+ "Thank you . I have all I need . Goodnight .",
+ "That 's it . Thank you !",
+ "No that will be all . Thanks !",
+ "Thank you . Can you book it for me ?",
+ "Nope , that 's all I needed . Thank you .",
+ "No , thanks for your help .",
+ "No that will be all the info I need thank you .",
+ "That 's it . Thanks .",
+ "Thanks ! I will definitely try to .",
+ "Thanks so much ! That 's all I needed for today .",
+ "You too . Thanks again .",
+ "That sounds fantastic ! Thank you !",
+ "That is all . Thanks for your help .",
+ "That 's literally every thing I needed today . You ' ve been amazing , thank you so much !",
+ "No , that would be fine . Thank you . That was all I needed for today .",
+ "No thank you , I was just pre - planning a route .",
+ "No , that should be all for now . Thank you for the help !",
+ "No , I think that 's it for right now . Thanks .",
+ "Thank you for your help . Have a great day .",
+ "That is all I needed , thank you .",
+ "Thank you . That is all I need today .",
+ "Make sure you get contact number and i 'll be there as soon thank you",
+ "Thank you very much , I think that 's all I needed .",
+ "That sounds perfect , thank you .",
+ "No , that is all I need today , thank you .",
+ "That wo n't be necessary thanks .",
+ "Sounds like a plan . Thank you for all of the help !",
+ "That 's all for now . Thank you so much .",
+ "No , I think that 's all I need for now . Thank you so much for your help !",
+ "Thank You",
+ "Thank you , you have been very helpful . I think that is all I need .",
+ "No . Thank you very much for your help .",
+ "No , I think that is everything I can think of . Thanks for your help !",
+ "Thank you . That 's everything I will need today .",
+ "Great . Thanks for all your help !",
+ "That 's it ! Thank you for all your help !",
+ "No thank you , that 's all the information I need .",
+ "Thank you , I wo n't be needing anything else .",
+ "No , that sounds about right . Thanks .",
+ "Thanks for all of your help you ' ve been great !",
+ "Thank you that is all I need",
+ "Thank you so much for all your help !",
+ "Great ! That 's all I need . Thank you for your help .",
+ "No , that is all for today . Thanks so much !",
+ "I ' m actually all set now , thanks so much ! Take care now !",
+ "That 's all . Thank you !",
+ "Yes , I 'd like that . Thank you so much !",
+ "Thanks , that 's all I needed today !",
+ "No , thank you . I believe that is all I need today .",
+ "No , that was all the information I needed . Thanks so much . Have a good day .",
+ "Thanks so much for your help .",
+ "No that will be all . Thank you .",
+ "Thank You",
+ "No thank you . Appreciate your help .",
+ "Great , thanks for your help !",
+ "That is all I need , thank you for your help .",
+ "Thanks ! I need the reference number please .",
+ "No , that 's it . Thanks a bunch .",
+ "I think that is all I need for today . Thank you for all your help !",
+ "Thank you so much !",
+ "I ' m not ready to book but I appreciate your help . Thanks !",
+ "Thank you so much !",
+ "Great , thank you for your help .",
+ "No , that will be all . Thank you .",
+ "adress and phone number please and thank you",
+ "Great that is all I need for now thank you .",
+ "Yes , thanks for all your help today .",
+ "Great , thanks ! That was everything .",
+ "That is all I need . Thank you .",
+ "No , that 's all I need for now , thanks !",
+ "That 's all for now . Thank you",
+ "That is all . Thanks so much !",
+ "Thank you so much for this information .",
+ "That 's all for now , thank you .",
+ "Thank you for your help , I 'll pick up tickets at the station .",
+ "Thank you , I think that is it , enjoy your day !",
+ "Great ! That should be all I need . Thank you for your help .",
+ "Thank you . That is all I need for now .",
+ "No thank you that will be all",
+ "No that will be all . Thanks for your help !",
+ "No , that 's all I need today . Thank you for your help !",
+ "No , that 's all I needed . Thanks for your help . Cheers !",
+ "That will do it . Thank you for your assistance ! Have a good day !",
+ "No , thank you . I do n't need a ticket at this time .",
+ "That is all for now . Thank you .",
+ "Thank you ! That will be all .",
+ "This time that is everything , thank you for your help .",
+ "Curry Prince sounds good . Thank you .",
+ "I am all set . Thanks !",
+ "Thank you for the information",
+ "No that will be all . Thanks for your help !",
+ "Thank you for your help .",
+ "Thanks for all your help . That will be all for today .",
+ "No , that should be it . Thanks !",
+ "No , thank you , that 's all I need .",
+ "OK , thank you , that is everything that I need .",
+ "No , that is all that I needed . Thank you for your help !",
+ "Thanks for your help have a great day .",
+ "No , that 's okay . Thanks !",
+ "Thanks , that takes care of everything for me . Have a good one !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "No , thank you and that is all i needed .",
+ "Okay . Thank you for your help . That is all I believe .",
+ "Great thank you . What is the address for the Alpha - Milton ?",
+ "Okay , I think that will do , thank you so much .",
+ "No . That is all . Thank you !",
+ "that will be ok . thank you for your help",
+ "No , that 's all . Thank you .",
+ "I will . Thanks again !",
+ "that 's great . thanks",
+ "No thank you .",
+ "Nope , that 's everything . Thanks a bunch !",
+ "No , that 's all I need , thanks !",
+ "No , that 's all . Thank you .",
+ "Thank you . that will be all .",
+ "Yeah anytime thanks again .",
+ "That 's all I needed , thanks so much for the assistance !",
+ "Anywhere should be fine , thanks !",
+ "Thank you very much for you help . Have a nice day .",
+ "Excellent . Thanks a lot . I think that 's everything I need .",
+ "No thanks , just gethering info for the real boos , my wife . I have no further questions .",
+ "Yes that is all I need , thank you .",
+ "Thank you for your help today .",
+ "Great , thank you so much .",
+ "No thank you . Please tell me about the ticket pricing and time of travel",
+ "That is all , thank you for your help today .",
+ "Not just yet . I have everything I need for today . Thanks so much for your help ! Have a great day !",
+ "Thank you so much . That is all I will be needing today . Have a nice evening .",
+ "I do n't think I need it , but thanks for asking . Have a good day .",
+ "Thank you , you ' ve been a great help .",
+ "No thank you , that 's all for now !",
+ "Thank you for your time and help , sorry for the confusion . Have a great day !",
+ "That would be all thanks you very much",
+ "Thank you for looking that up for me .",
+ "No that will be all , Thanks !",
+ "Awesome , thank you !",
+ "Thank you for the information to Archway House . That will be all for now .",
+ "No , that 's everything I needed today . Thank you !",
+ "That takes care of everything . Thank you for the help .",
+ "Not at this time thank you .",
+ "Nope , that 's all I need . Thanks !",
+ "Thank you !",
+ "No , I think that 's all I need . Thank you !",
+ "Thank you very much . That will be all for today . I appreciate all your help .",
+ "Thank you . That 's all I needed today .",
+ "No that 's all . Thank you !",
+ "That 's all thank you !",
+ "Thank you , that will be all I need .",
+ "Yes . Please book that for me . Thanks so much !",
+ "I think that about does it . Thanks for the help today .",
+ "No that will be all thank you .",
+ "Great . Thanks for all your help !",
+ "Thank you that is all I need today .",
+ "That 's perfect . Thank you for all of your help .",
+ "yes that 's pretty good . Thanks !",
+ "No that is it . Thank you .",
+ "That 's everything I need . Thank you for your help .",
+ "No , that 's all . Thank you .",
+ "No , not at this time . I just needed the information . Thank you and have a nice day .",
+ "No that was all I needed thank you so much .",
+ "Thank you . That is all for now .",
+ "Um ... no , I think I should be good with that . Thanks .",
+ "Thank you very much . I am all set . Have a nice day .",
+ "No , that will be all , thank you .",
+ "Thank you much . I also need to find a place to stay .",
+ "That sounds great . Thank you .",
+ "No that is all . Thank you",
+ "Thank you . That is all I need .",
+ "No that is all , thank you , cheers .",
+ "no that 's all thanks !",
+ "Great that 's all I needed , thank you !",
+ "Thank you ! That will be all .",
+ "That would be it thank you very much .",
+ "Great , thanks .",
+ "No , that 's it . Thank you for your help !",
+ "No , thank you . That 's all I need .",
+ "That would be great , thanks .",
+ "No I ' m all set . Thanks for the help !",
+ "Thanks , you too !",
+ "No , that 's perfect . Thanks !",
+ "Okay . Thank you very much for your help .",
+ "That will be it . Thank you very much for your time .",
+ "No , that 's all I need . Thank you !",
+ "Thanks , I ' m also looking for a place to go in the same area .",
+ "Thank you for all your information .",
+ "nope that 's it thanks",
+ "Thank you , this is great .",
+ "Thanks so much ! You ' ve been helpful .",
+ "No , that 's all . Thank you !",
+ "That 's all I need . Thanks .",
+ "Thank you that is all I need today .",
+ "Very good , that 's all . Thanks .",
+ "That 's all I need for today , thank you !",
+ "That 's all I needed . Thank you !",
+ "Thank you very much . That is all for today .",
+ "Yes I am sure . Thank you .",
+ "No , that 's all I need from you today , Thanks a bunch !",
+ "That will be all , thanks for all of your help",
+ "Thank you ! Have a great day .",
+ "Thank you , that is all I need for now .",
+ "No , thank you for your help !",
+ "No thank you .",
+ "Ok , that 's all the information I need . Thank you for your help .",
+ "No thank you . That will be everything I need today . You have a nice day .",
+ "No , that 's it . Thank you for all your help .",
+ "Thank you , that 's all I need today .",
+ "Thank you so much for your help .",
+ "Nope . You have been so helpful . Thank you !",
+ "Thank you so much for all your help .",
+ "OK , thank you so much , that is all that I need .",
+ "That 's everything I needed . Thank you .",
+ "That 's perfect , thanks !",
+ "Thank you for reserving that for me . That 's all I need today .",
+ "No Thank you . I think that will be everything today .",
+ "Thank you for your time .",
+ "No that will be all ! Thank you !",
+ "No , that will be everything . Thanks for your help .",
+ "No booking needed . I have everything I need . Thank you and have a nice day .",
+ "Thank you for your help . That was all I needed for today . Thanks .",
+ "That 's all I needed today , thank you .",
+ "that is all i needed for today . thanks for helping",
+ "Ok thank you ! That is all I need .",
+ "No , that 's all . Thank you",
+ "No , thank you . I 'd just like to have the information for now .",
+ "Thank you for your help !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No , thank you .",
+ "That will be all . Thank you for all your help .",
+ "Thank you for your help .",
+ "That 's all for now . Thank you",
+ "No that is all i need , thank you",
+ "Thanks ! I also need a guesthouse to stay in .",
+ "Well thank you i am done .",
+ "Thank you for all the help .",
+ "Sounds great . Thank you for the info !",
+ "No , thank you so much for your help today . Have a good day !",
+ "That takes care of what I needed today . Thanks and have a good day .",
+ "Sounds good thank you .",
+ "Thank you . That is all I need .",
+ "Actually , I ' ve changed my mind . I ' m going to wait on that reservation , thanks .",
+ "That 'll be all ! Thank you !",
+ "That is all . Thank you .",
+ "Thanks , does it have free wifi as well ?",
+ "Yes that 's all . Thank you very much .",
+ "Thank you very much for all your help today . That is all I need for now .",
+ "Nope , That 's all I need . Thank you .",
+ "thanks for all of your help",
+ "No thank you . Not at this time .",
+ "That will be all today . Thank you .",
+ "That is all , thank you for your help .",
+ "Thank you so much , that 's all I need",
+ "Thanks so much , that sounds perfect .",
+ "No , I think that covers everything . Thanks so much for your help .",
+ "No , that 's all thank you",
+ "Thank you so much . Would you be able to book it ?",
+ "No that was it . Thank you so much for your help .",
+ "Thanks . Have a good rest of the day .",
+ "No that will be all . Thanks .",
+ "No that 's it ! Thank you for your help !",
+ "Nope , that 's all , thanks . You ' ve been most helpful today . Most helpful , indeed .",
+ "That should be all . Thank you for your help .",
+ "No thank you ! That will be all !",
+ "That takes care of it . Thank you very much .",
+ "No , that 's everything . Thanks for your help .",
+ "No , thanks , just the information is enough .",
+ "No that will be all today . thank you .",
+ "Great , thank you for your help .",
+ "No that is it , thank you !",
+ "Thank you for your help .",
+ "That 's it . Thank you so much for your help .",
+ "No , thank you . I have everything I need for now .",
+ "Great , that sounds perfect . Thanks !",
+ "Not today , thank you so much for your help . I appreciate everything you do .",
+ "Thanks , I ' m all set here . You can end the conversation now .",
+ "Thanks very much for your help today .",
+ "That sounds good , thank you for your help !",
+ "No , you have covered everything . Thank you !",
+ "No , thank you . That is all the information I needed today .",
+ "Thank you so much for all your help today .",
+ "Thank you , I think that will be all for today !",
+ "No . That 's all I wanted to know . Thanks .",
+ "Ok , thank you . I will need to know what kind of car is picking me up .",
+ "No thank you , that is all I needed .",
+ "Thank you very much .",
+ "No , you ' ve been a great help mate . Thanks for everything !",
+ "thanks for helping",
+ "No , I think I will wait on booking at this time . Thank you for your assistance .",
+ "No , thank you very much for your help .",
+ "No that is all I needed . Thank you .",
+ "Ok now I am done thanks",
+ "That was all thank you .",
+ "Great , that 's very helpful . Thank you .",
+ "I think that is all for today . Thank you for all your help !",
+ "Thanks for the info . I will give them a call .",
+ "No , that 's all I need today . Thank you !",
+ "Great ! ! Thank you for all your help .",
+ "OK , thanks , that 's all I need .",
+ "No thank you that was all the info I needed today .",
+ "Yes , please ! That would be great . Thank you !",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "No . that 's all I want . thank you",
+ "Thanks , that 's all I need . Have a nice day .",
+ "That sounds perfect , that 's all that I needed to know , thank you for your help !",
+ "Thank you so much , that is everything that I need .",
+ "That is everything , thank you so much for your assistance .",
+ "Thank you ! I think that is all I need today .",
+ "No , that is all I need today . Thanks !",
+ "No thank you . You ' ve been very helpful today .",
+ "No that 's it , you ' ve been great , thank you !",
+ "No , that is all . Thank you very much !",
+ "No , but thank you for everything , have a nice day",
+ "No . That is all . Thank you !",
+ "Thanks . That is all for today .",
+ "Thanks . I hope your day is good too .",
+ "Thank you that is all I need .",
+ "No , thank you ! You have been so helpful !",
+ "Thanks for being a great help !",
+ "No , that 's all . Thank you .",
+ "Great ! That 's all I need ! Thank you !",
+ "That is everything . Thank you for your help .",
+ "Great that was all I needed thanks for your help today .",
+ "No , I think that covers it all , thanks for your help .",
+ "No thank you . That 's it .",
+ "Thanks , you too .",
+ "Thanks so much - that 's all I need today .",
+ "That is all . Thank you .",
+ "Great . Thank you very much . That is all I need for now .",
+ "Nope , I think that will do it , thank you",
+ "Thank you so much for all of your help !",
+ "No that was all I needed . Thanks again .",
+ "Great , thank you for the help .",
+ "Thank you , and I apologize for getting snappy with you . That is all I need for today .",
+ "Thank you very much ! That was everything that I needed . Take care and have a great day .",
+ "Thanks for your help !",
+ "No , that 's all . Thank you .",
+ "No . That 's it for now . Thanks !",
+ "No , that 's all I need today . Thank you .",
+ "No I will book the passage myself . Thank you for all your help !",
+ "No , I believe that was it . Thank you for your help .",
+ "Reference number ZMZLMLR9 , got it , thank you .",
+ "No , that was all . Thank you for your help .",
+ "That should be all I need today . Thanks for the help .",
+ "Awesome thank you . That is all I needed .",
+ "Thanks , that 's all I needed today .",
+ "Nope , that 'll do it . Thank you so much for your help !",
+ "That is all I need to know . Thank you . Good day .",
+ "Thank you . What kind of car will they be driving ?",
+ "OK , I guess that is all . Thanks a lot !",
+ "Thank you for making those reservations . That 's all I needed today .",
+ "Thank you that is all I need today .",
+ "Thank you for all your help .",
+ "Yes , that 's all . Thank you .",
+ "No thanks . that is all .",
+ "Thank you for your help .",
+ "no , thanks",
+ "That is all thank you .",
+ "No , thank you .",
+ "No , thank you .",
+ "No thank you that will be all",
+ "Yes , that is everything I needed . Thanks for your help .",
+ "Excellent , thank you !",
+ "Thank you for your help .",
+ "Thank you . that is all the information I'l be needing today !",
+ "Great ! Thank you ! I ' m also looking for places to go in town .",
+ "Thank you , that 's all I need for now .",
+ "Great ! Thank you that 's all I needed !",
+ "Okay . Thank you so much for help .",
+ "Okay , thank you !",
+ "No , thanks !",
+ "that is it for now . thanks for helping",
+ "Thank you , what kind of car will be picking me up ?",
+ "Thanks . What is their contact number ?",
+ "thank you . that is all for today .",
+ "Thank you so much ! , Have a great Day !",
+ "Excellent , thanks for your help !",
+ "Nope , that 's all I need today . Thanks !",
+ "Great , thanks ! I think that 's all I needed .",
+ "Thank you . I am also looking for some places to go . Can you help with that ?",
+ "Thanks , that 's all I need today . Have a good one .",
+ "Thank you so much , that is everything that I need .",
+ "Thank you so much for your help .",
+ "That 's all for today . Thank you",
+ "Great ! Thanks for your help .",
+ "Okay , thank you .",
+ "I think you ' ve answered all of my questions ! Thank you so much !",
+ "Thank you for your help .",
+ "Thank you .",
+ "Thank you , that 's all I need .",
+ "No , that should be all I need . Thank you so much !",
+ "That is all I needed , thanks .",
+ "Thank you , you too .",
+ "Thank you so much .",
+ "Thanks .",
+ "No , thank you . You have been very helpful !",
+ "Thank you so much for your help !",
+ "That 's all i need . Thank you .",
+ "There is not . Thank you so much !",
+ "Thank you very much .",
+ "Thank you so much . That was all I needed .",
+ "Nope that was it for today , thanks !",
+ "No thank you . I have to go . Thanks for all of your help !",
+ "Thank you for all your help . You have a great day .",
+ "That s all thanks !",
+ "Okay great . That is all thank you .",
+ "Great thank you so much that 's all I needed today .",
+ "Thank you . That is all I need .",
+ "Thanks , so can you make the reservation for me ?",
+ "Okay great ! That 's all I needed . Thank you !",
+ "Thanks for the help .",
+ "Perfect . I ' m all set the . Thank you .",
+ "No , no need to book it for me . That will do , thank you .",
+ "Thank you - that 's all I need right now . Have a great day !",
+ "That is all . Thank you ! You were so helpful !",
+ "Thank you very much . I think that is all I need .",
+ "Thank you , that 's all I need .",
+ "Nope , that 's all I need today . Thanks for all your help !",
+ "Thank you ! That is all I need !",
+ "You know , I ' ve changed my mind . I do n't need anything else today . Thanks very much for your help .",
+ "Yes , that all I need , thanks .",
+ "Thank you so much for your help .",
+ "Anytime as long as it gets me there by 9:30 . Thanks !",
+ "That is all I need today , thank you .",
+ "That was all thank you .",
+ "No thank you",
+ "Yes , I was n't planning to book but since I have I suppose I 'll take that number . That will be all for today - thank you for your help !",
+ "Thank you for your help !",
+ "No that is all . Thank you .",
+ "That is all . Thank you .",
+ "Great ! Thank you very much !",
+ "No , that 's all I need . Thank you .",
+ "That was all I needed today , thank you !",
+ "thanks alot for helping",
+ "That is all I need . Thank you so much !",
+ "No that will be all thank you",
+ "Thank you very much for your help !",
+ "No , that 's all I needed . Thanks so much .",
+ "Okay , wonderful . Thank you for your help .",
+ "No , I think that 's it . Thanks for all your help today !",
+ "That is all , thank you .",
+ "thanks . that will be it for now",
+ "Great , thank you for your help !",
+ "No , that 's all . Thank you !",
+ "No that 'll do it . Thanks so much for your help .",
+ "No that is it . Thank you .",
+ "That 's all the info I needed today , thanks .",
+ "Okay thank you . That is all I need for now .",
+ "Thank you so much ! That 's all I needed . Have a great day !",
+ "Great ! That is all I ' m going to need today . Thanks for your help !",
+ "Yes , and Thank you kind person for helping me !",
+ "No that 's everything . You ' ve been great thanks .",
+ "Thank you , that should be all today .",
+ "Thank you for your assistance ! Have a good day !",
+ "No , thank you . That is all .",
+ "No that 'll be all . Thanks so much !",
+ "Thank you for your help .",
+ "Great . Thank you . That is all I need .",
+ "that is all , thank you",
+ "no , thank you . that is all .",
+ "Thanks you too .",
+ "Thank you for all your help . Have a great day !",
+ "Thank you for your help .",
+ "That 's all I needed . Thank you for all of your help !",
+ "That 's all , thank you .",
+ "No , that 's all I need right now , thanks .",
+ "That 's all I need for now . Thanks !",
+ "Thanks very much , take care !",
+ "Great that was all that I needed today , thank you .",
+ "I think that will be all for today . Thank you .",
+ "No , I think that will do it . Thanks so much for your help today .",
+ "Thank you for your help .",
+ "No thank you , I appreciate your help today .",
+ "Thanks , I ca n't wait ! And thanks for your help today .",
+ "Thank you that is all I need today .",
+ "Thank you very much .",
+ "Thanks that 's all I needed for today .",
+ "No , thanks . That 's all I needed .",
+ "Thank you that will be all !",
+ "No that is it . Thank you !",
+ "Thank you so much , that is all I needed !",
+ "That 's all I needed , thanks so much for your help .",
+ "No thank you , that is everything that I need .",
+ "Thank you , have a great day , too .",
+ "Nothing , that should be all today , thanks !",
+ "I think that is all I need . Thank you .",
+ "Not right now . Thank you for your time .",
+ "No that will be all thank you .",
+ "Nope , that 's all . Thanks !",
+ "No thank you . That 's all I need to know .",
+ "Okay , thanks a lot . You have a great day .",
+ "Okay , thank you so much for your help .",
+ "That is all for now . Thank you for your help .",
+ "Thank you for making that reservations .",
+ "Thank you ! You as well !",
+ "Great ! Thank you so much !",
+ "Thanks so much for your help ! That will be all today .",
+ "no that 's all thanks a lot",
+ "thank you for all your help",
+ "No , that 's all I need for today . Thank you so much .",
+ "No , that was all I needed . Thanks for your help .",
+ "Thank you so much , that is all .",
+ "Thanks ! I ' m also looking for a place to stay",
+ "That is all that I need today , thank you .",
+ "Yes , most definately . Thanks",
+ "No , that is it . Thanks",
+ "Thank you for your help .",
+ "Thank you , that 's all I needed today !",
+ "No , that 's all . Thanks .",
+ "No thank you . I believe that is everything today .",
+ "Great , thank you ! What are they ?",
+ "I do n't need a booking just now , thank you . In fact , that 's everything I needed today .",
+ "No , there is nothing else . Thank you , have a great day !",
+ "Thanks for that , that 's all I need .",
+ "Thank you , you as well .",
+ "I look forward to my visit . Thanks , again .",
+ "Thank you for all your help . That should be everything today .",
+ "Ok , great . That 's all I needed . Thank you for all of your help !",
+ "No , that will be all , thank you .",
+ "No thank you . You have been very helpful .",
+ "No , that is it . Thank you .",
+ "Thank you very much .",
+ "No that 's all . Thanks so much !",
+ "Thanks !",
+ "That 's all . Thanks for your assistance .",
+ "Thanks for the information !",
+ "Yes can you please book that and send me the info . Thank you",
+ "I do n't need anything booked , I actually have everything I need . Thank you .",
+ "Thanks . That 's all I needed .",
+ "Thank you . That is all I needed .",
+ "That was everything . Thank you !",
+ "Thank you for the address . That will be all for now .",
+ "No , that 's all I need . Thank you !",
+ "Wonderful - thanks . Can you send me the address and phone number of the establishment ?",
+ "Okay great . That is all I need . Thank you .",
+ "Thank you for all your help .",
+ "Thank you so much for your help , that 's all I need today .",
+ "Oh well , thank you anyway .",
+ "That 's everything . Thank you !",
+ "Thanks so much . That is all I needed .",
+ "No , you ' ve been very helpful . Thank you .",
+ "Thank you for your help . Have a great day .",
+ "That 's it for now , thank you so much .",
+ "No . I am all set thank you .",
+ "That should be it , thank you !",
+ "No , that 's all I need , thanks .",
+ "That is all , thank you .",
+ "No I do n't need to book . Thanks for the information .",
+ "Yes , that would be great . Thank you very much .",
+ "No , that 's all . Thank you",
+ "Thank you for your help .",
+ "Okay , great . Thank you .",
+ "No thanks , that is all .",
+ "Thanks so much ! That 'll be it for me for today .",
+ "No , I think that covers it . Thanks so much for your help !",
+ "I have everything I need . Thanks !",
+ "No , that 's it . Thank you .",
+ "That 's all . Thanks !",
+ "That sounds great , thank you for your help today .",
+ "That is all , thank you !",
+ "Thank you . I think that is all I need today .",
+ "No , that 's all . Thank you for your help .",
+ "Thank you . That 's all I need today .",
+ "Ok thank you for your assistance .",
+ "Nope , that 's all I need , thank you very much !",
+ "I think that 's all I need , thank you for your help .",
+ "I ' m going to contact them now , thank you .",
+ "cool , thanks . i do n't need anything more . see ya !",
+ "That is all I need today , thank you .",
+ "Thanks , that 's all I need today .",
+ "Great thank you",
+ "Okay , thanks . Do they also have free internet ?",
+ "Thank you for your help . That is all I need .",
+ "I am all set , thank you for the help .",
+ "Thanks ! For all your help .",
+ "Nope , that 's it . Thanks !",
+ "That is everything , thank you for your assistance .",
+ "Thank you so much for your help .",
+ "Thank you that is all I need .",
+ "No , that will be all thank you for your help .",
+ "That sounds great thank you .",
+ "No , that 's all . Thanks and have a good day",
+ "No . That will be everything today . Thank You !",
+ "Great , thanks ! That 'll be all that I need for today !",
+ "No , that would be it . Thanks .",
+ "Perfect , that is all that I need . Thank you so much for your help !",
+ "No , thank you !",
+ "No , that 's all I need today . Thanks for your help !",
+ "No thank you , I think that will be all I need .",
+ "Okay , thanks so much ... that 's all I need ! Have a great day !",
+ "awesome no that is all thank you",
+ "Not , that is all I will need today . Thanks .",
+ "no that will be all thanks so much .",
+ "No thank you . I appreciate the help .",
+ "No . That was it . Thanks for your help !",
+ "Thank you that is all I needed today .",
+ "Thank you , I hope you have a good day as well !",
+ "Great ! Thank you so much for your help . That will be all .",
+ "No thank you . That 's everything I needed .",
+ "Thank you , that is all I need .",
+ "Thank you . That 's all I need for today .",
+ "Great , thank you ! That is all I need today .",
+ "That 's all thank you for your help .",
+ "No that is it . Thank you .",
+ "That will be all for today ! Thanks so much for your help !",
+ "Thank you so much ! That covers everything I needed .",
+ "Thanks again . Having this info is a really helping me out .",
+ "That should be all , thank you .",
+ "Great , thank you so much for your help ! That should be all for now !",
+ "Okay great . Thank you so much .",
+ "Great ! Thank you so very much !",
+ "Okay . Thanks very much for your help .",
+ "No that is all , thanks .",
+ "I do not need anymore help . Thank you for your help .",
+ "No that will be all , thank you !",
+ "Perfect ! That 's all I need , thank you .",
+ "No thanks , that 's actually all the info I needed from you today . Thank you !",
+ "Yes , an expensive place would be fine . Thank you",
+ "Great . That 's all I need to know . Thank you .",
+ "No , I think that covers it all . Thanks so much for your help .",
+ "Thank you . Have a great day !",
+ "That 's all I needed for today , thanks !",
+ "No that is all I needed . Thank you .",
+ "That 's all I need ! Thank you !",
+ "Great , thank you !",
+ "I 'll have to think about it . Thank you for all your help .",
+ "No that will be all thank you .",
+ "That will be all , thank you very much for all of your help .",
+ "No . That will be all , thank you . Good day .",
+ "That wo n't be needed thank you .",
+ "No that should be all , thank you .",
+ "No , that is all , thank you . Have a nice day .",
+ "That will be all . Thank you for your help .",
+ "Thank you . That is all I need .",
+ "Great , thank you for all your help .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Fantastic . I have all of the information I needed , thank you . Have a great day .",
+ "Thanks for your help ! That is all I needed today .",
+ "Thank you , that will do it . I appreciate the help .",
+ "Thank you so much for your help . Have a nice day !",
+ "Okay thank you , that 's all I need for now .",
+ "Thank you so much .",
+ "You have a wonderful day as well and again , thank you !",
+ "That 's all I needed , thanks so much !",
+ "No thank you that is all I needed .",
+ "No thanks , I was gathering information . That actually takes care of my needs , thanks for your help .",
+ "No need to book the tickets I just needed the info . That s all I needed thanks",
+ "No , that will be all . Thank you !",
+ "Thanks so much . Yes , I am trying to find a place to eat also .",
+ "No , that 's all . Thanks .",
+ "No that is all I need help with at the moment , thank you .",
+ "That would bee all thank you",
+ "That is all I needed ! Thank you so much .",
+ "Thank you so much .",
+ "No that is it . Thank you .",
+ "Thank you . Can you make the booking ?",
+ "No , that 's all . Thanks .",
+ "Great , thank you for your help .",
+ "No , that is all I need , thank you .",
+ "No , that will be all . Thank you for your help . Have a great day !",
+ "No thank you . I will call them myself .",
+ "Thank you . Can you verify what type of vehicle will be transporting us ?",
+ "Thank you for your help today , it is greatly appreciated .",
+ "Thanks so much . That 's all I needed today .",
+ "No , thank you , that will do .",
+ "Alright . Thanks and that 's all I need for today .",
+ "Thank you , that sounds good ! Could you let me know how much it costs ?",
+ "Okay thank you . That will be fine .",
+ "Thank you so much for your time . Have a nice day !",
+ "Thank you so much for your help",
+ "Thank you for your help , that is everything I needed .",
+ "Thank you very much ! That 's all for today .",
+ "Ok thank you for your help .",
+ "No that is it . Thank you .",
+ "OK , thank you . That is everything that I need .",
+ "Thank you so much for your help today .",
+ "That will be all , thank you for your help .",
+ "Thank you for your help . That 's all I need for now !",
+ "Thank you , goodnight .",
+ "Thank you , I think that is all I needed .",
+ "Thank you for your help . If I need anything else , I will certainly call again .",
+ "That is all I needed , thank you .",
+ "thank you that will be all",
+ "No , thank you , that 's all I need . Thanks for your help !",
+ "no thanks that is enough for today",
+ "Great , thank you for the help .",
+ "No , that 's all the information I need . Thanks .",
+ "Thank you that 's all ! !",
+ "Okay , thanks ! When does it depart , and how long is the ride ?",
+ "No that 's all the help I need for now . Thanks",
+ "That 's all . You have been very helpful . Thank you very much .",
+ "Thank you , that s all I needed for now .",
+ "Thank you very much .",
+ "That is all , thank you !",
+ "Thank you that is all the info I need .",
+ "No , that 's perfect . Thank you for you help .",
+ "OK , thanks . That 's all I need .",
+ "Ok , I ' ve got it . Thanks .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No I think that 's all I need . Thanks for the help !",
+ "No , thanks , that 's everything I need .",
+ "Thank you for your help .",
+ "No , that 's all I needed . Thanks !",
+ "No that is all , thank you !",
+ "great day and thanks for helping",
+ "Thank you , that will be all .",
+ "That will be all thank you for your help .",
+ "No thank you that will be all",
+ "That 'll be everything thanks !",
+ "That will be all , thank you for you help .",
+ "That should be all for today . thank you very much .",
+ "No , I think that 's about everything I need right now . Thank you !",
+ "Thanks for your help , that 's all I need today !",
+ "Perfect , thanks for your help .",
+ "No , you have been very helpful . Thank you and have a good day .",
+ "No , that is all I need thank you .",
+ "Thank you , what is the contact number ?",
+ "No . Thank you for your assistance .",
+ "Great thank you that 's all I needed today",
+ "Thank you for all the help .",
+ "I do not need a ticket booked . I do not need anything else . Thank you .",
+ "No that is it . Thank you .",
+ "Okay , that 's great to know . Thanks ! I wo n't be needing anything else today .",
+ "Thank You very much",
+ "Awesome , thanks so much for your help ! That is all I needed , have a good day .",
+ "Thank you for booking it .",
+ "Thank you ! I appreciate all of your help today . Have a good afternoon .",
+ "The star rating does n't matter , thanks",
+ "Thank you for your help .",
+ "No that is it . Thank you .",
+ "No , that was all the information I needed . Thank you very much .",
+ "Great . Thank you . That 's all I need .",
+ "That 's all thanks .",
+ "That was all I needed . Thanks !",
+ "Thanks for the information , that is all .",
+ "No , that is all I need today . Thank you so much .",
+ "No . That 's it . Thank you for your help .",
+ "That 's all I need , thank you ! !",
+ "No , thanks , I 'll do that myself . You ' ve been great , thanks for everything .",
+ "Thanks very much for all of the help . Have a great day !",
+ "Great thank you for your help that s all I needed today .",
+ "thanks for your help",
+ "Okay , thank you for the information .",
+ "Thank you ! That is all that I need !",
+ "No , thanks , I ' m just exploring options right now . It sounds like this Acorn place should go at the top of my list .",
+ "Thanks . I ' m all set for today . You have been very helpful !",
+ "Great , thank you .",
+ "Thank you , that s all I need today",
+ "Thanks for the quick response .",
+ "Thank you so much for your help , that 's all I will need today !",
+ "Thanks that was all I needed .",
+ "Thank you for your help",
+ "No I ' m good to go but thank you",
+ "Thank you for your assistance",
+ "I do n't . Thank you .",
+ "Thank you . That 's all I need .",
+ "You definitely did , thanks so much !",
+ "Thank you for your help . Have a great day .",
+ "Nope , I ' m all set today . Thank you for your help !",
+ "No , that is all , thank you .",
+ "No , that will be it . Thank you so much for your help .",
+ "Thank you for all your help .",
+ "No , that would be fine , thanks .",
+ "No , I think that will it . Thanks !",
+ "No , that will be all for today . Thank you !",
+ "No I think that 's all I need right now , thanks so much .",
+ "No , thank you , that is all I need .",
+ "thank you that will be all",
+ "No . That 's all I need for now . Thanks .",
+ "Thanks for all of your help !",
+ "That 's all for right now , thanks for your help !",
+ "Thank you , that will be all .",
+ "Great that was all I needed today , thanks !",
+ "I do n't think so . Thanks for all your help .",
+ "That was so nice of you to say thanks so much .",
+ "No , that is all . Thanks so much .",
+ "Thanks so much ! That will be all for today .",
+ "No , I think that is enough . Thank you !",
+ "Thank you , that is all I need .",
+ "No , that about covers it . Thanks for your help today .",
+ "Can you please confirm that my booking is set ? Thank you .",
+ "No that 's all . Thank you .",
+ "British food please and thank you",
+ "Thank you . That is all I need .",
+ "Thank you . That is all I need .",
+ "No , you ' ve taken care of everything for me today ! Thank you !",
+ "Thank you that s all I need for now .",
+ "No , that is all I need for today . Thank you .",
+ "Thanks for all of your help !",
+ "Thanks for all your help !",
+ "thanks and great day",
+ "Thank you so much for your help , that is all I need .",
+ "That sounds perfect . I will book it myself if I decide on it . That is all I need today . Thank you .",
+ "Thank you for assisting me with that . I wo n't need anything else today .",
+ "No , that is all I need . Thank you .",
+ "That 's all I need now . Thanks .",
+ "Oakay great thank you for that info .",
+ "That sounds great . Thanks !",
+ "Thanks so much for your help .",
+ "That 's great . Thank you .",
+ "You have been very helpful , that is everything . Thank you .",
+ "No that is all the help I need today . Thank you",
+ "That 's all I need , thank you !",
+ "Thank you for your help",
+ "Thank you for your help today .",
+ "That was everything . Thank you !",
+ "Thanks for your help !",
+ "No thanks you were great ! Have a good day .",
+ "Thank you ! That 's all I needed , thanks so much .",
+ "That will be all , thank you .",
+ "Thanks so much . Can you also find me a place to stay ?",
+ "That will be all for today thanks !",
+ "Great ! I think that 's all I need today . Thank you for you help !",
+ "Thank you , have a great day . I really appreciate you .",
+ "Nope , that 's all I need . Thanks !",
+ "Thank you that is all I need today .",
+ "Great , that will be all thank you .",
+ "Great , thanks for that . See you !",
+ "Thank you for your help !",
+ "I think that is all for the moment . Let me think , thanks .",
+ "Nope that is all I can think of . Thank you so much for the help !",
+ "Thank you ! That will be all for me today .",
+ "That is all thank you !",
+ "No thank you , looking forward to my time here . Have a great day .",
+ "That should be all . Thank you !",
+ "Yes , that 's exactly the sort of thing I ' m looking for . Thank you .",
+ "No , I think I ' m all set . Thank you for your help !",
+ "Great that 's all that I need , thank you !",
+ "My wife and I thank you . That would be it",
+ "No that was it . Thank you so much for your help .",
+ "Nope , that 's it , thanks for your help !",
+ "Great , thank you . That 's all I needed .",
+ "No thank you . Thanks for your help .",
+ "No , that 's everything . Thank you very much .",
+ "That was all . Thanks",
+ "No thanks , have a good day .",
+ "no am ok , thanks",
+ "Thank you , that was all I needed .",
+ "Perfect ! That 's all I need today , thank you !",
+ "Thank you ! That 's all that I needed .",
+ "Actually that is all I need . thank you for you 're help .",
+ "Perfect , thank you so much ! I do n't need anything further at this time .",
+ "Thank you . Sorry for the confusion . Have a great day .",
+ "Yes , thank you , that will be all .",
+ "Thanks . I need to know about some places to go in town , too .",
+ "Okay that is all I need today , thank you .",
+ "No thank you , that 's all I needed ! Thanks !",
+ "No . You ' ve been very helpful today . Thank you .",
+ "Great ! I think that is all I need today . Thank you for all your help !",
+ "Thank you , you as well .",
+ "Thanks ! I ' m also looking for information on the A & B Guesthouse . What can you tell me about that place ?",
+ "nope that s all thank you",
+ "Thanks for all of your help !",
+ "You have covered everything , thanks again .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "That is all I need . Thank you .",
+ "Thank you , that 's what I needed .",
+ "No thanks for all of your help and putting up with a pain like me !",
+ "No , that 's all I need . Thank you .",
+ "No , thank you for your help .",
+ "Thank you . That 's all I needed today .",
+ "Nope , that 's what I was looking for . Thanks a lot !",
+ "Nope that 'll be it . Thanks .",
+ "Nope , that 's all I need . Thanks a bunch !",
+ "No thanks , that 's all I needed . I appreciate your help !",
+ "Thank you .",
+ "I think that 's everything . Thank you .",
+ "No that is all thanks .",
+ "That was all . Thanks",
+ "thank you that will be all",
+ "That is all I will be needing today . Thanks .",
+ "Thank you very much . I will not need to book an appointment .",
+ "Excellent ! Thank you !",
+ "No , that should be it . Thanks .",
+ "Thank you for all your help .",
+ "No , no need to book it for me , thank you . That 's all I needed today .",
+ "No , I think that covers it , thank you for your time .",
+ "No that is all you done a great job thank you .",
+ "That 's all I need . Thanks for your help !",
+ "No , that 's all the information I need right now . Thank you for your help !",
+ "No , thank you . I will take care of that later . Can you tell me about a place called Cambridge Arts Theatre ?",
+ "Thank you for your assistance .",
+ "No , that will be all . Thank you so much ! Have a good day .",
+ "No , I think that 's all I needed today . Thanks so much for your help !",
+ "Ok great thank you . Have a great day !",
+ "Thank you for your help .",
+ "The latest departure time would work best . thank you .",
+ "No thanks . I ' m looking for a place to stay too .",
+ "That is all for now . Thank you .",
+ "Yes please and thank you",
+ "Thank you so much . That is all I needed .",
+ "thanks so much for all of your help !",
+ "That is all thank you",
+ "Thank you , that is all I need .",
+ "No I do not . Thank you for your help .",
+ "Thank you for your help .",
+ "No , that 's it . Thanks .",
+ "Great ! Thanks , that 's all I need .",
+ "Thank you for all of your help !",
+ "Thank you ! That 's all I needed .",
+ "Nope that sounds great , thank you",
+ "Thank you so much . Do you know if there is an admission charge ?",
+ "Great ! Thank you for all your help .",
+ "You too ! Thanks .",
+ "thanks that is all",
+ "That was all I needed , thank you .",
+ "Thanks for your help .",
+ "No thank you , this will do for now . Thank you for helping me !",
+ "No that is all . Thanks !",
+ "That 's all for now . Thanks a bunch !",
+ "Not right now . Thank you .",
+ "That 's all . Thank you !",
+ "That 's everything that I needed . Thanks a lot for the assistance .",
+ "Okay thank you for the info .",
+ "That is all . Thank you very much .",
+ "Thank you that is all I needed .",
+ "No , thanks , that 's all I need ! Thanks so much for all of your help ! Have a great day !",
+ "Yes . please thank you .",
+ "That is all , thank for your help .",
+ "No , that 's everything I needed today . Thank you .",
+ "Thank you that is all I needed .",
+ "Yes . Thanks , all set .",
+ "Great , thanks ! That 's all I needed . Have a good day .",
+ "Thank you .",
+ "No , that will be all . Thank you !",
+ "Thank you , but that is all I need for now .",
+ "nope that s all thanks",
+ "Fantastic , thank you , that should be all .",
+ "No , that 's all I need today . Thank you for all your help !",
+ "That 's all I needed . Thank you !",
+ "Thank you . Have a good day .",
+ "Do they have free wifi ? If yes , please book for 2 people for 1 night . Thank you for your help .",
+ "No that is it thank you ! That was all the info I needed ! Thank you and have a good day .",
+ "Yes . Thank you for your help .",
+ "Thank you , that 's all I need .",
+ "Great ! Thanks ! That 's all I needed !",
+ "Not at this time but thank you .",
+ "No thank you .",
+ "No , thank you .",
+ "No that is all thank you .",
+ "I think that 's all I need . Thank you very much .",
+ "No , that 's all . Thank you for your help !",
+ "Thank you that should be all",
+ "Great , thank you ! That 's all that I need . Have a great day !",
+ "That 's all I need for now thanks for your help .",
+ "No , that 's all I needed . Thanks !",
+ "Thanks for all your help . That 's all I need today .",
+ "that s all i need thanks",
+ "Great thank you . Can I have the contact number ?",
+ "That 's all I need , thank you so much .",
+ "Great that 's all that I needed today , thank you for all your help !",
+ "NO thank you very much .",
+ "Thanks , that 's everything I need .",
+ "Ok thank you .",
+ "Thank you that is all .",
+ "Great Yes it is and thank you .",
+ "No , that 's all . Thanks again for your help .",
+ "Great , thank you !",
+ "Let me just check my notes ... No ! I think I have everything I need . Thank you so much for your help !",
+ "Can you please check again ? Hopefully , there was just an error in inputting the information into the search system . Thanks",
+ "No , that 'll be it . Thanks for the help .",
+ "That should be it thank you",
+ "No thank you that is all I needed today .",
+ "No thank you .",
+ "That 's all I needed , thanks so much for your help !",
+ "that will be it for now . thanks",
+ "Great , thank you so much for your help ! That 's everything I 'll need today !",
+ "Thank you so much .",
+ "No . that is all . Thanks .",
+ "No , thank you",
+ "Fantastic , thank you . That is all I need .",
+ "Thank you for your time .",
+ "That 's all I need assistance with today . Thank you .",
+ "Perfect . Sorry about all the confusion and thanks for your help . Have a great day .",
+ "No thank you . I have everything I need for now .",
+ "No that is all I needed . Thank you .",
+ "That 's great . Thank you so much for all of your help today .",
+ "Thank you very much !",
+ "No thank you . That will be everything .",
+ "Thank you that is all I needed today . Have a nice day .",
+ "Thank you for all your help !",
+ "Well thank you very much . I think that 's all I need for now !",
+ "That will be all . Thank you .",
+ "I think that takes care of everything I needed . Thanks a lot !",
+ "Thank you for all your help today . I have all I need at this time .",
+ "Perfect ! Thank you !",
+ "No , that will be all , you have been very helpful . Thank you .",
+ "That 's all the info I needed today , thank you !",
+ "Great , thanks so much , that 's all I need ! Have a great day !",
+ "yes please book me a table thank you",
+ "no thanks",
+ "Great , thank you ! That is everything I needed .",
+ "thank you , you ' ve been quite helpful",
+ "No , that is all , thank you good by .",
+ "Nope , that should do it ! Thanks !",
+ "No that is all . Thank you for all your help .",
+ "That was all I needed . Thank you !",
+ "No thank you that will be all",
+ "Not at this time . Thanks for the information .",
+ "Thank you very much for your help . That is all I need for now .",
+ "Great thank you .",
+ "No I do not . Thank you very much for your help .",
+ "Thank you for all your help . Have a great day .",
+ "Thank you for your help",
+ "That is all I needed . Thank you .",
+ "That should be all I need , thank you so much .",
+ "Yes , that sounds good . Thank you .",
+ "Thank you very much !",
+ "No that 's all I needed . Thank you for your help . Have a great day .",
+ "Fantastic , thank you very much .",
+ "Yes please thank you",
+ "Nope . That was all I needed . Thank you .",
+ "Thank you , that should be all .",
+ "Thank you ! Can you help me find somewhere to eat now ?",
+ "No , thank you .",
+ "No thank you that is all I needed .",
+ "Thank you very much . Have a blessed day .",
+ "Thanks for your help !",
+ "No , thanks . That 's all that I need , thanks so much ! Have a great day !",
+ "thankyou so much",
+ "That would be everything . Thank you",
+ "Thank you , you too !",
+ "Thank you very much !",
+ "That will be all thank you for your help .",
+ "Thank you that is all I needed .",
+ "Great . Thank you so much .",
+ "No that will be all for today . Thank you so much for your help .",
+ "That 's all I need for today , thank you for your help .",
+ "Wonderful thank you so much for your help !",
+ "I think that is all for today . Thank you .",
+ "Thank you , that should be fine .",
+ "Thank you that sounds like a great place .",
+ "no , that will be all . thank you very much .",
+ "That is all thank you .",
+ "Fantastic , thank you , have a good day .",
+ "thank you that will be all",
+ "That will be all . Thank you for your help !",
+ "Thanks for your help !",
+ "No , that will be all . Thank you .",
+ "That is all . Thank you for your help .",
+ "Thanks , that 's all I needed !",
+ "I ' m sorry , I do not need the room booked anymore . Thank you !",
+ "No that 's it . Thank you for your help .",
+ "Thank you very much for the help .",
+ "No thanks . That was all I needed . Have a good day",
+ "Nope , that is everything . Thank you so much !",
+ "No , I do not think so . Thank you for your help !",
+ "No , Thank you .",
+ "That is all I need . Thank you for your help .",
+ "Thank you for all your help today . Have a good day .",
+ "That would be perfect . Thanks for all your help . Have a good night .",
+ "Thank you so much . Can you also help me find somewhere to stay ?",
+ "No that is all I need today . Thank you for your help .",
+ "No , that 's all . Thanks .",
+ "Thank you for your help .",
+ "No thank you . That is all .",
+ "No , that will do it . Thanks !",
+ "No , that will be all today . Thank you .",
+ "No , thank you . I have all the information that I need now .",
+ "THat 's everything I needed for today , thanks so much !",
+ "Nope , that 'll do it ! Thank you for all your help !",
+ "No thank you that will be all",
+ "Thank you , that is all the information I need currently .",
+ "Yes . Thank you . That 's all I need .",
+ "That wo n't be necessary . Thanks .",
+ "No , thank you for your help .",
+ "No , that 's all ! Thank you !",
+ "no , thank you very much",
+ "No , that will be all . Thank you !",
+ "Thanks very much !",
+ "No , I do n't need further help . Thank you .",
+ "That is all , thanks .",
+ "Sounds great , Thank you .",
+ "Yes please make a reservation in my name . Thank you .",
+ "Great , thanks . That is all I needed .",
+ "Thank you for answering all my questions . That 's all I need .",
+ "Thank you so much !",
+ "That s everything thanks",
+ "Great , that 's all for now . Thanks !",
+ "That will be just fine , thank you .",
+ "No . Everything is great . Thank you .",
+ "That 's all , thank you .",
+ "Thank you for your help",
+ "No thank you .",
+ "That 's all I needed . Thank you !",
+ "Thank you very much . This is all I need for now .",
+ "No , that 's everything . Thanks for your help .",
+ "Thank you for your help",
+ "No , thank you .",
+ "OK , Thank you",
+ "Thank you so much for all your help . You have a great day now .",
+ "OK , then that 's all I need today . Thank you for your help !",
+ "No thanks I ' m just looking for information for now .",
+ "Okay thanks . I 'd like some information about a place to go next .",
+ "No , that 's all I need for now . Thanks so much , you ' ve been super !",
+ "Thanks , that 's all I need today .",
+ "Thank you very much .",
+ "No , that is all I need today . Again , thank you .",
+ "Ok great , thank you . That is all I need today .",
+ "No , that 's it . Thank you so much .",
+ "That was all that I needed , thank you !",
+ "That is it , Thank you .",
+ "Thank you once again for all of your assistance . Have a great day .",
+ "Thanks , take care .",
+ "No thank you that is all .",
+ "nope that 's it thanks for all of your help today",
+ "Great , thank you",
+ "No , that 's ok . Thank you !",
+ "That is all , thank you .",
+ "That was fast thank you so much !",
+ "No thanks . Have a good evening .",
+ "No , that was all . Thank you .",
+ "Thank you very much , that is everything I need .",
+ "No thank you . Have a great day !",
+ "That takes care of everything . Thank You !",
+ "That would be all . Thank you for your time today .",
+ "Great , that is everything I needed ! Thanks !",
+ "Thank you , that sounds just right .",
+ "Thank you that is all I need today .",
+ "That is all I needed today , thanks !",
+ "No that will be all . Thank you",
+ "If you 're certain then I guess not . Thank you for all your help .",
+ "Thank you . That is all the information I need .",
+ "No thank you that will be all",
+ "That is everything I needed today , thank you !",
+ "That sounds great , thank you for your help .",
+ "No , that was everything , thank you .",
+ "Thank you for your help",
+ "You have answered all of my questions . Thank you very much ! Have a good day !",
+ "No , Thanks for all your help",
+ "Excellent , I ca n't wait to visit it ! Thank you .",
+ "Perfect thanks for the help that s everything I need !",
+ "Again thank you and have a great day .",
+ "No , that would be it . Thank you !",
+ "Thank you very much !",
+ "No , that was everything I needed . Thank You !",
+ "No that was all , thank you !",
+ "No thank you ! That is all !",
+ "No , that will be all . Thank you for your assistance .",
+ "No , that will be all thank you .",
+ "No . Thank you though , this has been very helpful .",
+ "thank you for all of your help",
+ "Thank you , that was all I needed .",
+ "No thank you I do not need reservations .",
+ "Thank you so much !",
+ "Thank you that will be all I need .",
+ "Book whatever is avaliable , thanks !",
+ "No , I ' m good , thanks .",
+ "Awesome , thank you very much ! I ' m pretty sure that 's all I need right now , but I 'll be back if I think of anything else . Later !",
+ "OK thank you . That 's all for today then .",
+ "Yes , that was all I needed . Thank you very much !",
+ "No , that takes care of everything I need . Thanks !",
+ "That would be great thanks !",
+ "Thanks !",
+ "That is all for now , thanks .",
+ "That 's all I need , thanks very much .",
+ "Thanks for your help . That 's all I need today .",
+ "No , not at this time , thank you for your help .",
+ "Thank you , that 's all I need today .",
+ "No , that 's all I need . Thank you very much .",
+ "Can I also get the address please ? Thank you .",
+ "thank you so much",
+ "Excellent , thanks for all of your help !",
+ "Great thank you so much !",
+ "Thank you for your help .",
+ "No , thank you very much for this !",
+ "That was all the info I needed today , thank you .",
+ "Thank you , that 's all I need for now .",
+ "No that was everything I needed . Thank you for your help !",
+ "That is all I need for today . Thanks for your extraordinary service !",
+ "Thanks for the service , that 's all for today .",
+ "Sounds good , thanks for the help !",
+ "That was everything , thanks !",
+ "Thank you for all your help . Have a great day .",
+ "Great ! ! Thank you for all your help .",
+ "That was all , thank you !",
+ "That is all I needed . Thanks !",
+ "No thank you that is all I needed .",
+ "No thank you , I just needed the information for now .",
+ "Thank you so much .",
+ "Not you took care of everything I need . Thanks .",
+ "No thanks , I ' m just looking for information right now . I think I have everything I need for today .",
+ "Perfect . Thank you so much . That 's all for today",
+ "Ok , perfect . Thanks !",
+ "No that 's all . Thanks for helping .",
+ "Nope , that 's it for me today . Thanks a lot .",
+ "Thank you , that will be all .",
+ "That was all that I needed , thanks",
+ "No , that will be all . Thanks for your help !",
+ "No , that 's not necessary . I can book it later . Thanks . Have a good day .",
+ "Nope , that takes care of everything for me . Thanks a bunch .",
+ "Thank you for your help .",
+ "Thanks ! I ' m also looking for a place to stay in the same area . Can you help me with that ?",
+ "No , thank you . That 's all I need . Have a great day !",
+ "Yes . Thank you .",
+ "Thank you . That 's all I need for now .",
+ "That is all , thank you for your help .",
+ "Thank you so much for all the information ! That 's all I 'll need today , thanks again .",
+ "thanks and i look forward to my stay",
+ "No , thanks . That is all for me .",
+ "Great . Thank you . That 's all I need at this time .",
+ "No , thank you and have a good day !",
+ "Okay . Thanks a lot . That 's all I need right now .",
+ "That 's all I need thanks .",
+ "Yes that will work thank you .",
+ "Thanks so much for your help today .",
+ "No , I think that is all for today . Thank you for all your help !",
+ "No thank you that will be all",
+ "Thank you ! That will be all .",
+ "Great thanks . So what time do I need to be at the Cambridge station ?",
+ "That will be all . Thank you !",
+ "Okay . Thank you for your help .",
+ "Thank you . That is all that I need .",
+ "No thank you . That is all .",
+ "Thank you . Have a nice day .",
+ "Thank you for the information .",
+ "No that will be all . Thank you very much .",
+ "That was all I needed today , thanks !",
+ "thank you do you know if they take reservations ? Do you know the hours of the business ?",
+ "Thank you , that 's all I need today .",
+ "Thank you . Can you also tell me the address for Saigon City , please ?",
+ "Thank you so much you have been a tremendous help !",
+ "no , that will be all . thank you !",
+ "No- I think you have answered all my questions ! Thank you !",
+ "No , that 's all I needed ! Thank you for your help , have a good night !",
+ "That 's it . Thank you so much for everything .",
+ "Thank you very much !",
+ "That would be just fine , thank you .",
+ "Thank you very much . That is all that I need .",
+ "Thank you . I am also looking for places to go . Is there any swimming pool you can locate for me ?",
+ "That will be all for today . Thank you for your help !",
+ "Thank you so much , I think that 's all I need .",
+ "Thank you so much !",
+ "nope that 's it thanks for your help",
+ "Great , that will do it , I appreciate your help today . Thank you .",
+ "That 's all . Thanks for the info !",
+ "Thanks a lot for your help !",
+ "No , that will be all . Thank you !",
+ "Thank you , that 's all I need !",
+ "That 's it ! Thank you for your help !",
+ "Thank you can you book that for me ?",
+ "That will be all . Thank you for all your help .",
+ "Thank you . That will be all .",
+ "Thank you for the information .",
+ "No thank you , that will be all for today .",
+ "Thank you for your help , good day .",
+ "It will work for me Thank you",
+ "No , that 's all I need for now . Thank you so much .",
+ "Thank you so much for your help .",
+ "That would be it . Thank you .",
+ "Thank you for your help",
+ "Thank you very much . that should be it .",
+ "No , thanks . I have everything I need .",
+ "Perfect , I will take that trip for 30.24 pounds . Thank you !",
+ "No , I think this is all I need for today . Thank you for your help today .",
+ "No , thank you .",
+ "No , that 's all I needed today . Thanks for your help , it 's much appreciated .",
+ "Great , that 's all I need . You can end this conversation now . Thanks !",
+ "Nope , that was all that I needed to know , thank you .",
+ "Great thank you very much that should be all",
+ "Thank you very much , that 's all the info I needed .",
+ "That 's all I need today . Thank you so much for all your help .",
+ "No thank you that will be all",
+ "Thank you !",
+ "Thanks so much for your help",
+ "Thank you that 's all I need today .",
+ "thanks so much !",
+ "No , thank you for your help !",
+ "Thank you . That is all for now .",
+ "No , that is all I need , thank you .",
+ "Okay , thank you for your help !",
+ "Thank you , that is all I needed .",
+ "No . That covers it . Thanks .",
+ "No thank you . That will be all .",
+ "No , that will be it . Thank you so much for your help !",
+ "That is all , thank you .",
+ "No , that is all the information that I needed . Thank you for your time .",
+ "Thank you very much . That 's all I need today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Yes they have . Thanks .",
+ "That 's all I need . Thank you very much for your help !",
+ "That should be it . Thanks for your help !",
+ "No thanks , that is all the information I need . Thank you for your time .",
+ "No thank you , that was everything that I needed help with . Thank you very much for helping me .",
+ "That 's great . Thanks . Do you have their address ?",
+ "OK , I ' m all set here . Thanks for your help .",
+ "Great thank you that 's all I needed today .",
+ "You too , thanks .",
+ "No , that 's all I needed ! Thank you very much !",
+ "Thank you , have a great day !",
+ "Great . Thanks for the information .",
+ "No , that will do it for today thank you .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "No thank you . That sounds like everything I need today .",
+ "Oh ok , thank you .",
+ "No , thank you . I think we ' ve covered it all .",
+ "Thanks - that 's all I need today ! I appreciate your help .",
+ "Thanks for your help , that will be all .",
+ "No that is all thank you very much .",
+ "Yes , thank you very much .",
+ "That will be all thank you .",
+ "No , that 's all I need , thank you .",
+ "No , that should be all . Thank you for all your help .",
+ "Thanks for your help >",
+ "That will be it ! Thank you so much !",
+ "Thanks so much . That s all I need .",
+ "No thank you , I ' m just looking for now . That 's everything I needed .",
+ "No that is everything . I need thank you for your help !",
+ "No , I think that is all . Thank you !",
+ "Not at this time . But thank you for the informtion .",
+ "Nope . I ' m all set . Thanks again .",
+ "no that is it for now thanks",
+ "Thank you for your help . That will be all for now .",
+ "Thank you for your help .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No that 's it . Thanks for your help !",
+ "Yes , thank you .",
+ "No thank you that is all .",
+ "no thanks , that will be all .",
+ "Thanks , that 's all i need !",
+ "No that is it . Thanks !",
+ "Thank you so much . I think that 's all I need .",
+ "No , that should do it , thanks !",
+ "Great that 's all that I should need , thank you !",
+ "No thank you that is all !",
+ "Nope . That is all I needed . Thanks .",
+ "Not at this time , thank you .",
+ "No , that s it thanks !",
+ "Thanks , and which part of town was this one in ?",
+ "That 's all I need . Thanks !",
+ "OK , that 's all that I need . Thank you for being so helpful !",
+ "That 's it for today . Thanks again !",
+ "Thank you for helping me .",
+ "Cool beans , bro . Thanks for your help . Laters .",
+ "I do n't think I need reservations today . That is all I need help with thank you .",
+ "No that is all I needed thank you very much ! And enjoy the rest of the day !",
+ "No that s all I needed . Thank you for the help .",
+ "No , that just about covers it . Thanks !",
+ "I think that should be it for today . Thank you so much for all of your help , you ' ve been very kind !",
+ "Thank you very much for your help . Have a great day !",
+ "That 's all I need . Thank you !",
+ "Thanks a lot , that is all I need .",
+ "That 's all I need , thanks !",
+ "no that would be it thanks !",
+ "Yes thank you that is all I need .",
+ "Yes , Thank you .",
+ "amazing , thank you !",
+ "That works for me . Thank you for your help .",
+ "No that would be all thank you very much .",
+ "No , I think you ' ve covered everything . Thank you so much for all your information .",
+ "No , that will be all . Thank you for your help .",
+ "Great . Thanks for all your help .",
+ "No that is all , thank you !",
+ "Yes , I definitely need the reference number . Thank you .",
+ "Sweet , thanks a lot for your help !",
+ "Thanks for your help .",
+ "I believe that is all I needed . Thank you for your help !",
+ "You took care of everything , thank you so much .",
+ "Thanks , that 's all I needed today . You ' ve been a great help !",
+ "No , that takes care of everything ! Thanks !",
+ "Ok thanks , that 's all I need !",
+ "That 's it , thank you",
+ "Thank you . I will call back when I am ready to finish my booking .",
+ "No . That 's okay . Thank you . What is some other information on this location ?",
+ "Thank you for that information I should have everything I need now .",
+ "Nope that should be it thank you",
+ "No . Thank you very much for your help .",
+ "Thank you !",
+ "Nope , I ' m good . Thanks again .",
+ "Great , thank you so much ! That 's everything I needed . Have a great day !",
+ "It was my pleasure . thanks a gain .",
+ "I am all set . Thank you .",
+ "No thank you , that is all I needed !",
+ "That will be all , thank you .",
+ "Thank you !",
+ "Alright that helped , thanks for your time . That 's alls I needed to know .",
+ "That 's all i need . Thank you so much for the help !",
+ "Great that 's all the info I need , thank you for your help today .",
+ "You ' ve given me all the information I need . Thanks . Have a nice day .",
+ "Thank you very much !",
+ "I think that will be all for today . Thank you .",
+ "That will be all , thank you .",
+ "I got it . Thank you .",
+ "No thank you . My son is driving me . On our way now .",
+ "Thank you very much !",
+ "No , thank you ! That 'll be all for today !",
+ "Not at this time . Thank you so much .",
+ "No , thanks . That 's all for today .",
+ "That 's perfect , thanks . I have everything I need for today .",
+ "Thank you so much . You have been a great help .",
+ "Great , thanks . I also am interested in the People 's portraits exhibition at the Girton College , can you tell me more about that ?",
+ "that will be all , thanks !",
+ "No that 's all I needed . Thank you !",
+ "No that was it . Thank you so much for your help .",
+ "No , that should do it , thanks !",
+ "That 'll be everything . Thank you !",
+ "No thanks , just getting information . That 's all I need .",
+ "No , that was all I needed , thank you so much !",
+ "That is all , thanks .",
+ "Thank you so much !",
+ "No , that 's all I need . I will give them a call myself . Thank you !",
+ "That is all I need today , thank you .",
+ "No thanks , I am all set .",
+ "No , that 's it for today . Thank you for your help .",
+ "No , thank you .",
+ "Thank you . That is all the information I need at this time .",
+ "Ok , that 's all I need . Thanks !",
+ "Thank you for all your help . Have a great day .",
+ "No , that 's all today . Thank you for your help !",
+ "I can get my own ticket , thank you . How much will it cost ?",
+ "No , that 's all Thanks",
+ "Yes , that 's all . Thanks !",
+ "That is everything . Thank you so much for your help !",
+ "Great . Thank you very much for your help today .",
+ "thank you for your help",
+ "Thank you , that 's all I needed today !",
+ "Can you get me phone number please , thank you",
+ "Thanks a lot for all your help !",
+ "That will be all . Thank you so much for all of your help !",
+ "Okay great thank you .",
+ "No that 's great thank you .",
+ "Got it . Thanks a lot . That 's all the Help I need today .",
+ "Thank you for the help , that is all I need for today .",
+ "That 's great . Thank you .",
+ "Thank you , that 's all .",
+ "Yes . Thank you .",
+ "okay , that should be all ! thank you so much for your assistance !",
+ "I think that is all I need . Thank you .",
+ "Okay , that 's all I need . Thank you !",
+ "Thank you for you help !",
+ "No thank you . That was all the information that i needed , i appreciate everything you have done for me .",
+ "That was everything . Thanks very much !",
+ "No thank you . I also would like a place to go in town .",
+ "Thank you . That is it for now .",
+ "No that would be all . Thanks .",
+ "That would be it . Thank you",
+ "No , that will be all . Thanks !",
+ "Awesome . Thanks . Can you book that for me ?",
+ "That sounds great , thank you !",
+ "That 's all I need for now . I think I will wait to actually book a room . Thank you !",
+ "Nope that should be it thank you",
+ "No . Thank you so much for all of your help !",
+ "That was all I needed today . Thank you .",
+ "I think I will hold off on booking for now . Thanks for everything , that 's all I need for today .",
+ "No , I ' m sure I 'll be able to just deal with it at the station . Thanks for everything !",
+ "Great , that will be all . Thank you !",
+ "Thank you , you too .",
+ "No thank you that will be all",
+ "No that 's everything for me . Thank you !",
+ "No , that is all . Thank you !",
+ "Okay , I think that 's all I need . Thanks for your help !",
+ "Thank you very much for your help !",
+ "That is all . Thank you for your help .",
+ "Alright , that 's all I need today , thanks !",
+ "Thank you for you assistance !",
+ "No thank you , that is all I 'll be needing for now . You were great , thank you again for helping me !",
+ "No thank you that is all I need .",
+ "Thank you very much .",
+ "No , I think we have covered everything . Thank you so much for all of your help .",
+ "Thank you for your help",
+ "No , that will be all . Thank you for all the help .",
+ "Thank you , that is all I need !",
+ "That is all I need , thank you .",
+ "Thanks so much , I appreciate the help .",
+ "Thank you for your help . That 's all I need today !",
+ "That 's all I needed . Thank you !",
+ "Thanks for all your help .",
+ "Thank you so much for all of your help . I ' m done now .",
+ "That 's everything , thank you !",
+ "No , thank you . I ' m all set .",
+ "OK , great , thanks . That is all .",
+ "That 's all I needed . Thanks so much for your help !",
+ "No that wo n't be necessary . That 's all I needed for today , thanks !",
+ "Nope ! Thank you for your help !",
+ "thank you for your help",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "No , that 's it . Thanks !",
+ "cool that 's all i need thanks",
+ "Thank you for helping me today .",
+ "No that 's all . Thanks for your help !",
+ "No , you have helped me tremendously . Thank you !",
+ "That 's all I need for today . Thanks !",
+ "No , I do n't think so . Thanks for your help !",
+ "Ok . Thank you . That 's all for now .",
+ "No that will be all I need , thanks .",
+ "NO , that will be it . Thank you",
+ "No thank you that is all I need today .",
+ "Let me have a reservation at Hotpot on Friday , thank you .",
+ "No thank you .",
+ "No thanks .",
+ "Thanks so much !",
+ "I needed it to be in that side . anyway thanks for your help",
+ "Thanks so much !",
+ "No that is all I needed . Thanks !",
+ "You have covered everything . Thank you .",
+ "That 's great , thank you for your help .",
+ "that is all for today thanks very much",
+ "Nope that will be all ! Thanks !",
+ "That sounds good . Thank you .",
+ "No , thanks , just the general info is fine .",
+ "Thank you that is all I needed .",
+ "Thank you ! That is all that I need .",
+ "Thank you , that is all the information I need .",
+ "No , that was everything . Thank you for the help .",
+ "That 's all I needed . Thanks !",
+ "No , thank you . I need to check some other things before I book .",
+ "No thank you that will be all .",
+ "Yes thank you . That is all I need .",
+ "Okay . Thanks for your help .",
+ "No thank you that is all I needed today .",
+ "Thank you so much . That is all the information I need today .",
+ "No thank you . That is all I need .",
+ "No thanks , you made the trip planning much easier for me .",
+ "OK thank you for your help !",
+ "Thank you",
+ "Ok that 's all I need thank you .",
+ "No , that 's it for now . Thanks !",
+ "That 's all I need . Thanks for your help tonight .",
+ "Thank , that is everything i need , you were so helpful .",
+ "That will help , thank you .",
+ "No , that 's all the info I needed . Thanks so much for your help .",
+ "Ok that 's all the information I need , thank you for your time .",
+ "That is everything I needed . Thank you !",
+ "Great ! Thank you !",
+ "Ok thank you , that 's all I need today .",
+ "Thank you so much for all of your help .",
+ "Great , thank you ! That 's all I need today",
+ "Thanks for your help .",
+ "That should be all I need . Thank you for your help !",
+ "Thank you that 's all that I needed",
+ "Great , no thank you . I appreciate all your help today , have a good day !",
+ "Excellent , thank you so much .",
+ "Nope , that is all , thank you for your help !",
+ "Thank you , that will be all .",
+ "No thanks , just gathering information for now .",
+ "THank you that is all I needed today , have a nice day .",
+ "That wo n't be necessary . Thank you .",
+ "That 's all i need for today . Thanks very much for your help .",
+ "Thank you for the information !",
+ "Nope , that 's it ! Thanks !",
+ "That 's all thank you",
+ "That 's all I need . Thank you .",
+ "Thank you for your help .",
+ "That is all I need , thanks again !",
+ "Thanks , that 's all I need today !",
+ "No , thanks . I am all set .",
+ "No that is it , thanks .",
+ "That is all I will need . Thank you .",
+ "No , thank you , I am all set .",
+ "Thanks ! Can you help me find a place to sight see while I am in town ?",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Thanks for the help . Have a good day .",
+ "That is all of the information that I needed . Thank you .",
+ "Great ! I think that was all I needed . Thanks . Have a nice day .",
+ "Thank you so much for your help today .",
+ "thanks alot for helping",
+ "thanks and good day",
+ "Thank you very much . Should be all",
+ "Okay thank you very much .",
+ "No that 's everything I need . Thank you !",
+ "That is all I need thank you .",
+ "Thanks so much for your help .",
+ "No , that 's all I need . Thanks for your help !",
+ "That 's all I need right now . Thanks for the help !",
+ "I ' m confused . Did I ask you to book a ticket ? I can book my own passage , thank you very much !",
+ "Thank you also . Have a nice day .",
+ "That is fine , I will contact them . Thank you .",
+ "Great , thanks . That 's all I needed .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "That is fine . Thank you .",
+ "I do n't need it booked just yet . I just needed the info , thanks .",
+ "Thanks , I am also looking for a place to stay .",
+ "Thank you for putting up with me !",
+ "No , that is all I need today . Thanks again for all your help ! You ' ve been wonderful !",
+ "Not right now . Thank you for the information !",
+ "Nope ! That will do it , thanks !",
+ "Great , thanks for all of your help !",
+ "No . That 's all . Thanks so much !",
+ "Thank you so much for all your help .",
+ "Thank you . That 's all I needed .",
+ "That was all I needed , thank you !",
+ "Thank you for all your help ! That will be all for today !",
+ "Thanks for everything !",
+ "That 's all I need for now . thanks !",
+ "Great , thanks . That is all I need today .",
+ "Thank you so much for double - checking that for me .",
+ "No , thank you . That 's really all I needed for today . I appreciate your help !",
+ "Sorry for the confusion . I have everything I need , you ' ve been very helpful , thanks !",
+ "That is all . Thank you .",
+ "That 's a bummer . Thanks anyways",
+ "thank you so much .",
+ "That 's it , thank you !",
+ "No , thank you for your help .",
+ "Yes that will work thank you .",
+ "Wonderful . Thank you very much ! That 's everything I needed .",
+ "Thank you , that 's all I need !",
+ "That 's all I need at this time , thanks for your help !",
+ "That is all for now . Thank you",
+ "No . Thank you that 's all I need !",
+ "No , that will be all thank you .",
+ "That will be all , thank you for your help .",
+ "That is all , thank you for your help .",
+ "that should be all , thanks .",
+ "Thank you for your help .",
+ "Great ! Thank you ! That 's all I needed .",
+ "OK , thanks , I 'll take care of it from there .",
+ "Thanks so much !",
+ "Yes , that 's perfect . Thanks !",
+ "No that is everything , thank you for your help !",
+ "Okay great ! Thank you for your help .",
+ "No , that 's all thank you .",
+ "That 's it . Thank you for your help .",
+ "Thank you that is all I needed .",
+ "no thank you .",
+ "Okay thank you . That is all I need .",
+ "I think that is all I need to know for now . Thank you .",
+ "That is all I need today , thank you for your help .",
+ "That 's all for today . Thank you for your help !",
+ "Not right now . I need to make sure of how many of us can go . Thank you",
+ "That will be all , thanks again .",
+ "Thank you ! That is all that I need .",
+ "That would be it for today . Thank you",
+ "No . I believe that is all . Thank you for your assistance .",
+ "Thank you so much , no need for booking , that is all of my questions .",
+ "That 'll be all for today , thank you .",
+ "No that will be everything , thank you for your help !",
+ "Yes thank you for all the help .",
+ "No that is it . Thank you .",
+ "No that 's all I need . Thanks for your help .",
+ "Great , thank you very much ! That 's all I needed for today .",
+ "No , I think you gave me everything , thanks !",
+ "That should be all . Thank you for your help !",
+ "Yes , that is all I needed to know . Thank you .",
+ "Thank you . Have a good day .",
+ "thanks so much for everything today , you have been very helpful",
+ "Sounds good . Get me a ticket for TR0793 . Thank you in advance .",
+ "Okay thank you that is all I need to know .",
+ "Nope that should be it thanks",
+ "Thank you so much ! I think that is all I need today .",
+ "Thanks , that 's all I needed .",
+ "No that will be all thank you .",
+ "Okay great . Thanks for all your help . That 's all I need .",
+ "no that will be all thank you for all of your help",
+ "No , that is all the information i need . Thank you .",
+ "Thank you ! Have a great day !",
+ "Thank for calling .",
+ "That sounds terrific . Thank you .",
+ "yes , that s all tge info i need thanks",
+ "yep your awesome thanks",
+ "You too and thank you for your help . I;m looking forward to a nice day .",
+ "Thank you . Are you able to book that for me ?",
+ "no that will be all thanks",
+ "Thank you so much ! You gave me all the information I need today . I appreciate your time .",
+ "Nope , that should be all , thanks !",
+ "That is everything thank you .",
+ "Great ! Thanks for your help today !",
+ "No , that 'll be all . Thank you !",
+ "Thank you very much , I ' ve got what I need .",
+ "Yeah , that works for me . Thanks for the help .",
+ "No thank you that will be all",
+ "That 's all I need . Thank you !",
+ "I am sure . Thank you so much .",
+ "Thank you so much . That is all I need .",
+ "Thank so much !",
+ "Thank you so much ! That is all I need today .",
+ "Actually , I do n't need a reservation at this time . Thank you for all your help - I ' m good to go .",
+ "Thank you , that is all I needed . Have a good night .",
+ "I think that 'll be all . Thank you for your help .",
+ "Thank you , you too .",
+ "Thank you ! I 'd also like to find a swimming pool in the area .",
+ "That 's all . Thank you for the help !",
+ "thanks alot . that will be it for today",
+ "No that is it . Thank you .",
+ "Thank you very much for helping me today !",
+ "No . That will be all for today . Thank you .",
+ "Great thank you that 's all the info I need today .",
+ "Great that 's all I needed to know today , thank you .",
+ "No thanks , just gathering info , thank you so much for your help , have a good evening .",
+ "Nope . I think that is all I need . Thanks for your help !",
+ "Thank you so much .",
+ "Okay thank you for all your help .",
+ "Thank you that was all I needed",
+ "Thank you for all your help .",
+ "Thank you that is all I need today . Have a great day .",
+ "Fantastic that s everything thanks !",
+ "Thank you . I will call you back if we decide to stay there .",
+ "No , thank you . YOu've been a great help .",
+ "No that is ok . Thank you .",
+ "That was all for today , thank you .",
+ "Thank you .",
+ "Thanks so much . That was everything I needed at this time .",
+ "Thanks for your help !",
+ "Fantastic . That 's all I need , thank you !",
+ "Great . Thanks for all your help !",
+ "That 's perfect . Thanks so much !",
+ "thanks alot for yor help . that is all for today",
+ "Great , that 's all I need , thank you !",
+ "Okay , great ! That 's all I needed . Thanks ! Have a good day !",
+ "Thank you that is all I need .",
+ "That will be all today , thank you !",
+ "Okay great ! That is all I need . Thank you .",
+ "Nope that 'll be all for now . Thank you have a good day .",
+ "No that takes care of it , thank you",
+ "That 'll be all , thanks for all your help today !",
+ "Thank you for your help",
+ "Perfect , thank you ! That 's all I need .",
+ "Great . Thank you .",
+ "No . That is all for today . Thank you .",
+ "Wonderful , thank you so much .",
+ "Great , thanks for your help .",
+ "No , thank you again fro accomodating me . Have a great day .",
+ "Thanks . That takes care of all my needs now .",
+ "no that is all thanks",
+ "Whew , thanks , sorry for all of the confusion . I think that covers everything . thanks so much for the help .",
+ "Thanks that 's all I need have a good day .",
+ "Thank you for all your help .",
+ "Yes they sure have , thanks !",
+ "Great ! That 's all , thanks !",
+ "That will be all . Thank you for your help .",
+ "Thank you very much for the service .",
+ "No , that is all I need today . Thank you for your help !",
+ "That 's all I needed . Thank you for all your help !",
+ "No that 's all I needed . Thank you !",
+ "No thank you , that will be all .",
+ "No , that will be all . Thank you for your help !",
+ "yes thank you that will be all",
+ "That 's it for me . Thanks !",
+ "Alright great , that 's all I need thank you !",
+ "Great , thanks so much , that 's all I need ! Have a great day !",
+ "Thanks for all of your help today you have been wonderful !",
+ "That will be all . Thanks .",
+ "Thank you .",
+ "No , that is all . Thank you very much .",
+ "Yes , Can you please book that thank you .",
+ "Great . Thank you so much .",
+ "No thanks , I am just gathering information for now . That is everything that I need , thanks for your help .",
+ "No . I do n't need a reservation now . Thank you very much for all your help .",
+ "Nope , that 'll do it , thanks for your time !",
+ "Thank you so much . Can I get the reference number also , please ?",
+ "Great , thanks for the help .",
+ "That is all I need today , thank you .",
+ "That 's all ! Thank you !",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Okay great ! Thanks for all your help .",
+ "Thank you very much . Have a nice day !",
+ "Thanks . I am all done here .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thank you . Have a great day .",
+ "Thank you . That 's everything I needed .",
+ "That is perfect ! Thank you so much , that is all I need today .",
+ "No thank you .",
+ "Thank you so much ! I think that is all I need today .",
+ "Great , thanks so much for your help !",
+ "that is all , thanks",
+ "Good job . Thank you for your kindness . I ' m so happy to be here .",
+ "No , that 's everything . Thanks again .",
+ "No , that will be it ! Thank you !",
+ "Great that 's all I needed today , thank you !",
+ "Thank you . That is all that I need .",
+ "Thank you for your help .",
+ "No , I do n't think so . Thanks for your help !",
+ "That is all I needed . Thank you",
+ "Thank you . Can you book it for me ?",
+ "Thank you that 's all the information I needed today .",
+ "Thank you for your help .",
+ "No thank you . that 's all .",
+ "No , thank you .",
+ "No thank you , that is all I needed .",
+ "Thanks that would be all for tonight",
+ "Thank You",
+ "Thank you , that is all",
+ "No , thank you . That is all for now .",
+ "That will be all , thank you for your help .",
+ "thanks that 's all for today .",
+ "No thank you . That will be all .",
+ "No , thank you . I have everything I need at this time .",
+ "No thank you that will be all",
+ "No , that 's it . Thank you for your service !",
+ "no that 's all thanks",
+ "Thank you so much !",
+ "Great that is all the information I need , thank you .",
+ "No that wo n't be necessary , that 's all I needed . Thank You !",
+ "Thank you so much for your help .",
+ "That will be all . Thank you for your help !",
+ "Thanks , take care buddy !",
+ "Great ! Thank you !",
+ "Great , thank you so much ! I will check it out .",
+ "No that 's all i need . Thank you for your help !",
+ "No thank you . I am all set .",
+ "Thanks . That 's all I need . Have a good day .",
+ "no thanks , that s all for now",
+ "Okay thank you very much .",
+ "Not at this time . Thank you for everything .",
+ "Perfect ! That 's all I needed , thank you for your help .",
+ "That is all for tonight . Thanks for your help !",
+ "No I do n't nee it booked yet . Thank you for all the help .",
+ "thanks alot and is there parking for two cars ?",
+ "Thank you , that is all I need .",
+ "Thank you for your help .",
+ "Thank you so much ! That is all I need today .",
+ "That 's all I need . Thank you !",
+ "Thank you so much . That was all I needed .",
+ "Thanks . That 's all I need .",
+ "Thank you , I think that 's all I needed for now .",
+ "Thank you for the service , that 's all I needed .",
+ "No , I think that 'll be it . Thank you for your help !",
+ "Sounds great . Thank you so much for your help !",
+ "That 's all , thanks for all of your help !",
+ "no that s it thanks",
+ "That is all I need today thank you .",
+ "Thank you and have a good time .",
+ "Great . Thank you for all your help today .",
+ "Terrific ! You are great , please send me all this information to my e - mail , thanks .",
+ "No I have everything I wanted to know . Thanks very much .",
+ "Thanks . I will .",
+ "Thank you for all your help .",
+ "I wo n't be needing a booking . Thank you for the information . Have a great day !",
+ "Thanks again for the help !",
+ "Thanks ! That 's all for me . Have a good day !",
+ "No , that 's all . Thanks for all your help .",
+ "No that was all I needed thank you so much .",
+ "No , that 's everything I needed . Thanks !",
+ "Yes , that 's perfect . Thank you !",
+ "Thanks for your help have a goodnight",
+ "Thank you , that is all .",
+ "Great . Thank you . That 's all I need .",
+ "That is all I need . Thank you for your help .",
+ "That 's all I needed . Thank you for your help",
+ "Perfect , thank you for all your help .",
+ "No , thank you . I ' ve got everything I need right now .",
+ "ok thank you so much !",
+ "Great ! thank you",
+ "Great , thank you !",
+ "No that 's all , thanks !",
+ "You have helped me with everything I need today . Thank you ! That will be all .",
+ "Thank you so much for your help .",
+ "No thank you , that is all I needed .",
+ "No , that takes care of it . Thank you for your help .",
+ "That will be all . Thank you for your help .",
+ "Thank you very much !",
+ "No thanks . That is all I needed .",
+ "Ok . Thanks . All set .",
+ "Alright ! Thanks so much for your help !",
+ "That is all I need , thank you .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Great , thanks for all your help !",
+ "No , but I have all the information I need . Thanks .",
+ "Thanks . I will need the reference number , please .",
+ "thank you for helping",
+ "No . I believe that will be everything . Thank you .",
+ "Free is the best price , thank you , that is all I need",
+ "Nope , that 's all . Thank you for your help !",
+ "Thanks , is there an entry fee for that ?",
+ "No that 's all thanks .",
+ "That is everything for today , thank you .",
+ "Thank you for that info on Avalon . I would like to make a reservation .",
+ "No that 'll it for the day . Thank you",
+ "Thank you , that will be all .",
+ "Great , that 's all I need . Thanks for your help !",
+ "Thank you so much . That will be all I need .",
+ "Thank you for your help !",
+ "No , that 's all thank you",
+ "Not at this time . Thank you so much for everything . Have a great day !",
+ "Wonderful . Thanks very much for your help today .",
+ "Thanks . I am all set .",
+ "It will be just me today , thanks .",
+ "Great thanks . That is all .",
+ "That should be all ! Thank you for your help !",
+ "Thank you . That 's all I I need .",
+ "Thanks so much !",
+ "No that was all . Thank you .",
+ "Thank you ! You too . Your business provides a really great service .",
+ "Okay , thanks . That will do it for today .",
+ "That is all that I needed . Thank you so much for the assistance .",
+ "I think that will be everything I needed . Thanks for your help !",
+ "Thank you . Could you tell me their business hours ?",
+ "thanks that is i need today",
+ "Thank you for your help",
+ "No , that will be all . Thanks !",
+ "Thank you for you help , that is all I need today .",
+ "Thank you so much for your help . I greatly appreciate it .",
+ "Yes please and I need the address , thank you .",
+ "Thank you so much for all your help . That is all I need .",
+ "Great , that is all I need . Thank you for your help .",
+ "Yes . Let`s please try for shorter number of days . Thanks .",
+ "No , you ' ve been a great help , thanks for your time .",
+ "That s perfect information , thank ytoiuy",
+ "Nope , that should do it , thanks !",
+ "No that is it , Thank you",
+ "Thanks again !",
+ "Great ! Thanks so much for your help with that .",
+ "Thank you for the information .",
+ "Ok that will be it for today . thanks !",
+ "No , that is all I need today . Thank you .",
+ "Thank you for your help !",
+ "No that was all I needed . Thanks so much .",
+ "Thank you , I will be there on Tuesday !",
+ "Thank you ! That 's everything I needed .",
+ "That is all I needed . Thank you for your help .",
+ "Great . That takes care of all my needs for now . Thanks !",
+ "Thank you for your time .",
+ "No . That sounds like everything . Thank you .",
+ "Ok , thanks I will be outside waiting for the black skoda . Have a nice day .",
+ "No , that is all . Once again thanks for your service .",
+ "Thank you very much for your help today .",
+ "No , that 's all I need . Thanks so much for your help .",
+ "That is all I need today . Thank you for your help .",
+ "That is all , thank you so much",
+ "Thank you . Your service was pleasant .",
+ "No that will be it . Thank you for your help !",
+ "That should be all , thank you !",
+ "That is all , thank you for your help .",
+ "thanks that 's all i need",
+ "Thanks , that is all I needed .",
+ "Awesome . Thanks for all of your help . I have everything I need now .",
+ "No that 's all . Thanks for your help .",
+ "That is all I need . Thanks for all your help !",
+ "Thank you that 's all I need !",
+ "Thank you . That is all I need .",
+ "No , that is all . Thank you !",
+ "Thank you !",
+ "Thanks so much for all your help .",
+ "Perfect , thanks . I am all set now .",
+ "No , thank you for your help",
+ "No , that 's great , thanks !",
+ "Okay , great ! That 's all I 'll be needing , thanks so much !",
+ "No thank you that is all I needed .",
+ "That wo n't be necessary , thanks for your help .",
+ "No thank you that will be all",
+ "Great that 's all I needed . Thanks for your assistance .",
+ "Thanks . That is all I need for now .",
+ "Thank you . That is all I need today .",
+ "I think that 's everything . Thank you .",
+ "Thank you . That is all I need .",
+ "Thank you , I 'll wait on your response .",
+ "Thanks . I think that 's all I need help with today . Have a great day !",
+ "Wonderful ! That is all I needed . Thank you so much !",
+ "Thanks again . That 's all I needed .",
+ "No , that is all I needed . Thank you .",
+ "That will be all , thank you very much for your help !",
+ "No , thank you . That will be all for today .",
+ "That will be all for toady . Thanks !",
+ "Thank you have a nice day .",
+ "That is all I need . Thanks .",
+ "Excellent . Thanks for all the help !",
+ "Yes , thanks very much ! Have a great day !",
+ "You too ! Thanks so much for all the help . Please end the convo and read the directions next time . thanks",
+ "I do think that is all I need . Thanks . Good day .",
+ "Got it . Thank you for your help .",
+ "Thank you very much for the assistance",
+ "Nope , that 's all , thank you .",
+ "No thank you that will be all",
+ "Thanks , that 's everything I need . Have a nice day !",
+ "I need to fit 8 people . Thanks .",
+ "Thank you that is all I need for now .",
+ "That 's all I needed for today . Thank you",
+ "No , that would be all . Thank you . Have a good day .",
+ "No that 's all I needed thank you !",
+ "Great , thanks so much !",
+ "No , that is all I need today . Thank you .",
+ "Thanks so much for your help , I have all the info I need for right now .",
+ "No that will be it , thanks !",
+ "That 's all , thank you .",
+ "No , that should be it . Thanks so much .",
+ "thank you for your help !",
+ "Thanks you have been great !",
+ "No thank you , that 's all I needed .",
+ "No , that is all for today . Thank you .",
+ "Thank you for your help . That is all that I need right now .",
+ "Thank you very much for your help . Have a great day .",
+ "Thanks for your help !",
+ "Thank you that is all I need today .",
+ "No thanks that is all I need .",
+ "I think that covers everything . Thanks for your assistance today , you ' ve been so helpful !",
+ "Thank you that is all I needed .",
+ "No thank you that will be all that I can think of .",
+ "That 's great thank you .",
+ "Okay , thank you for your help !",
+ "No , that 's everything I need . Thank you very much .",
+ "Great , that is all I need today . Thank you .",
+ "No , thank you very much for your help .",
+ "Thank you , that will be all for today .",
+ "Thank you , this is very helpful .",
+ "No that is not necessary . Thanks for your help , that 's all I need for today .",
+ "Yes it is , thanks for your assistance .",
+ "That is all the information I need . Thank you .",
+ "Great , thanks ! That 's all I need today .",
+ "Wow , that was quick , you helped me a lot , thank you .",
+ "Great , thank you so much ! That will be all for today .",
+ "No , thank you . That 's all I need today .",
+ "Thank you . That is all i needed .",
+ "Thank you ! Have a wonderful day !",
+ "I ' m not sure . It is all quite confusing . I think I will find help nearby . Thank you .",
+ "I do n't want to book it just yet . Thanks for all your hard work .",
+ "No , that 's good thank you for all of your help .",
+ "No that was it . Thanks for your help .",
+ "Well thank you that will be all for today",
+ "That is it . Thank you .",
+ "Nope , that 's all I needed today . Thanks for you help !",
+ "well thank you that s all for today",
+ "Thank you that 's all the information I needed , thanks for your help .",
+ "Thank you very much . That is all I needed . Have a good day .",
+ "No that was it ! Thank you so much .",
+ "No thank you , I appreciate your time !",
+ "Thank You very much . That 's all I needed .",
+ "That 's all I needed . Thank you !",
+ "No that is all . Thanks for your help !",
+ "Awesome thanks so much !",
+ "That will be all . Thank you !",
+ "No thank you , my mac and cheese is almost ready , got ta go . Thanks for the help .",
+ "That 's great , thanks , have a good day .",
+ "That 's all for now . Thank you for all your help and have a great day .",
+ "Okay . Thank you very much .",
+ "you covered everything , thanks !",
+ "Thank you . That is all that I need .",
+ "No , Thank you that is it .",
+ "Thanks . That 's all I needed for today .",
+ "nope that is it thanks for all of you help",
+ "No , I have everything I need for today . Thank you .",
+ "Thank you for your help .",
+ "that is it for today thank you for asking",
+ "That is all . Thank you !",
+ "Ok thanks for all your help that s all .",
+ "Thank you that 's all the help I need today .",
+ "That sounds good . Thank you for your help .",
+ "thanks for helping",
+ "Thank you very much .",
+ "Great , thank you . That is all that I need .",
+ "That looks to be all , thank you for your help .",
+ "No , that is it . Thanks for your help !",
+ "No , that 's all I need right now . Thank you so much .",
+ "No that is all thank you",
+ "That s all for today ! Thanks so much !",
+ "Nope , that s it . Thanks !",
+ "Thank you very much .",
+ "No thank you .",
+ "Ok that s it for today thanks !",
+ "Thank you so much .",
+ "Thanks . I have all I needed . Goodnight .",
+ "Thank you . That s all i need for now !",
+ "That is everything . Thank you so much for your help .",
+ "That was all , thank you .",
+ "Thank you , that will be all .",
+ "That is all I need , thank you .",
+ "That 's all thank you for your help today !",
+ "That is all . Thank you .",
+ "That did it , I am ever so thankful for your help .",
+ "Thanks , Those are all i need for today .",
+ "No , thank you .",
+ "That is all for now . Thank you for all your help .",
+ "No , that 's all I need . Thank you !",
+ "I do n't need to book it . Thanks for the help .",
+ "No thank you .",
+ "Great , thanks ! That 's all I needed right now !",
+ "Nothing more , thank you !",
+ "Thank you for all your help ! That is all I need today .",
+ "thank you . can i get the reference number please",
+ "Okay , I believe that 's all I need . Thanks for your help .",
+ "No , thanks . Nothing else .",
+ "No , that 's everything for today . Thank you .",
+ "I ' m sure I will . Thanks again .",
+ "Thank you . That will be all .",
+ "I believe that takes care of everything , thanks !",
+ "Okay , that sounds good . Thank you for your help .",
+ "Actually , I do n't need a booking . Thanks . Have a nice day .",
+ "Thank you very much .",
+ "No , that is all I need . Thanks !",
+ "That is all I need , thank you !",
+ "You ' ve given me all the information I need today . Thank you .",
+ "No , that 's all I need . Thank you !",
+ "Thank you so much .",
+ "No not at this time . Thank you and have a great day !",
+ "No , that 's it . Thanks !",
+ "Great , thanks . That is all for now !",
+ "That is all , thanks a lot",
+ "Not at this time . Let me think about it . Thanks !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "That 's all the information I needed , thank you for your help .",
+ "Thank you that is all I needed .",
+ "Great ! Thank you so much for your help !",
+ "I think that is all I need for now . Thank you for all your help .",
+ "Thanks for helping me , I am all set .",
+ "No , that 's all the information I need . Thank you .",
+ "I am good to go . Thanks !",
+ "Thank you for all of your help .",
+ "That 's all I needed tonight . Thanks for the help .",
+ "That will do wonderfully . Thank you for your help .",
+ "No , I do not . Thanks .",
+ "Awesome , thanks a lot . That 's all I need help with .",
+ "No thank you . That is all that I needed .",
+ "No , I think that is All . Thank you .",
+ "Thank you for the info .",
+ "No that will be all thank you .",
+ "Thank you , that 's all I need today .",
+ "Great , thanks . I ' m all set for now .",
+ "That sounds perfect . I 'll book it later . That 's all I need . Thanks for everything .",
+ "Okay thank you . Can you tell me their hours of operation ?",
+ "OK , then that 's all I need . Thank you for your help .",
+ "Ok thank you for the information .",
+ "Thank you ! that 's all I need for now .",
+ "thank you very much",
+ "Great . Thank you !",
+ "Nope , that should do it . Thanks for your assistance !",
+ "Thank you . That 's all for today .",
+ "No that will be all ! Thank you !",
+ "Thank you that is all I need .",
+ "that is all i need for now . thanks for helping",
+ "Thank you that is all I needed today .",
+ "thank you !",
+ "That is all I need . Thank you for your help !",
+ "That should do it . Thank you !",
+ "I think that 's all I needed . Thanks . Have a good night !",
+ "Great ! Thank you so much for your help .",
+ "Thank you . That is all I need .",
+ "That was everything , thanks !",
+ "That is all for today . Thank you .",
+ "That is all , thank you !",
+ "at 5:15 would be a good time thank you",
+ "at 5:15 would be a good time thank you",
+ "No , that 's all . Thank you so much .",
+ "Thank you , that 's all I need today .",
+ "Great . Thanks for all your help .",
+ "That sounds great thanks .",
+ "Thank you for your help today .",
+ "that is great . thank you",
+ "No , that is all I need . Thank you so much .",
+ "Thank you very much for your help .",
+ "That is all I need today . Thank you for your help !",
+ "Ok thank you for the information that 's all I needed today .",
+ "Thank you . You have been very helpful .",
+ "Thank you so much . I appreciate your help with this .",
+ "That is all , thank you for all your help .",
+ "Thank you for your help . Do I need to do anything else or I ' m good ?",
+ "Thanks for all your help .",
+ "Thank you ! That 's all I needed .",
+ "Thank you so much , you ' ve been very helpful .",
+ "That is all I need , thank you .",
+ "thanks for all of your help",
+ "That should do it for today . Thanks a lot . Have a good day .",
+ "Perfect thanks so much for your help that was all I needed today .",
+ "Thanks that 's all . Have a good one .",
+ "That 's great . Thank you .",
+ "No that will be it . Thank you .",
+ "Thank you very much . I think that is everything I need then .",
+ "No thank you that will be all",
+ "Thank you I will think about it .",
+ "No that is it . Thank you .",
+ "You ' ve told me everything I need to know . Thanks !",
+ "No thanks that 's all I needed thank you for your help .",
+ "No , thank you . Thank you for your help .",
+ "Thanks again for your help .",
+ "Can I have address please thank you",
+ "No that will be all thank you so much for all your help .",
+ "That will do ! Thank you very much .",
+ "Nope , that 's all I needed . Thanks so much !",
+ "Perfect . Thank you very much !",
+ "No that will be all thanks .",
+ "That 's all I need , thank you .",
+ "No that is all for now thank you .",
+ "No thank you that will be all",
+ "Thank you very much !",
+ "Thanks . That is all I need today .",
+ "Thank you so much for your information .",
+ "Cool , thanks for your help .",
+ "I think that takes care of everything . Thanks !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Nope I think that 's it for now . Thanks much and have a great rest of your day !",
+ "That is all for now . Thank you so much .",
+ "That 's all I need for now . Thanks !",
+ "The centre will be fine . Thank you .",
+ "That 's all I need . Thanks ever so much !",
+ "Thanks . I ' m good then .",
+ "I think that is it . Thanks so much for your help !",
+ "Yes , let 's go with La Margerita . I do n't need reservations , thank you .",
+ "That is all . Thanks so much !",
+ "No , that should do it . Thanks .",
+ "No that is all for now . Thank you for all your help .",
+ "Thank you that is all I needed .",
+ "Not for now , thank you !",
+ "Great , thank you . I do n't have anything further for you today .",
+ "Thank you that will be all . Have a great day .",
+ "Great thank you so much for all the help !",
+ "That 's all I needed . Thanks for all your help .",
+ "That is all I need , thank you .",
+ "Thank you for your help . That 's all I need .",
+ "No , I do n't need to book a room , but can I get their contact info and location please . Thanks .",
+ "That will be all today . Thank you very much .",
+ "Thank you so much . That 's all I need today .",
+ "That sounds great thank you for the help .",
+ "I will do the 21:09 , but I will book later , thank you so much for your help .",
+ "That would be it and thanks a lot",
+ "No that will be all . Thanks .",
+ "No thank you that will be all",
+ "Okay , thank you so much for your help .",
+ "NO thank you . That 's all I needed .",
+ "Brilliant . Thanks for your help today .",
+ "Yes that is all . You were great . Thanks again .",
+ "No , that is all the information I needed . Thank you !",
+ "No that will be all thank you .",
+ "No , thanks . That 's it .",
+ "That is all . Thank you .",
+ "Thank you very much for all your help .",
+ "That 's it ! Thank you so much for your help !",
+ "No thanks , I ' m not sure how many seats I 'll be needing yet .",
+ "That will be all , thank you very much .",
+ "That 's all I needed . Thanks .",
+ "How much does this ticket cost ? Thanks for your help !",
+ "No thank you that will be all",
+ "Thanks so much for your help !",
+ "That is all ! Thank you !",
+ "No thank you . That is all I needed .",
+ "No , I think that covers it . Thanks so much for your help !",
+ "Thank you . That is all that I need .",
+ "No that is everything , thanks for your help .",
+ "No , that will be all . Thank you !",
+ "No , that 's all I needed today . Thanks for your help !",
+ "No , thank you , not at this time .",
+ "Great thank you . That is all I needed .",
+ "Great ! Thank you so much !",
+ "No that is it . Thank you .",
+ "No thank you . I just needed the information for now . Thanks for you help .",
+ "Great , thank you so much .",
+ "No , that will be all . Thank you .",
+ "No , thank you for your help .",
+ "No thank you that is all I need",
+ "Ok , sounds like a blast , thank you !",
+ "Actually , I think I may book it later . Thank you very much for all your help .",
+ "No , that 's it . Thank you !",
+ "Great that 's all the info I needed today , thanks !",
+ "No , that will be all . Thank you !",
+ "Ok Thanks that 's all I need !",
+ "Great , thanks for your help .",
+ "That is all , thank you for your help",
+ "No , that is all . Thank you !",
+ "That was everything I needed . Thank you very much for helping me .",
+ "Okay . Thank you for your help .",
+ "That is all . Thank you very much !",
+ "Thank you , that is all I need .",
+ "that is it for today thank you",
+ "No , that will be all . Thank you for your help .",
+ "That will be all . Thank you .",
+ "Thanks ! Have a great day !",
+ "No that would be it . Thanks !",
+ "No , that is all i need , thank you .",
+ "Thanks for your help !",
+ "You too ! Thank you for your help .",
+ "Nope , that 's all I needed thanks",
+ "Thank you for your help , that is all I need today .",
+ "Thanks . Looking forward to it .",
+ "No , that is all . Thank you .",
+ "Perfect , thank you .",
+ "No , that 's all for today . Thank you again !",
+ "Thank you for finding the Gardenia for me , that is all I need today .",
+ "Alright , that 's everything . Thank you for all of your help !",
+ "No , this is all I will need . Thank you .",
+ "Grat , ca nt wait to get there , ... wow . I am actually all set now , that went much faster than expected . Thanks for your efficiency .",
+ "Thank you so much . That is all I need today .",
+ "That was everything . Thanks ! !",
+ "Nope , that 'll do it , thank you for your help .",
+ "Thank you , that 's all I need today !",
+ "That 's it . Thanks for everything .",
+ "Great , thank you . That is all I need .",
+ "Thanks a gain for your help .",
+ "That is all , thanks .",
+ "Thank you for your help .",
+ "No , you ' ve been quite helpful . Thank you .",
+ "Okay thank you . That is all I needed .",
+ "Nope that 's it , you have been oh so wonderful , thank you !",
+ "No , you have been very helpful . Thank you so much .",
+ "That is all I need , thanks .",
+ "Thanks for your help today .",
+ "Thank you . That should be all of the information I need .",
+ "Which ever is open then , thank you .",
+ "Thanks so much !",
+ "No , thank you . I just need the name for today .",
+ "Great ! That 's all I needed ! Thank you !",
+ "That is all I need today , thank you .",
+ "No , that 's all I need . Thank you for your help !",
+ "Not right now , that 's all , thank you for your help .",
+ "thanks so much , that s all i needed",
+ "No , that 's all I need for today . Thanks !",
+ "No , that is all I needed to know . Thank you .",
+ "Okay , thank you for the information !",
+ "Perfect , you ' ve answered all my questions . Thank you !",
+ "I will . Thanks !",
+ "Thank you . That is all I need for now .",
+ "That 's perfect . Thank you so much .",
+ "No , thank you . I think that 's it .",
+ "That is perfect thank you very much for all of your help . You have a wonderful day .",
+ "Okay thank you for your help .",
+ "that is all i needed for today . thanks for helping",
+ "Ok , great . Thanks for your help , you have covered everything I needed !",
+ "Thank you for the information on that .",
+ "No , thank you . That 's all for now .",
+ "Ok great ! That 's all I needed . Thank you",
+ "Thank you so much !",
+ "Great thank you that 's all the help I need today .",
+ "Thanks a lot , that 's all for now .",
+ "No , thank you . You ' ve been very helpful .",
+ "No , that will be all . Thank you !",
+ "Thank you . That was all I needed .",
+ "Thank you , that is all I need .",
+ "Thank you for your help . That 's all for today .",
+ "Thank you , take care !",
+ "That is everything ! Thanks !",
+ "That was all I needed today , thank you .",
+ "Great ! Thank you so much .",
+ "No , I believe that is everything today . Thank you .",
+ "Thank you ! That is all that I need .",
+ "That would be all thank you very much .",
+ "No , thank you . I think I have everything I need .",
+ "Thank you for the information . That 's all I need .",
+ "No , that will be all . Thank you !",
+ "No that 's all i need . Thank you very much !",
+ "Thanks a lot for the service .",
+ "That 's all , thank you so much !",
+ "Ok . Thanks . That 's what I wanted .",
+ "thanks so much for all of your help",
+ "Thank you that is all I needed .",
+ "Thank you , that will be all I need today .",
+ "Nope that is all I need today . Thank you for your assistance with all this !",
+ "Thank you so much .",
+ "No , that is everything . Thank you !",
+ "Thanks ever so much ! You ' ve been very helpful .",
+ "Thank you so much , have a wonderful day .",
+ "No that is all thank you very much",
+ "No thanks , that 's all for now .",
+ "That 's all for now . Thank you for all your help .",
+ "That was all . Thanks !",
+ "thanks for serving me !",
+ "thank you once again",
+ "Yes I 'll take the one in the south , thanks for your help .",
+ "Great , thank you ! That 's all I needed .",
+ "No , that 's all for today . Thank you !",
+ "Great ! Thank you ! That 's all I need .",
+ "No , that was all I needed . Thank you so much .",
+ "No , thank you for your help .",
+ "Brilliant ! Thank you .",
+ "No , you have been most helpful . Thanks , again .",
+ "Great ! Thank you , that 'll be all !",
+ "No , that 's all I need . Thank you .",
+ "Thank you ! That 's all I needed for today !",
+ "No , that is everything I needed , thank you very much for your assistance .",
+ "Great , Thank you so much . That is all I need .",
+ "Oh that 's great . That would be all , thank you .",
+ "Sorry , you know what , I 'll just walk in and demand they seat me . That also works out so well . That 's all I need today , thanks !",
+ "That 's all . Thanks .",
+ "No , indeed . That will be all . Thank you .",
+ "Thank you . That is all I need .",
+ "Thank you for the information , that 's all I need today .",
+ "No , that 'll be all ! Thank you for your help !",
+ "No thank you that is all .",
+ "Great . Thank you for your help !",
+ "No thank you that will be all",
+ "That is all I need . Thank you so much for your help .",
+ "Wonderful , thanks . That 's all I need .",
+ "Yes a table for four . Thank you",
+ "No . All set . Thanks .",
+ "No I think that is all , thank you .",
+ "No thank you , that 's all I need for now !",
+ "no that will be all I think thanks for your help",
+ "Terrific , thanks and have a great day !",
+ "Thank you . I missed that before . Screaming kids , you know .",
+ "Thank you so much for your help .",
+ "No , that 'll be all . Thank you and have a great day .",
+ "Thank you so much !",
+ "That was all , thank you for your help today .",
+ "I do n't think I am ready to book . Thank you .",
+ "No thank you , I hope you have a wonderful day and thank you for all the help !",
+ "I just needed that info . Thank you .",
+ "No that s all i wanted thank you",
+ "That was everything , thanks !",
+ "I think that is everything , thanks !",
+ "Thank you very much . That 's all I need .",
+ "Cool beans ! Sorry I was so much trouble . Thanks so much for all of your help , you need a raise dealing with customers like me !",
+ "For Friday for 2 people thank you !",
+ "Thank you so much for your help .",
+ "That is all . Thanks !",
+ "No , that 's all . Thank you .",
+ "Thank you that is all I need for now .",
+ "No , I will book it myself later . Thanks , that 's all I need .",
+ "No , that is all . Thanks .",
+ "Thank you , that will be all for me this time .",
+ "Great , thanks , that 's everything I need .",
+ "That is all , thank you .",
+ "Thank you . That 's all I needed to know .",
+ "Okay thank you ! that is all !",
+ "Thank you for your help !",
+ "Thank you I ' m sure I will .",
+ "that is all i need today . thanks for helping",
+ "Thank you ! Have a nice day !",
+ "Thank you for the information that 's all I need today .",
+ "Thank you , that is all I need .",
+ "No thank you . Have a great day !",
+ "Thanks so much . That 's all I needed today .",
+ "Thank you !",
+ "That is all for now . Thank you for all your help .",
+ "No that is all I needed today , thank you .",
+ "Great , thanks for your help .",
+ "That was all . Thanks",
+ "Great , thanks for your help .",
+ "No I am actually all set now thanks though",
+ "Excellent . Thank you for the help !",
+ "No thanks . That 's not necessary . I think I have all I need . Have a good night .",
+ "That sounds good , Thank you",
+ "Great . That is all that I need today . Thanks !",
+ "That is all I need today . Thank you .",
+ "Very good , thank you kindly , that will be all . You are dismissed .",
+ "No that it is it . Thank you .",
+ "That is all thanks .",
+ "No , that 's all I needed . Thanks for your time !",
+ "Thanks . I will definitely use your service again .",
+ "Yes can you please book that for me thank you .",
+ "Great , thanks for your help .",
+ "Thank you . That is all that I need .",
+ "Not right now . I am just getting information together . Thank you .",
+ "Thank you for the information .",
+ "Thanks . That 's all the information I needed today . I appreciate your help .",
+ "That should be it for today thanks !",
+ "Excellent , thanks .",
+ "No that is all I need . Thank you for your time .",
+ "That is all I needed today thank you .",
+ "Thank you , that is all that I need .",
+ "No , thanks for the help !",
+ "Ok , great , that 's all I needed ! Thanks !",
+ "No that will be all . Thank you so much for all of your help !",
+ "No . Thank you that is all I needed .",
+ "Thank you for the information ! I do n't need anything else .",
+ "No , I am not sure I am traveling just yet . Thanks for the information , I am all set for now . Have a nice day .",
+ "Thank you . That 's all I need today .",
+ "That will be all , thank you .",
+ "No , I believe that is everything . Thank you .",
+ "Thanks so much for your help . That 's all .",
+ "No , that should be it . Thank you .",
+ "No , thank you for all your help .",
+ "I have everything . Thanks",
+ "Great , that 's perfect . Thanks for your help !",
+ "No that 's all for now . Thank you .",
+ "Thank you for the information .",
+ "No , that 's all I need . Thank you .",
+ "Thank you for all the information . That will be all for now .",
+ "Thank you so much for your help .",
+ "Yes that sounds perfect . I think that 's all I need today , thank you very much .",
+ "Great , that is all I need . Thank you .",
+ "Fantastic . Thank you for all your help . That 's all I needed .",
+ "I sure would , thanks .",
+ "No , that covers it . Thanks !",
+ "That 's all I need . Thanks !",
+ "No that is all I needed for the night thank you .",
+ "That 's all I need help with right now . Thank you !",
+ "No , that 's it , thanks .",
+ "No , thank you . Thanks for your help .",
+ "Thanks for all your help !",
+ "No , I believe that will be all today . Thank you .",
+ "Thank you ! That is all that I need .",
+ "Awesome , thank you ! That 's all I needed to know . Have a good evening .",
+ "That is all I need , thank you for your help .",
+ "That is all . Thank you so much !",
+ "Thanks ! That 's all I needed .",
+ "Thank you so much .",
+ "I will look for the yellow skoda after 17:30 . Thanks for all your help .",
+ "That 's not needed . Thank you !",
+ "No , that 's all . Thanks .",
+ "No , thank you so much ! Have a nice day",
+ "Ok , thank you for your help .",
+ "No . That will be all thank you .",
+ "Thank you for everything , that is all I need .",
+ "Thank you for your help .",
+ "Thank you . That 's all I need to know for now .",
+ "No that was it . Thank you so much .",
+ "No , that 's all I needed . Thank you so much .",
+ "Thanks so much . Can you also help me find a place in town ?",
+ "that 's all thanks for your help",
+ "Great thank you for all your help",
+ "Yep ! Thanks - I ' m all done .",
+ "Thank you for your help , that 's all I needed .",
+ "No . That is all . Thanks .",
+ "Please book that for me for today thank you",
+ "That 's it . I 'll call you when I need something else . Thanks .",
+ "Thanks , that 's all I need .",
+ "Okay great . Thanks for your help .",
+ "That 's all I needed to know . Thanks so much ! Take care !",
+ "No thank you . I have everything I need .",
+ "No thank you , that 's everything I need !",
+ "No , that is all I need . Thank you so much for your help . Have a nice day .",
+ "Yes that 's everything I needed thanks .",
+ "No , that 's it for me today . Thanks very much for your help .",
+ "Thank you very much ! That was everything i needed . Take care and have a great day .",
+ "thank you !",
+ "That 's all , thank you !",
+ "Okay , you too . Thanks again .",
+ "Thank you for your help . That is all I need .",
+ "I think that is all I need . Thank you .",
+ "Nope , wherever you recommend will be great . THanks",
+ "Thank you for all your help today . I appreciate it .",
+ "Perfect ! Thank you so much for all of your help .",
+ "That 's everything I needed . Thank you so much for your help !",
+ "No , that 's everything , thank you .",
+ "Thank you , that 's all I needed today .",
+ "Perfect . Thank you so much . That 's all I need .",
+ "Thank you , that 's all I need today .",
+ "Great that 's all that I need , thank you for your help today .",
+ "No , that should do it . Thanks so much for your help !",
+ "That sounds perfect . That 's all I needed for today , thanks .",
+ "You ' ve been more than helpful . Thanks but that s all I need . Have a good night .",
+ "No that 's all . Thanks .",
+ "No , that will be it . Thank you for your help .",
+ "Thank you so much !",
+ "Thanks , that 's all I needed today . I appreciate your help .",
+ "That would be it thank you for all your help .",
+ "Yeah , Tuesday . Thanks .",
+ "that is it for today thanks for helping",
+ "That is all . Thanks so much !",
+ "No , that is all I need today . Thank you .",
+ "No , that 's it ; thank you for your help .",
+ "No thank you . I just needed the information . That 's all I need .",
+ "no thanks that is enough for today",
+ "Thanks for the info , that 's all I need today .",
+ "that is it for today thanks alot",
+ "Great . Thank you very much for you help . That is all I need today .",
+ "No that is all I needed . thank you !",
+ "Yes book that for me thank you",
+ "Thank you and I need a reference number",
+ "That is all for now . Thank you .",
+ "Unlisted ! What a pain . Okay , I suppose give me the phone number , thanks .",
+ "That 's all the information I need . Thank you !",
+ "Thank you ! That is all I need .",
+ "No that would be it thank you very much .",
+ "No thank you . That will be it .",
+ "that is great ! thank you for all your help .",
+ "Thank you so much . That is all I need .",
+ "That is all thank you !",
+ "That is all for now . Thank you",
+ "That was all I needed thank you .",
+ "No thank you that is all I need .",
+ "No that 's all I needed . Thank you !",
+ "Thank you .",
+ "Thank you so much .",
+ "No thank you that will be all",
+ "thanks you have been very helpful",
+ "No , that should be it for me , thank you !",
+ "No , that 's all . Thanks !",
+ "That 's great ! Thanks , I think that 's all I need today .",
+ "I think that is it , thank you .",
+ "That is all . Thank you .",
+ "No thank you .",
+ "No , that 's fine . Thank you !",
+ "Thank you for your help . That 's all I need . Have a nice day .",
+ "No , thank you !",
+ "Nope , that 's all I need . Thanks very much !",
+ "no thank you . thanks for your help .",
+ "Yes please that be great , thanks !",
+ "Wonderful , thank you for all your help . That 's all I need for today .",
+ "No , thank you !",
+ "Thank you that is all I needed today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No , that 's it ! Thank you for your help",
+ "Thanks very much for your help today .",
+ "That is all I need . Thank you .",
+ "Great , thanks for your help .",
+ "That is all Thank you",
+ "That was everything , thanks !",
+ "OK , thank you so much !",
+ "No , that will be all . Thank you for your help !",
+ "That 's all I need , thanks for the help !",
+ "Thanks I will . That is everything I needed .",
+ "thank you that is all",
+ "That could be really nice , thank you .",
+ "No , that is all I need at this time . Thanks for your help . Have a nice day .",
+ "No that was everything . Thanks",
+ "That 's it for today . Thanks so much for your help .",
+ "Great thank you for all your help , that 's all that I needed to know .",
+ "No that will be all , thanks .",
+ "Thanks that 's all I need .",
+ "Thanks , that 's all I need .",
+ "Thank you for the helpful information !",
+ "No , that 's everything . Thank you !",
+ "no , that 's it . thanks for your help !",
+ "No , I think that covers everything . Thanks so much for your help !",
+ "Perfect . Thank you for your help today .",
+ "No thank you .",
+ "That is everything I needed . Thanks !",
+ "that isenough for today . thank you for helping",
+ "Yes please . Thank you so much !",
+ "Thank you so much . That is all .",
+ "Thank you very much . I think that 's all that I need right now .",
+ "No , that will be all thank you .",
+ "Great that was all I needed today , thank you !",
+ "Thank you so much for your help .",
+ "No , that 's all I need . Thanks again .",
+ "Okay , thanks .",
+ "Thanks so much . Can you also help me find a place to stay at ?",
+ "thank you very much .",
+ "Thank you very much .",
+ "No , you have given me everything i need . Thank you very much .",
+ "That 's all I need . Thanks !",
+ "Great ! That 's all I needed . Thanks a lot for the help .",
+ "Thanks , I also need a guest house .",
+ "No that is all we need . Thank you .",
+ "thank you for your help",
+ "No , I just needed the number and time . Thank you !",
+ "No that is all . Thank you .",
+ "Thank you so much .",
+ "No , that should be all . Thank you .",
+ "Yes that 's fine . Thank you . If for some reason there were a mix up are there workers at the station or is there a number to call here ?",
+ "That is all I needed . Thank you .",
+ "That is all ! Thanks !",
+ "that s is it for today , thanks",
+ "Thank you my table has been reserved and my number is 2X)7EN14 .",
+ "Thank you . I believe that is everything I need at this time .",
+ "Thank you , that s all I need today",
+ "Great ! Thank you for your help .",
+ "No That is all . Again thank you .",
+ "That is all , thanks .",
+ "Um , no thank you . I think that 's all I need for today !",
+ "No thank you",
+ "thank you for helping",
+ "Nope , that 's it for now . Thanks very much for your help !",
+ "No , you ' ve already helped me with all I need at this time . Thank you !",
+ "Okay . That 's all I need . Thanks .",
+ "That 's all I need , Thanks .",
+ "That is everything , thanks for you help",
+ "I ' m looking for a guest house in Cambridge , please and thank you .",
+ "Thank you , that s all I need today .",
+ "Thank you so much !",
+ "Awesome , that is all thanks for your help .",
+ "Thank you for your time !",
+ "Perfect . Thank you very much . I think that is all I need today .",
+ "No , that is everything , thank you for your help .",
+ "Thanks so much for your help , I think that will be all I need today .",
+ "Yeah that works for me . It 's also all I needed for today . Thanks !",
+ "Thank you so much !",
+ "No thank you , that was all I needed . Have a great day .",
+ "No that was everything . Thanks",
+ "Thank you very much !",
+ "That is all , thanks so much !",
+ "That 's all . Thanks .",
+ "Thank you very much , you ' ve been very helpful .",
+ "Thanks , that 's all I need today . I appreciate your help .",
+ "No , that 's it for today . Thanks for your helP !",
+ "No , that will be all for today . Thank you .",
+ "That is all we needed . Thank you .",
+ "Thanks for the help . That 's all I need today . Have a good day .",
+ "That is all I needed . Thanks !",
+ "No , that will be all . Thank you !",
+ "Thank you very much , that 's all I needed !",
+ "That 's a bummer . Thank you anyways .",
+ "thanks for helping me . that is all i needed",
+ "That should work thank you very much",
+ "No , that will be all . Thank you !",
+ "Thank you , That will be all .",
+ "That is all . Thank you",
+ "Ok . Thanks . That works .",
+ "Thank you that is all I needed today .",
+ "No thank you , that 's all I need .",
+ "Perfect ! That 's all I needed to know . Thanks . Have a great day .",
+ "Thank you for your help . That will be all .",
+ "Perfect thanks for such great help",
+ "No thank you . But thank you very much .",
+ "That is all I needed . Thanks .",
+ "Yes , I will need tickets for the group . Thank you",
+ "That is all for now . Thank You",
+ "That is it thank you",
+ "That 's all I need for now . Thanks for all your help !",
+ "That sounds great . Thank you very much !",
+ "That is all , thank you for your help .",
+ "No , I think you have covered it all . Thank you .",
+ "Thanks all I need thanks !",
+ "Okay , that 's all I needed . Thank you !",
+ "That 's all I need for today , thanks for your help !",
+ "Nope that 's it . Thank you .",
+ "That 's everything that I need . You ' ve been a great help . Thank you .",
+ "No that will be all . Thank you !",
+ "No that was it , thank you .",
+ "that will be it for today . thanks",
+ "Thank you for your help .",
+ "That is all I will need . Thank you .",
+ "That is all , thank you for you help .",
+ "Good , good , that 'll be all . Thank You .",
+ "That 's all I needed . Thank you !",
+ "Thanks , no that is all I will need .",
+ "All set . Thanks .",
+ "No that is it . Thank you .",
+ "That 's it , thank you for the help .",
+ "Great , thanks . I ' m all through here . You ' ve been a great help .",
+ "thank you for helping",
+ "No that is all thank you so much",
+ "Thank you for helping me . I ' m all done for today .",
+ "Thank a lot for your help . That is all .",
+ "Wonderful , thank you !",
+ "No , that 's it . Thanks !",
+ "Thanks so much . I am also looking for a place to dine . Can you help me ?",
+ "No thank you .",
+ "That 's all I needed . Thanks !",
+ "Thanks . I also want info on concert halls in the south .",
+ "No , that will be all . Thanks .",
+ "Thank you . That 's all I need right now .",
+ "Thank you , That was all I needed",
+ "No thank you that will be all .",
+ "Thank you so much . You have been a huge help .",
+ "Nope , that 's all I needed . Thanks !",
+ "Great thank you ! That will be all !",
+ "Thank you for your help . That is all I need right now .",
+ "Great thank you for your help that 's all I needed today .",
+ "No thank you . That is great . Thank you !",
+ "Thank you for your help .",
+ "No that would be it . Thank you for your help !",
+ "Thank you very much , that 's all I needed !",
+ "No , thank you , that will do .",
+ "Great thanks ! That 's all I need .",
+ "Nope . That is all I needed ! Thanks .",
+ "Oh thank you for that information . Are they reasonable ?",
+ "That should be all . Thank you !",
+ "thank you that is all i need for today .",
+ "Ok , that should be all for me . Thank you so much for all of your help !",
+ "No , that would be it . Thanks . Have a nice day .",
+ "No that was all thank you .",
+ "No , I think that 's everything I need . Thank you for helping me .",
+ "Thank you . I believe that is everything I need today .",
+ "Can you also give me their address while I call them , to save some time ? Thanks .",
+ "Excellent , thank you so much for your help !",
+ "Thank you for all your help .",
+ "No thank you , I have all I need .",
+ "Yes that 's all . thanks for the help !",
+ "No thank you , that is all I needed .",
+ "That is all , thank you for your help .",
+ "That will work just fine , thank you .",
+ "Thank you . I think that 's all I need .",
+ "Thank you so much ! That should be all I need .",
+ "That is great . Thanks .",
+ "No , that will be all today . Thanks a bunch !",
+ "Okay , thank you ! What is the star rating ?",
+ "that is enough for today thank you",
+ "No that 's all I need . Thank you !",
+ "No that 's it ! Thank you very much for all the help and information !",
+ "No , that was all I needed , thank you so much .",
+ "Thank you . I am all set . Have a great day .",
+ "Okay thanks ! That 's all I needed to know !",
+ "Yes that 's great . Thanks so much !",
+ "Thanks again for your help",
+ "No , that will be all . Thank you .",
+ "That 'll be all . Thanks for you help .",
+ "Thanks , I think that 's all I needed !",
+ "That should do it . Thanks so much for your help !",
+ "Thanks . Oh , I forgot to ask , is that in the moderate price range ?",
+ "No , I think that 's all that I ' m looking for , thank for the help !",
+ "thank you .",
+ "That is all I needed for today . Thank you for your help !",
+ "No thank you , that will be everything today .",
+ "You to , thanks for the help !",
+ "Thank you . That 's all I need for now .",
+ "Thank you very much for the information !",
+ "No that is it thank you .",
+ "Ok , great ! Thank you very much for your help .",
+ "That is all ! Thank you so much !",
+ "Yes , that would be fine . Thanks .",
+ "no , thanks for your help though !",
+ "Thanks so much for your help . I am good to go now .",
+ "that is it for today . thanks for helping",
+ "Thank you so much !",
+ "No , that 's it . Thank you so much for your help .",
+ "Great . That 's all I needed . Thank you .",
+ "Not at this time . I think I have everything I need . Thank you .",
+ "Thank you so much",
+ "Actually , a reservation wo n't be necessary right now . that 's all I need . Thank you !",
+ "I need a 5:00 pm departure time thank you",
+ "Excellent . That 's all I need , thanks !",
+ "Great that is all I need . Thank you .",
+ "Thanks so much for your help",
+ "thanks for all of your help !",
+ "That is all I need , thank you !",
+ "Great that 's all I need for now . Thank you so much .",
+ "Thank you for your help",
+ "No , that 's all I need . Thanks .",
+ "Thank you very much . That is all I needed .",
+ "No that 's all I needed . Thank you !",
+ "No , that 's it ! Thanks for your help !",
+ "No that 's everything I needed , thank you !",
+ "That 's all the information I needed today , thank you .",
+ "That is all thank you",
+ "No that 's everything . Thank you so much !",
+ "Thank you so much you have been awesome .",
+ "Thank you for the information . That 's what I needed to know .",
+ "Thank You",
+ "That will be all , thank you !",
+ "Thank you for your help , have a great day .",
+ "That 's all I needed . Thank you !",
+ "Thank you . That is all I need .",
+ "Thank you very much for your help . That will be all today .",
+ "That is perfect . Thank you that 's all I needed today .",
+ "Thank you have a wonderful day .",
+ "Thank you for all your help . That sounds perfect .",
+ "Wonderful . Thank you for your help today .",
+ "Thank you . That 's all I needed today .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Thank you for all your help . That 's all I need today .",
+ "That sounds perfect ! Thank you so much !",
+ "Thank you . That is all I am inquiring about today .",
+ "Thanks ! That is all I need .",
+ "Thank you , I also need to find a room .",
+ "Yay , thank you !",
+ "Thank you for your help .",
+ "No . That 's all I needed . Thanks !",
+ "Thank you for the help . That 's all for now .",
+ "No that will be all . Thanks .",
+ "No that 's everything , thank you so much !",
+ "No that is all , thank you very much .",
+ "Thank you so much ! You 're very helpful and I appreciate all your work . I ' m looking forward to this trip !",
+ "That is all I need hep with . Thank you !",
+ "No , that is all I need help with at the moment . Thank you .",
+ "Great ! That 's all I need today . Thank you .",
+ "No , that is all I need today . Thank you for all your help !",
+ "That was all , thank you for your help today !",
+ "Thank you for you help >",
+ "That should be all thank you",
+ "No , that is all I need today . Thank you for all your help .",
+ "No that is great . Thanks for all your help .",
+ "Great thank you that 's all that I needed today .",
+ "thank you so much for helping",
+ "No thanks , that 's all I needed .",
+ "Thank you so much for all of your help .",
+ "No , that 's everything . Thank you so much for your help . Have a great day !",
+ "No , that 's all I need , thank you .",
+ "Thank you for your help .",
+ "No thank you have a nice day .",
+ "Thank you for your help today",
+ "No , that will be all today . Thank you .",
+ "I think that is it . Thanks so much for your help",
+ "That 's all , thank you .",
+ "No , that will be all . Thank you .",
+ "Yes , you have . Thank you .",
+ "No that was it . Thank you very much !",
+ "Thank you ! That will be all !",
+ "Wonderful . Thanks for your help today .",
+ "No that is it . Thank you .",
+ "Okay fantastic , that 's all I needed today , thank you !",
+ "Thank you so much . That 's all I need today .",
+ "No , thank you , that 's all .",
+ "No thanks , I 'll take care of that . I ' m all set today - thanks for your help !",
+ "Thank you for all your help .",
+ "No , thank you that 's all I need for now .",
+ "Thank you , no that will be all .",
+ "No thank you that is all .",
+ "That s everything I needed thanks for the help !",
+ "Thank you so much for your help .",
+ "Thank you . That is all .",
+ "No , thank you .",
+ "No that is all . Thank you for all of the information .",
+ "No , that about covers everything . Thanks for your help .",
+ "Thank you for your time .",
+ "No . That is all . Thank you .",
+ "I think that will be all . Thanks so much for your help !",
+ "Not at the moment . Thank you .",
+ "No , that 's all I need right now . Thank you !",
+ "That will be all . Thanks for your help !",
+ "I have no area preference . Can you suggest a park for me ? Thanks a lot",
+ "That was all I needed today , thank you so much .",
+ "I think that 's everything I need right now . Thank you very much !",
+ "Great thank you for your help .",
+ "that 's all thanks",
+ "Nope , wherever you recommend will be great . THanks",
+ "No , that will be all . Thank you !",
+ "No thanks , that is all .",
+ "Awesome ! I guess that 's all I need . Thank you .",
+ "Great thanks for all your assistance !",
+ "No that 's all the help I need . Thanks for your help .",
+ "That is all I need . Thanks .",
+ "That 's great . Thank you so much",
+ "No thank you . Have a great day !",
+ "No thank you that should be all .",
+ "No thank you . That is all I needed .",
+ "Thank you so much for your help , that 's all I needed today .",
+ "Could you provide a contact number ? Thanks !",
+ "Great that is all I needed thank you for your help today .",
+ "Thank you !",
+ "Thank you have a nice day .",
+ "Excellent . Thank you for your assistance !",
+ "That will be all , thank you .",
+ "Thank you for your help , I think I have gotten all of the information I need today .",
+ "That 's all I will need , thank you .",
+ "That is all I needed . Thank you !",
+ "Thank you so much , that is all I needed for now .",
+ "Ok , that 's all I need , thanks .",
+ "Thank you so much . You have been very helpful .",
+ "That will be all , thank you .",
+ "That 's all I need , thank you !",
+ "Ok great , that is everything I needed to know . Thank you for your help !",
+ "I am positive . Thanks for everything !",
+ "Thanks , I think that is all I need .",
+ "No thank you , that is everything .",
+ "Thank you . What is the contact number ?",
+ "That is all , thanks .",
+ "Thank you , can you give me the contact number please ?",
+ "Thank you for your help .",
+ "No , that 's it . Thank you so much !",
+ "Great , that 's all I need . Thank you !",
+ "No , that 's all I need . Thanks for you assistance !",
+ "No that will be all thank you so much .",
+ "That 's all . Thank you .",
+ "No that was all , thank you !",
+ "Thank you very much for your help .",
+ "Great . Thank you so much for booking that .",
+ "Thank you that is all I needed .",
+ "No thank you , you ' ve been very helpful .",
+ "No , thank you so much for your time .",
+ "yes please and a reference number please thank you",
+ "Okay , that sounds perfect ! That 's all I need for today . Thanks !",
+ "No , that 's all I need today . Thanks for the help !",
+ "No that is all I needed . Thank you .",
+ "Thank you very much !",
+ "That 's all , thank you .",
+ "No that is all I need . Thanks for your help .",
+ "Thank you ! Have a great day !",
+ "That seems to be everything . Thank you for your help .",
+ "No , thanks , that should take care of everything .",
+ "Thank you for your services .",
+ "no that is it for today . thanks for helping",
+ "That is all I needed , thank you .",
+ "Thank you for that information . Sounds like a good place .",
+ "Great ! Thank you very much !",
+ "Great ! Thank you very much .",
+ "No , that is all for today . Thank you",
+ "no , that is all . Thanks",
+ "Great thanks so much ! That 's all I need !",
+ "That is all I need for today . Thank You !",
+ "No , thank you .",
+ "Okay thank you that is all I need .",
+ "That 's all for today . Thanks for your help !",
+ "No thank you that will be all",
+ "No thank you , I have all the information I need on that . Thank you !",
+ "No , that 's all I needed , thank you so much !",
+ "No , I think that takes care of it . Thank you .",
+ "No , that 's all I need . Thanks for your help .",
+ "NO , that 's all I need . Thank you .",
+ "No , I just needed the information , thank you .",
+ "Thank you for your assistance .",
+ "No thanks . I just need to book the room .",
+ "Thanks that 's all I needed to know today .",
+ "That was everything I needed . Thanks for your help !",
+ "Great ! That is all I needed . Thank you .",
+ "Thank you that was all i needed",
+ "Great , thanks ! Also , can you tell me about the Worth House , please ?",
+ "Thanks , that is all I need .",
+ "Nope , that 's it . Thank you !",
+ "No , thank you . That is all .",
+ "Thank you , that will be all .",
+ "That is all . Thank You .",
+ "Thanks , that is all I need today .",
+ "No , thank you .",
+ "Thank you . That is all I need .",
+ "that is it for now . thank you",
+ "Thank you have a nice day .",
+ "I think that is everything , thanks for the help !",
+ "Wonderful . Thank you so much .",
+ "That will be all . Thank you .",
+ "That is all thank you .",
+ "Thank you , that is all I need today .",
+ "Thank you and have a good day .",
+ "Thanks so much , that 's all I needed today !",
+ "That 's all I need for today . Thanks !",
+ "That is all of the information that I need , thank you .",
+ "Thank you can you find me a place to eat as well .",
+ "Thank you that is all I needed .",
+ "Thank you for booking that for me .",
+ "Thank you for all the help you have been . You have a good day .",
+ "Thank you . That 's everything .",
+ "Thanks for all your help . Have a nice day .",
+ "That 's all for now . Thank you for all your help .",
+ "No . All set . Thanks .",
+ "That 's it , thanks for your help .",
+ "Thanks ! You too !",
+ "Thank you so much , that 's all I need ! Take care !",
+ "No thank you that will be all",
+ "No thank you that will be all",
+ "Nope . That will be all , thanks .",
+ "thanks for your help and have a good day",
+ "Nope , that 's all I need today - thanks !",
+ "No , that is all I need . Thanks for your help .",
+ "No that will be all for now . Thank you .",
+ "Thanks so much for your help !",
+ "No , that 's all that I need today . Thank you !",
+ "Thank you , that was all I needed .",
+ "Thanks for your help , that 's all I needed .",
+ "Thank you . I have another request . I am looking to find out more information on the Soul Tree Night Club .",
+ "No , that 's all I need for now . Thanks for your help !",
+ "Wonderful , thanks . That is everything I needed .",
+ "No , you have helped me . Thank you !",
+ "no , thank you",
+ "That 'll be all . Thank you !",
+ "Thank you . How much would it cost ?",
+ "No , there is nothing further . Thank you so much for your help !",
+ "Thank you , I will .",
+ "Thank you . That 's all for today .",
+ "OK , thanks for everything .",
+ "Thank you for your help .",
+ "Thanks so much . Can you also find me a place to stay ?",
+ "no thanks that will be all then",
+ "Fantastic , thank you , that will be all .",
+ "No thank you that will be all",
+ "We will figure something out , thanks for your help today !",
+ "Nope , that 's all I needed . Thanks !",
+ "Thank you for all the information . I would like to book this .",
+ "That should be it , thanks !",
+ "Great thank you . Yes that is correct .",
+ "No that will be all for now . Thank you .",
+ "Great . That 's all I need . Thanks .",
+ "Yeah , my first time taking a trip here , sorry . I m sure the fee is no big deal , thank you so much for your help .",
+ "That 's all . Thanks",
+ "Actually I will book it myself . Allenbell sounds perfect . Thank you , this is all I needed .",
+ "Great , thanks ! That 's all I need today . You ' ve been a wonderful help .",
+ "No that is all thank you .",
+ "That is everything thank you so much .",
+ "Yes , you have . Thank you .",
+ "Thanks so much !",
+ "No , thank you .",
+ "No , that will be all . Thank you .",
+ "Thanks that would be it for today",
+ "Thanks . That is all for now .",
+ "Thank you . I am now finished .",
+ "No , that 's it . Thank you .",
+ "No , that was it . Thank you for the help .",
+ "That is all thanks for all your help . Have a good day .",
+ "Thank you so much .",
+ "No , that 's all . Thanks !",
+ "Thank you for your help !",
+ "Nothing else , thank you . Have a great day .",
+ "Excellent ! Thank you so much for the help !",
+ "Thank you for your help . That is all I needed .",
+ "Cool beans , that 's all I needed . Thanks a bunch !",
+ "Thanks . Yes , I am also looking for places to go when I get there . Are there any cinemas in the same area as Archway House ?",
+ "Okay , great . Thank you for your help !",
+ "No that 's all thank you for the help !",
+ "Thanks , that 's all I need for today",
+ "Yes , thank you very much . That will be all .",
+ "Thank you very much ! That was all the info i needed .",
+ "No thank you .",
+ "Thank you ! That 's all I need from you today .",
+ "That 's all . Thank you .",
+ "Great that is everything , I apologize for being so high maintenance , thanks for the help .",
+ "No thanks , that was all I was hoping to find out ! Have a good day !",
+ "I do n't care about the arrival time . Thanks .",
+ "Thank you . That is all for now .",
+ "Thank you , that is all I need today .",
+ "Yes thank you . I appreciate all your help . Good day !",
+ "Wonderful , that 's everything I needed . Thanks so much .",
+ "That is all I needed . Thanks !",
+ "Thanks ! That 's all I need .",
+ "No thank you .",
+ "Thank you very much .",
+ "That will be all I need . Thanks .",
+ "That 's all , thanks a lot man ! You were awesome !",
+ "No thank you , that was everything !",
+ "Great , thank you for the info . Have a nice day !",
+ "I ' m all set . Thanks for your assistance .",
+ "No . Thank you so much .",
+ "That 's all I needed . Thank you !",
+ "No thank you that will be all",
+ "No thank you . Thank you for everything !",
+ "Nope , that was everything , thank you very much !",
+ "Thank you very much . I will contact them now .",
+ "Great thanks . That 's all I need .",
+ "No , I think you ' ve answered all my questions . Thank you !",
+ "No thank you . I appreciate all your help .",
+ "That will be all ! Thank you !",
+ "Thank you , that 's all I need today !",
+ "Thank you very much .",
+ "No that 's all I needed . Thank you !",
+ "Perfect . Thank you very much .",
+ "No , thank you . That 's all . Thanks !",
+ "That is wonderful . Thank you for your help . Have a great day .",
+ "I will . Thanks for your help !",
+ "Great ill check it out . That s everything I need thanks",
+ "No thank you",
+ "Thank you very much !",
+ "No , that will be all , thank you . Have a nice day .",
+ "Thank you , that s all i needed .",
+ "No thank you for all your help .",
+ "Ok , that will work ! Thanks .",
+ "No that will be all thank you",
+ "Sure thank you so much , that is all .",
+ "Great . Thank you ! That is all I need .",
+ "Thank you so much have a good day !",
+ "Thank you . I 'll take it .",
+ "Actually I do n't need any tickets today . I ' m all set here . Thank you for your help .",
+ "Thank you so much for your help today .",
+ "Thank you . You too .",
+ "Great ! I ca n't think of anything else I need Thank you for your help .",
+ "Thanks for the information . That 's all I need .",
+ "That is all . Thanks so much !",
+ "That will be all , thank you .",
+ "Thank you for your help !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Thank You . I would also like to know about places to go ?",
+ "Thank you , that will be all I need for today .",
+ "That 's all I need today . Thank you for your help !",
+ "That is all thanks .",
+ "Great , thanks for your help . That 's all I need .",
+ "No , that 's it . Thanks !",
+ "Great ! That is everything I needed . Thank you !",
+ "Okay great . That is all I need need thank you .",
+ "Thank you very much ! That is all I need .",
+ "No that is all for now . Thank you !",
+ "That 's perfect , thank you for your help .",
+ "Thanks so much ! That 's it for today . Have a good one !",
+ "No , thanks . That 's all I needed .",
+ "thanks for your help . have a great day",
+ "Thank you very much for your help .",
+ "That will be everything , thank you .",
+ "Thank you so much ! I think that covers all the information I need today .",
+ "That is all . Thank you !",
+ "Okay , I think that 's all I need . Thanks for the help !",
+ "Thank you for your help .",
+ "That is all , thanks .",
+ "Thank you , that is all .",
+ "Thank you . That is all I needed for now . Have a nice day !",
+ "No thank you but may I please have the address ?",
+ "Thank you so much !",
+ "No , that 's it thanks .",
+ "Thank you , that 's everything I need for now .",
+ "Excellent . Thanks for the help .",
+ "Thank you for your help planning my trip . I think that 's everything I need for now . Have a great day !",
+ "Thank you that is all I needed .",
+ "Not at this time . Thank you .",
+ "No , you ' ve been very helpful . Thank you for your time .",
+ "That is all for now . thanks",
+ "Ok thanks , that 's all i need .",
+ "That 'll be it for me today ! Thanks ! Have a good one .",
+ "Thank you , that is all I needed .",
+ "No , that will be all . Thank you .",
+ "Nope , thanks for your help .",
+ "Nope . That should be it . Thank you so much for your help .",
+ "Thanks so much , that is all I need .",
+ "Thank you , you too .",
+ "Ok , thank you .",
+ "No , thank you , that will be all .",
+ "Thanks so much for your help today !",
+ "No thank you .",
+ "No , that 's it . Thank you very much .",
+ "Thank you , that is all",
+ "That 's all , thank you for your help",
+ "Thanks , that is all I need . Have a nice day .",
+ "Thank you ! That 's all I needed .",
+ "That is all I need today thank you .",
+ "That 's all I need , thank you so much ! Have a nice day !",
+ "No I believe that will be all for now . Thank you for your help !",
+ "None right now . Thank you .",
+ "You covered it all . Thanks .",
+ "Wonderful ! That 's all I need . Thank you very much for your help !",
+ "No , that is all . Thank you for the help .",
+ "That 's all I needed . Thank you !",
+ "That 's all the information I was looking for today . Thanks for your help .",
+ "That is all for now . Thank you for all your help .",
+ "Thank you , I will also like to find a night club .",
+ "That 's all I need , thanks a lot .",
+ "No , that will take care of it . Thank you very much for your help !",
+ "That will be all . Thank you very much !",
+ "That is all , thank you .",
+ "Nope , that 's everything . Thank you !",
+ "Thank you . Can I have the address please ?",
+ "Thank you . That is all that I need .",
+ "That 's perfect , thank you !",
+ "No thank you . Have a good rest of your day .",
+ "That is all . Thank you for your help .",
+ "Nope I think that covers everything , thanks for being so helpful !",
+ "No , thank you .",
+ "That will be all , thank you for your help .",
+ "No that s all thanks !",
+ "Thank you again .",
+ "Thank you very much",
+ "Thank you , that 's all I need today .",
+ "No thank you , that is all .",
+ "Thank you , that is all I need today .",
+ "No , that is all I need . Thank you for your help !",
+ "Not today I was just looking for information . Thank you though for your help .",
+ "No thank you , I 'll take care of it myself . I think that 'll be all for tonight .",
+ "That 'll be all . Thank you for the help !",
+ "No , thank you very much . I will not be needing anything else .",
+ "Great thank you for all your help .",
+ "That was all thank you .",
+ "Thank you for all your help !",
+ "Thank you ! I am sure it will be thanks to your help .",
+ "That 's all for now ! Thank you , have a good day !",
+ "Terrific ! That 's what I needed . Thanks for your help .",
+ "No thank you . That 's all I need for now .",
+ "No , that is all . Thank you !",
+ "No thanks , that about does it ! Have a nice day .",
+ "That 's all . Thank you .",
+ "No , that will be all . Thank You for all your help .",
+ "Great , thank you . Is there a confirmation number ?",
+ "Thanks for all your help today . I think that 's it .",
+ "Actually I think I 'll travel there myself thank you .",
+ "That 's all , thank you so much .",
+ "yes thank you",
+ "Thank you for the information . I will contact them now .",
+ "No , that 's all . Thanks",
+ "Thank you . That 's all I need today .",
+ "Thank you so much !",
+ "Thank you for helping me .",
+ "No thank you , that is everything .",
+ "No , thank you . I 'll call back when I ' m ready to book . Thank you so much for your help .",
+ "Awesome ! ! Thank you for making this so easy .",
+ "Thanks for the help , that 's all for now .",
+ "That is all I need . Thank you for your help !",
+ "Thank you that will be all I need .",
+ "Great ! Thanks so much ! Can you also help me find a guesthouse ?",
+ "No , you ' ve been fantastic . Thanks for all your help !",
+ "That is all . Thank you very much !",
+ "That is all thank you .",
+ "No you ' ve been very helpful . Thank you for as assisting me .",
+ "Can you list 2 of them for me to choose from ? Thanks",
+ "Thank you so much for your help .",
+ "No that is it . Thank you .",
+ "Thank you so much . That was all I needed .",
+ "No thank you . I would like to find something in the entertainment industry anywhere in the city .",
+ "Thank you very much for your help , have a nice day .",
+ "No , that will be all for today . Thanks so much . Have a good day .",
+ "That will be all , thank you",
+ "Thank you . That will be all .",
+ "No , That 's all I need . Thank you .",
+ "That 's it . Thank you .",
+ "No , that should be all I need . Thanks for your help !",
+ "Great , thank you .",
+ "Thank you so much that is everything , I will be putting you on my Christmas Card list , you are awesome !",
+ "No . That is all . Thank you for your help .",
+ "Thank you for your help , that is everything that I need .",
+ "No , that will do it , thanks !",
+ "thanks a lot , that is enough for today",
+ "Groovy like Greg Brady ! That is everything , Thank you for your help .",
+ "Thank you so much for all of your help . That is all I needed for now . Have a nice day .",
+ "Thank you for all your help . That is all for now .",
+ "Thank you so much , that 's all I need .",
+ "That will be good . Thank you !",
+ "Great that was all the info I needed today , thanks !",
+ "No , that will be all , thank you for your help !",
+ "Thanks , have a good day .",
+ "Thank you ! You have answered all of my needs .",
+ "No thank you , that is all I needed !",
+ "Thank you for your help .",
+ "No that 's all for now . Thanks again .",
+ "Yes , thank you .",
+ "No , that should do it , thanks !",
+ "Thanks you have been very helpful . That 's all I need for today .",
+ "Great ! Thank you so much !",
+ "Thank you . I also need a place to stay .",
+ "No , that 's all for today . Thank you so much .",
+ "Thank you very much , that will be all .",
+ "No , that is all I needed . Thanks , and have a nice day .",
+ "Got it thank you for your help .",
+ "No , thank you . That 's all I needed .",
+ "No that 's all I needed for today . Thanks .",
+ "Not at this time . That is all I need , thank you .",
+ "That sounds great , thanks so much for your help !",
+ "No thank you . That 's all I needed .",
+ "Great . Thanks so much for your help .",
+ "No that will be it . Thank you .",
+ "Thank you , that was quick . That is all I need , thanks for your help .",
+ "No , that 's all . Thanks !",
+ "Thank you for your help . That will be all .",
+ "Thanks for your help . Have a great day .",
+ "Yes please , thank you .",
+ "Yes ! Thank you for your help .",
+ "That is all , thanks for your assistance .",
+ "Thank you that will work fine for me and my husband",
+ "No thank you , you have been very helpful . Have a great day .",
+ "No , that 's everything I need today . Thank you .",
+ "That will be all , thank you very much .",
+ "Great , thank you !",
+ "Thanks you ' ve been a great help .",
+ "Thank you , please book me .",
+ "Thanks for your help",
+ "I think that is all I need for today . Thank you .",
+ "No thank you , that looks great . Have a good day .",
+ "That will be it for today ! Thank you so much !",
+ "that is it . thank you for helping me",
+ "Thank you ! That 's all I need .",
+ "Great ! Thanks , that is all for now . Have a great day !",
+ "No . Thank you , you were very helpful .",
+ "No , that will be all . Thank you !",
+ "Great , thanks so much , that 's all I need ! Have a great day !",
+ "No , that 's all the information I need . Thanks , have a great day !",
+ "No that 's all I need . Thank you .",
+ "thanks that 's all i need",
+ "Perfect , that is all I need to today ! Thank you .",
+ "Great , thanks ! What about free parking ?",
+ "thanks for the information . have a great day",
+ "Thank you so much for all of your help ! Have a good day .",
+ "Thank you . I am also looking for places to go in town .",
+ "Thank you . That is all that I need .",
+ "No thanks , I was just looking for information . I think that takes care of everything I needed . Thanks for the help .",
+ "Great . Thank you so much for your help .",
+ "That was all I needed . Thank you .",
+ "Great , thanks , that 's all I need .",
+ "Excellent . That 's all I need thanks .",
+ "No , that will be all . Thank you .",
+ "That is all I need today . Thank you .",
+ "No , thanks . I have all I need . Enjoy your day .",
+ "All right . Thanks .",
+ "No that is all . Thank You",
+ "Yes , I 'll contact them now . Thanks .",
+ "I think that is all , thank you so much .",
+ "Thank you . That 's all I need for today .",
+ "Thanks , you , too .",
+ "No thank you , I am just gathering information for now",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "i would like to go there soon , so thank you for the information",
+ "No , thanks , that was all I needed .",
+ "Thank you for your help .",
+ "OK thank you that is all I needed today .",
+ "Yes i would love to hear more information about them . Thank you .",
+ "That 's all , thank you very much !",
+ "No , I think that 's everything . Thank you .",
+ "Thank you very much .",
+ "No thank you that will be all .",
+ "No , that will be all . Thank you .",
+ "That is all . Thank you for your help .",
+ "Yes , and thank you again .",
+ "Thank you for your help .",
+ "That is all , thank you !",
+ "No that is it . Thank you .",
+ "Thank you for all of your help , that is all I need for today !",
+ "No , that 's all . Thank you !",
+ "thank you for your help !",
+ "That sounds good . That was all I needed . Thank you .",
+ "Nah , that 's pretty much it . Thanks .",
+ "That is all thanks .",
+ "That is all for now . Thanks",
+ "That 's all for now . Thank you for the information .",
+ "No thank you . I think that was all the information I needed .",
+ "No , that should be all , thank you .",
+ "No , thank you . You have been very helpful . Have a great day .",
+ "Thanks , that takes care of all my needs .",
+ "That 's it for today . Thanks . You ' ve been great !",
+ "Thank you , that is nice .",
+ "Thanks so much . That will be all for today . Take care .",
+ "Yes please , thank you .",
+ "Thank you . That is all .",
+ "Thank you , you too .",
+ "That 's great . Thank you so much .",
+ "Ok , thank you",
+ "That 's going to be it , thanks for your help .",
+ "No that is all I need today . Thank you very much !",
+ "Thank you , that will be just fine .",
+ "Thanks , it would be helpful if you also told me what time TR8842 leaves . Anyhow , I just got paid . Can you find me a high - end eatery serving European cuisine ?",
+ "No , that 's it . Thank you .",
+ "Nope , you helped with everything I needed today . Thanks !",
+ "that is it i am good now thanks !",
+ "Thank you for all your help .",
+ "That 's everything I needed , thank you very much for your time !",
+ "No , that 's all I needed . Thanks a bunch !",
+ "That will be all , thank you very much .",
+ "No thank you . That will be all",
+ "Great , that 's all I need today ! Thank you !",
+ "Thank you for your help .",
+ "No . That is all I need . Thank you .",
+ "Not at this time . thank you so much for the information . That 's all I need today .",
+ "Ok , thank you for your help .",
+ "No , thank you . That is all for today .",
+ "You have met all my needs for today . Thank you !",
+ "Thank you that is all I needed .",
+ "Thank you very much ! That 's all I need today !",
+ "Thank You .",
+ "Thank you . That was all I needed .",
+ "Ok thank you for your help and I need a reference number",
+ "That is all thanks .",
+ "No that is it . Thank you .",
+ "thanks for helping .",
+ "No that was all thank you so much .",
+ "Great , that is all I need . Thank you .",
+ "Yes , the address would be great . Thanks so much .",
+ "Thank you so much , that is everything that i need",
+ "Thank you . That is all I needed today .",
+ "That 's all , thank you a lot .",
+ "No thank you . I do n't a reservation . That is all the info I need today .",
+ "No , no need to book it for me . Thank you , that was all I needed .",
+ "Thank you !",
+ "Thanks so much !",
+ "That 's all I need . Thank you .",
+ "Great , thanks for your help !",
+ "No that 's fine . I ' m good . Thank you .",
+ "No , thank you , that should be all .",
+ "Thank you , that 's all I need today .",
+ "No , thank you . Good day .",
+ "Thank you for your help .",
+ "That is all thank you .",
+ "No thanks . Is that a guesthouse ?",
+ "that will be it for today and thanks for your help",
+ "No . Thank you . That is all .",
+ "Ok , I think that 's it . Thanks for your help .",
+ "Thanks . That 's all I needed today .",
+ "Thank you , have a nice day .",
+ "Thank you . That is all that I need .",
+ "That is all I need , thank you for your help .",
+ "Great that was all I needed today , thank you .",
+ "Thank you so very much . I am now finished .",
+ "Thank you so much for your help .",
+ "No that will be all thank you",
+ "Thank you very much for helping me today !",
+ "No thank you , I will book myself at a later point .",
+ "Thank you , that is all I need for today .",
+ "Thank you very much , that is all I 'll need .",
+ "Great , thanks very much , that 's all I need !",
+ "No , thank you . Sounds good",
+ "Thanks for all the help !",
+ "Great ! ! Thank you for all your help .",
+ "That is all for now . Thank you for your help , have a great day .",
+ "That 'll be all . Thank you .",
+ "Awesome . Thanks for your assistance , that 's all I need .",
+ "yes , that will do for now thanks",
+ "That will be all , thank you .",
+ "thanks for your help . i appreciate .",
+ "no that is it for now . thanks for helping",
+ "That 's fine then . Thank you for your help .",
+ "No that is all . Thanks for your help !",
+ "Nope , that should be everything . Thank you so much for all of your help .",
+ "Ok that is all I needed thank you !",
+ "That is wonderful . Thank you for your help .",
+ "Perfect , that 's all I need thanks .",
+ "I need a confirmation number too thank you",
+ "Thank You that is all . Have a nice day",
+ "Thank you so much for your help . That is all that I need today .",
+ "Thank you . That is all that I need .",
+ "No , that is all I need . Thank you .",
+ "No that 's all I needed thank you !",
+ "No , that is it thank you !",
+ "That will be fine , thank you very much .",
+ "I am finished . Thank you .",
+ "That 's great . Thanks .",
+ "No that will be all . Thank You .",
+ "Thank you very much . I appreciate your help .",
+ "That 's all . Thank you .",
+ "Thank you so much for you help .",
+ "No , that 's all , thanks .",
+ "Oops , I actually did n't want tickets just yet , but I guess I ' m stuck with them ! Thanks for your help anyway , totally my fault .",
+ "Thanks , that 's all I need today . Have a good day !",
+ "No that is all thank you for your help !",
+ "I have everything I need . Thank you .",
+ "thanks thatnis it for today",
+ "thank you that will be all .",
+ "No , thank you . I think I have everything I need .",
+ "That is all I need , thank you .",
+ "Great ! Thank you for all your help !",
+ "Great , you ' ve been a great help . Thank you .",
+ "No thank you that is all I needed .",
+ "Sounds like an excellent choice . Please proceed with making a reservation . Thanks !",
+ "Alright . That is all I needed . Thank you very much .",
+ "No , you provided all of the information that I needed . Thank you very much .",
+ "No thank you that is all I needed today .",
+ "Sure , why not ? Thank you .",
+ "Great , thank you ! That is all I need today .",
+ "Thank you for your help . That is all I need today !",
+ "No that was all I needed for today . Thanks !",
+ "Nope , that 's all I need today - I ' m all set . Thank you for your help !",
+ "Okay , thank you .",
+ "Not yet , that 's all for now . Thank you for all your help .",
+ "That would be all thanks !",
+ "Thank you very much for your help today !",
+ "That was everything . Thanks !",
+ "No , thank you , that 's all the information I need right now .",
+ "Thank you very much for your help .",
+ "No thank you .",
+ "Thank you that 's all I needed today .",
+ "Thank you ! That 's all I need today . You ' ve been very helpful .",
+ "No that is everything I need . Thank you .",
+ "Thank you for your assistance .",
+ "Great , thank you . Thanks for the info . Have a good rest of your day .",
+ "No , I have all the information I need . Thank you .",
+ "Great ! Thanks ! That 's all I need for now .",
+ "No , that was everything I needed . Thank you for your help .",
+ "Great , thanks very much for the help .",
+ "Great , thanks for your help .",
+ "no thanks you ' ve been great !",
+ "Thank you . That was all I needed today .",
+ "Thanks a lot for all your help !",
+ "Thanks ! That 's all the information I needed . Have a great day !",
+ "Great . Thank you very much for your help today .",
+ "No that will be all thank you .",
+ "Ok , thank you .",
+ "Thank you for the help , have a nice day .",
+ "That 's great . Thank you so much .",
+ "No thank you that will be all",
+ "That 's all I need , thank you .",
+ "Thank you so much for your help .",
+ "No . That is all I need . Thank you so much !",
+ "Thank you , that is all .",
+ "No , that 'll be everything . Thanks !",
+ "No that is it . Thank you .",
+ "Great that was all I needed today , thank you !",
+ "Thank you for your help ! How much was that booking at the Acorn Guesthouse ?",
+ "That is very helpful , thanks . That 's all I need for today .",
+ "No , thank you .",
+ "That is all , thanks !",
+ "Okay . I will call them for directions . Thanks for your assistance .",
+ "I am all taken care of now . Thank you ! See ya !",
+ "Thank you . I ' m also looking for places to go in town . can you help me with that ?",
+ "Thank you so much . That is all .",
+ "thank you",
+ "Thank you very much . That should be everything .",
+ "I like to arrive at 15:00 . Thanks",
+ "Thank you for all of your help ! Have a great day !",
+ "No . That will be all for today . Thank you .",
+ "Great that 's all I needed . Thanks for your help .",
+ "Great ! ! That is all for now , thank you so much .",
+ "Thanks for all your help !",
+ "thank you for your help . That 's all I need today .",
+ "Thanks , that 's all I need today ! You ' ve been a great help . I ' m all set .",
+ "That wo n't be necessary . Thank you for the help !",
+ "No , that was everything I needed help with , thank you .",
+ "Thank you very much !",
+ "Thank you ! That will be all .",
+ "thanks that is what bi wanted . good day",
+ "No , that is all thanks .",
+ "No , that is all , thank you again .",
+ "Thank you that is all I needed .",
+ "That will be all for now , thank you .",
+ "Thanks for all your help that would be all .",
+ "No thank you . We will just head there now .",
+ "That will be all , thank you .",
+ "No thank you . That is it .",
+ "Nope , that 's all I needed , thanks for your help !",
+ "No thank you . That is all .",
+ "nope that is all thanks for all of your help !",
+ "Ok , thank you . This is all the information I need right now .",
+ "Thank you for the information .",
+ "That will be all for today ! Thank you for the help !",
+ "Thank you . That 's all I need .",
+ "Thanks for your help . That 's all I needed .",
+ "Great . Thank you so much .",
+ "That was all I needed . Thanks so much !",
+ "Okay , that is all I need today . Thank you very much .",
+ "Not at this time . Thank you for your help !",
+ "No , that 's it . Thanks !",
+ "That is all I need . Thank you .",
+ "thanks that 's all i need",
+ "You know what , I have n't fully decided yet . I ' ve got their number , I can call later if I need to get a reservation . Thanks for all your help .",
+ "Thank you , you ' ve been very helpful . I do n't need anything else . Have a great day .",
+ "Thank you for the help , that is all I need .",
+ "that should be all . thank you .",
+ "Excellent . Thank you very much for all of your help !",
+ "No thank you !",
+ "That is all that I need . Thank you .",
+ "Thanks , you ' ve been extremely helpful . That 's all I needed !",
+ "Great ! We 're all set . Thanks so much !",
+ "Great , thank you for your help . That is all I need .",
+ "No that was all . Thanks",
+ "I think that should be it thank you",
+ "Thanks , that 's all for today .",
+ "Thank you . That is all I needed .",
+ "Thank you so much !",
+ "Nope , that 'll be all for today . Thanks !",
+ "That is everything thank you .",
+ "Great , that 's all I need today . Thanks for your help !",
+ "Thank you . That was all I needed .",
+ "Great ! Thanks very much for your help !",
+ "Thank you , that is everything that i need .",
+ "No that 's it ! Thanks so much !",
+ "No , that 's all I need . Thank you for all your help today !",
+ "No , thank you , that 's all that I need .",
+ "No . Not right now . thank you very much for your help today .",
+ "No that is all for the time being . Thank you .",
+ "Thanks . That 's all I wanted to know .",
+ "No . That 's all I need . Thanks !",
+ "Ok . Thanks . All set .",
+ "No , that would be all for today . Thank you for all your help .",
+ "That 's all I needed , thank you .",
+ "That 's all for now . Thank you for all your help .",
+ "Thank you for that information . Can you give me directions please",
+ "No , that will do it . Thanks for your help . Have a nice day .",
+ "Thank you so much . Have a great day .",
+ "Thank you so much you have been a big help .",
+ "Thank I will .",
+ "No , that will be everything today . Thank you ,",
+ "No thanks . I think that takes care of things . Have a good day .",
+ "Thank you . That is all for now .",
+ "No , that was everything , thank you .",
+ "Thanks for serving me !",
+ "Thank you . That 's all I need today .",
+ "No , that will be all for today . Thanks for your help today . It 's been appreciated .",
+ "No , that 's all I need . Thanks for your help !",
+ "That should be everything for me . Thank you so much for the help !",
+ "Thank you so much for your help . I think that 's all I need right now .",
+ "Thanks so much ! Have a great day !",
+ "No , thank you . That is all at this time .",
+ "That is all I need . Thank you .",
+ "That is all for now . Thank you very much .",
+ "I really needed it to be at that time . Thank you for your help .",
+ "Thank you . That is all that I need .",
+ "No , thank you . That will be all for today . Thanks .",
+ "I think that 's it . Thank you !",
+ "Great , thank you for the help .",
+ "rad , thanks for your help .",
+ "Not at this time thank you .",
+ "Thank you , that is everything for today .",
+ "Yes , it is perfect . Thank you",
+ "No that will be all thank you .",
+ "thank you for your help",
+ "You have met my needs , thank you .",
+ "Nope , that 's all I needed . Thanks so much !",
+ "No that is all thank you !",
+ "Yes that will be all . Thank you for all of your help !",
+ "Sure , please book that for me , thanks . Oh , and I ' m also looking for places in town to visit , particularly theatre venues .",
+ "That is everything , thank you .",
+ "Thank you so very much that is exactly what I was looking for ! Thank you and have a great day .",
+ "that is it for today . good day thank you",
+ "Nope , that should be all for today , thanks !",
+ "Thank you that 's all i need !",
+ "Yes , that sounds like it will work for me . Thank you for the information . That should be all I need today .",
+ "No , that 's all I need . Thank you .",
+ "Yes , that sounds great . Thank you .",
+ "Great , thanks so much for all your help . Have a good day !",
+ "Great that 's all I needed today , thank you .",
+ "No thank you that will be all",
+ "That takes care of everything , thank you !",
+ "Thank you that is all I needed today .",
+ "Great , that 's all I needed . Thank you !",
+ "No that is everything I need today . Thank you .",
+ "Thanks , I also need a cinema in the South for after my reservation please .",
+ "Nope , that 's everything . Thank you .",
+ "Thanks so much for all of your help",
+ "No thank you that is all .",
+ "No , that will be all for now . Thank you for your help .",
+ "I 'll go with Nando 's . Thanks .",
+ "Thank you for your help .",
+ "No thanks , you were very helpful , have a nice day .",
+ "Thank you so much . That was everything I needed !",
+ "No thank you , that is all the info I needed . Have a great day !",
+ "Great . Thanks for your assistance !",
+ "that is all the information I need today thank you .",
+ "Great , thank you for your help .",
+ "No , I ' m fine now . Thanks again .",
+ "Great , that 's all I need ... thanks so much ! Have a great day !",
+ "That is it . Thank you so much for your help .",
+ "Great thank you that 's all I need .",
+ "That will be all . Thank you very much !",
+ "Thank you so much . That is all I need .",
+ "No that will be all . Thanks for your help .",
+ "Great , thank you !",
+ "No that will be all thank you .",
+ "Thank you that 's all the help I need today .",
+ "Thank you for that . That is all I needed . Thanks !",
+ "Thank you so much for all your help . Have a great day .",
+ "Great , Thank you so much for all your help .",
+ "That is all I need . Thank you .",
+ "Not that is it thanks .",
+ "No thank you . That was all I needed .",
+ "Thank you for your help .",
+ "No . Thank you , you have been very helpful .",
+ "Nope , that 'll be all for today . Thanks so much for your assistance , you ' ve been very helpful .",
+ "No thanks , just gathering information , that is all I need .",
+ "Thanks , that 's all I need !",
+ "Alright . thank you very much",
+ "No , I believe that is everything today . Thank you .",
+ "Yes book it for me thank you",
+ "Actually , I can make it later . That will be all today . Thank you !",
+ "No that is all . Thank you for your help .",
+ "No , thank you . That 's all I need .",
+ "Thank you and have a great day .",
+ "Thank you ! That is all that I need .",
+ "Thank you , have a nice day as well .",
+ "I think that is all I need today . Thank you for all your help .",
+ "No , that is all . Thank you for your time .",
+ "Thank you for the booking and reference number . I 'll let you know if I need anything else .",
+ "Thanks for everything , you were helpful .",
+ "That was all thank you .",
+ "Okay I will do that now . Thank you .",
+ "East London . Thanks",
+ "That sounds great . Thank you very much .",
+ "Thank you so much you ' ve been very helpful .",
+ "Thank you for your help .",
+ "Thank you very much . I will .",
+ "Excellent , thank you for the assistance !",
+ "Thank you , that 's all .",
+ "Thank you so much for your help .",
+ "No , thank you . That was all I needed .",
+ "Thank you so much",
+ "No , that 's everything . Thanks !",
+ "Thank you so much !",
+ "Ok thanks , I appreciate your fast service .",
+ "Thanks . Could you also help me find a place to eat ?",
+ "Thanks so much !",
+ "No that was all I needed . Thank you so much .",
+ "That is all , thank you so much for your help !",
+ "Thank you for all your help . That is all the information I need .",
+ "Great thank you for that information about it .",
+ "That will be it , and thank you for helping me .",
+ "Thank you ! That 's all I needed .",
+ "No thank you for your time .",
+ "great , thanks . i ' m also looking for places to go in town .",
+ "No that was all I wanted to know . Thanks !",
+ "Thanks , I have all I need . Have a nice day .",
+ "Wonderful help , thanks",
+ "No , that 's all I need . Thank you .",
+ "No thank you that will be all",
+ "I wo n't be needing anything else , thank you .",
+ "Thank you for your time .",
+ "Thank you for your help",
+ "That should do it , thank you .",
+ "Thank you ! That 's all I needed .",
+ "Okay , thank you .",
+ "Ok , thank you very much for your help .",
+ "Not at this time . Thank you .",
+ "That s it , thanks so much !",
+ "That 's all I need , thank you very much !",
+ "No that is all . Thank you for the help .",
+ "Thank you for your help !",
+ "Thank you , I have no more questions .",
+ "Thank you that will be all .",
+ "Thanks ! That 's all I needed .",
+ "No , thanks . You ' ve been a great help !",
+ "No , that 's all today . thank you .",
+ "Actually that is fine . Thank you for your help .",
+ "No that 's is . Thank you for all your help . Have a great day .",
+ "That 's everything I needed , thank you for your help !",
+ "No , that 's all , thanks !",
+ "That will be all . Thank you very much .",
+ "thank You",
+ "No . That 's everything I was looking for today . Thanks for your help .",
+ "Perfect , thanks so much for your help .",
+ "Thank you . I think that 's all I need .",
+ "No that will be all . Thank you",
+ "Yes , please . Thank you very much .",
+ "I do not want to just yet , thanks .",
+ "Thank you very much , I think that that will be all !",
+ "No , that 's all I need . Thank you for your help !",
+ "No thank you I just wanted to get that information .",
+ "Thanks for the help . That 's all I need for now .",
+ "No thank you , that 's it .",
+ "No . Thank you very much for your help today .",
+ "Great that was all I needed for today , thank you !",
+ "Thank you ! That is all .",
+ "That 's perfect , thanks so much for your help .",
+ "I ' m all set . Thanks again ! Have a great day !",
+ "Thanks for the information . Have a lovely day .",
+ "Thank you so much !",
+ "Thank you that is all I need today .",
+ "I believe that 's it . Thanks so much for your help !",
+ "Ok thank you .",
+ "That 's all I needed thanks .",
+ "No , you have been very helpful . Thank you so much .",
+ "Thank you .",
+ "That 's everything , thank you !",
+ "No that 's all . Thanks .",
+ "No , that will be all . Thank you very much for your help .",
+ "Actually , I think that was everything I need . Thanks so much . Have a good day .",
+ "Yes , that 's everything . Thanks for your help !",
+ "Ok . Thanks . All set .",
+ "No , that 's all for now . Thank you so much for helping me plan this !",
+ "That is all I need thank you for your time .",
+ "No thanks , I am not quite ready to make a reservation yet . Thanks for the information .",
+ "Thanks for your help . That is all the info I need .",
+ "No thank you that is all I need today .",
+ "Great , thanks ! That 's all I needed !",
+ "No that will be it , thanks so much . Goodnight !",
+ "Thank you very much , lovely day to you .",
+ "No , that 's everything . Thank you .",
+ "Thank you that was all I needed .",
+ "That is all I need , thank you so much .",
+ "Great , thank you very much ! That 's all I needed so you just have yourself a great day now !",
+ "No , that 's it for today . Thanks for all your help .",
+ "Okay , that 's all I need , thank you so much !",
+ "Thank you for your help , that is all I need for today .",
+ "Thank you so much .",
+ "Please book it for Friday , thank you .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No thanks . Thanks again for your help .",
+ "No , that will be all , thanks .",
+ "Excellent , thanks !",
+ "That is all I need to know . Thank you so much .",
+ "No that is everything . Thank You",
+ "I think that 's everything I need . Thank you very much !",
+ "No thank you , that is all I needed !",
+ "Great , thanks ! That 's all I needed .",
+ "No that it is it . Thank you .",
+ "Thank you .",
+ "Thank you for helping me .",
+ "Thank you very much .",
+ "thanks that 's all i need",
+ "No . Thanks .",
+ "That will be all . Thank you so much .",
+ "No , that is it for now . Thank you so much .",
+ "OK , thanks , I 'll take care of it from there .",
+ "That sounds good , thank you .",
+ "No , thank you . I just only need the information of the guesthouse .",
+ "That will be all . Thank you !",
+ "That seems to be all I need . Thank You .",
+ "Thank you , I would like a reservation , please .",
+ "That is all for today . Thank you for your help . Have a nice day .",
+ "Thank you very much for your help .",
+ "No , that 's all I need today . Thank you !",
+ "Unfortunately no , it has to be vegetarian , so i will have to make my own accommodations , thanks .",
+ "No , I think that should be all for me today . Thank you so much , you ' ve been very helpful !",
+ "Thank you very much !",
+ "Thank you . That is all .",
+ "That will be all . Thank you .",
+ "Yes , just a minor car accident . Thanks for all of your help !",
+ "No , that is all I need . Thanks .",
+ "Thank you so much , that 's all I need today .",
+ "Great , thanks a lot !",
+ "Thanks a lot have a good day .",
+ "Nope , that 's it . Thanks for your help .",
+ "Thank you , but no . That is everything . Thanks so much for your help .",
+ "Thank you so much for your help . Have a great day !",
+ "Thanks , see ya !",
+ "Alright . Thank you . That is all I 'll need today .",
+ "No that sounds fine , thanks very much .",
+ "That would be it thanks a lot !",
+ "Great ! That is everything . Thanks !",
+ "No that will be it thank you for your help .",
+ "No that is it . Thank you .",
+ "Thanks , I do n't need any more help . Have a good day !",
+ "Thank you that is all I need",
+ "That wo n't be necessary . Thank you !",
+ "Perfect , that is all that I needed . Thank you for all of your help !",
+ "Thank you , that s all I need today .",
+ "That 's all I need . Thank your for your help .",
+ "no I think that just about covers it , thanks",
+ "Great , that 's all I need today . Thank you for your help !",
+ "Wonderful ! Nope , that 's it . Thanks so much for all of your help !",
+ "Thank you . I 'll also need a place to stay . I 'd like it to be in the west and it should be moderate in price .",
+ "Okay . That should do it . Thanks for your help with everything .",
+ "no not right now thanks",
+ "Okay , thank you !",
+ "No that was all I needed . Thank you so much .",
+ "that is it for now thanks",
+ "That is all I need today . Thank you .",
+ "Thank you , that 's all I need for today .",
+ "Thank you . That will be all .",
+ "No , that 's all I needed . Thank you .",
+ "That 's all for now . Thank you",
+ "Yes . I would like you to book me a room . Thanks .",
+ "Thank you , that is all .",
+ "thanks that is all i needed for today",
+ "No , thank you . I appreciate all of your help today .",
+ "Not at this time . Thanks for your help .",
+ "No , that settles everything ! Thank you .",
+ "Thank you for your help ! That 's all I will need for today .",
+ "That 's perfect ! Thank you for your help !",
+ "Thank you , that 's all I need .",
+ "That 's everything thanks .",
+ "Thank you that is all I need today .",
+ "Thank you for your help",
+ "That 's it for today . Thank you .",
+ "Thank you , that is everything I need .",
+ "Thank you , you have answered all my questions , have a nice day .",
+ "Thank you for your time and help with this .",
+ "Thank you that was all I needed .",
+ "That was all for today , thank you .",
+ "No thank you . Now that I have the info , I can take it from here .",
+ "No thanks that will be all . Thank you for your time .",
+ "No , not really , thanks . Anything is fine .",
+ "Great ! Thank you so much for your help .",
+ "That 's all I needed thank you !",
+ "Thank you , that is all the information I needed .",
+ "I think that is all I need for today . Thank you for all your help .",
+ "Thanks so much for your help . That 's all today .",
+ "No thank you . That is all I need for the moment .",
+ "Wow , fast and efficient , thanks for your help . I am all set .",
+ "Thanks . That is all for now .",
+ "thank you for helping",
+ "No that was everything , thank you !",
+ "Nope , that 's it , thanks !",
+ "That 's all I need . Thanks !",
+ "Thank you that is all I needed .",
+ "Thank you you can disconnect now .",
+ "No thank you , that is all .",
+ "Thank you . You have satisfied all of my requests .",
+ "Thank you so much . That 's all for now .",
+ "Perfect , thank you !",
+ "Great ! That is all I need . Thank you .",
+ "No , nothing else . Thanks so much .",
+ "That 's great , thanks ! That 's all I needed !",
+ "African sounds great ! Thanks !",
+ "Great , thanks ! I believe that 's all I need for now !",
+ "That was everything for today . Thank You !",
+ "Thank you for you help .",
+ "No , thank you . Have a nice night .",
+ "No thank you . That 's all I need .",
+ "No I am alright . Thank you .",
+ "No that would be it thanks .",
+ "No , thank you . You have been of great help .",
+ "Great , thanks ! That 's all I needed right now !",
+ "Excellent . Thanks for all your help !",
+ "That 's perfect . Thanks so much for your help .",
+ "Thank you so much for all of your help .",
+ "That sounds perfect . Thanks for your help !",
+ "Thanks ! I ' m also looking for somewhere to stay while I ' m in town .",
+ "Thank you so much that was all I needed .",
+ "Thanks so much that was all I needed .",
+ "Thank you . That is all I need .",
+ "Alright , that 's all I really needed to know . Thanks again !",
+ "Thanks , you too !",
+ "Yes , please . Thank you .",
+ "Great that 's all I need , thank you .",
+ "Thank you so much !",
+ "No that is it . Thank you .",
+ "Okay that 's great . Thank you very much .",
+ "No thanks , I ' m all set with everything . Thank you for your help .",
+ "Thank you . That 's all I need .",
+ "No that will be all thank you .",
+ "No , I believe that is everything . Thank you !",
+ "No thank you ! ! Thank you for all your help .",
+ "That 's all I need for now . Thanks for all your help !",
+ "No thank you , that will be all for now .",
+ "Great ! Thanks for the information . That will be all for today . Have a great day !",
+ "No thank you , that is all .",
+ "No thanks . That 's all I needed . Have a great day !",
+ "Thanks ! That 's all I need for now .",
+ "Okay thank you .",
+ "I will pick option two ! Thank you very much for the help and have a great day !",
+ "No that 's everything , thanks . Goodnight !",
+ "Thanks so much for your help . That 's just what I needed .",
+ "No , thank you . Have a nice day .",
+ "That 's all , I ' m gon na need . Thanks .",
+ "No thank you that will be all",
+ "Thank you for your assistance .",
+ "That will be all for now , thank you .",
+ "Thank you . That 's all I needed today .",
+ "Nope ! That 'll be all , thanks so much for your help !",
+ "thanks for everything , this is great",
+ "Great ! Thanks for your help with booking that .",
+ "No , that 's all . Thanks .",
+ "That will be all . Thank you .",
+ "No . You have covered everything . Thank you so much .",
+ "Nope , that 's all I needed . Thanks so much !",
+ "Thank you so much , that s all I need",
+ "Thank you . And about how much is dinner there ?",
+ "No , that is all the information I need at this time . Thank you .",
+ "No thank you . What 's the cost of the ticket ?",
+ "Not at this time . Thank you .",
+ "No thanks , I just needed the information .",
+ "No that 's it ! Thanks for your help !",
+ "No thank you . That is all I need .",
+ "No , that will be all thank you for your help .",
+ "No , thank you . I have everything I need .",
+ "Great , thanks for the information . That 's all I need right now .",
+ "That 's all I need , thank you .",
+ "Thank you for your help today .",
+ "That 's all I need . Thanks .",
+ "Thank you very much !",
+ "Yes . Thank you very much .",
+ "No thank you . That is all .",
+ "great thanks that 's all i need",
+ "That 's all I needed , thanks so much for your help !",
+ "That 's all I needed , thank you",
+ "Great thank you so much .",
+ "I think I ' m all set . Thank you very much !",
+ "Thank you for all your help today . Have a great day .",
+ "no thank you !",
+ "No . That all looks great . Thanks !",
+ "Okay ... thanks ! That 's all I need .",
+ "No , that would be all . Thank you .",
+ "No thanks , I ' m not sure when exactly I am going to be eating , but thank you very much for the assistance .",
+ "Thanks for your help . Have a great day .",
+ "No that is it , thanks .",
+ "Great , thank you for all your help .",
+ "No , thank you for your service .",
+ "Thanks for the help , that 's all",
+ "Thank you so much for your help .",
+ "Thank you . I appreciate the help .",
+ "That should be it today , thank you !",
+ "Thank you that should be it , thank you for your help .",
+ "No , that 's all I need , thank you for your help .",
+ "Thank you that will be all .",
+ "You have been great , thank you .",
+ "Thanks . I wo n't need anything more .",
+ "Ok , I guess this is the end of the conversation , thanks again .",
+ "Great , thanks for your help !",
+ "Nope , that 's all I needed , thanks for the help .",
+ "No I think that will be all , thanks .",
+ "Thanks , I wo n't need anything else from you today . Take care !",
+ "Thank you , that 's all I need today .",
+ "Ok thank you that is all I needed today .",
+ "That 's all I need thanks",
+ "That 'll be all , thanks so much for your assistance !",
+ "Nope , that takes care of everything . Thank you !",
+ "No thank you .",
+ "No thank you that will be all",
+ "Great ! That 's all I needed , thanks for your help .",
+ "That will be all today thank you .",
+ "No , that is all I need today . Thank you !",
+ "No that is all I need help with today . Thank you .",
+ "Thank you ! That is all I need .",
+ "No that will be it for today , thank you .",
+ "No , that 's all the information I 'll need for now . Thanks so much !",
+ "No , but thank you !",
+ "Actually , I think I ' m ok for now . Thank you for your time .",
+ "No , thank you . That 's all I need tonight . Thanks .",
+ "No thanks - I ' m all set . Thank you for your help today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No , that 's all . Thanks for your help !",
+ "I think that covers everything . Thanks so much for your help !",
+ "Great , thanks for your help .",
+ "Nope that was all I needed today . Thanks ! Take care !",
+ "I believe I am good for the moment thank you for your help .",
+ "Okay , thanks .",
+ "Thank you have a nice day .",
+ "That is it , thank you .",
+ "Okay . Thank you for all your help .",
+ "That 's all I needed today , thank you .",
+ "Thanks now I need a cab to and from both places",
+ "No that is all I need today . Thanks for the help .",
+ "No , that will be all thanks . Have a great day .",
+ "Great that should be all I need thank you .",
+ "I can do that myself . Thank you for the information .",
+ "Thank you for all your help , that 's all I needed today .",
+ "No that is all I need today . Thank you very much .",
+ "That is all for now . If I change my mind in booking , I will call you back . Thank you .",
+ "Thank you !",
+ "Thank you for your assistance , you ' ve been very helpful .",
+ "Nah , thanks though . But if ya can tell me when it gets there that 'd be good .",
+ "Great ! Thank you so much for all your help .",
+ "No thanks , that 's all I needed .",
+ "That should be all , thank you .",
+ "Great , thanks so much , that 's all I need !",
+ "I do n't think so . Thank you .",
+ "No that is all I do believe thanks for all of your help",
+ "I 'll have to check that out . Thank you , that 's all the info I needed .",
+ "Thank you very much , that 's all I need !",
+ "Thank you , my trip is planned , that is everything .",
+ "Okay great . That is all I need . Thank you .",
+ "Okay thank you so much that is all I need .",
+ "That will be all , thank you .",
+ "No that is everything that I need . Thank you so much for your assistance and have a wonderful day .",
+ "That sounds great ! Thanks for all of your help !",
+ "that is it for today thank you very much",
+ "Thank you for your help",
+ "No that is all . Thanks",
+ "Perfect , thank you !",
+ "No , that 's it . Thank you .",
+ "Thank you for the info . That 'll be all for now .",
+ "That will be all , thank you",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Alright ! Thank you , you ' ve been very helpful . That 's all for today .",
+ "No thank you that will be all",
+ "Thank you so much . That is all I need .",
+ "No that will do thanks .",
+ "that s fine , thanks",
+ "No , I ' m just gathering information right now . Thanks for all your help today . That 's all I need .",
+ "Thank you . That 's all I need for now .",
+ "No , that is all . Thank you .",
+ "Thanks . That 's all I need .",
+ "Thanks so much for the info . I will pay them a visit . Have a nice day .",
+ "Thank you , that is all I need , you helped me a lot .",
+ "That is all that I need right now . Thank you for your help .",
+ "Thank you very much .",
+ "Actually nevermind , I do n't need to make a reservation right now . Thanks anyway .",
+ "No , that 's all I need . Thank you !",
+ "Alright , that is everything I need to know ! Thank you .",
+ "No that wo n't be necessary , thank you .",
+ "That is all for today . Thank you .",
+ "No , thank you for your help .",
+ "No Thank You",
+ "No that is all I need , thank you .",
+ "No that 's great , thanks for your help .",
+ "Yes , thank you !",
+ "Thank you ! It does n't matter to me .",
+ "That is all I need , thank you .",
+ "No , thanks . I think that will take care of it . Have a good night !",
+ "Thank you . That 's all I need for now !",
+ "Yes . Thank you .",
+ "No thanks that is everything .",
+ "That will be all . Thank you .",
+ "Thank you so much ! That 'll be all .",
+ "Thank you for your help",
+ "Great , thank you . That 's all I need for today .",
+ "No , thanks . I have all the information I require .",
+ "No . I think that will be all . Thank you for your help .",
+ "Thank you very much . That will be all , thanks .",
+ "No that will be all ! Thanks !",
+ "Okay . Thank you for all your help .",
+ "I wo n't be needing anything else , thank you .",
+ "No thank you , that will be all .",
+ "thank you",
+ "No , thank you !",
+ "Thank you so much . You were very helpful !",
+ "Nope ! That should do it , thanks !",
+ "Nothing else , thank you lots .",
+ "Thank you ! I do not care about the price range .",
+ "Thanks . That is all for today .",
+ "That is all I need today . Thank you for your help .",
+ "Thanks again for all of your help",
+ "No that 's everything I needed today . Thank you .",
+ "Thank you",
+ "Nope , I think that will do it . Thank you so much !",
+ "Thank you . That is all that I need .",
+ "Thank you so much . That is all that I need today !",
+ "That is all thanks .",
+ "That 's all I need . Thanks .",
+ "That one sounds great ! Thanks for the info .",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "you too and thanks again",
+ "No thanks , that will be everything .",
+ "Thank you so much , that is all I needed .",
+ "That is all . Thank you !",
+ "I believe that 's everything I needed for now . Thanks !",
+ "Okay thank you . That will be all .",
+ "No , that 's perfect . Thanks .",
+ "That is all , thank you .",
+ "I will book it myself , but thank you .",
+ "No thank you that will be all",
+ "That is all , thank you .",
+ "That 's great . Thank you very much .",
+ "That 's it for now . Thanks .",
+ "That 's all I need . Thanks !",
+ "Thank you for your help .",
+ "nope that is all , thanks so much for all of your help !",
+ "I actually did n't need that booked just yet , but that will probably save me some time , so thanks ! That 's all I needed .",
+ "That is all . Thank you .",
+ "That 's all thanks !",
+ "That 's it . Thank you very much .",
+ "That is all , thanks for the help .",
+ "Thank you . That will be all .",
+ "No , that 's it . Thanks !",
+ "That 's it . Thank you .",
+ "No that is it . Thank you .",
+ "Excellent , thank you for your help today ! That will be all .",
+ "Not today I think I may book at the station . That is all for today . Thank you so much !",
+ "No , thank you .",
+ "Fantastic , thank you very much . I do n't need anything further today !",
+ "That will be all . Thank you very much .",
+ "That sounds great . Thank you for your help .",
+ "Thanks for that . I do n't need anything more today .",
+ "Thank you so much . That is all the help I need today . I appreciate your time .",
+ "That 's all I needed ! Thank you for your help .",
+ "No , that is all I needed . Thanks .",
+ "Thank you ! That 's all I need .",
+ "No , that will be all . Thank you .",
+ "No , that 's all I need . Thank you so much for your help .",
+ "Yes , this sounds wonderful . Thank you very much .",
+ "Thank you for your help . That is all I need today .",
+ "No thank you , you ' ve been very helpful .",
+ "No , that will be all . Thank you .",
+ "Thank you very much for your help .",
+ "That is all I need right now , thank you !",
+ "Fantastic , thank you , that should be all .",
+ "Ok great , thank you !",
+ "No that wo n't be necessary . Thanks for your help .",
+ "Nope , that 's it . Thanks again .",
+ "Thank you , That 's all I need today .",
+ "Great . Thank you very much for your help today . That is all .",
+ "No thank you ! That will be all for today !",
+ "Thank you so much ! That 's all I need for the moment .",
+ "Thank you so much . That is all I need today .",
+ "No thanks . That will be all today .",
+ "no that s all , thanks",
+ "Thank you very much .",
+ "That is all , thank you .",
+ "No , I think that 's it . Thank you for your help .",
+ "That 's all . Thank you !",
+ "No that is all . Thanks !",
+ "Thank you , that 'll be all !",
+ "Thank you for your help . That is all I needed .",
+ "No that 's all , thanks !",
+ "Thank you that is all I needed .",
+ "No thank you that will be all",
+ "Thank you for your help . That is all for now .",
+ "No that is it . Thank you .",
+ "Thank you , that 's all I need today .",
+ "I think that takes care of everything , thanks !",
+ "Thanks so much for all of your help .",
+ "not now . thanks for the information .",
+ "No thank you that is all I needed .",
+ "Nope that should be it thank you",
+ "No , I believe that is everything . Thank you .",
+ "No , that 's all I needed today . Thanks for your help !",
+ "No , that will be all . Thanks for your help .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "That 's all I need , thanks .",
+ "Thanks . Can you just confirm for me when I will arrive in Cambridge ?",
+ "No that will be all thank you .",
+ "That is all , thank you .",
+ "Thank you for your help .",
+ "Yes please ! I think that is all I need , thank you .",
+ "Yes , that is all . Thanks again .",
+ "Great , thank you !",
+ "Thank you so much for all your help .",
+ "Thank you , that 's all I need !",
+ "No thanks , I actually have all the information I need . Thanks for your help !",
+ "No , I have all of the information I need now thanks to you .",
+ "Thank you for your help !",
+ "Nope , that is everything ! Thanks !",
+ "Alright , thank you , that should be all for today .",
+ "Not right now , thank you .",
+ "Thank you for all of the helpful information !",
+ "No , thank you , you ' ve been very helpful .",
+ "Yes thank you that is all I need .",
+ "Thank you that will work fine for me and my husband",
+ "No , thank you ! That will be it . Have a good day .",
+ "Thank you very much . I think that 's all I need today .",
+ "No that was all I needed thanks so much for your help .",
+ "Thanks . That 's all I needed today .",
+ "Thanks . That 's everything I need .",
+ "I will . Thanks for your help .",
+ "Cool , thank you ! I wo n't be needing anything else . Have a good day !",
+ "Thank you ! Can you help me find a place to stay while I am there ?",
+ "Nope , that 's it ! Thank you so much .",
+ "Thank you , that should be all for today .",
+ "Great . Thank you so much .",
+ "Thanks for all of your help , you should get a raise , your really good at this !",
+ "Okay , thank you .",
+ "No thank you that will be all",
+ "That will be l for now , thank you very much",
+ "Thank you . I have all the information I need .",
+ "No that was everything . Thank You !",
+ "Great , that 's all I need , thanks !",
+ "Great . That 's actually all I need today . Thank you for your help !",
+ "That should be everything , thank you for your help today !",
+ "No , thank you . That will be all .",
+ "Thank you for your help .",
+ "Thanks for your help today !",
+ "Thank you . That 's all I need .",
+ "Thank you , that will be all .",
+ "No , thank you . That will be all . Thanks !",
+ "Thank you . That was all I needed .",
+ "That 's everything I need . Thank you for helping me .",
+ "No thanks . I just needed some info on it . That 's all now .",
+ "THat is all thank you for your help .",
+ "Yes , that will work out just fine . thank you",
+ "No . thanks . I do n't need to book it right now .",
+ "No that 's all , thank you .",
+ "Thank you for your help !",
+ "That is all . Thank you again !",
+ "Thank you for all of your help .",
+ "Thank you , that is all I need today .",
+ "Okay , thanks . That 's all I need .",
+ "No , that was everything . Thank you !",
+ "Thank you very much for your help !",
+ "No , that 's all I need . Thanks .",
+ "Thank you that was all I needed today",
+ "That is all . Thank you !",
+ "I think that should be it thank you",
+ "Great , thanks for your help !",
+ "That is all , thanks !",
+ "Thank you very much for you help . Have a great day .",
+ "Thank you very much !",
+ "Nothing thank you , that 's all I need . Have a nice day !",
+ "No thank you . I think I have everything .",
+ "Thank you for your help !",
+ "That is all , thank you .",
+ "Thanks so much for your help do you know if I need to make a reservation ?",
+ "That is all I needed thank you for your help .",
+ "Thank you very much you were very helpful .",
+ "Thank you , that is everything I need .",
+ "Thanks , that 's everything .",
+ "Excellent . Thank you for your help .",
+ "I think I ' m good , thanks !",
+ "That is all , thank you very much .",
+ "Thank you for all of your help !",
+ "No . You have been quite helpful . Thank you so much !",
+ "That was everything . Thank you very much !",
+ "Great , I think that 's all I need . Thank you .",
+ "Thank you - that is exactly what I need",
+ "that 's all thanks !",
+ "Thanks for all your help !",
+ "Yes that should be everything that I need thank you very much for your help .",
+ "That is all I need today thank you .",
+ "Thank you so much . That 's all I need .",
+ "That is all , thanks .",
+ "Thank you , that was quick expedient service . I am all set , hope you have a great day .",
+ "That sounds perfect . Thanks so much !",
+ "No thank you . That will be all .",
+ "That is all , thanks .",
+ "Thank you , you , too .",
+ "No thank you . You have helped tremendously .",
+ "No thanks , that will everything .",
+ "You 're welcome , thanks .",
+ "Thank you very much , that will be all for today .",
+ "I think I got everything I need thanks to you !",
+ "Okay . Thank you .",
+ "No thanks , that will be all .",
+ "Thank you so much . That 'll be all . Have a good day .",
+ "That 's it ! Thank you for your help .",
+ "Nope , that is all . Thank you very much .",
+ "Thank you so much . I do n't think I need anything further .",
+ "Nope that 's it . Thanks !",
+ "Yes thank you .",
+ "No thank you .",
+ "Thank you for your help . That is all I need for now .",
+ "No thank you , that will be all .",
+ "Thank you for your assistance today . Have a great day !",
+ "thank you so much for all of your help .",
+ "That is everything , thank you for your help .",
+ "No , thank you for all of your help .",
+ "Thank you very much .",
+ "No that 's it . Thank you for your help .",
+ "That will be all , thank you very much !",
+ "Thanks , that 's all I needed today !",
+ "That 's all I need . Thank you .",
+ "Ok . Thanks . Nothing further .",
+ "thanks !",
+ "Great thanks so much ! That is all I needed . Have a nice day !",
+ "Thank you ! That is all that I need .",
+ "Beautiful , thank you for everything , that will be all .",
+ "No , that is everything I need . Thanks for your help !",
+ "That was all , thank you for your help .",
+ "That will be it for now . Have a good day ! Thank you !",
+ "I think then that Indian place sounds nice , thank you .",
+ "Thank you I will take it .",
+ "That is everything I needed . Thank you for your help !",
+ "Oh ! Great . Thank you , that 's all I need today .",
+ "Not at this time , thank you .",
+ "No thank you that will be all",
+ "No . The Cafe Jello Gallery sounds interesting . I think we 'll go there . Thank you .",
+ "That 's all I need , thanks !",
+ "Guess that s what they mean when they say \" better late than never \" ha ha ha . Thank you , I hate it when systems crash , I am all set .",
+ "No , that would be all . Thanks !",
+ "Great ! Thank you very much .",
+ "No , that will be all . Thank you .",
+ "OK great , that 's all I needed thank you !",
+ "OK , that is all the information I need . I ca n't book it quite yet . Thanks for all of your help . Have a nice day .",
+ "Alright , that 's all . Thank you .",
+ "No thanks , that is everything .",
+ "No , that should be it . Thanks so much .",
+ "Great , thanks a lot !",
+ "No , that 's all . Thank you .",
+ "Thank you that is all I need .",
+ "Thank you . That sounds good .",
+ "Thank you so much for your help .",
+ "Great that 's all I needed today thank you .",
+ "Thank you . You have provided everything I needed .",
+ "No I just needed to know the information . Thank you , that 's all I needed .",
+ "Yes that 's everything , thank you . Goodnight .",
+ "No , thank you . That is all I need today .",
+ "No , I think that is all I need today . Thank you for your help .",
+ "That will do it for me . Thank you for your help .",
+ "Why thank you for your kind help !",
+ "That was all I needed today , thank you !",
+ "I will . Thanks for all the help !",
+ "Thank you . That is all I need today .",
+ "Thanks you too .",
+ "Yes please ! Thank you so much !",
+ "Thank you for all of your help with this .",
+ "That is all I need today , thank you .",
+ "Thank you very much , that is what I was looking for",
+ "That 's all I needed today thank you .",
+ "No , that 's it . Thank you for your help .",
+ "That 's all I need , thank you .",
+ "That is all for today . Thanks for all your help . Have a great day !",
+ "Thank you for booking that .",
+ "No , I do n't need a reservation at this time . Thank you , you ' ve given me all the help I need today .",
+ "Thank you for your help !",
+ "Great , that 's all I needed for today . thank you very much .",
+ "Thank you so much !",
+ "Thanks , that is all I need .",
+ "Thank you for your help . This is all i need .",
+ "thank you for your help",
+ "Ok , thank you for the help .",
+ "No thank you , that will do for now ! Thanks for helping me today !",
+ "Thank you for all your help .",
+ "No , that will be all . Thanks .",
+ "Thank you very much . I will let you go now .",
+ "Thank you , that was all I needed .",
+ "Great , thank you . That 's all the information I require right now .",
+ "No , and thank you kind person for helping me !",
+ "Nope , that is all I needed . Thank you so much !",
+ "That wo n't be necessary . Thank you for your help that is all I need today .",
+ "No , that 's it . thank you !",
+ "That was all that I needed thanks .",
+ "I look forward to my visit . Thanks , again .",
+ "That 's all I need . Thank you for your help !",
+ "Thanks so much you have been a great help to me .",
+ "Great thank you very much that 's all that I need .",
+ "Perfect ! ! Thank you for all your help .",
+ "No , that 's all today , thank you !",
+ "No , that 's everything I needed today , thank you .",
+ "Thank you very much . That is all for today .",
+ "No , that 's all I need . Thank you for your help !",
+ "That 's all , thanks .",
+ "Thanks again ! Good day to you !",
+ "Great , thanks ! That is all I needed for today .",
+ "Thank you for your help !",
+ "Okay great thanks so much .",
+ "Thank you so much .",
+ "That is all . Thanks for your help today .",
+ "That will be all . Thank you",
+ "No that 's all I needed . Thank you !",
+ "If Travellers Rest is in the same area as Grafitti then that will be all . Thank you for your help !",
+ "No that will be all . Thank you .",
+ "Thank you for your help .",
+ "No , thank you . You have given me all the info I need for today .",
+ "No thanks . That 's all I needed to know .",
+ "Thank You",
+ "Thank you ! Can you also please recommend a 4-star guesthouse ?",
+ "No that would be it thanks !",
+ "I think that will be all . Thank you for your assistance .",
+ "Wonderful . Thank you .",
+ "No not that I can think of you have done everything for me . Thank you so much for your help .",
+ "That is everything , thank you for your help .",
+ "That is all ! Thanks !",
+ "Great , thank you !",
+ "That 's all I need . Thanks",
+ "That s it thanks",
+ "Thank you so much , I appreciate it !",
+ "That 's all I need . Thank you .",
+ "Great , thanks for your help !",
+ "No that will be all ! Thank you !",
+ "Thanks so much you ' ve been a huge help",
+ "Thanks ! Looking forward to it !",
+ "Thanks so much !",
+ "Excellent , that 's all I need . Thank you !",
+ "Thanks again for all your help .",
+ "Thank you , that is everything , sorry for being so annoying in the process .",
+ "That 's all for today . Thanks for your help .",
+ "Perfect ! That is all I needed . Thank you for your help .",
+ "That should be all , thank you .",
+ "thank you that will be all",
+ "That s great thanks so much for all the help .",
+ "That is everything I needed for now . Thank you !",
+ "Nope . I am all done . Thanks .",
+ "No , that 's all . Thank you very much .",
+ "No thank you , I ' m just looking for information today . I have everything I need now .",
+ "no that s enough for today . thanks",
+ "That 's everything I needed . Thanks !",
+ "Thanks so much . That 's all I needed today .",
+ "Yes that should be fine , thank you for your help .",
+ "Thank you very much .",
+ "No , I think that covers everything . Thanks for all of your help .",
+ "No thank you . It 's perfect . Thank you for your help .",
+ "I believe that is all , thank you",
+ "Thank you . That is all I will need .",
+ "That was everything . Thanks",
+ "No , that 's all . Thank you !",
+ "That 's all . Thank you .",
+ "No , thank you again .",
+ "That is all I need . Thanks",
+ "That will be all , thanks . Have a good day",
+ "Yes , that sounds like a good choice . Can you book it for me for 3 people starting Saturday ? Thanks",
+ "No that 's all the info I needed . Thanks for all your help",
+ "Great . That is all I need . Thank you for your help .",
+ "Thank you so much !",
+ "That is all . Thanks for you help .",
+ "Thank you for the info , that will be all .",
+ "Great that s everything I need thanks for the help",
+ "Yes that would be great ! Thank you . Can I get some information on it ?",
+ "Thank you ! Have a nice day !",
+ "Thank you that 's all I needed today .",
+ "Great , that 's all I need ... thanks so much ! Have a great day !",
+ "No , that 's all . Thank you .",
+ "Great that 's all the information I needed today , thank you !",
+ "I would like you to book it for 1 person . Thank you .",
+ "No , I ' m all set . Thanks !",
+ "That s all I needed , thanks",
+ "Thank you , that 's all I need today .",
+ "OK I got it . Thanks for your help .",
+ "Thank you for your help . That is all I need .",
+ "No that will be all ! Thank you so much !",
+ "Thank you , That is all I will need today .",
+ "No . That 's it . Thank you .",
+ "Thanks , you , too !",
+ "Thanks so much . That 's all I need .",
+ "Great , that 's all I need thank you !",
+ "Great . Thank you very much for your help today . That will be all .",
+ "Great , thank you for the help .",
+ "That will be all , thank you .",
+ "Thank you . That 's all I need .",
+ "No . That is all . Thank you .",
+ "No , that 's it . Thanks !",
+ "That 's all actually . Thanks so much . See ya !",
+ "Yes thank you for your help .",
+ "Okay thank you !",
+ "No , that 's it . Thanks for your help .",
+ "Thanks , that 's all I needed . Have a great day !",
+ "Thank you , I will . Have a nice day .",
+ "Ok , thank you .",
+ "Okay great ! Thank you so much .",
+ "No . Thanks for your help .",
+ "No thank you . That is all I need .",
+ "that is all for today and thanks for helping",
+ "No thank you . I think I got it from here .",
+ "That 's all . Thank you very much .",
+ "Thank you so much for your help .",
+ "No that is all thanks for your help . Have a good day .",
+ "Nothing more . Thank you .",
+ "Okay . Thank you for all of your help . Have a good day now .",
+ "That is all for now . Thank you for your help .",
+ "No , that 's all I need today . Thanks for all your help !",
+ "Have a great day ! Thank you for your help !",
+ "No , that 's everything I need , thank you !",
+ "Never mind . I think I ' m all set . Thank you .",
+ "Thank you so much ! That is all I need for now .",
+ "No , I believe that 's all I need today . Thanks for your help .",
+ "Thank you , that 's all I need today .",
+ "No that 's it all . Thanks for your help .",
+ "Thank you so much , that is everything I need .",
+ "No , thanks",
+ "Okay , thank you",
+ "Thank you for using our system and please return with any other inquiries .",
+ "Thank you , that will be all .",
+ "Thank you very much for helping me today !",
+ "Thanks . Looks like that 's all I need today . I appreciate your help .",
+ "That is all for now . Thank you for all your help .",
+ "That will be all , thank you .",
+ "I think that covers everything . Thanks for your help .",
+ "Thank you so much . Have a nice day !",
+ "Thanks again for the information !",
+ "Great ! Thanks a lot !",
+ "Okay , thank you . That 's all I need .",
+ "That 's all I needed today . Thank you !",
+ "No thank you that will be all .",
+ "That was all thank you .",
+ "That should be all . thank you .",
+ "ok , thanks . leave me alone now .",
+ "Awesome ! That is all I need for now , thank you !",
+ "Not right now . Thanks for all your help though .",
+ "thank you for your help today !",
+ "No , that 's everything . Thank you for your help !",
+ "Nope , that is everything . Thanks !",
+ "Great , thanks for your help .",
+ "That was all I needed today , thank you .",
+ "Ok , great . Thank you so much for your help .",
+ "Yes , thank you , you have given me the information that I needed .",
+ "That is everything I needed for today . Thanks !",
+ "that 's all ! thank you !",
+ "Awesome , thanks a lot . That 's all I needed today .",
+ "thanks for helping . that will be it for today",
+ "Perfect , thanks . That s all I need for today .",
+ "Thank you . That should cover it .",
+ "I do n't need it booked right now . I think that was all I needed . Thanks for your help !",
+ "No that 's all . Thanks .",
+ "No thanks . That 's all the help I need today .",
+ "Thank you , please do !",
+ "No that will be it . Thank you .",
+ "nope that 's it thanks for your help",
+ "Thanks for all your help . I think I ' m good now .",
+ "No , you have been very helpful thank you .",
+ "Thank you ! I do n't need parking or internet .",
+ "thanks for all of your help today",
+ "Thank you for your time .",
+ "No , that 's everything . Thanks for the help !",
+ "No thank you that is all .",
+ "Ok , thanks anyway for your help",
+ "No thank you that will be all",
+ "Thank you so much . That is all I need .",
+ "Thank You . I also need to find a place to stay .",
+ "Great , thanks . I 'll handle the rest , but you ' ve been very helpful today .",
+ "That should be everything . Thank you very much !",
+ "Thank you , you as well !",
+ "That 's it for now , thank you !",
+ "Thank . That is all I need .",
+ "That is all . Thank you .",
+ "Thank you once again for your help .",
+ "Thank you for all of your help .",
+ "No that is everything I needed . Thank you .",
+ "Thank you . That was all I needed .",
+ "Nope , I ' m done . Thanks for all your help .",
+ "No that 's everything for me today ! Thank you !",
+ "Finally . Thank you . Pizza Hut . I ate there when I was a kid . It 's a long story . I wonder if this one has a jukebox .",
+ "No . Everything is perfect . Thank you for your time .",
+ "No thank you . That is all the info I needed .",
+ "Yes . Thanks for all your help !",
+ "Not that is it thank you .",
+ "I think that is all I need , thank you .",
+ "No that will be all thanks for your help .",
+ "No , that 's all I need . Thank you .",
+ "No , I think that this trip to Cambridge will make my wildest dreams come true . Thanks for helping me make it happen .",
+ "No thanks . I have everything I need .",
+ "Thank you that 's all the information I need .",
+ "That 's all I need . Thanks for your assistance !",
+ "Thank you so much .",
+ "Ok thank you . That 's all I need .",
+ "Yes and I need a confirmation number thank you",
+ "No , thank you . I have everything I need at this time .",
+ "That is all . Thanks so much !",
+ "No , I think that should be all I need for now . Thank you so much for your patience with me !",
+ "Wonderful . Thanks for help .",
+ "I think that is all I need . Thank you .",
+ "That is perfect . Thank you . I think that will be everything today .",
+ "Thank you for your help , have a great evening .",
+ "No that s all I needed . Thank you !",
+ "That 's all I need today , thanks for your help !",
+ "Thank you , that 's all I need .",
+ "Thank you for your help",
+ "yes please book it for me thank you",
+ "Great , thank you for very much ! That 's everything I needed !",
+ "That 's all I needed , thank you .",
+ "Thank you . That was all I needed .",
+ "Thank you , that is all I need today .",
+ "No , that was everything I needed . Thank you for your help .",
+ "No . Thank you ! !",
+ "Thanks for your help today .",
+ "Thank you , you as well !",
+ "Yes , thank you for the information .",
+ "Thank you very much .",
+ "That is all . Thank you .",
+ "Actually , I do n't want to book yet . Thanks for the information . I think that is all I need .",
+ "No that is all I need today . Thank you for your help .",
+ "No , I do n't think so . Thank you for your help !",
+ "That will be all . Thank you very much for your help .",
+ "No , that is all thanks .",
+ "No , thank you .",
+ "Okay great . Thanks for your help .",
+ "Thank you . That is all I need today .",
+ "Thanks for all your help",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Ok , thanks so much for the help .",
+ "Thanks ! That will be all for today .",
+ "Okay , great . Thanks for your help !",
+ "No that 's all , thanks !",
+ "Yes , thank you so much for all of your help . Have a nice day .",
+ "Alright , if that 's everything I ' m going to close the dialogue , thanks again !",
+ "Great , thanks ! I ca n't think of anything else I need right now , so you have a good one !",
+ "That is all . Thanks so much !",
+ "Great ! Thanks for all your help !",
+ "No that 's all i need , thank you so much !",
+ "Great thank you . That 's all I needed .",
+ "Thanks so much . That is all I need today .",
+ "Thank you so much for your help . Have a great day !",
+ "That is all I need for now . Thanks .",
+ "yes thank you .",
+ "thank you so much !",
+ "No , that 's all , thanks !",
+ "Wonderful . Thank you so much for your assistance .",
+ "no thanks for all of your help",
+ "Nope that s everything thanks",
+ "No , that will be all . Thank you .",
+ "That was all the information I needed , thank you !",
+ "Yes , please . Thanks .",
+ "That will be all , thanks for your help .",
+ "Thank you very much , that will be all .",
+ "Not right now , thank you for your assistance . Have a wonderful day .",
+ "Great ! Thanks for the information !",
+ "Thank you ! That should be all I need today .",
+ "perfect . that 'll be all . Thank you and have a great day .",
+ "You have been very helpful . Thank you , that is all I needed for today .",
+ "No , thank you , that 's everything I need .",
+ "Thanks ! You too !",
+ "Thanks very much , that 's all I needed help with .",
+ "Thank you , but that is all .",
+ "That is all I need to know . Thanks .",
+ "Thank you , that is all I need today .",
+ "Thank you . I think that 's everything I need today .",
+ "Great , thanks for your help .",
+ "No , that will be everything today . Thank you .",
+ "No , that would be it . Thanks .",
+ "Thanks , that is all .",
+ "That is all I need . Thank you .",
+ "No , that 's all I needed ! Thank you for your help !",
+ "Thank you , I appreciate all your help today .",
+ "Thank you very much .",
+ "Thank you , that 's all I needed for today .",
+ "That 's all I need . Thanks for your help .",
+ "No , I was just looking for information , thanks though !",
+ "No that 's all I needed . Thank you !",
+ "I am not ready to book just yet . Thanks for your help .",
+ "Thank you that 's all I needed today .",
+ "Okay . Thank you for your information .",
+ "Thank you . That 's all I needed .",
+ "No thanks , that 'll be it for today .",
+ "No , that 's all . Thank you .",
+ "Great , thanks ! Can you also help me find somewhere to stay ?",
+ "Thank you very much .",
+ "No , thank you . You ' ve been quite helpful .",
+ "No that 's all I needed . Thank you !",
+ "That was everything , thanks .",
+ "OK , thanks very much .",
+ "No , thank you . That was all I needed today .",
+ "Okay . Thank you for all your help .",
+ "that 's all , thanks !",
+ "No thanks , that 's everything !",
+ "Perfect . Thank you very much for your help .",
+ "That is all for now . Thanks",
+ "Thanks ! I think that 's all I need , but let me check with my wife .",
+ "I do n't need it booked at this time . Thanks for the information .",
+ "No thanks , I do n't need anything else right now . Have a great day though !",
+ "Yes , that is all , thank you .",
+ "No , that is all I need today . Thank you !",
+ "Thank you . That 's all I needed .",
+ "Perfect ! That 's all I need , thank you .",
+ "Thank you for the help !",
+ "No , I think that 's everything I need . Thanks a bunch !",
+ "thanks so much sorry I have been such a pain . YOU need a raise !",
+ "No that should be all thank you",
+ "Thank you so much for your help .",
+ "No , that 's everything . Thanks !",
+ "No , that will be all . Thank you !",
+ "No , thank you very much for your help .",
+ "No , again , thank you for your help .",
+ "I ca n't imagine why I asked you to book passage . I always buy my own tickets . In any case , thanks ever so much .",
+ "no thanks for your service i enjoyed",
+ "I do not , thank you for the information",
+ "that is all for today . thanks for the help",
+ "That is all I need to know . Thank you . Good day .",
+ "That is all , thank you very much .",
+ "That is all the info I need today . Thanks .",
+ "Great . That 'll be everything . Thank you !",
+ "No thank you , that 's all the info I need , thanks !",
+ "Thank you very much for the assistance , take care !",
+ "Thanks , what places to go are available in that same area ?",
+ "Nope , that 's it , thanks !",
+ "That would be great . Thank you .",
+ "Thank you for all your help .",
+ "No that is all thank you very much .",
+ "That 's great ! Thank you very much .",
+ "No . That will be everything today . Thank you .",
+ "Ok that sounds great , thank you ! That 's all I need for now .",
+ "Great , thank you . Can you also help me find something fun for me to do while I am in town ?",
+ "Thanks for your help !",
+ "No , that 's everything . Thank you for your assistance !",
+ "That 's everything . Thanks again and have a great day !",
+ "No , that seems to be everything . Thank you .",
+ "thanks ! that 's all i need now",
+ "No , not at this time . Thank you .",
+ "Thank you , that is everything I need",
+ "No , that 's all I need . Thanks for your help .",
+ "No thank you that will be all",
+ "Ok thank you !",
+ "I do not thank you .",
+ "That is all I need . Thank you .",
+ "No , I just needed the information . I am all set , thanks . Have a nice day .",
+ "That will be all , thank you .",
+ "That 's all that I needed then today , thank you !",
+ "No that will be all . Thanks .",
+ "no thank you",
+ "No thank you that 's all the information I need today .",
+ "Thank you very much . That is all I need !",
+ "That will do it . Thank you for your time and helpfulness .",
+ "This is great . Thank you for your help .",
+ "Okay , great . Thank you for your help !",
+ "that is enough for today . thanks for helping",
+ "That 's not necessary , thanks .",
+ "That was all . Thank you",
+ "That is all I need today , thank you .",
+ "Thank you , that is all . Good day to you .",
+ "That 's all I need for today , thanks !",
+ "No thank you . Have a great day !",
+ "Yes , thank you .",
+ "Thank you for all your help ! That is all the information I need today .",
+ "No thank you . But thank you for all your help .",
+ "No , thank you . That all sounds good .",
+ "That 's all I needed . Thanks a lot for the help !",
+ "That 's not necessary at all . Thanks .",
+ "Okay thanks , I will need the reservation number .",
+ "Great no . That was it . Thank you .",
+ "No thanks again for all of your help",
+ "Great , thank you for your help . I do n't need anything further .",
+ "No thank you I need it in that area and pricerange .",
+ "Thank you for your time .",
+ "Fabulous . Thank you so very much .",
+ "Thanks so much . That will be all . Have a great day !",
+ "No thank you so much for all of your help",
+ "That will be all , thank you .",
+ "Thank you for all of your help !",
+ "That 's all I needed , thanks so much for your help !",
+ "Charlie Chan sounds good . Thank you !",
+ "That is all , thank you very much .",
+ "No that will be all today . Thank you .",
+ "I think this is what I needed . Thanks .",
+ "No , that is everything I needed . Thank you !",
+ "okay , that will be all for now . Thank you for all your help .",
+ "I do not need to book it , all I needed was that info today , thanks .",
+ "No , that is all . Thank you .",
+ "No that is all , thank you . Have a great day !",
+ "That 's great I will call them , thank you .",
+ "That is all thanks .",
+ "no that 's it thanks for your help",
+ "Thank you . Is there a contact number you can give me , just in case ?",
+ "Great , thanks for your help !",
+ "Great ! Thank you for your help .",
+ "No thank you . That 's all that I needed .",
+ "that 's all i need thanks",
+ "Thank you for the information you were very helpful !",
+ "No , that will be all . Thank you .",
+ "That 's perfect , thanks !",
+ "Thank you . That is all i needed .",
+ "Thank you so much !",
+ "Nope , that 's it , thanks !",
+ "That 's all I needed to know , thanks for your help !",
+ "Thanks . I ' m also looking for a place to dine at . Can you help with that too ?",
+ "No , I do n't need one right now . In fact , I ' m all set . Thanks for all your help !",
+ "Thank you . That is all that I need .",
+ "Thank you very much . That is all I 'll need today !",
+ "Thank you so much . Have a great day .",
+ "That 's all I need , thank you",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thanks , I will need the reference number .",
+ "Thank you so much for your time . That will be all .",
+ "Great , thanks . I am also looking for a museum to go to .",
+ "No , that 's all , thanks for the assistance !",
+ "That is everything . Thank you for your help .",
+ "No that will be all , thanks for all of your help . Sorry I was such a bother",
+ "Thank you ! You were great !",
+ "Okay , thanks ! that 's all I needed ! Have a good day !",
+ "Thank you so much for your help",
+ "Ok , just gathering information for now , thank you .",
+ "Thank you , have a good one .",
+ "Yes that would be fine . thank you",
+ "That 's all actually . Thank you for the assistance .",
+ "Thank you ! What part of town is it in ?",
+ "Ok , thank you that will be all for today .",
+ "Thanks for the information !",
+ "That should be all , thank you .",
+ "Perfect , thank you for your help !",
+ "Nope , that 's all . Thanks !",
+ "Not right now . That 's all I need . Thank you",
+ "That 's all . Thank you very much .",
+ "Thanks . I believe the car was the last thing I needed .",
+ "No , I think you covered it . Thanks so much .",
+ "Excellent . That will be everything . Thank you !",
+ "Nope , that 's all I need today . Thanks !",
+ "That 's all I need for now . Thank You very much !",
+ "Thank you very much for helping me ! Have a great day .",
+ "I ca n't thank you enough .",
+ "That 's all I need from you today . Thanks .",
+ "Thank you for your help",
+ "I think that 's it . Thank you !",
+ "Thank you so much that is all I need .",
+ "No , that is all . Thanks for your help .",
+ "thanks alot.that is all i needed for today",
+ "No , that will be all . Thank you for your help !",
+ "Thanks for everything you have been great !",
+ "No that is all I needed . Thank you ever so kindly .",
+ "That 's all I need . Thank You .",
+ "Thanks for you help . That is all I need for now .",
+ "No , that 'll be it . Thank you .",
+ "No , you have been very helpful . Thank you for everything .",
+ "I think that was it . Thank you for your help !",
+ "No , that 's all ! Thank you so much for your help !",
+ "That will be all thank you for your time .",
+ "Thank you for your help !",
+ "Yes can you please do that for me thank you !",
+ "thanks you very much",
+ "Thank you . I will look for the Entrance fees at the door .",
+ "thanks a lot for the help",
+ "thanks so much you have been very helpful",
+ "That would be great , thanks .",
+ "Thank you , that 's all I need today .",
+ "Alright that s everything thanks",
+ "Alright . Thank you for all of your help . Have a great day .",
+ "Thanks a lot , that 's all .",
+ "Thanks can you also help me find some food ?",
+ "No that will be all . Thank you !",
+ "Great ! That is all I needed , thanks .",
+ "Great . Thank you . That is all I need for today .",
+ "Thanks for handling this for me .",
+ "That would be all . Thanks a lot .",
+ "No , that 's everything . Thank you .",
+ "Thank you very much for your help",
+ "No , that is all I need . Thank you .",
+ "That is all . Thanks so much !",
+ "no I think that is it thanks so much for all of your help today you have been great",
+ "Thanks . May I have the contact number for the Volvo , please ?",
+ "No , that should do it . Thanks so much .",
+ "No , that is all that I needed . Thank you for your help !",
+ "Thank you very much . I appreciate your help .",
+ "Thank you for the help !",
+ "Thank you so much !",
+ "No , that will be all . Thank you !",
+ "That is all I need . Thank you .",
+ "Thank you . That 's all I need .",
+ "Thank you can I get another address for another college too please ?",
+ "thanks i ' m also looking for a place to stay",
+ "No , I ' m all set . Thank you for your help .",
+ "No that 's all I need for now . Thank you !",
+ "Okay thank you that 's all I needed .",
+ "No , that 's all I needed thank you !",
+ "That 's all that I needed thank you !",
+ "Thank you , that is everything I need .",
+ "Thank you very much !",
+ "I think that should cover it . Thank you for your help !",
+ "Thank you for your help .",
+ "Thanks that s all .",
+ "No thank you . You ' ve been very helpful .",
+ "Thanks , you too , can I just close this dialogue ?",
+ "Thank you so much !",
+ "Great , thanks very much !",
+ "That is all , thanks .",
+ "I think that will take care of it . Thank you very much .",
+ "No that is all , thank you .",
+ "Thank You . I think that 's all I need .",
+ "No , thank you .",
+ "No that 's it . Thank you very much .",
+ "That should be all I need . Thank you for your help !",
+ "That 's all I need today . Thank you for your help .",
+ "thank you that will be all",
+ "No , that 's really everything this time , I promise . Thanks again !",
+ "thanks !",
+ "No , thank you very much !",
+ "Thank you very much . That is all .",
+ "Thank you very much .",
+ "That 's all I need ! Thank you !",
+ "Thank you very much .",
+ "Thank you . I think that 's everything I need .",
+ "Thank you so much for your help .",
+ "Ok that s unreal , thank you anyway",
+ "No thank you that will be all",
+ "That 's all I need for today . Thanks for your help !",
+ "Thank you !",
+ "No I think that will be all . Thank you .",
+ "Yes , that 's all I needed today . Thanks for your help !",
+ "That 's it . Thank you .",
+ "Thank you . Can you also help me find a place to stay ?",
+ "Thank you for your help , I think that will be everything today !",
+ "No , that 's all I need for right now . Thanks for the assistance !",
+ "Thank you for your assistance ! I will definitely use this service again . Have a good day .",
+ "Thank you , that 's all I needed !",
+ "Yes the time works for me . That will be all thanks and have a great day .",
+ "Thank you that is all the information I need today .",
+ "This is great ! Thanks for your help .",
+ "Thank you for your help , that is all for now .",
+ "Thank you . That is all .",
+ "That 's all I needed . Thank you !",
+ "Thanks for your help ! Take care !",
+ "Great , thanks so much , that 's all that I need !",
+ "No , that 'll do it ! Thanks !",
+ "I think that should be it for today ! Thank you so much for your help , you ' ve been very kind !",
+ "Thanks that 's all I needed for the night .",
+ "Nope . You ' ve answered all of my questions today . Thank you .",
+ "That is everything . Thank you for the help !",
+ "Okay thanks so much . I appreciate the help .",
+ "That was all I needed today , thanks !",
+ "no that is it . thanks for your help",
+ "No , I think that covers everything . Thanks so much for your help !",
+ "Ok , thanks for your help . I appreciate it .",
+ "No that is all ! Thank you !",
+ "You too ! I hope you have a great day . Thanks for your help .",
+ "Wonderful . Thank you so much for this ! Have a great day .",
+ "That 's perfect , thanks so much for your help !",
+ "Thank you for your help !",
+ "Great thank you that should be all",
+ "I think I have everything I need ! Thank you for your help , you ' ve been very kind !",
+ "thank you so much for all of your help you have been great !",
+ "Great that 's all I needed today , thank you !",
+ "No thank you that will be all",
+ "Thank you that is all I need .",
+ "Ok great , thank you . That is all I need .",
+ "Ok thank you that is all I need .",
+ "Thank you very much .",
+ "That was all I needed . Thanks for all your help .",
+ "Thank you kind person for helping me !",
+ "That is perfect . Thank you for your help .",
+ "That will be all for now . Thank you for your time !",
+ "That one will work just fine , thank you .",
+ "No need , that 's all I wanted . Thank you for the help !",
+ "Great , that 's all I need ! Thank you so much !",
+ "Thanks . I am also looking for a place to stay .",
+ "Thanks , that 's all I needed . Have a good day .",
+ "Thank you for the help .",
+ "Great , thank you for all of your help !",
+ "That is all that I need for today . Thank you !",
+ "Thank you very much !",
+ "Thank you ! I think that 's everything . You ' ve been a big help .",
+ "Great that 's all I needed , thank you .",
+ "No , that 's all I need today . Thanks for your help !",
+ "That should do it . Thank you very much !",
+ "great , thanks for your help .",
+ "Thank you , what 's the contact number ?",
+ "Cool thank you . I ' m all set for now .",
+ "Great . thank you that is all I needed .",
+ "No , that 's it . Thank you for your help .",
+ "Thank you , that 's all I need today .",
+ "That is everything . Thanks !",
+ "No , that 'll do it for today . Thanks very much for your help !",
+ "That sounds perfect . Thank you very much !",
+ "Thank you very much .",
+ "No , that will be all for today . Thank you .",
+ "No , that will be all , thank you .",
+ "No , you have been very helpful . Thank you .",
+ "I do n't need anything else , Thanks .",
+ "Thanks so much ! That 's all I need today .",
+ "No thank you , that is all I needed .",
+ "No , thank you , that is all .",
+ "Awesome ! Thanks so much . That is all I need .",
+ "Okay , sounds good . Thanks for all your help !",
+ "amazing , thanks for your help",
+ "No , that 's ok . I ' ve got it . Thanks again .",
+ "That would be all , thanks !",
+ "Yeah , that would be great . Thanks .",
+ "That is everything I needed for today . Thank you for your help !",
+ "Ok thank you for your help today .",
+ "No that is it . Thank you .",
+ "No , thanks . Have a nice day .",
+ "Thank you very much that would be it .",
+ "I will and thank you for your assistance .",
+ "Thank you so much , that should be it !",
+ "Thank you that is all the information I need today .",
+ "No that is everything thank you",
+ "No , thank you . I appreciate your help today . I have all that I need .",
+ "Thank you for your help you ' ve been great !",
+ "Thank you very much for your time .",
+ "Thank you very much . It looks like i am all set . Have a nice day .",
+ "Thank you , that is all I need today !",
+ "No thank you , I do n't need a reservation .",
+ "That 's it . Thanks .",
+ "Thanks so much",
+ "Thank You",
+ "great thanks that s all i needed !",
+ "Great thank you , that is all I need for now .",
+ "that is all for today thanks",
+ "thanks you a lot",
+ "That 'll be it for today . Thank you very much .",
+ "No thank you , that is everything I needed .",
+ "No , that should be all . Thank you !",
+ "great thanks ! That 's all I needed .",
+ "That was all for today . Thank you very much and have a good evening .",
+ "That sounds great ! Thanks , that 's all I need for now .",
+ "Awesome , thanks a lot ! Have a great day !",
+ "Hey thanks for helping , it really means a lot to me .",
+ "No , that will be all . Thank you !",
+ "Thank you for the information .",
+ "Awesome , thank you ! That was all I was looking for today . Have a good one",
+ "Thank you .",
+ "no , thank you",
+ "That is all , thank you .",
+ "Thank you ! Have a great day !",
+ "Great , thank you , that 's all I need for today .",
+ "Yes that would be great all the info thanks .",
+ "That is all I needed . Thank you so much !",
+ "Thank you for your time that is all I needed today .",
+ "Thank you , that 's all I need .",
+ "no it think that 's it thanks for all of you help",
+ "Thanks , that is all",
+ "No , that 's it . Thanks !",
+ "That 's all I ' m looking for . Thank you for the information .",
+ "Got it . Thanks for helping me .",
+ "Nope that is all I need for today . Thank you so much !",
+ "Thank you . That is all I need .",
+ "All set . Thanks a lot .",
+ "Thank you that is all I need .",
+ "That is all , thank you .",
+ "That is all , thank you",
+ "thank you that is it for today",
+ "No . Thank you . Can I have the address please ?",
+ "That takes care of everything for today . Thank You !",
+ "Thank you so much !",
+ "No thank you . I do not need to book right now .",
+ "thanks alot . have a good day",
+ "Great , thank you for your help !",
+ "No , that 's it . Thank you .",
+ "No thank you for your help .",
+ "No that 's all I needed . Thank you !",
+ "No that is everything I need for my trip . Thank you !",
+ "Thank you , have a good day .",
+ "Thank you . that is all for today .",
+ "No , that is all I need . Thank you !",
+ "Perfect ! Thank you",
+ "Nope that 's it ! Thanks so much !",
+ "That 's all I need . Thank you for your help !",
+ "Thank you so much !",
+ "That is all I need today . thank you .",
+ "Can you please check again ? Hopefully , there was just an error in inputting the information into the search system . Thanks",
+ "No , that 's all I needed , thank you .",
+ "That will be all , thank you !",
+ "I am not ready to book seats quite yet thank you . I do need to find a place to visit while in town though .",
+ "No thank you , that will be everything .",
+ "Thank you . Appreciate all the help .",
+ "Oh great thanks , that 's all I needed !",
+ "Absolutely ! Thank you !",
+ "No thanks . That will do it for me . Have a good day .",
+ "Thank you for the information .",
+ "That s everything I needed thanks for the help !",
+ "Thank You !",
+ "Nope , that 's all I need . Thank you !",
+ "No , you have been most helpful . I look forward to visiting . Thank you so much .",
+ "Thank you , that 's all I need for today .",
+ "No , that 's all I needed . Thanks for your help today !",
+ "Awesome . Thank you for everything !",
+ "I am all sent , thank you .",
+ "Thank you . I need the contact number , as well .",
+ "I actually do n't need anymore information , thank you .",
+ "Wonderful ! Thank you for your help .",
+ "No thank you , that 's all I need , you have been very helpful . Have a good day",
+ "That was all the info I needed today , thank you !",
+ "Not at this time , Thank you .",
+ "Thank you ! That 's everything I needed . Have a great day !",
+ "That is all thank you very much .",
+ "No thanks , you were helpful , have a great day .",
+ "No , that 's all I need , thank you very much .",
+ "Thank you so much , that 's all I need .",
+ "Great , thanks so much for your help . That 's all I need today .",
+ "No , I just need the information for now . Thanks !",
+ "Great . Thanks for all your help !",
+ "ok , that 's all i need thanks",
+ "That is all , thanks for the help .",
+ "Thank you !",
+ "That sounds like something I would enjoy . Thank you ! I think you covered everything .",
+ "No , that 's all I needed today . Thank you so much .",
+ "Great that was all I needed today , thank you",
+ "that is it . thanks",
+ "Thank you , that 's all I needed today .",
+ "No . That 's all the information I was looking for today . Thanks .",
+ "I have it . Thanks for your help .",
+ "No , I think that 's going to be all I needed . Thanks . Have a good day .",
+ "Thank you for your help . That is everything I need .",
+ "Thank you .",
+ "Thank You",
+ "no that s all thanks",
+ "Great , thanks so much , that 's all I need ! Have a great day !",
+ "Thank you so much .",
+ "No that is it . Thank you so much .",
+ "Thank you for your assistance .",
+ "Thank you very much that is all I needed . Have a good day .",
+ "Thank you ! That will be all .",
+ "No , thank you . I have everything I need .",
+ "You are great thanks !",
+ "Thank you , that 'll be all .",
+ "Thank you , that is everything i need .",
+ "Nope that is thanks",
+ "Okay , thank you for your help . That 's all I need .",
+ "Thank you ! That is all the information I need .",
+ "Thank you . Can I get a contact number ?",
+ "Great , thanks . Can you confirm the time on that car ? I just want to make sure I arrive at Magdalene College by 21:45 .",
+ "that s all I needed , thanks",
+ "That 's all I needed today . Thanks for all your help !",
+ "Perfect , thank you . That 's all I need for today .",
+ "Thank you very much . that is all for now .",
+ "Okay , perfect . Thank you very much .",
+ "That should be all I need . Thank you for your help .",
+ "No , thank you , that 's all the information I need right now .",
+ "No thank you , that is everything .",
+ "Thank you for the help . Have a nice day .",
+ "Thank you very much for your help .",
+ "Yes it is , thank you for your help .",
+ "Thank you very much !",
+ "No I do not need any more info Thanks",
+ "No . That 's it thanks !",
+ "Great thanks ! That will be all !",
+ "Yes , that 's good . Thank you .",
+ "No , thank you . I ' m all set for today . You ' ve been a great help !",
+ "Great , thanks for your help .",
+ "No thank you . I 'll take it from here . You ' ve been very helpful . Have a great day !",
+ "No that 's everything I needed . Thank you !",
+ "no thank you tahtys all I neeed to know",
+ "No , that 's everything I need , thank you for your help .",
+ "Thank you for your help . Have a great day !",
+ "No thank you . That is all the information I need . Thanks for your help .",
+ "Thank you so much for choosing for me - really took the stress out of this trip ! I think that 's all I need .",
+ "That is all for now . Thank you for all your help .",
+ "Thanks so much . Let me double check my list .",
+ "I need to think about it for a bit . Thank you for your help though . I think I ' m all set .",
+ "That is all I need , thank you .",
+ "Thank you . That 's all I need for now .",
+ "Yes , can you please get that for me . Thank you",
+ "Thank you so much . That 's all I need today .",
+ "Yes , again . That is all I need . Thanks .",
+ "yes and thank you that will be all",
+ "That is all I needed today , thank you .",
+ "No , I think that does it . Thank you for the info .",
+ "No thank you , I will call again .",
+ "That 's all I needed help with . Thanks a lot !",
+ "No that is it . Thank you .",
+ "That is all , thank you , have a great weekend .",
+ "No that is it . Thank you .",
+ "No , that is everything I needed . Thank you .",
+ "Thank you for your help !",
+ "No , I think that is all for today . You have been great . Thank you for your help .",
+ "Thanks so much !",
+ "No , thanks , that 's everything .",
+ "No , that is everything . Thank you for your assistance !",
+ "No , you have been very helpful . Thank you .",
+ "Okay , that 's all the information I need . Thank you !",
+ "No . Thanks . That is all .",
+ "Yup book it thanks ! Can you recommend a place to go nearby as well ? thank you",
+ "Thank you . Have a great day !",
+ "Great ! Thank you . That 's all I need for today . I appreciate your help .",
+ "thank you , you ' ve been quite helpful",
+ "That was all I needed today , thank you",
+ "No , that 's all I needed . Thanks for your help !",
+ "Yes , that 's perfect . Thanks for your help .",
+ "That 's all I need , thanks so much for your help ! Have a great day !",
+ "awesome that s all thank you !",
+ "That 's all that I need today , thank you !",
+ "Thank you so much .",
+ "Terrific . Thanks for all your help !",
+ "No , thank you . I am all set .",
+ "That is everything I needed . Thanks for your help !",
+ "I think that should do it . Thanks for your help today !",
+ "Thank you for your help that is all I need today",
+ "No that 's all , thank you",
+ "No thank you . That 's all .",
+ "Great ! Thank you so much .",
+ "Great . Thank you very much for your help . That will be all .",
+ "No . Thank you .",
+ "Nope , that 's all for now . You ' ve been a great help , thank you !",
+ "Okay thanks . That was all I needed to know for now .",
+ "No that 's it , thank you for your help .",
+ "No thank you . That was all I needed .",
+ "Nope that 's all thanks !",
+ "Thanks . I also want to visit a museum .",
+ "No thanks , that 's all I needed . Have a great day !",
+ "No I am good for now , thanks for all of your help .",
+ "Thank you for your help .",
+ "No , that 's all I need . Thank you .",
+ "Ok great . Thanks for the help .",
+ "Thanks so much ! That 's all I need today .",
+ "That will be all . Thank you for your help .",
+ "Thanks , could you let me know the departure and arrival time ?",
+ "No thanks , that 's everything I need .",
+ "Thank you so much for all your help . That is all I needed for now .",
+ "Thanks ! That is all I needed .",
+ "Thank you so much . I do n't think I have any questions right now .",
+ "No thank you .",
+ "That will be all , thanks .",
+ "No thank you that will be all",
+ "Thank you . That is all I needed .",
+ "Thanks ! I think that 's all I need .",
+ "No that will be all , thank you .",
+ "Ok , great ! Thanks for all of your help . That is all I needed for today .",
+ "That 'd be great . Thank you .",
+ "I will book on my own , thanks .",
+ "No thank you . I m finished .",
+ "Thank you that is all I needed .",
+ "Thank you ! Can you book that for me ?",
+ "That 's all . Thank you !",
+ "Okay thank you . Please book that for 4 people at 18:15 on thursday .",
+ "That is all I need today thank you .",
+ "Okay great , thank you .",
+ "No , that will be all . Thank you !",
+ "Thank you so much . That is all I need today . Have a great evening .",
+ "Great . Thanks so much !",
+ "Nope , that 'll do for now . Thank you !",
+ "Yes that 's fine . Thank you so much !",
+ "We will . Thanks again .",
+ "Great thank you for all your help",
+ "Great . That 's all I need . Thank you .",
+ "Great . Thank you for your help .",
+ "Thank you , that is all I need today .",
+ "Thank you for all your help .",
+ "Perfect , thank you . That 's all I needed .",
+ "I do not believe I need a reservation . I have everything I need today . Thank you .",
+ "Thank you so much , I appreciate your help !",
+ "No thanks , that 's all .",
+ "That is all . Thanks for your time .",
+ "Thank you for your quick response .",
+ "Thank you for help . That 's everything I needed .",
+ "Wonderful ! That should be all I need today . Thank you !",
+ "Thank you so much , that is all that I needed !",
+ "No , that 's all I need . Thank you !",
+ "Thank you ! I am sure I will have a fantastic time . You have a great day as well .",
+ "That would be all for . Thank you for your help .",
+ "That 's perfect , thank you so much for your help .",
+ "Awesome , you ' ve been a great help . Thank you .",
+ "No thank you , that is everything that I need .",
+ "Yes , that works for me . Please go ahead and book it . Thank you !",
+ "Yes , that 'll work . Thank you !",
+ "no , thank you for your help .",
+ "Okay , thank you , that is all I need today .",
+ "Okay that will be all today , thanks for your help .",
+ "Yes , thank you that will be fine .",
+ "THank you so much for all your help .",
+ "That will be all , thank you .",
+ "Ok , thank you . That is all the information I need today .",
+ "Okay , I ' m going to try to get there pronto . Thanks for your help .",
+ "Yes I am sure . Thank You !",
+ "No , you ' ve been very helpful . That 's all I needed . Thank you very much .",
+ "OKay that 's perfect thanks so much .",
+ "No thank you , I 'll purchase when I get there . That 's all I needed today , thanks !",
+ "Thank you . That 's all I needed help with today . Have a great day .",
+ "Alright , thank you very much . That 's all I need for now .",
+ "Not at the moment . Thank you .",
+ "Ok . Thank you for the information .",
+ "Thank you very much !",
+ "I believe so . Thank you for your help .",
+ "no thanks . have a nice day",
+ "That is . Thanks for your help !",
+ "Thank you , that will be all .",
+ "Thank you so much that will be all , looking forward to Cambridge .",
+ "No , that 's all . Thank you for your assistance !",
+ "Actually , I think I 'll hold off on that ticket , I do n't need it booked but thanks . That 's all I need today .",
+ "Perfect , Thank you so much .",
+ "No , thanks . You have been a big help .",
+ "Thank you . That is all I need today .",
+ "That 's all the information that I needed . Thank you !",
+ "No thank you , I am all set . Enjoy the rest of your weekend .",
+ "Great , thank you !",
+ "Yes thank you . You have been so helpful and made this process easy .",
+ "That is everything I need , thank you .",
+ "Thank you , that will be all !",
+ "No that will be all . Thank you .",
+ "I only need one ticket . Thank you .",
+ "No thank you that will be all .",
+ "Great ! Thank you ! I think that is all that I need today .",
+ "That is it . Thank you .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thank you very much !",
+ "No that 's all ! Thanks for the help .",
+ "I ' m sure I will . Thank you .",
+ "Thank you that is all I need today .",
+ "Thank you that 's all I need today .",
+ "No , that 's all I need , thank you !",
+ "Thank you that is all I needed .",
+ "no , that 's all thanks",
+ "that 's all , thanks !",
+ "No , you have been a great help . Thank you .",
+ "Yes , thank you .",
+ "No , thank you ! I appreciate your help .",
+ "Thank you , so much . That is everything I need .",
+ "awesome ! thanks for all the info",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No thanks . That 's actually all I needed today . Thanks for your help !",
+ "Thank you that is all I need",
+ "That is all for now . Thank you so much .",
+ "No that was all . Thanks !",
+ "Thank you for your help , that is all .",
+ "No , that is all for today . Thanks .",
+ "That 's all , thank you .",
+ "Thanks so much for all your help .",
+ "No , that 's everything . I ' m sure my trip will be fantastic . Thank you for all the help . Have a good day !",
+ "No , that 's it . Thank you for your assistance today , you have been very helpful !",
+ "Great . Can you give me the address and phone number for The Place ? Thank you for your help .",
+ "No that was it . Thank you so much .",
+ "Yes I would , thank you .",
+ "Nope , that 's all I needed . Thank you !",
+ "thank you , that is all I need .",
+ "That 's all , thank you .",
+ "Thank you for your help . that s all i need today .",
+ "Thank you for your help .",
+ "Not at this time . Thank you for your assistance .",
+ "Thank you so much . Have a nice day !",
+ "Great thank you for your help that will be all",
+ "Not that 's it . Thank you so much !",
+ "That is all . Thank you very much .",
+ "Thank you . That is all I needed .",
+ "No , that will be all today . Thank you .",
+ "Thank you very much for helping me get my reservations in order .",
+ "Thanks so much , no that will be all .",
+ "thank you for assisting .",
+ "That s all i need for now . Thanks !",
+ "No thank you . Appreciate your help .",
+ "That is all I will need . Thank you .",
+ "Okay thank you ! No that will be everything .",
+ "Yes , that would definitely work for me . Thanks .",
+ "No , that 's all I need today . Thanks for your help !",
+ "nope that s all thank you !",
+ "Great thank you that 's all I needed today .",
+ "No thank you that is all I need today .",
+ "This is all I need . Thank you so very much .",
+ "wonderful . thank you for your help today .",
+ "Great thank you ! That 's all I need today !",
+ "No , thank you . That will be all . Have a great day !",
+ "Thank you . I also am looking for places to go in town . Can you help me ?",
+ "That sounds great , thanks ! That 's all I need today .",
+ "That 's all for now . Thank you",
+ "Nope , that 's it . Thanks !",
+ "that is all i needed for today . thanks alot",
+ "I am , thank you .",
+ "Thank you so much . You have been very helpful .",
+ "Thank you , that will be all .",
+ "No thank you that will be all",
+ "Perfect . Thank you for all of your help . Have a good day .",
+ "that s all for today . thanks alot for helping",
+ "no thanks that is all",
+ "Thank you , that is everything that I need .",
+ "thanks for your help . that is all i wanted",
+ "Thank you for the info on a good museum to go to have a great day .",
+ "Thanks ! That 's all I needed help with today .",
+ "That was all I needed . Thank you ,",
+ "No , that is all ! Thanks .",
+ "Thank you . That is all for now .",
+ "Thank you for your help . Have a great evening .",
+ "Perfect that s everything I needed thanks for the help",
+ "I ' m good , you did great . Thank you !",
+ "That is all . Thank you !",
+ "Great that 's all the information I needed today , thank you !",
+ "That 's all I need thanks .",
+ "Thank you that is all I need today .",
+ "That is all , thanks for your help .",
+ "That is all . Thank you .",
+ "That would be all thank you very much .",
+ "Thank you so much .",
+ "Thanks , that 's all I need today . You ' ve been a great help !",
+ "No , thank you . That is everything I needed .",
+ "Thank you for your help .",
+ "Yes . You have been very helpful . Thank you .",
+ "That 's all for me , thank you for your help .",
+ "No that will be all today . Thanks !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Awesome , thanks for the help .",
+ "No , that should be it . Thanks so much for your help .",
+ "i do n't take that for granted . thanks",
+ "Nope , that 's all I need for today . Thank you !",
+ "Book it please ! Can you also provide a reference number ? thanks !",
+ "Nope . Thank you so much for your help .",
+ "That 's all I need right now , thanks .",
+ "Thank you for your help",
+ "Thank you , that is all I need today .",
+ "That will be all ! Thank you so much !",
+ "Sounds great . Thanks for your help .",
+ "Excellent . Thanks for the help !",
+ "That will be all . Thanks .",
+ "No , that is all I needed help with . Thank you .",
+ "not now . thanks for the information",
+ "I ' m good , that 's all I needed , Thanks !",
+ "Great ! Thank you so much for looking into that for me .",
+ "No that is it . Thank you .",
+ "not now . thanks for the information",
+ "Thank you for the information . I have all I need .",
+ "Okay thank you so much !",
+ "No , that is it , thank you .",
+ "no that will be all , thanks",
+ "Thank you that 's all that I needed today",
+ "Nope , that 's everything for today thank you . Have a great day !",
+ "Thanks . That 's just what I needed .",
+ "Thank you that will be all .",
+ "Thank you ! That is all of the information I need !",
+ "No , thank you . That 'll do it .",
+ "Thanks so much , I do n't need anything more today",
+ "That 's all , thanks !",
+ "No thank you that will be all",
+ "Thank you , that 's everything that I need .",
+ "That 's all I need thanks",
+ "No , I ' m good for today . Thank you .",
+ "No , thank you . I have all the information I need .",
+ "Nope , that 's all I need today . Thank you for your help !",
+ "Thank you , that 'll be all today .",
+ "ok thank you so much",
+ "No , that is everything I needed . Thank you for your help !",
+ "great , that 's all i need thanks",
+ "No thank you that will be all .",
+ "that is all . thank you very much .",
+ "that 's all i needed thanks !",
+ "No , that 's all . Thanks !",
+ "No that was all I needed . Thank you so much .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Thank you so much for all of your help , have a great day !",
+ "Thank you . That is all that I need .",
+ "That 's all I need for now . Thank you for the help !",
+ "No , that will be all . Thank you for your help !",
+ "Expensive . Thank you .",
+ "no thank you , that will be all ! have a good day !",
+ "Great . Thank you very much . That is all I need for today .",
+ "Nope that is all the help I need today . Thank you so much !",
+ "No thanks , just gathering info , I am all set for now .",
+ "No . That is all for today . Thanks .",
+ "No that 's it thank you for all your help !",
+ "Yes , that would be fine . Thank you !",
+ "No , that will do , thank you .",
+ "That 's all I need ! Thank you !",
+ "Thank you . That will be all .",
+ "Thank you , that 's all the information I need today .",
+ "That was everything I needed , Thanks for everything and please take care !",
+ "No , thank you , you ' ve been a great help .",
+ "Thanks , you too .",
+ "Okay , that 's all I needed . Thank you .",
+ "Great ! I think I 'll check it out . Thanks for your recommendation !",
+ "I think that will be all . Thank you very much for your help .",
+ "Cool that 's all I need today thanks !",
+ "Thanks ! That would be all .",
+ "Thank you very much for your help .",
+ "No that will be all . Thank you for all of your help .",
+ "I am finished , thank you for your help .",
+ "Yes please , thank you ! I will need the reference number once booked .",
+ "Just one , thank you .",
+ "That us all I need . Thank you .",
+ "That is all for today . Thank you .",
+ "Thank you for all your help . That 's all I need for now .",
+ "thank you I will call them",
+ "No , thank you . You were very helpful .",
+ "Thank you , that will be all .",
+ "THank you that is all I need today .",
+ "Thank you for your help !",
+ "Thank you so much !",
+ "Nope that is it ! Thank you .",
+ "Thank you for reserving it , and just to make sure ... can you please confirm the time and date of the booking ?",
+ "Yes , that 's correct . Thank you .",
+ "No , that 's it . Thanks for your help !",
+ "Thank you very much . Have a great day .",
+ "Ok , thank you , that 's all I need for now .",
+ "Yes , that will be all thank you for your assistance .",
+ "No , I think I 'll hold off on that . That 's it for today . Thanks for your help . Have a great day .",
+ "No , that 's everything I needed today . You were very helpful , thank you !",
+ "Great that 's all the info I need , thank you for your help .",
+ "No , that 's it . You ' ve been very helpful , thank you !",
+ "Okay thank you !",
+ "No , that will be all . Thank you .",
+ "Thanks very much for your help today .",
+ "No , I think that 's it , thank you so much !",
+ "Thanks for the info !",
+ "That 's all that I need , thank you !",
+ "Thank you so much !",
+ "Great . Thank you very much .",
+ "No , that 's it . Thanks .",
+ "That 's it .. thank you .",
+ "No , that will be all . Thank you .",
+ "Wonderful . That 's all I needed . Thank you !",
+ "I do n't need to book that today . Thanks for your help .",
+ "Thank you . That 's all .",
+ "No , I think that is all , thank you so much for your help !",
+ "No , that should be all , thanks !",
+ "Thank you that is all I needed today .",
+ "No that is all I need for today thank you .",
+ "Great , thanks for all of your help ! You have been wonderful !",
+ "Great , that is very helpful . Thank you .",
+ "No , thank you , that was everything I needed for today !",
+ "Wonderful . Thank you for all your help .",
+ "Thank you ! That 's all I needed .",
+ "Thank you very much .",
+ "No that is exactly what I needed . Thank you for your help .",
+ "Thanks , you too !",
+ "Ok thank you for the information .",
+ "That 's all I need , Thank you .",
+ "No that is all thank you !",
+ "Thank you that is all I need .",
+ "Thank you I do n't need anything else .",
+ "OK thank you very much for your help .",
+ "Thank you , it 's fine .",
+ "No , that 's all . Thank you .",
+ "Okay , thank you for that information . That is all I need for now .",
+ "Thank you for your help",
+ "Thank you , that 's all I need .",
+ "Thank you ! It does not matter to me .",
+ "Thank you so much for your help much appreciated .",
+ "thank you very much",
+ "Thank you for all of your help .",
+ "Okay , that 's all I need . Thank you !",
+ "Thank You",
+ "Great ! ! Thank you so much . That 's all I need today .",
+ "That is all for now . Thank you so much for the information .",
+ "That s it , thanks",
+ "Thanks for your help .",
+ "That is all I need today . Thank you for your help .",
+ "Yes , that is perfect thank you .",
+ "No thanks , just gathering information for now .",
+ "Thank you , have a great day , as well .",
+ "Thank you for your help .",
+ "That 's great , thanks for your help .",
+ "Yes , please book it for me . Thanks .",
+ "Thank you so much !",
+ "Thank you kind person for helping me !",
+ "No , that will be all , thank you .",
+ "TR5941 is good . Thank you for your help .",
+ "No , that should be all . thank you very much .",
+ "Great , thank you very much for your help .",
+ "that is it for today thanks .",
+ "No , that will be all . Thanks !",
+ "thank you very much , that's2 all",
+ "sure i will , thank you",
+ "Thank you very much . I think that is all the information I need today !",
+ "I do n't need rooms reserved at this time . That was actually all the information I need today . Thanks for your help .",
+ "Thank you so much !",
+ "No that 's everything . Thanks !",
+ "That 's all . Thanks !",
+ "Perfect ! Thank you .",
+ "That 's all I needed . Thank you very much !",
+ "No need to book a ticket . I can take care of that later . But thank you . Have a nice night !",
+ "That 's everything , I think . Thank you for all the help !",
+ "Thanks so much !",
+ "That was all I needed today thank you !",
+ "No . Thank you .",
+ "Thank you so much ! I appreciate all your help .",
+ "No thank you . Have a nice day !",
+ "Great . Thank you . That is all I need .",
+ "That is all I need for today . Thank you for all your help .",
+ "That is all I need today , thanks .",
+ "that s it , thanks so much !",
+ "Thank you so much for your help .",
+ "That one should be OK , thanks . I ' m all set .",
+ "Thank you . I ' m glad it 's taken care of .",
+ "Thank you ! That will be all for today !",
+ "Okay , I ' m all set then . Thank you so much .",
+ "No thank you- I thank you for your extremely helpful advice and I look forward to my trip .",
+ "Thank you . That 's all I need for now .",
+ "No , I 'll book one when I get there . Thank you for your help !",
+ "Great , thanks ! I ' m also looking for some places to visit in town . Are there any theaters your recommend ?",
+ "That 's all thanks .",
+ "That is everything , thank you .",
+ "Great . Thank you very much for your help . That is all for today .",
+ "Thank you . I am all set .",
+ "Thank you for all your help .",
+ "No that takes care of it thank you",
+ "Thank you ! That is all I need .",
+ "It does Thank You have a good day .",
+ "Not today , thank you !",
+ "No that is all , thank you .",
+ "That is all . Thank you .",
+ "Great ! Thanks for all your help .",
+ "Nope , that 's all I needed today . Thanks !",
+ "Thank You",
+ "Thank you . That is all for today .",
+ "Great thank you for all your help , that 's all I needed today .",
+ "I will the 16:09 one . Thanks",
+ "Thanks so much ! That is all I need . Have a good day !",
+ "I do n't . Thanks so much .",
+ "Perfect , that is all that I needed . Thank you so much for your help !",
+ "No , thank you . That 's disappointing .",
+ "No that was all I needed thank you .",
+ "Okay that will be all then . Thank you for your help .",
+ "Thank you very much , I appreciate all the services you offer .",
+ "Thanks for all the information !",
+ "That is all , thank you .",
+ "Thank you , that is all that I need .",
+ "Great . That 's all I need , thank you .",
+ "That 's all the help I need . Thank you .",
+ "No , that 's all I need . Thanks .",
+ "No thanks , that 's all for now .",
+ "That is all I need , thanks .",
+ "No , that 's everything I needed , thanks .",
+ "No that 's all I need thanks for the help .",
+ "That 's all I need , thank you .",
+ "No that 's it ! Thanks for all your help !",
+ "No that will be all thank you",
+ "Thank you . Can I get a reference number for the booking ?",
+ "I actually do n't need a place to eat . Thank you , that is all .",
+ "That is helpful . Thanks",
+ "No , I ' m sorry . That 's all for now . Thank you for all your help .",
+ "Nope you ' ve been wonderful , thanks for all the help .",
+ "No thank you . That was all I needed .",
+ "No , you ' ve been so helpful . Thank you so much ! Have a great night .",
+ "Thank you that is all I needed today .",
+ "Okay great . Thank you very much .",
+ "No thank you .",
+ "No , that 's all . Thanks !",
+ "Can you please repeat the phone number and provide the address . Thank you .",
+ "No , I think that 's all I need right now . Thanks very much for your help !",
+ "Anything is fine , thanks",
+ "No that 's all I need for now . Thank you for your help !",
+ "Thank you , that will be all .",
+ "That is all , thank you very much .",
+ "Fantastic , thank you for the information .",
+ "I think that is all I needed today . Thank you .",
+ "No that seems to be everything . Thank you .",
+ "No , I think that does it . Thank you for your help .",
+ "So that would be all . Thanks .",
+ "That 's all I needed , thank you very much !",
+ "I 'll just drop in , thanks . I also want to see a multiple sports complex in the same area . Are there any nearby ?",
+ "No that is all the info I need thanks .",
+ "That actually takes care of all my needs ! Thanks a ton !",
+ "Thank you so much . I believe that is all I need today . Thanks again for all your help .",
+ "Great , thanks so much",
+ "Thank you so much !",
+ "Nevermind , I wo n't be needing that reservation after all . Thank you !",
+ "Thank you so much .",
+ "Thank you , I 'll let you know if I need anything else .",
+ "That 's all thanks",
+ "Yes , thank you ! That will work .",
+ "No that will be all thanks so much for all of the help .",
+ "No , thank you for your help today",
+ "Thank you for your help today .",
+ "Thanks so much . Have a great day !",
+ "No thank you . You ' ve been great !",
+ "Thanks , can I have their contact number as well ?",
+ "Nope , that 's all I need for now . Thanks for your help .",
+ "No that is all thanks so much for the help .",
+ "Thank you very much . That 's all I 'll need today !",
+ "Great thank you very much that 's all the info I need .",
+ "no and thank you for your help",
+ "No thanks . Thank you for working with me on the second booking . Have a great day .",
+ "That is all , thank you very much .",
+ "Good . Thanks for your help .",
+ "Great thank you ! That 's all I need .",
+ "Thank you , I will check them out and get back to you .",
+ "That was all . Thank you",
+ "Nope . That 's it . Thank you for your help !",
+ "Thank you . That is all that I need for today .",
+ "Thank you very much for your time . Have a nice day !",
+ "No . I think that 's everything . Thank you for your help .",
+ "That 's it for now ! Thank you so much .",
+ "Okay thank you . That was all I needed to know .",
+ "Thank you so much ! That is all I need today .",
+ "No , that 's everything . Thanks !",
+ "That sounds great ! Thank you for the information .",
+ "Great , thank you .",
+ "That 's all the info I needed today , thank you for your help !",
+ "Great , just gathering information for now . That 's everything I needed , thanks .",
+ "That 's ok , thank you for your help .",
+ "That is all thanks .",
+ "No , it does n't matter . Thank you .",
+ "Okay . Thank you for al your help .",
+ "Thank you . I am also looking for a place to stay .",
+ "That 's it for today , thank you",
+ "Thanks very much for your help , that 's everything I needed .",
+ "No , that is all I need . Thank you !",
+ "Yes , that 's all I need . Thanks .",
+ "Great , thank you . That 's all I needed .",
+ "No thanks , that is all !",
+ "No , I think that 's it . Thank you very much !",
+ "No that looks like everything I need today . Thank You .",
+ "No that will be all thanks .",
+ "thank you for the help",
+ "Thank you . That 's all for now . Have a great day .",
+ "Thanks . That 's all I needed to know .",
+ "Great . Thanks . That 's all I need today .",
+ "That will be all . Thank you .",
+ "thank you , that 's all I need !",
+ "That is all , thank you for your help .",
+ "I guess that is all I need . Thanks !",
+ "I will . Thanks .",
+ "Area is not important , thanks !",
+ "That 's all I need for now . Thanks !",
+ "Thanks ! You too !",
+ "Thank you , that s all I need .",
+ "That sounds perfect , I think that 's all I need today . Thanks so much for your help .",
+ "Okay wonderful . Thanks for all your help .",
+ "No thank you , that is all I needed to know . Have a good day .",
+ "Thank you , that is all I needed to know . Have a good night .",
+ "No , that 's all I need . Thanks !",
+ "Thank you that 's all the help I need today .",
+ "thank you for the help",
+ "No , I think I have everything I need . Thanks !",
+ "Thank you ! That will be all .",
+ "Cool thanks so much !",
+ "Great , thanks so much for your help .",
+ "No that is all for now . Thank you",
+ "Thanks for you assistance , that will be all today .",
+ "Thank you very much .",
+ "No , that should be everything . Thanks !",
+ "No , that is all . Thank you .",
+ "That is all . Thanks",
+ "Thanks for all the help . That 's all I needed today .",
+ "Perfect . Thank you .",
+ "No thank you . You have answered everything perfectly for me .",
+ "I hope so . Thanks for getting the number for me .",
+ "NO , that was everything I needed thank you .",
+ "thank you for all of your help",
+ "That was all that I needed today thanks",
+ "Thank you , that 's all I needed today .",
+ "No , that 's all I needed today . Thanks for your help !",
+ "naw , i ' m good thanks",
+ "Perfect , that 's all I need , thank you .",
+ "No , that will do it ! Thank you for all your help !",
+ "That is all I needed . Thank you !",
+ "Thank you for all your help . Have a great day .",
+ "That sounds perfect ! Thank you .",
+ "Okay , thank you for your help !",
+ "No that will be all ! Thank you very much !",
+ "Thank you . That 's all I needed . I appreciate all of your help .",
+ "Ok , thank you . That ' all the information I need today !",
+ "That would work well with our schedule . Thank you !",
+ "No that s it thankl you",
+ "awesome . thanks for your help today",
+ "no that will be all thank you",
+ "No thank you .",
+ "Great ! Thank you for all your help !",
+ "Well thanks a lot . You were great help .",
+ "Nope that s everything thanks",
+ "Thank you , that will do it for me today .",
+ "That 's all I needed today . Thanks !",
+ "No , thanks . I ' m also looking for places to go in town .",
+ "No thanks for all your help",
+ "That will be it , thanks .",
+ "Thanks , that 's everything . This is going to be a great trip !",
+ "No thank you that will be all",
+ "Thank you so much .",
+ "No , I am all set . Thank you for all your help . Have a nice day .",
+ "No thanks , just grabbing some information for now . Thank you for all of your help .",
+ "No , I think I ' m all set . Thank you for your help !",
+ "No that 's all I needed . Thank you !",
+ "No thank you . I just wanted to know what things there were to do . Visiting a a college sounds like fun . Thanks for all your help today .",
+ "No thank you , that was all the information I needed .",
+ "Okay . Thanks .",
+ "Thanks so much . Have a nice day . .",
+ "No thanks , that is everything I need .",
+ "No thank you .",
+ "Great . That 's all for today . Thanks",
+ "No thank you . Have a great day !",
+ "no , thanks , that is it for today",
+ "Thank you , but no . You ' ve already helped me with everything I needed today .",
+ "Thanks so much ! That 's everything for now . Take care !",
+ "No that is everything . Thank you .",
+ "Perfect!. Thank you for your help !",
+ "No thanks , that 's all I needed .",
+ "Thanks ! I 'd like to book a table for 3 .",
+ "No , that should be all , thank you so much !",
+ "No , that 's all I needed . Thank you for your help . Have a great day .",
+ "Thank you for the booking . That will be all for now .",
+ "Great thanks ! That 's all I need .",
+ "thanks . no that s all i will be needing . see you later !",
+ "Thanks ! I am also looking for suggestions for night clubs .",
+ "Thank you for your help . That is all .",
+ "That sounds great thank you for your help .",
+ "Thank you . Have a good night !",
+ "Nope , that is it . Thanks !",
+ "No , thank you , you ' ve been very helpful .",
+ "No , that 's all . thank you !",
+ "Thank you so much !",
+ "No , that 's great , thanks .",
+ "OK . Thanks for your help . I look forward to the stay .",
+ "No , that is all thanks .",
+ "Thank you so much . I think that did it for today . Have a great one !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thanks . That 's all I need !",
+ "No . I think I am all set . Thanks .",
+ "cool thanks for your help",
+ "It is exactly the day I wanted . Thank you very much for your time . Have a nice day !",
+ "No that is all ! Thank you !",
+ "Nope that should be it , thank you very much",
+ "No you have been great ! Thank you for all your help .",
+ "That 's good , thanks .",
+ "Awesome ! You were a huge help . Thanks .",
+ "Okay , thank you for your help . That 's all .",
+ "No , that is all for today . Thank you so much for your help !",
+ "Thanks ! Can you recommend a nice museum to see ?",
+ "No , thank you for your time and patience .",
+ "Thanks very much for your help . That 's all we needed today !",
+ "Okay , thank you for all the help .",
+ "that is it for today thanks for askin",
+ "No , that 's perfect . Thank you so much .",
+ "Perfect , that takes care of me , thanks for your help .",
+ "No thank you that is all I need .",
+ "Thanks . That 's everything I need . Have a nice day !",
+ "Sounds good . That 's all I need today , thanks !",
+ "no , thanks for all of your help you have been great !",
+ "That would be fine . I think that 's all I need . Thanks for your help !",
+ "No that 's all I needed . Thank you !",
+ "That 's okay . Thank you for your help .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Excellent ! That 's everything I need , thank you for your help .",
+ "No Thanks for all your help .",
+ "Great thank you for all your help",
+ "Thank you can you please book it and send the reference number .",
+ "That is all thanks .",
+ "Thank you , that is everything I needed !",
+ "That 's all I need today , thank you .",
+ "Thanks so much . I appreciate the help . Have a nice day .",
+ "No . I think you ' ve met all of my needs today . Thank you .",
+ "That is all I need today . Thank you for all your help !",
+ "Yes that was all I needed thank you so much .",
+ "No that is it . Thank you !",
+ "Thank you so much . That was all I needed today .",
+ "Great , that is all . Thanks for your help .",
+ "That is all I need . Thank you so much and have a great day .",
+ "Okay , great . Thank you !",
+ "Thank you , that 's all I need today .",
+ "thank you very much .",
+ "thanks for all of your help !",
+ "That 's all , thanks .",
+ "That will be all . Thank you for your help !",
+ "Thank you so much for your help .",
+ "Sweet , I will head there now . Thank you that is all I need , you have rocked my world .",
+ "No , that 's all I needed . thanks again .",
+ "No thank you . Thank you for your help .",
+ "Thank you . That is everything I needed today .",
+ "Thank You that 's all",
+ "Yes that will be all , thank you .",
+ "Wonderful , thank you for your time !",
+ "That is all . Thank you .",
+ "No that 's all for today , thank you .",
+ "thanks so much for all of your help you have been great",
+ "That does it for now , thank you .",
+ "That should be it ! Thank you for your assistance !",
+ "thank you so much for your help",
+ "Thank you that is all I need .",
+ "Nope , I ' m all set . Thanks for your help !",
+ "Thank you !",
+ "Wow that was fast thanks ! No , that is all I needed . Hope you have a wonderful day .",
+ "That is all I needed today thank you .",
+ "Thank you so much for your help . That was all I needed .",
+ "Nope , that 'll do it . Thank you very much !",
+ "Yes , thank you for all your help . Have a good day !",
+ "thank you for all your help . Have a good day !",
+ "Thank you so much !",
+ "Great that is all I need . Thanks .",
+ "Will do ! Thank you , hope you have an amazing day as well .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Not at this time , thank you .",
+ "Thank you for the help ! Have a nice day .",
+ "Yes , could you please book a table for me thank you .",
+ "Thank you for your help .",
+ "No . That will be all . Thank you very much for your help today .",
+ "That 's very helpful . Thanks ! That is all I need .",
+ "Okay , thank you .",
+ "Thanks again , that s all for now .",
+ "Great , thank you so much !",
+ "No thank you ! Thanks for all your help !",
+ "Thank you , you as well .",
+ "No . That 's all I need for now . Thank you so much .",
+ "That 's all I need . Thank you for your assistance !",
+ "No that is all . Thank you .",
+ "No , that 's all I need today . You have been very helpful . Thanks !",
+ "Thank you for your help .",
+ "that is all for now , thank you very much .",
+ "Okay , thanks . I 'll call them . That 's all I need for now .",
+ "That is all I needed . Thanks for all your help !",
+ "No thank you .",
+ "Great , that 's all I need . Thank you for your help today !",
+ "No that is all I needed today . Thank you .",
+ "No , that 's it . Thanks so much .",
+ "No thanks , that is all I needed .",
+ "Nope , that will be all . Thank you very much for your time .",
+ "Thank you so much ! I ' m really looking forward to this dinner !",
+ "No that will be it . Thank you so much .",
+ "Thank you for the help , that s all I need today .",
+ "Thank you I really do n't need anything else .",
+ "Yes book a table , thank you .",
+ "No , that 's all I need . Thank you for your assistance !",
+ "Thank you for all your help today .",
+ "No , thank you . I can book it later . I think that s all I need for today . Thanks .",
+ "Great . Thank you for all your help .",
+ "that s all thanks",
+ "That will be all , thank you .",
+ "No that will be it thanks !",
+ "Okay thank you that is all I need .",
+ "That 'd be great , thank you .",
+ "That will be all , thank you .",
+ "Nope that should be it thanks .",
+ "thank you I think that will be all for today .",
+ "am good thanks so much",
+ "Thank you , that ll be all for now .",
+ "Thank you so much , that 's really helpful . That 's all for now .",
+ "Thank you for your help",
+ "That will be all . thank you",
+ "That 's it . Thanks .",
+ "That is all I need today thank you for your time .",
+ "Perfect ! Thank you !",
+ "Thank you for the service !",
+ "That is all for today , thanks",
+ "Thank you very much !",
+ "Okay thank you very much .",
+ "Sure , go ahead . Thank you .",
+ "No , that 's all , thank you !",
+ "Thank you that will be all I need .",
+ "Yes that will be all , thank you",
+ "No thank you , that will be all for now .",
+ "No , thanks for your help !",
+ "Ok , thank you .",
+ "No that will be ll . Thank you .",
+ "No I think that 's all I needed , thanks !",
+ "Great thanks ! That 's all I needed .",
+ "No , that is all I need today . Thank you so much .",
+ "No that was it . Thank you !",
+ "That should be it . Thank you .",
+ "No , thank you . I ' m all set .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thanks so much . That 's all I needed .",
+ "Thank you for your help !",
+ "No.that \u2019s all I need . Thanks !",
+ "That sounds perfect . Thanks for all your help .",
+ "That 's not needed . Thank you !",
+ "No thank you . I am also looking for places to go in town though",
+ "OKay great thanks for the info .",
+ "Again thanks for the resources . Have a great day .",
+ "Perfect , that 's all I needed . Thanks for your help . Have a great day .",
+ "No thanks , I almost forgot , you already gave me all of that info . Thanks so much for your help !",
+ "Great ! Thank you so much for your help . That 's all I will be needing for today .",
+ "That 's all I need , thank you so much ! Have a nice day !",
+ "Great , thanks for all your help .",
+ "Nope , that covers all my needs . Thanks .",
+ "Great ! This information is all I need . Thank you for your help .",
+ "Great . Thank you , that will be all for now . Have a great day .",
+ "No that will be all . Thanks !",
+ "Great . Thank you for your help .",
+ "Thank you !",
+ "That 's everything . Thanks !",
+ "Thank you so much !",
+ "No , that 's all I need today . Thank you .",
+ "Thank you that is all I will need .",
+ "Thank you for your help .",
+ "No , that 's all I need today . Thank you for your help .",
+ "Wonderful . Thanks for your help . That 's all I needed .",
+ "Thank you very much for the assistance .",
+ "No , thank you .",
+ "Thank you , have a wonderful day .",
+ "No that is all , thank you very much for your time .",
+ "No thank you , you were helpful",
+ "No thank you . I appreciate all you have done to help me .",
+ "Of course I will . Thank you also .",
+ "thanks very much to you ! I am done now . Farewell !",
+ "That 's all I need , thanks so much for your help ! Have a good day !",
+ "Thanks ! That 's all I need .",
+ "I will call them , thank you for your help .",
+ "Great , thanks . Could you give me their contact number ?",
+ "Thank you . That is all for now . Thanks for your help .",
+ "No that 's it , thank you .",
+ "No thank you . That is all that I need .",
+ "That sounds good , can you also provide me with the star rating for it ? Thanks",
+ "Thank you ! I have everything I need now .",
+ "That 's it , thank you .",
+ "Thank you . I also need to find a place to stay .",
+ "Thank you that is all I needed .",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "No , that will be all . Thank you .",
+ "Thank you . That is all that I need .",
+ "No that sounds perfect . Thank you for all your help .",
+ "Thank you very much . I think that 's all .",
+ "Great , thank you ! That 's all I 'll need for today .",
+ "That is all I needed thank you for your help .",
+ "No , that 's all I need today . Thank you for your help !",
+ "No that will do thank you very much .",
+ "No , thank you . That will be all .",
+ "That is all for today . Thank you !",
+ "Perfect ! Thank you for all of your help .",
+ "I figured , my wife asks me odd random question sometimes , had to check . I am all set , thanks .",
+ "Thanks , that 's it for now ! Have a good day !",
+ "Thank you so much !",
+ "No , thank you .",
+ "No thank you . That is all .",
+ "That 's all . Thank you so much for the help !",
+ "thank you",
+ "No , that s ok . Thank you .",
+ "Thank you so much .",
+ "I believe that will do it . Thanks for your help !",
+ "Ok thank you that is all I needed .",
+ "That 's it , thanks !",
+ "No . Thank you for your help !",
+ "Thanks that 's all the help I need today . Have a great day .",
+ "Thank you that 's all I needed",
+ "Thank you for your help",
+ "Not at this time but thank you .",
+ "No thank you . That 's all I needed .",
+ "Thanks so much . I am also looking for places to go in town . Can you help me with that ?",
+ "That 's all I need today . Thanks for all your help !",
+ "Great , that 's all I need today . Thank you !",
+ "Thank You",
+ "Thank you for the information .",
+ "Nope that is it . Thank you",
+ "No thank you .",
+ "Thank you for the help , that 's all I need .",
+ "That s all for today ! Thanks so much !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Thank you that is all I need today .",
+ "No , you have tremendously helpful . Thank you !",
+ "Alright , thank you , I believe that is all I need .",
+ "I think that is all I need , thank you .",
+ "No , that will be all , thank you !",
+ "Actually I do n't need anything else . Thank you .",
+ "No . That 's all I need , thank you .",
+ "That 's all . Thank you !",
+ "No , that 's all I need today . Thank you so much .",
+ "No , thank you . That would be all for today . Thanks .",
+ "Nope , that 's it . Thanks !",
+ "Thank you so much for your help .",
+ "Thank you for your help .",
+ "There is nothing else today . Thank you very much for your help .",
+ "No , that 's all I needed . Thank you so much for your help .",
+ "Thank you , that is all for now . You have been wonderful .",
+ "No , that 's everything ! Thanks a ton !",
+ "Thanks for everything , that is all I need .",
+ "thanks ! that 's all i need",
+ "No , that 's all . Thank you .",
+ "Nope , that 's it . Thanks !",
+ "That 's all for now . Thank you for everything .",
+ "That 's perfect , thanks !",
+ "nope that is all thanks",
+ "Thank you so much for all your help !",
+ "Wonderful , thank you !",
+ "Thank you that is all the help I need today .",
+ "Thank you so much for your help . That was all I needed .",
+ "I would like to be picked up by 01:15 if at all possible , thanks .",
+ "Thanks for the help .",
+ "No thank you .",
+ "thanks alot for helping . have a good day",
+ "Great thank you very much",
+ "That is all I needed . Thank you for all of your help !",
+ "Great , that 's all for today . Thank you .",
+ "Thank you very much , that 's all the information that I need .",
+ "No , that is all . Thank you .",
+ "Thanks that 's all I need for the night .",
+ "Thank you so very much . I am finished .",
+ "I do n't need you to book that for me today . Thanks .",
+ "no that will be all thank you",
+ "Thank you . I am all set .",
+ "No . You have been extremely helpful . Thank you !",
+ "thanks that 's all for today .",
+ "thank you that will be all",
+ "Thank you . I appreciate your quick response .",
+ "thanks ! that 's all i needed to know",
+ "No , that is all I need today . Thank you for your help !",
+ "That 's all I needed , thank you !",
+ "No that is all for today , thank you .",
+ "No thank you . That was it !",
+ "No , that is all the information I need . Thank you for all of your help .",
+ "Not at this time . Thank you for your help .",
+ "Thank you , that was everything I needed for this trip . Have a great day !",
+ "No thank you that will be all",
+ "That is all . Thank you .",
+ "That is everything I needed to know . Thanks for your help !",
+ "Great , thank you . That 's everything that I needed !",
+ "Thank you . That is all I will need today !",
+ "No , that 's all I need . Thanks for your help !",
+ "Thank you for all your help , that is all I need today .",
+ "Thank you very much .",
+ "No thanks . I think that should do it . Have a great day .",
+ "No , that 's all I need . Thank you .",
+ "That 's all I need today . Thanks for your help .",
+ "Great . Thanks for all the help !",
+ "No , I believe that is everything . Thank you !",
+ "That is everything . Thanks !",
+ "Thank you for the phone number of the Cambridge Corn Exchange . I 'll call them .",
+ "That is everything , thanks again .",
+ "Great , thanks ! Is there a contact number available ?",
+ "Thank you . I think that 's all I need today .",
+ "I think you help me with everything I needed Thank you .",
+ "Okay , that 's great ! Thank you very much ! That 's all I needed .",
+ "Thank you very much for helping me today !",
+ "That should be all . thank you very much .",
+ "Great . Thanks for all your help .",
+ "That is all ! Thank you !",
+ "Thank you , that 's all I need today .",
+ "No , you ' ve covered it all , I believe . Thanks for your help .",
+ "Great , thanks ! That 's all I need .",
+ "No , that 's it for now . Thank you .",
+ "That is all today . Thank you so much for your end .",
+ "no , that should be all . thank you very much .",
+ "Thank you so much !",
+ "No , thank you . That is all for now .",
+ "no that will be all . thanks !",
+ "No thank you that will be all",
+ "No , that is all I need for today . Thank you for all your help !",
+ "Yes , thank you for your help .",
+ "Okay thank you for your help .",
+ "Thank you . Can you please confirm for me that the guesthouse you booked for me is moderately priced ?",
+ "No , that should be it . Thanks !",
+ "Thanks you , that is everything , you helped me a lot . Thanks a bunch ! !",
+ "No , right now , I just need the infor . Thanks !",
+ "That is all . thanks",
+ "Okay great . Thank you !",
+ "No , thank you that is all .",
+ "No that is all I need , thank you .",
+ "that is all i needed for today thanks",
+ "Great , thank you so much ! Now I just need to find a place to eat .",
+ "No thank you that will be all .",
+ "No , that is all , thank you .",
+ "Great thank you , this is all I need for today .",
+ "Thanks for all of your help you were great !",
+ "No thanks that 's all I need for today . Thanks for the help .",
+ "Thank you ! Have a great day !",
+ "Nothing else . Thank you for your help",
+ "No thanks just needed a recommendation on a place to stay .",
+ "Great . Thanks for all your help .",
+ "No that 's all I need today . Thanks so much .",
+ "Yes please book it foe me thank you",
+ "No that 's all ! Thank you very much !",
+ "No , that will be all for me . Thank you and have a nice day ! !",
+ "Thank you very much .",
+ "Thanks that 's all for me today",
+ "Great , thank you very much !",
+ "Okay , thank you . That is all I need for now .",
+ "Great ! Thank you ! That 's all I need .",
+ "That 's it . Thanks !",
+ "No , that 'll be all . Thanks !",
+ "No , that will be all . Thank you !",
+ "No this will be all thank you .",
+ "Thank you , I am all set , that is everything I need .",
+ "Great , thanks ! That 's everything I needed .",
+ "No , that is all that I needed . Thank you for your help !",
+ "Thank you . That is all .",
+ "Yes , that sounds good . Thank you .",
+ "No , that is all I need . Thank you .",
+ "Thank you that 's all the info I needed today",
+ "That 's all for now . Thank you .",
+ "No thank you , you been so helpful , have a wonderful day !",
+ "No thanks . I also need multiple sports places to go please .",
+ "Thanks . I am all set here .",
+ "No thank you . I have everything I need for now .",
+ "Can I have the info of this place thank you",
+ "Thank you very much . That is all for today .",
+ "Thank you so much for your help",
+ "No thank you that is all I needed .",
+ "Great ! Thanks for all your help today !",
+ "thanks again for all of your help , you ' ve been great !",
+ "Excellent . Thanks for all the help !",
+ "ok thank you so much",
+ "That is all I need today thank you for your help .",
+ "No thank you that s all I need",
+ "Thank you for all of your help .",
+ "That is all , thank you for your help .",
+ "Yes please , thank you .",
+ "Ok , thank you very much . That is everything I need .",
+ "Thank you . That 's all I need today .",
+ "Thank you .",
+ "No , that 's all I need today . Thanks for your help !",
+ "Thank you so much for your help today .",
+ "No , that 's everything . Thank you !",
+ "Ok . Thanks . That 's all I needed .",
+ "No that s it thanks for your help .",
+ "Wonderful . Thanks so much for your help today .",
+ "No that will be all thank you so much for your assistance .",
+ "Thanks , that 's all I need today . I ' m all set !",
+ "Thank you , you were a great help . That 's all I needed .",
+ "Thank you . That is all that I need .",
+ "Thank you so much .",
+ "No , that will be all . Thanks .",
+ "Thanks . You ' ve been a great help today .",
+ "No you have taken care of all my needs thank you so much and have a good day .",
+ "Okay thank you . That is all I needed .",
+ "thank you very much . that should be all I need .",
+ "ok , thank you very much",
+ "Thank you very much for all your help .",
+ "No thank you , I believe that does it . Thanks again .",
+ "That is all , thank you . I got all the information that I need . Thank you and have a good day .",
+ "Nope , that 's all I need today . Thank you for all your help .",
+ "That sounds good , thank you .",
+ "Ok that sounds perfect , thank you .",
+ "That is everything thank you .",
+ "Thank you , that 's all I need .",
+ "Thank you ! That 's all I needed .",
+ "That 's all I needed today . Thanks so much for your help !",
+ "That is all that I need . Thank you so much .",
+ "No , you ' ve been great ! Thank you for helping .",
+ "That 'll be all , thank you !",
+ "Nope . Thank you for your help !",
+ "No , that will be all . Thank you !",
+ "That is all I need . Thanks .",
+ "Yes , that will be all . Thanks .",
+ "Thanks and yes please . I also need a place to stay .",
+ "No , but a thank you for helping me .",
+ "No that will be everything , thank you . Goodnight !",
+ "Wow , that was exactly what I needed . Thanks so much !",
+ "That was all the questions I had , Thanks very much for helping me .",
+ "That 's everything thanks for the help",
+ "Perfect , thanks so much for your help today .",
+ "No , thanks . That should be all , thank you !",
+ "That should be everything I need . Thank you for the help !",
+ "No thanks , that will be everything .",
+ "No that will be all thank you so much .",
+ "Thank you . That is all I need .",
+ "No , that 'll be all . Thank you for all of your help today .",
+ "No that was it . Thank you so much for your help .",
+ "That is everything I needed . Thank you for the help .",
+ "No , I think that 's all I need . Thank you for your help !",
+ "Thank you so much . That 's all I need today .",
+ "No that s fine and that will be all thank you",
+ "That 's everything . Thanks for the help .",
+ "No , that is all . Thank you .",
+ "Vue to Curry . Thank you .",
+ "No . That is what I need . Thank you !",
+ "This looks complete , thank you for your help !",
+ "No , that should do it . Thanks so much for all the help . Have a good day !",
+ "Great ! That is all I needed . Thanks .",
+ "No thanks ! That 's it for now .",
+ "That 's all . Thank you .",
+ "No , I think I am good for now . Thank you for all your help .",
+ "That 's all I needed . Thank you for your help !",
+ "Nope , that 's all I needed today . Thanks !",
+ "That shall be all ! Thank you !",
+ "No , that 's everything thank you very much .",
+ "I ' m happy and relieved . That 's everything . Thank you so much for your help .",
+ "No , thank you . I would like to find a place to stay , please .",
+ "Thank you that will be all I need .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "No , that 'll be all ! Thank you !",
+ "Thanks for your help .",
+ "Thank you for your help",
+ "No I think that was it . Thank you",
+ "No , that is all I need . Thank you for your help .",
+ "Wonderful , thanks for your help .",
+ "Okay wonderful ! Thanks so much .",
+ "Thank you very much . That was all I needed for today . Have a nice day .",
+ "Thanks , that is all I need . Have a nice day .",
+ "Nope . That 's all today . Thank you .",
+ "That is everything , thank you so much",
+ "Thank you . I 'll check it out .",
+ "No . That is all I need . Thank you so much !",
+ "Great , that is everything , thanks for your help .",
+ "Thanks , that will be all .",
+ "Fantastic , that 's all I needed , thank you .",
+ "Great , thank you very much .",
+ "that is all for today thanks",
+ "No , that 's all I needed today . Thank you for your assistance !",
+ "Thank you . That is all for today .",
+ "Thank you for the information .",
+ "Thank you can you help me find a place to eat as well ?",
+ "That is all I need , thank you !",
+ "Sounds great ! That is all I need . Thanks .",
+ "No , that is all I need today . Thank you very much !",
+ "Thank you for all your help . I really appreciate it .",
+ "No thank you . Please tell me about the ticket pricing and time of travel",
+ "Thank you for all your help .",
+ "Thank you , that s all need today .",
+ "Thanks I appreciate it . That 's all I need !",
+ "That is all for now . Thank you",
+ "I think that is all I need , thank you !",
+ "Thank you for your help .",
+ "Perfect that s all I needed thanks",
+ "I am all set , thanks .",
+ "Thank you for your time . I appreciate it .",
+ "No that will be it . Thank you .",
+ "That is all . Thank you for your help .",
+ "Thank you ! That 's all I needed .",
+ "Thanks so much ! That will be all for today !",
+ "No that is it . Thank you .",
+ "Okay , thank you for that .",
+ "Thanks so much . That is awesome ! Have a good day !",
+ "Okay , thanks that 's all I need .",
+ "Thank you . That 's all I need for today . You ' ve been a great help .",
+ "No , Thank you .",
+ "Thank you for your help .",
+ "No that is all . Thank you !",
+ "No , I ' m good . Thank you so much .",
+ "Again , thanks for your help !",
+ "yes can you please . thank you",
+ "No , that is all . Thank you so much .",
+ "Wonderful . Thank you .",
+ "Thank you very much ! That will be all !",
+ "Thank you ! I think that is all I need for today .",
+ "Thank you very much .",
+ "That is all I need . Thank you .",
+ "Okay , I think that does it . Thanks for that .",
+ "That 's it . Thanks very much for your help today .",
+ "Great . Thank you . That 's all I need .",
+ "No that is everything I needed . Take care . Thanks !",
+ "No thank you .",
+ "The Gardenia sounds good . Thanks .",
+ "No , thank you . The information was all I needed for today .",
+ "No , that 's it for me today . Thanks for your help .",
+ "All set . Thank you .",
+ "Yes , that would be fantastic . Thank you very much .",
+ "That sounds great , I have everything I needed . Thank you !",
+ "That 's all I need , thank you .",
+ "Thank you . That 's all I needed . Have a nice day !",
+ "That is all , thank you .",
+ "Thank you .",
+ "Thank you , that 's all I need today .",
+ "Thank you for your help .",
+ "thank you for your help",
+ "that 's all i need thanks",
+ "That is all I need tonight . Thanks !",
+ "Thank you , that 's all I needed .",
+ "Thank you ! That 's all I need for now .",
+ "THanks so much you have been a huge help .",
+ "Thank You",
+ "No , that 'll do it . Thanks !",
+ "No , thanks - I ' m all set . You ' ve been a great help .",
+ "No thank you that will be all",
+ "No , I think that 's all I need today . Thank you for your assistance .",
+ "Thank you . That should be it , thank you for your time .",
+ "No , that should be all . Thank you !",
+ "No , that 's all the information I need . Thank you !",
+ "Thank you . That 's all I need .",
+ "Perfect , thank you . That 's all I need for now .",
+ "Thank you for the booking and contact number . That will be all for now .",
+ "Thank you , please .",
+ "Thank you very much for your help today !",
+ "nope , that 's it thanks !",
+ "No thank you .",
+ "Thanks , that 's all I need today . I appreciate your help .",
+ "No , that 's all I need . Thanks for the help !",
+ "No , that will be all . Thank you .",
+ "Sounds great , thanks ! That 's all that I need , thanks so much ! Have a great day !",
+ "No , you were very helpful , thanks for everything .",
+ "Ok can you book that for me , thanks !",
+ "That is great . I think you have provided all the help I need today . Thank you .",
+ "I ' m finished now . Thank you .",
+ "Great , thanks for your help !",
+ "No , that will be all . Thank you very much for your help .",
+ "That is all I need , thank you .",
+ "No , that will be all . Thank you !",
+ "Thank you so much for all your help today .",
+ "that is it thank you .",
+ "Thank you so much that was all I needed .",
+ "Great thank you",
+ "Thank you so much !",
+ "No that 's all thank you .",
+ "That 's it . Thanks !",
+ "Thank you very much for your help , have a nice day .",
+ "Thank you ! Can you also help me find a place to dine ?",
+ "That 's all I need , thank you .",
+ "Oh , thank you so much . You ' ve been most helpful .",
+ "Thanks so much for your help today , that was everything I needed .",
+ "No , that 's all . Thank you .",
+ "Thank you so much , If you can please leave a review for us . I hope your trip is amazing and very enjoyable .",
+ "That will be all . Thanks so much for all your help !",
+ "No that is all . Thank you .",
+ "No thank you . I have all the info I need .",
+ "Thank you for the info that was all I needed .",
+ "Thanks ! That 's all I needed .",
+ "You ' ve done it all , thanks so much .",
+ "Thank you for all your help today .",
+ "That is all I needed . Thanks .",
+ "Thank you that was all the information I needed .",
+ "Ok , that 's great . Thank you .",
+ "No , I ' m good . Thanks for all your help !",
+ "No , that 's all I needed . Thank you very much !",
+ "Thank you . Have a nice rest of the day .",
+ "Thank you very much for all your help .",
+ "No . Thank you for your help .",
+ "Thanks so much . That is all I need . Have a great day .",
+ "well that all I need thank you",
+ "Thank you that is all I needed .",
+ "Ok . Thanks . I am all set .",
+ "That sounds great . Thanks .",
+ "Thanks . I think that 's everything I need !",
+ "Thank you for your help",
+ "Perfect . Thank you so much ! Have a great day !",
+ "No that was all . Thanks",
+ "Thank you ! Ca n't wait !",
+ "That 's all I needed . Thanks",
+ "That 's everything I needed , thank you !",
+ "Thanks for the help , that is all for today .",
+ "Thank you , that is all .",
+ "Thanks ! That 's all I needed .",
+ "No , that will be all . Thank you .",
+ "No , thank you . That 's it for today .",
+ "No , thank you very much for your help .",
+ "Thanks . That 's what I needed .",
+ "No thank you . That is all that I needed .",
+ "Thank you ! That is all that I need .",
+ "Great , I think that 'll be all . Thanks a lot for your help !",
+ "thanks again for everything .",
+ "Yes , please . Thank you for your help !",
+ "Actually , I do n't need tickets at this time . Thanks for your help , I ' m all set !",
+ "Alright , that 's everything ! Thank you very much .",
+ "No that wo n't be necessary . I am just gathering information for now . Thanks",
+ "No thank you .",
+ "No that will be all thank you so much .",
+ "Thanks , that was all I needed . Have a nice day .",
+ "That will be all . Thank you .",
+ "I am good to go now , thank you so much ! Take care !",
+ "Thank you for your time .",
+ "ok that s it thank you .",
+ "Thank you very much for your help ?",
+ "No , thank you for your help .",
+ "Okay . That is all I needed to know . Thanks .",
+ "No thank you I do not need anything else today .",
+ "Thanks , that is all the information I need . Have a great day .",
+ "Ok , thanks for all your help regarding my requests .",
+ "that is great . thank you . that is all for now .",
+ "thanks once again",
+ "No , thank you .",
+ "No , that 's all . Thank you",
+ "Thank you , that 's all I need .",
+ "No , thank you . I will go ahead and book at a later time . This was all the info I needed . Thank you so much .",
+ "That is all I need for the time being . Thank you so much for the help .",
+ "No thank you that is all I need today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thanks . Nothing further .",
+ "No , thank you , you ' ve been very helpful .",
+ "Thank you . That is all that I need .",
+ "No that 's all for today , thank you .",
+ "Thank you for your help",
+ "Thank you . That is all I needed . Have a nice day .",
+ "That will be all , thank you .",
+ "Thank you very much . That will be all .",
+ "Thanks a lot . That is all I need .",
+ "Nothing more , thank you . That 's all I need for today .",
+ "Thank you for all of your help !",
+ "That will be all . Thank you for all of your help .",
+ "Thank you , you as well !",
+ "Ok . That will work . Thanks for your help .",
+ "No , I believe that is everything today . Thank you .",
+ "That 's all I need for today . Thanks !",
+ "Great ! Thank you for your help .",
+ "No thank you , that will be all for now .",
+ "Thank you . I will call them .",
+ "That is all I needed today , thank you .",
+ "No thank you that will be all",
+ "Thank you , that is all I need for now .",
+ "Thank you . You have covered everything .",
+ "Okay thank you very much .",
+ "That s everything I needed thanks for the help !",
+ "That was all I needed today , thank you very much .",
+ "Thank you ! That is all I need today .",
+ "ok thanks go away now",
+ "Thank you very much .",
+ "No , thank you . That 's it .",
+ "Nothing else , you ' ve been great , thanks .",
+ "No , my mistake . Thank you .",
+ "No , that was everything , thank you !",
+ "Thank you very much for your help .",
+ "Thank you very much . I do n't need anything else at this time .",
+ "No , that 's it . Thanks !",
+ "Thank you very much that will be all",
+ "That is all for now . Thank you for the help .",
+ "No , that is all I need . Thank you for your help .",
+ "Yes , please and can you send me a reference number . Thank you .",
+ "Perfect . Thank you so much . That is everything I needed .",
+ "No , that is all I need today . Thank you .",
+ "No , that seems to be everything today . Thank you .",
+ "Thank you very much . I will contact them now .",
+ "Thank you for all your help .",
+ "That is all I will need . Thank you for your help !",
+ "That is all I needed , thanks for all your help .",
+ "Thank you have a nice day .",
+ "That 's all I will need . Thank you !",
+ "That 's all I need today . Thanks !",
+ "Yes , that sounds lovely . Thank you .",
+ "No , that should be good , thank you .",
+ "That 's all , Thank you so much .",
+ "Okay thank you for calling .",
+ "Great , thank you for the help .",
+ "No , thank you for your help .",
+ "That is all I need , thank you !",
+ "I am all set . Thanks !",
+ "Thank you so much !",
+ "No , I ' m all set . Thanks !",
+ "Thank you !",
+ "That is all I need , thank you very much .",
+ "That is all thanks for your time .",
+ "Thank you very much .",
+ "No that seems to cover everything for me . Thank you for all of your help .",
+ "That 's it for today . Thanks for your help !",
+ "No thanks , but can I just get some information about Cityroomz ?",
+ "Sounds great- thanks for your help !",
+ "cool that 's all i need thanks",
+ "That is all I needed today , thank you .",
+ "Thanks . I do n't need anything else .",
+ "Excellent . Thanks for your assistance !",
+ "No at this time , thank you .",
+ "Thank you for your help .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "That was everything , thanks .",
+ "No thank you . That 's all I need .",
+ "Thanks , I wo n't need any further help today . Take care !",
+ "No , thank you . Have a good day .",
+ "Thank you for your help !",
+ "No that s all , thank you very much !",
+ "Thank you for your help .",
+ "Thank you for all the information . The information will make my trip much more enjoyable .",
+ "That 's great . No I do n't need anything else , thank you .",
+ "Okay , great ! Thanks for your help !",
+ "No thanks . That 's it .",
+ "Great , thanks . Is there a contact number for the driver by any chance ?",
+ "Thank you very much . Will they be contacting me ?",
+ "Thank you I will be watching the white honda then .",
+ "Thank you - that 's all I 'll need today . I appreciate your help !",
+ "Yes , thank you so much .",
+ "Thank you for your help .",
+ "That is everything . Thank you so much for your help .",
+ "Just 1 night would be perfect . Thank you .",
+ "No that is all . Thank you for the help ?",
+ "No , that is all I need today . Thank you so much .",
+ "You ' ve taken care of everything . Thank you .",
+ "Great ! ! That 's all for now . Thank you so much .",
+ "Great . Thank you !",
+ "Thank you",
+ "No , I think that is good . Thanks for your help and have a nice day .",
+ "Okay . Thank you for all your help .",
+ "That 's it thanks !",
+ "No , thank you . That 's all I need today .",
+ "Thank you so much for all of your help . Have a great day .",
+ "no , that 's all thank you",
+ "That 's it ! Thank you for your help !",
+ "Thank you , that 's all I need today !",
+ "No thank you have a nice day .",
+ "Great that was all I needed today thank you !",
+ "Thank you for your help . I appreciate it !",
+ "No thank you that will be all for today !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "That 'll be it , thanks so much for your help !",
+ "Thank you for your help",
+ "No thanks . That 's all I needed .",
+ "That was all thanks for your help today .",
+ "That 's actually all I need to know about them . Thanks . I do n't need anything else today .",
+ "That should be all for today . Thank you .",
+ "Ok , thank you for your help .",
+ "No , that 's it . Thank you .",
+ "That will be all for today ! Thanks for your help !",
+ "No , you have helped tremendously . Thank you .",
+ "That is all I need for now . Thank you for your help .",
+ "ok , that 's all I needed , thank you so much !",
+ "No thank you , all of my questions have been answered . Thank you very much for your assistance .",
+ "That sounds great . Thanks so much !",
+ "No , but thank you for your help .",
+ "No thank you , you have been helpful .",
+ "No , that 's it for now . Thanks for your help .",
+ "No that will be all , thank you .",
+ "Please , I need the address and phone number for the Regency and Ruskin Galleries . Thanks .",
+ "That will be all , thank you for your help .",
+ "Thank you for your help . That 's all I need .",
+ "No , I think that 's all I need today . Thank you for your help !",
+ "Thank you .",
+ "No that is everything that I need . Thank you so much for your help .",
+ "Thank you that is all I needed",
+ "No , that is it . Thanks .",
+ "No , thanks . You were tremendously helpful . Have a great day !",
+ "No . Thank you . That 's all for today .",
+ "Thank you for your help .",
+ "Thank you . That is all I need for today .",
+ "Ok , thank you !",
+ "No , that is all I need help with . Thank you very much !",
+ "No I think that 's all I need to know . Thanks for the help .",
+ "Yes , and then some ! Thanks so much .",
+ "Great , thank you ! That 's all I need .",
+ "No that 's everything I needed , thank you !",
+ "Nope , that 'll take care of everything , thanks !",
+ "No thank you that will be all",
+ "Great that 's all I needed today thanks .",
+ "No , I think I ' m all set . Thank you for all your help !",
+ "Thank you that would be all I need for today",
+ "Thank you that is all the info I need .",
+ "Perfect , thank you .",
+ "No , that 's all I need . Thank you .",
+ "That is all I need today . Thank you for all of your help .",
+ "Thank you , have a good day !",
+ "Nope that should be it thanks",
+ "Thank you for your help .",
+ "Thank you for your help",
+ "thanks for your time and services",
+ "Thank you .",
+ "No , you have been great . Thank you for all your help !",
+ "Thank you ! That 's all I need today . I appreciate your help !",
+ "No , that 's all I need today . Thank you so much .",
+ "No thank you that will be all",
+ "Not yet , I was just looking for information . Thank you for all of your help .",
+ "Thank You . That 's it .",
+ "Thank you very much for your help ! That was everything I needed .",
+ "that is it for today , thank you",
+ "Thank you for your help .",
+ "That should be all the info I need , thank you !",
+ "Thank you very much for all of your help .",
+ "No that will be all thank you .",
+ "Thanks . I also need to find a place to dine , please .",
+ "That is great , thanks for your help .",
+ "No that 's all , thank you !",
+ "No thank you .",
+ "Ok , that 's all I need for now , thank you !",
+ "No , that is all . Thank you very much .",
+ "That 's all I needed today . Thanks for your help !",
+ "thanks , i really appreciate your help today",
+ "Thank you that sounds great .",
+ "Thank you . Again , I will be leaving from Stratford around 09:00 going to Cambridge and I would like to know the fair also .",
+ "Thanks for everything ! That s all I needed .",
+ "Nope , that 's all . Thank you !",
+ "Thanks , that 's all I need today . You ' ve been a great help .",
+ "No , that 's all I needed . Thank you !",
+ "That will be all , thank you .",
+ "Great , that 's all I needed . Thanks",
+ "No , that will do it , thank you very much .",
+ "No thanks but I ' m looking for something to do around town",
+ "Thank you for the information .",
+ "That was everything . Thank You !",
+ "No , I just needed to know where it was . Thank you .",
+ "That is all for now . Thank you .",
+ "thanks for your help",
+ "Great , thanks ! That 's all I needed .",
+ "Thank you that will do , cheers .",
+ "nope that 's it thanks",
+ "Perfect ! ! Thank you for all your help .",
+ "That will be all . Thank you .",
+ "That 's all the info I needed today . Thanks !",
+ "That 's all I need thank you !",
+ "Thank you . That is all I need .",
+ "Nope , that would be it . Thanks for all the help , have a nice day !",
+ "No that will be it . Thank you",
+ "No , that will be all . Thank you !",
+ "Thank you . That 's all I need today .",
+ "No , that 's all at this time . Thank you .",
+ "No thank you ! Hopefully my eye is ok ! Good night !",
+ "That 's all I need . Thanks .",
+ "Ok , great . Thanks !",
+ "Thank you . Could I please get the address and phone number ?",
+ "No , that will do . Thanks !",
+ "Thank you that is all I needed .",
+ "Thank you so much . That is all for today .",
+ "Yes thank you , that s all I need today .",
+ "That is everything . Thanks for the help .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No thank you",
+ "That 's perfect , thanks !",
+ "No that is it . Thank you !",
+ "no that will be all thanks for everything , you have been great !",
+ "Thanks . And it is an actual museum , correct ?",
+ "No , that will cover it . Thanks so much , you ' ve been very helpful .",
+ "Thank you for booking it , that is all I need .",
+ "No that was all . Thank you for your help .",
+ "No , that is all I need . Thank you .",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Thank you very much !",
+ "No thank you . I appreciate all of your help .",
+ "Thank you very much .",
+ "Thank you for your time .",
+ "no thanks you have been very helpful to me",
+ "Thanks for your help .",
+ "Thank you , you as well !",
+ "Thanks a lot that would be all .",
+ "Thank you for your help .",
+ "Thank you so very much .",
+ "That is all for now . Thanks !",
+ "Thanks for the recommendation . That 's all the help I need today .",
+ "No , that will be it . Thank you .",
+ "Ok , that 's all I needed , thanks !",
+ "Not at this time . Thank you for your help .",
+ "You too , thank you .",
+ "No that will be all thank you !",
+ "Thanks for all of your help .",
+ "That is all for now . Thank you so much !",
+ "Thank you , that 's all .",
+ "Yes you have , thanks again for all of your help !",
+ "Ok great , thanks for your help .",
+ "No , I think that 's all for now . Thanks so much !",
+ "That 's all I need , thank you !",
+ "Thank you , may I have the contact number ?",
+ "Thank you so much for your help !",
+ "That 's all , thank you !",
+ "No . Thanks for your help . You have been really nice .",
+ "No thanks , that will be all .",
+ "yes , please and be sure to provide me the booking number , thank you .",
+ "That will be all . Thank you for your help .",
+ "Thank you",
+ "thanks so much you have been very helpful !",
+ "No thank you . You have been a great help .",
+ "No that would be fine . Thank you .",
+ "No , that is all thanks .",
+ "No , I ' m all set . Thanks for your help !",
+ "Thank you for all of your help !",
+ "that is just great . thank you .",
+ "Thank you so much ! I appreciate your time , that is all the help I need today .",
+ "No , thank you . That 's all I need this morning .",
+ "Thank you for all your help . Have a great day ! !",
+ "No that will be all . Thank you for all of your help .",
+ "No I will call back thank you .",
+ "That takes care of all my needs . Thanks a bunch !",
+ "Okay wonderful ! Thank you for all of your help !",
+ "Thank you . That is all for now .",
+ "No , that will be all . Thanks !",
+ "Thank You . That 's all i need .",
+ "Okay , that 's all I needed to know . Thanks .",
+ "Thank you . I think that 's it for today .",
+ "No , I think that is all I need today . Thank you for all your help !",
+ "No , that 's all I need . Thanks !",
+ "That 's everything . Thank you .",
+ "Thank you , you ' ve been very helpful ! That 's all I 'll need today !",
+ "Thanks so much , that 's all I need today .",
+ "Thank you very much . That is all the information I need .",
+ "That is all I needed and I thank you for your time .",
+ "That is all I need today . Thank you for your help !",
+ "Thank you for everything , that is all that i need .",
+ "Thank you so much , you ' ve been very helpful .",
+ "No , that 's all I need . Thank you for your help .",
+ "Great . Thank you .",
+ "no thanks , that is all I need . Thanks so much !",
+ "Great . Thank you . That 's all .",
+ "Thank you for all your help , and have a nice evening .",
+ "thanks for all your help !",
+ "Nope , I ' m all set . Thank you !",
+ "Yes thank you very much that 's all I needed !",
+ "That will be all . Thanks for all your help .",
+ "That 's it . Thank you very much for the help !",
+ "Thank you for your help !",
+ "That is all , thanks for your assistance .",
+ "Ok great thank you . That is all the information I need today .",
+ "No , that is all I need , thank you .",
+ "Great , thanks ! That 's all I needed . Thanks for your help .",
+ "Thanks for the help .",
+ "No , that will be all , thank you .",
+ "Perfect , thank you !",
+ "No , thank so much for all your help .",
+ "Thank you . That is all that I needed .",
+ "Nope , thank you very much .",
+ "No , that is it , thank you !",
+ "Thank you for your help .",
+ "No , that s it . Thank you !",
+ "Great . That was all I needed for now . Thanks for everything .",
+ "Thank you for your assistance .",
+ "Nope that is all I need today . I appreciate your time ! Thank you .",
+ "Thank you for your help",
+ "That is all . Thanks",
+ "Nandos sounds great . Thank you .",
+ "Thank you so much . I appreciate the help . That was all I needed . Have a great day !",
+ "No , no booking is necessary . But thanks for the info . That s all I needed .",
+ "Great , thanks ! That 's all I needed .",
+ "Thank you , you ' ve been very helpful .",
+ "Thank you for your help . This is all I needed .",
+ "Ok got it , thank you very much",
+ "nope that 's everything , thanks .",
+ "No , that 's all I need . Thanks .",
+ "Thank you , that 'll be all today .",
+ "Thank you so much .",
+ "No thank you that will be all",
+ "No that is ok I think I have everything I need now . Thank you",
+ "No that should be all thank you very much",
+ "That is all I needed today , thank you for your help .",
+ "Thank you very much !",
+ "Yes that would be great , thank you",
+ "thanks a lot . that is all for now .",
+ "Okay thank you for everything .",
+ "No , thank you . Have a great day !",
+ "Great , thanks for all your help !",
+ "That is all I need for today . Thank you for your time !",
+ "No , that 's all I need . Thank you !",
+ "No that will be all . Thanks .",
+ "Thank you for your help .",
+ "No that was all I needed . Thanks so much for the help .",
+ "I think that 's all I need for today . Thank you so much for all your help .",
+ "No thank you that is all I needed .",
+ "No thank you !",
+ "Thank you so much for your help . Have a great day .",
+ "Thank you very much . That was all I will be needing today .",
+ "Thank you for your help . Have a nice day !",
+ "No that 's all , thanks !",
+ "Nope , that 's all ! Thank you !",
+ "Not right now . Thank you .",
+ "That will be all . Thanks !",
+ "no thanks , that is okey for today",
+ "No , thank you",
+ "Fantastic , thank you , that will be all .",
+ "No , that will be all , thank you . You have been very helpful and also patient . Have a great day .",
+ "No thank you , thank you for your help ! Have a great day !",
+ "No , that 's all . Thank you .",
+ "Thanks . I also need help with something else afterwards .",
+ "I have everything I need now , thank you !",
+ "Thank you ! I am also looking for places to go in the Centre part of town . Can you help me with that , please ?",
+ "No , that will be all . Thank you !",
+ "No thanks , that is everything",
+ "Thank you very much , that will be all you can do for me for today .",
+ "Thank you so much . I appreciate your help .",
+ "Nothing , that is all that I need . Thank you .",
+ "thank you that will be all",
+ "Thanks , that 's all I need today ! You ' ve been a great help .",
+ "Thank you , that 's all I needed today .",
+ "That 's all I need . Thank you !",
+ "You were a great help ! Thank you .",
+ "thanks again for helping",
+ "Ok sounds great . That 's all I need . Thank You !",
+ "Great . Thanks for all your help !",
+ "that s all thank you",
+ "Thank you . That will be all I need .",
+ "that should be all . thank you very much .",
+ "Nope ! Thanks for everything . That 's all I needed .",
+ "No that wo n't be necessary . Thank you for the information .",
+ "that is it , thank you very much .",
+ "That 's all I needed . Thank you !",
+ "No , that 's it for me today . Thanks for your help !",
+ "Yes , thanks , that 's all I need . Have a nice day .",
+ "No , that is all . Thanks !",
+ "Thank you have a great day .",
+ "thanks for helping . have a great day",
+ "That 's everything I wanted to find out thanks .",
+ "Thank you so much ! !",
+ "Thank you . That is all for now .",
+ "No , not yet , I just wanted the info . Thanks .",
+ "That sounds good . Thank you .",
+ "No , we 're going to talk it over and reserve at a later date . Thanks for your help though .",
+ "Thanks so much . That 's all for today . Have a great one !",
+ "Thank you , that 's all .",
+ "Ok , that is all . Thank you .",
+ "No , that 's all I need from you , Thanks !",
+ "Thank you for booking that for me .",
+ "That s everything thanks for the help",
+ "Thank you that 's all that I needed today .",
+ "Great ! I will go ahead and book it on my own but thanks so much for the information . That 's all for today .",
+ "No , that 's okay , I think that will be all for today , thank you !",
+ "Thank you for your help . That is all for today . Have a great day !",
+ "That is all I need . Thank you .",
+ "Yes thank you that 's all I needed !",
+ "No , that 's all . Thank you for your help !",
+ "Ok , thanks , that 's all I need .",
+ "Thanks again",
+ "Yes that would be great , thank you .",
+ "Ok thank you that is all I needed .",
+ "Thank you so much . I think that 's all I need now .",
+ "Thank you for your help .",
+ "Great that 's all I needed today , thank you !",
+ "Great that 's all I needed today , thank you !",
+ "No i ' m sorry , I was mistaken , thank you , that is all",
+ "That is all , thank you !",
+ "No thank you , that will e all .",
+ "That 's it . Thank you for your help today .",
+ "No that is all thank you for all your help . Have a great day .",
+ "Thank you , I ' m also looking for a place to stay . Can you help me find someplace ?",
+ "Perfect . Thank you . That 's all the information I need for Cambridge . You have been a great help !",
+ "Thank you for your help .",
+ "thank you",
+ "no , thank you !",
+ "No , I am all set . Thanks !",
+ "That will be all , thank you . Have a great day .",
+ "Thank you so much . That is all I will need today .",
+ "Thank you , that is all I needed .",
+ "No , that will be all . Thank you !",
+ "Thank You",
+ "No , that 's all . Thank you !",
+ "Great , that is everything I needed . Thanks !",
+ "Great sounds perfect ! ! Thank you so much for all your help .",
+ "That 's all for today . Thanks for your help !",
+ "That 's it , thank you so much !",
+ "That is all ! Thank you !",
+ "That 's all I needed thank you very much !",
+ "Thanks very much for your help today .",
+ "That is all I needed help with , thank you .",
+ "No , that will be all for today . Thank you for your help !",
+ "No , I just need the information for right now . Thanks for all your assistance !",
+ "That 's all I need , thank you so much ! Have a great day !",
+ "No , that is all I need , thank you !",
+ "No , that one sounds perfect , thank you .",
+ "Great , thank you ! That is all I need today .",
+ "That is all thank you .",
+ "That is all I need . Thank you .",
+ "Thank you for that information , that is all I need at this time .",
+ "Great , thank you . That 's all I needed today .",
+ "That is all , Thank you very much .",
+ "Yes the cheapest will be fine , thank you",
+ "Thanks , that 's great .",
+ "Thank you ! So much . That 's all I needed help with .",
+ "That 's perfect . Thank you so much for your help . Have a great day !",
+ "Thank you for your help .",
+ "Thanks so much . I am also looking for places to go in town . Can you help me with that ?",
+ "Thank you . That was all I needed .",
+ "I 'll have to think about it , but thank you .",
+ "That 's all I need , thank you !",
+ "That should be it , thanks !",
+ "No , I think that will be everything . Thank you .",
+ "Great , thanks so much !",
+ "No that was all I needed thanks for the help . Have a great day .",
+ "No thank you that will be all",
+ "That 's all I needed ! Thank you !",
+ "Uh , no that 's fine . Thanks for all of your help .",
+ "awesome , thanks for assistance !",
+ "No thank you . Could you recommend your favorite museum ?",
+ "No thank you . I ' m also looking for a swimming pool , can you recommend one ?",
+ "No , that 'll be it , thank you !",
+ "Can I get the reference number please ? I think that that will be all I need . Thanks for your help !",
+ "No , I think that 's everything for now . Thank you .",
+ "Thanks for your help , that 's all I needed . Have a good day .",
+ "thanks alot , you are great",
+ "Wonderful ! Thank you for your help .",
+ "no , that will be all . thank you .",
+ "Actually , I just needed the tickets . That is all for now . Thanks .",
+ "No , that 's all I needed today . Thank you !",
+ "Thank you - that 's all I need today . Have a great day !",
+ "Thank you that will work fine for me and my husband",
+ "I got the reference number of 7BB9B19A thank you !",
+ "No , that was all . Thank you .",
+ "No thank you that will be all",
+ "Thanks so much for all of your help .",
+ "Thank you for all your help .",
+ "No , that will be all . Thank you for your help !",
+ "No I do n't need to book it right now . Thanks for the information .",
+ "No , that 's all I need . Thank you for your help .",
+ "Thank you so much for all your help !",
+ "Thank you that 's all that I need !",
+ "Yes . I do not need anymore assistance . Thank you .",
+ "That should do it . thank you !",
+ "That 's all , thank you .",
+ "Yes , I ' m sure . Thanks .",
+ "Thank you for the infoemation",
+ "Great thank you for your help today .",
+ "This is all I need for now , thank you .",
+ "Perfect , thank you .",
+ "Great that 's all I needed . Thanks for all your help . Have a good day .",
+ "Thank you , that is all I need .",
+ "No , that is all I need . Thank you .",
+ "That will be all today , thank you .",
+ "That s everything thanks",
+ "Thank you very much .",
+ "No I just needed the information , thanks for your help you ' ve be so helpful !",
+ "Awesome , thanks . No , that 's all I need .",
+ "Thank you .",
+ "That 's great . I ' m all set , thank you !",
+ "Thank you . Can you give me the address and the phone number ?",
+ "No . I think that is all I need . Thanks for your help !",
+ "Thank you . Can I have the reference number for that reservation please ?",
+ "Thank you for all your help today .",
+ "No thank you . That will be all .",
+ "Thank you so much . That 's all I needed for now .",
+ "That is all , thank you for your help .",
+ "Great ! Thank you !",
+ "Thanks , I will call them . Can you tell me what type of car I will have ?",
+ "Great Thank you . That is all I need to know .",
+ "No , not today , thank you .",
+ "Thank you and have a great day .",
+ "No thank you , you ' ve been very helpful . Have a good day !",
+ "No thank you that will be all",
+ "Thanks so much !",
+ "No thank you . That will be all .",
+ "Thanks a lot for your help !",
+ "That 's all . Thanks for the help !",
+ "Thank you that is all I needed .",
+ "That 's all the information I needed today , thanks for your help !",
+ "No , thank you very much .",
+ "thank you for your service",
+ "Thank you so much !",
+ "No that 's it , thank you .",
+ "No , that 's all I need . Thanks .",
+ "That sonds great , thanks . That s all I need for today .",
+ "No that will be all thank you so much .",
+ "No I think that 's all I need . Thanks for the help !",
+ "Thanks for the help .",
+ "No , that was it . Thank you .",
+ "Thank you . That 's all I need today .",
+ "That sounds perfect . I will purchase the ticket at the station . Thank you !",
+ "Nope , that 's all I needed . Thanks for your help !",
+ "Thank you so much , that is all I need .",
+ "No . this is it . thank you so much",
+ "Thanks , I need to meet with my group before booking but can I get their number please ?",
+ "Thank you that 's all I needed today .",
+ "That 's all , thank you very much/",
+ "Thanks , you too !",
+ "No , that 's it ! Thank you for all your help !",
+ "No , that 's fine . Thank you for your help .",
+ "Great , that 's all I need today . Thanks for your help .",
+ "Yes they have , thank you !",
+ "Oh good . Thank you for your help !",
+ "No . that 's all . Thanks again !",
+ "No , that settles everything . Thanks !",
+ "Thank you but that will be all .",
+ "Nope , that 's all I need today . Thank you for your help !",
+ "Thank you so much !",
+ "That will be all for now . Thank you for all your help .",
+ "No thank you that is all I need .",
+ "That would be all , thanks for assistance !",
+ "No , that 's all I need today . Thank you for your help !",
+ "No , that will be all . Thank you",
+ "That should be all thank you",
+ "Ok that 's all I need . Thanks !",
+ "Ok that is all I needed for now . Thanks !",
+ "No , that 's all I need today . I appreciate all your help - thanks !",
+ "I need to depart for Birmingham New Street after 20:15 . Thank you so much for your help , you 're doing a wonderful job !",
+ "That 's all I needed , thank you .",
+ "No that is everything I needed . Thank you .",
+ "That 's all for now . Thank you for all your help .",
+ "That will be all , thank you for your help .",
+ "No , that was all I needed to know . Thank you , you ' ve been very helpful .",
+ "Yes , thank you . That 's all I need .",
+ "NO thanks , no need to book for now . That is all of the info that I need .",
+ "Thank you for the information .",
+ "Thanks so much . That 's everything .",
+ "Thanks . That covers it then !",
+ "Thank you . I do not need any further help right now .",
+ "Any area in Cambridge will be fine , thank you .",
+ "thankyou so much for the information",
+ "Thank you , that should be all today , thanks !",
+ "Thank you for your help !",
+ "Thanks . Again , it is for Wednesday .",
+ "Thank you for all your help . That will be it for now .",
+ "Thanks for you help . That is all .",
+ "No , that 's all I needed today . Thanks !",
+ "Thank you , have a nice day .",
+ "No , I believe that it 's . Thanks for your help .",
+ "Thank you for the information .",
+ "That is all for today . Thank you .",
+ "That will be everything I needed today . Thanks for your help !",
+ "Thank you very much .",
+ "Thanks so much for your help !",
+ "No , that is all for today . Thanks .",
+ "Thank you for your help .",
+ "That is everything , thank you for your help .",
+ "that is all i needed for today thanks for your help",
+ "No , thank you . I have all I need .",
+ "No , that 's all . Thank you .",
+ "No , that was all I needed today . Thank you for your help .",
+ "Thank you so much for all of your help . That will be all .",
+ "No that takes care of it thank you",
+ "Thank you for your assistance .",
+ "ok thank you so much , that 's all I need",
+ "Great , thanks ! That is all for now .",
+ "That sounds like a good choice . Thank you .",
+ "That 's it . You ' ve been most helpful . Thank you .",
+ "No thank you , that will be everything .",
+ "No That is all . Thank you .",
+ "Perfect that will work for me thanks so much .",
+ "Great . Thank you very much for all of your help .",
+ "Thanks . That is all for now .",
+ "That 's all I need . Thank you so much .",
+ "Thanks so much . That 's all I needed tonight .",
+ "No , that will be all . Thank you !",
+ "Thank you , that is all I need today .",
+ "That 's everything I needed today . Thanks so much for your help !",
+ "Thanks for that information . That 's all I need for now . Have a great day !",
+ "thank you very much for your help .",
+ "Thank you , that will be all .",
+ "Thank you .",
+ "No , that 's all I need . You ' ve been very helpful , thank you !",
+ "No , thank you , that will be all .",
+ "Ok thanks , I m ready to book .",
+ "No , thank you . That 's all I needed today .",
+ "Yes that 's all the info that I have , thank you .",
+ "That 'll be everything . Thank you !",
+ "Thank you very much .",
+ "nope that is all thank you so much you are amazing and awesome and cool and nice",
+ "Nope , that will be all . Thanks and have a good day .",
+ "That is all , thanks .",
+ "Thanks ! That 's all I need today . I appreciate your help .",
+ "Thank you ! That 's all I needed .",
+ "No , that 's everything that I needed . Thanks for your help !",
+ "Thank you , this is the end of the dialogue .",
+ "Great that 's all I needed , thank you for your help .",
+ "No , that will be all . Thank you !",
+ "Thanky you , that 's all I need today .",
+ "Yes that 's all the info I needed thank you !",
+ "Thank you , that 's all I need .",
+ "Thanks so much for the information .",
+ "Thank you that will work fine for me and my husband",
+ "Not right now . Thank you .",
+ "No , that will be all , thanks .",
+ "That will do it . Thank you for your assistance ! Have a good day !",
+ "thanks so much for all of your help !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thank you for your help . That is everything I needed .",
+ "Wonderful , thank you very much !",
+ "That will be all , thank you very much .",
+ "Thank you , that 's all I need today .",
+ "Thank you that 's all I need today .",
+ "Thank You",
+ "No . I ' m all set . Thanks again .",
+ "that is all i wanted for today thanks",
+ "Great thank you for the information !",
+ "I think that is all that I need thank you for your help today . I appreciate it .",
+ "That 's all . Thank you !",
+ "thanks for your help today !",
+ "That 's all that I needed today , thank you !",
+ "Thanks . That answers my questions .",
+ "Thank you so much for booking that for me !",
+ "No , thanks you ' ve been great !",
+ "No thank you . Have a great day !",
+ "Thanks , have a great day !",
+ "That is all I need , thank you have a good one .",
+ "thank you for your help !",
+ "Ok , great that 's everything I needed . Thank You !",
+ "That is all for today . Thank you for your time .",
+ "Thank you , please do .",
+ "That will be all , thanks .",
+ "Thank you so much , that is all I need .",
+ "nope that s it . thanks",
+ "no that will be all , thank you .",
+ "No , that 's all the information I wanted . Thank you so much for all your help .",
+ "Thank You",
+ "Great thank you that should be all",
+ "No , thanks ! But how long is the ride ?",
+ "Thank you , that will be all .",
+ "Great thank you , that was all I needed today .",
+ "Okay , thanks a lot .",
+ "No , that will be all . Thanks for all of your help !",
+ "Great thank you for all your help .",
+ "That will be all today , thank you .",
+ "Thank you so much , that was all I needed today .",
+ "No that will be all . Thank you .",
+ "Thanks . That 's everything for today .",
+ "Excellent , that 's all the information I need , thank you for your help !",
+ "Thanks ! I ' m looking for things to do in town .",
+ "No that 's ok . Thank you .",
+ "No that is all I need today . Thank you .",
+ "That sounds great . That is all the information I needed . Thank you for your help .",
+ "I do n't want to book right now I just wanted to know the availability . Thank you .",
+ "Thanks so much , that 's all I needed help with today !",
+ "That is all . Thank you",
+ "Thanks so much for your help .",
+ "Thank you that is all I need .",
+ "I think that is all I will need . Thank you so much .",
+ "No , thanks , I ' ve got everything . Have a nice day .",
+ "no that s all thanks",
+ "Ok thank you that 's all I need today .",
+ "No , that 's all I needed . Thank you for the help !",
+ "I do n't need the phone number . Thank you .",
+ "Thanks so much for all your help ! That will be all for me today .",
+ "No , thank you for your help .",
+ "Yes that would be all . Thank you",
+ "Okay great . That 's all the information I need for now . Thanks .",
+ "That is everything . Thank you so much for your help .",
+ "That is all . Thanks so much !",
+ "Not at this time , thank you .",
+ "No , that 's all , thank you !",
+ "Thanks , I wo n't need anything else today",
+ "Great , thanks for your help ! Have a good one .",
+ "No , that 's it thank you .",
+ "That 's will do it for now . Thank you",
+ "no . thank you",
+ "Okay great . Thank you .",
+ "Thank you that is all I need today .",
+ "Thank you for your help , have a great day .",
+ "Thank you , that s all I need today .",
+ "No thank you ! That will be all for today !",
+ "That will be all , thank you !",
+ "That is all for now . Thank you so much for your help .",
+ "That is all I needed . Thank you for your help .",
+ "That 's all , thank you so much !",
+ "That wo n't be necessary . Thanks for the help !",
+ "Alright , that 's all I need , thanks !",
+ "Thank you for your assistance .",
+ "No , that 's everything . Thanks !",
+ "Great , thanks very much .",
+ "That will be all . Thank you !",
+ "No , that 's it for today . Thank you .",
+ "3 stars will be fine thank you",
+ "thanks ! that will be all for today .",
+ "No , thank you . I have everything I need at this time .",
+ "No , that 's all I needed . Thanks for your help !",
+ "Ok . Thanks . That is all my requests .",
+ "Ok , great ! That 's all I needed , thank you !",
+ "No , that 's all I need . Thanks so much .",
+ "No , I ' m not ready to book just yet . Thank you !",
+ "No thanks , that 's all I need today !",
+ "That will be all , thanks !",
+ "Perfect . That 'll be all . Thank you so much for your help . Have a good day .",
+ "Yes . Thank you very much .",
+ "No , I think that 's all . Thanks !",
+ "That is all I needed for today . Thank You !",
+ "Thank you so much for all your help . That will be everything today .",
+ "No , that is all I need today . Thank you so much .",
+ "Ok , that is all the information I need . Thank you .",
+ "No thank you , that is everything .",
+ "Great , that 's all I need . Thank you for your help .",
+ "No thank you that will be all",
+ "Thanks ! No that 's it !",
+ "Yeah , that should be all , thank you .",
+ "Thank you that was all I needed .",
+ "Thank you ! That will be all for today !",
+ "No , that was all . Thank you so much .",
+ "Thank you so much for all your help .",
+ "Great ! Thank you . What a relief .",
+ "No thank you . That is everything I need at this time .",
+ "No , that is all I really needed . Thanks . Have a great day !",
+ "Yes , that 's everything I needed . Thank You !",
+ "thanks alot for helping",
+ "Great , thank you for help . That is all I need today .",
+ "thanks a lot hope to really enjoy my stay",
+ "Thank you for all your help ! That will be all !",
+ "No , that will be all . Thank you !",
+ "Excellent . That is all I needed . Have a good evening and thank you !",
+ "Thanks for your help . That 's all I need .",
+ "Thank you so much ! I appreciate your help today .",
+ "That s all thank you !",
+ "Thanks again for your help . Have a great day .",
+ "No , that 'll be all . Thank you so much for all of your help !",
+ "Thank you , that 's all I need today .",
+ "That is perfect . Thank you for all the help !",
+ "you have been of great help thank you",
+ "No that s it for today thanks !",
+ "Thank you that 's all !",
+ "awesome , thank you !",
+ "No , that is all . Thank you .",
+ "No . That will be all . Thank you .",
+ "No , thank you .",
+ "Not at this time , but thank you . I appreciate your help .",
+ "Thank you for all of your help .",
+ "Thank is all . Thanks so much !",
+ "Great thank you for all your help today .",
+ "Okay thank you for your time .",
+ "That will be all . Thank you very much .",
+ "Great , thanks ! That is everything I needed .",
+ "No , I think that covers it , thank you very much .",
+ "Thank you for your help",
+ "That was all . Thanks",
+ "OK , thank you , I just need the price .",
+ "No , you ' ve been great . Thanks for your help !",
+ "No . All set . Thanks .",
+ "No , that is okay . Thank you .",
+ "I think that will do it . Thank you for your help today .",
+ "No , that 's all I need for now . Thank you for your help !",
+ "Yes please , and thank you .",
+ "No , thank you . That 's all I need at this time .",
+ "Thank you that 's all I needed !",
+ "That is it . Thank you .",
+ "Thank you for your help . Have a great day .",
+ "That sounds perfect , thank you for your help .",
+ "No , that 's all . Thanks .",
+ "Thank you for correcting that for me . Have a god day",
+ "That s everything I needed thanks for the help !",
+ "Why , Thank you for helping me you kind person !",
+ "No , that 's everything . Thanks .",
+ "Thank you ! That is all the information I need .",
+ "No , that will be all . Thank you .",
+ "Thanks , that was the last thing I needed from you ! Have a good day !",
+ "NO that was all I needed . THank you ,",
+ "No , thanks . I was just looking for the star rating , which you ' ve already given me .",
+ "Great , that is all I needed . Thank you",
+ "That is all I need . Thank you .",
+ "Thank you that is all I need .",
+ "Great , thank you so much ! That 's all I will need for today !",
+ "No , that will be all . Thank you !",
+ "Thanks for the information . That 's all I need .",
+ "That 's all I need today , thanks !",
+ "That 's all , thank you so much !",
+ "nope thank you for all your help .",
+ "Nope that 'll be all thank you .",
+ "thanks very much for you time",
+ "No that 's all I needed . Thank you !",
+ "Great that 's all I needed today , thank you .",
+ "No I think that 's all I need . Thanks for your help !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No , thank you so much !",
+ "Great , thanks very much !",
+ "No , thank you . That is all .",
+ "Thank you so much for your help . You have been great !",
+ "No thank you that will be all",
+ "That 's all I needed today , thank you .",
+ "Thank you so much .",
+ "Great thank you for your help",
+ "No thank you .",
+ "That sounds wonderful ! Thank you so much for your help !",
+ "That 's everything I needed to know thanks .",
+ "Thank you for all of your help .",
+ "Not at this time , thank you !",
+ "That 's it , thank you .",
+ "no thanks , that s is all",
+ "Ok great , thanks for the help .",
+ "I ' m sorry , I actually do n't need it to be booked at this time . I just realized I have other things to figure out first . That will be all thank you !",
+ "No that is it thank you .",
+ "Ahhh .. great , thanks ! That 's all I needed !",
+ "Thanks , what is their number ?",
+ "No thank you . That 's all the information I need .",
+ "Yes you are welcome thanks for the help",
+ "Thank you very much for all of your help today .",
+ "Thank you . You have been a great help .",
+ "No , I think that will do it . Thanks so much .",
+ "I will . Thank you !",
+ "Yes , thank you .",
+ "Great , thank you .",
+ "Yes , thanks for your help .",
+ "That 's ok . Thank you for all of your time today .",
+ "That was everything , thanks a lot !",
+ "That is all , thank you !",
+ "No , thank you .",
+ "No , you ' ve been a great help ! Thank you !",
+ "That is all , thank you very much for the help !",
+ "Thank you . That 's all I needed .",
+ "No , that 's all I need . Thank you for your help !",
+ "Yes I would like to book a ticket on TR7703 for Wednesday morning , thank you .",
+ "Okay great . Thank you for your help .",
+ "That is all I needed today . Thank you for your help .",
+ "Thank you so much ! That is all the help I need for now .",
+ "Nothing else for today . Thank you .",
+ "No thank you . That was all I needed .",
+ "No , that will be all for today . Thank you !",
+ "No thank you , I 'll try for something else .",
+ "that is it for today . thanks for helping",
+ "That 's all I need . Thank you for your help .",
+ "No , I ' m all set . Thanks !",
+ "that is all thanks",
+ "Nope , that s all I needed for today . Thanks !",
+ "No that was all the help I needed , thank you .",
+ "thank you that s alll that I need",
+ "I think we 're all done here . Thank you !",
+ "No thanks . But the information you gave me helps alot . Thank you so much for your help . Have a good day .",
+ "Ah , well , too bad . In that case I think that 'll be everything that I needed . Thanks and have a good day !",
+ "Great . Thank you for your help today . That is all .",
+ "Wonderful . Thank you for your help .",
+ "OK , that 's all I need for now . Thanks .",
+ "That 's all I need for now . Thanks !",
+ "That was all I needed . Thank you .",
+ "Yes please . Thanks for your help .",
+ "No , thank you . That 's everything .",
+ "Great that was all I needed today , thank you for your help",
+ "Thanks very much !",
+ "Thanks so much",
+ "Thank you that is all I need .",
+ "That 's everything I needed , thank you .",
+ "Great , thanks . I think that 's all I needed . Have a good day . Thanks .",
+ "Thank you .",
+ "Thanks , I will call right away .",
+ "You ' ve helped enough . Thanks so much !",
+ "That 's all I need , thank you so much ! Have a nice day !",
+ "Okay . Thank you very much that is all I need .",
+ "That should do it thank you",
+ "No , you have been very helpful . Thank you .",
+ "Thank you , that is all I need . Toodles .",
+ "Awesome ! That 's all I need . Thanks for your help .",
+ "Yes , that 's perfect . Thank you for all of your help !",
+ "Actually , I will go ahead and make a reservation for a later time . But , thank you for all the info . I think that is all I needed .",
+ "No , thank you . That is all .",
+ "No , that 's all I needed . Thank you very much !",
+ "Thank you ! I do n't require any further help .",
+ "That 's all I need today . You ' ve been a great help - thanks !",
+ "No , thanks . I will go ahead and book it myself . I think I have all the information I need . Thank you .",
+ "That is all I need . Thank you so much for all your help .",
+ "Thank you and the address please ?",
+ "No , thanks . That 's everything .",
+ "Thank you so much for all your help !",
+ "Thank you so much ! That 's all .",
+ "No thanks , that will be it .",
+ "Thank you so much for your help .",
+ "Thank you very much .",
+ "No , thanks , that 's all I need , thanks so much ! Have a great day !",
+ "No that is all the info I needed . Thanks .",
+ "Thank you for all your help today .",
+ "No , that would be all . Thank you . Have a good day .",
+ "No thank you that was all !",
+ "Thanks for all your help today !",
+ "No , thank you .",
+ "No , that should do it . Thanks for the help !",
+ "no , thank you",
+ "No preference . You choose . Thanks !",
+ "No thank you that is all I needed .",
+ "Thank you . I appreciate the assistance .",
+ "That will be all ! Thank you !",
+ "Wow ... no , I really needed that time . I guess not . Thanks anyway .",
+ "No thank you . You have helped me bunches today .",
+ "Thanks , I 'll call if I need anything else .",
+ "Thank you . That is all I need .",
+ "That would be great , thank you .",
+ "No that is all I need today . Thank you for the help .",
+ "No , thank you . That 's all I needed today .",
+ "Thank you for all your help today .",
+ "Thank you so much . That 's all I need today .",
+ "Thank you . That is all I need .",
+ "No that is all I needed thank you .",
+ "That 's great ! That 's all I need . Thanks .",
+ "No , that 's it for today . Thanks for your help .",
+ "No , thank you for your help !",
+ "Great ! Thanks for your help , that 's all I need .",
+ "Thanks for your help . Have a good day !",
+ "ok thankyou , will figure out what to do",
+ "Thanks for the info !",
+ "thanks for your help",
+ "Ok , thank you , that is all the info I need right now .",
+ "Great . Thanks for all the help !",
+ "Thank you so much . That 's all I need .",
+ "Thanks so much you have been great ! Gold stars for you !",
+ "Alright I have everything I needed and I appreciate your help . Thank you and have a great night .",
+ "That 's all that I need today . Thanks again !",
+ "I think I can take it from here , but I will call you if I need anything else . Thanks ,",
+ "No , that 's okay . Thanks for looking !",
+ "Thank you . for your time .",
+ "No thank you , that is everything I need . I appreciate it very much .",
+ "Great thank you , that 's all I will need .",
+ "That 's everything . Thank you very much !",
+ "That is all I needed thank you .",
+ "Thank you , that will be all I need today .",
+ "No , that 's it . Thank you very much .",
+ "Thanks again . That was all I needed .",
+ "thank you that will be all all",
+ "Fantastic . Thank you very much for all of your assistance .",
+ "That will be everything . Thank you for you help .",
+ "That is all , thank you !",
+ "Great thank you for your help today .",
+ "thank you very much .",
+ "That is all I needed thank you for your time .",
+ "No thank you that will be all",
+ "Yes that will be fine . Thank you !",
+ "I just need a a new confirmation number , thanks .",
+ "Thank you ! Okay , NOW we ' ve covered everything . Have a great day ! Thanks again for all the help !",
+ "That 's all that I needed , thank you .",
+ "Thank you so much . That 's all I will need today .",
+ "Great - that 's all I need today . Thanks for your help !",
+ "Great , thank you very much for your help !",
+ "That should be all ! Thanks !",
+ "Thanks for all your help !",
+ "No thank you that will be all",
+ "Thank you so much for your help .",
+ "No , that 's it . Thank you !",
+ "Yes please for this weekend . Thank You .",
+ "Thank you . That 's everything I need .",
+ "Thank you for your help !",
+ "Thank you . That 's all I need .",
+ "OKay great thanks so much .",
+ "Thanks ! You ' ve answered all my questions and I think you do deserve a raise !",
+ "No that 's it , thank you very much .",
+ "That will be all thank you",
+ "No that we be all for today . Thank you .",
+ "Thank you . That 's all I needed today .",
+ "I think this is what I needed . Thanks .",
+ "Thank you , that 's all I need today .",
+ "Okay , thank you .",
+ "No , thank you !",
+ "Awesome . Thank you for all your help .",
+ "OK , thank you for your help .",
+ "That is all ! Thank you for your help !",
+ "No , that 's all I needed . Thank you for your help , it 's much appreciated !",
+ "Thank you so much . That was all I needed .",
+ "No thank you that will be all",
+ "No , that will be all . Thank you !",
+ "Thank you that will be all . Have a great day !",
+ "No that is all . Thank you very much .",
+ "That will be all for now . Thank you very much",
+ "Thank you for your help !",
+ "Thanks . I would also like the reference number , please .",
+ "That will be all , thank you for your help today !",
+ "Great , thanks for your help !",
+ "No thanks . I appreciate the help . Have a good day .",
+ "No . Thank you",
+ "Thank you that s all i need",
+ "That is all . Thank you .",
+ "Not at this time . Thank you for everything !",
+ "Okay . Thank you .",
+ "That 's fine , thank you for your patience in helping me book my trip and stay !",
+ "Thank you and have a great day !",
+ "No , that will be all . Thank you .",
+ "Thank you - that 's all I need today .",
+ "No , that will be all . Thanks very much .",
+ "Okay , that sounds good . Thank you for your help !",
+ "Nothing else , thank you .",
+ "Perfect , thank you !",
+ "No , thank you . That 's all I need today .",
+ "Great thank you , that is all I need for now .",
+ "No thanks . That would be all for today . Have a nice day .",
+ "No thank you that will be all",
+ "No , that 's all . Thank you .",
+ "Not yet , just needed the info given , thanks .",
+ "I think that takes care of everything , thanks !",
+ "Thank you . Have a great day !",
+ "Yes , please . Thank you so much !",
+ "No , that will be all . Thank you .",
+ "that s it , thanks !",
+ "Thank you . That 's all I need .",
+ "Thank you . That is all that I need .",
+ "No , that 's ok . I have everything I need for now . Thank you for all of your help today .",
+ "Great that 's all I needed help with today , thank you .",
+ "Thank you that is all I needed today .",
+ "No , I did mean 09:45 , thank you .",
+ "No , I wanted to check things out during the day time . But thanks for making sure .",
+ "Thank you . That was all I needed for today . Thank you very much .",
+ "Thank you very much . That was all I needed . Have a great day .",
+ "Thank you so much , that is it for today .",
+ "That 's actually all I need this afternoon . Thank you very much .",
+ "That is everything , thank you so much for your help !",
+ "Great ! Thank you . Have a great day !",
+ "that is it for today thanks for helping",
+ "Great . Thank you !",
+ "That is everything , thanks for you help .",
+ "Thank you for all your help !",
+ "Thank you very much . You have been very helpful .",
+ "Thank you for your help , before you go , could I get the contact number please ?",
+ "No thank you . I will go ahead and book myself . Thank you so much . This was all the info I needed . Have a good day .",
+ "Thanks . That 's all I need for now .",
+ "Awesome ! Thank you for all of your help , this was easier than I thought it would be .",
+ "All right , thank you very much for your help .",
+ "That should be it thank you very much",
+ "I think that 's all I need . Thanks for your help !",
+ "Yes , they have . Thanks . Have a nice day .",
+ "That 's all . Thanks !",
+ "No , that 's all I need . Thanks for your help .",
+ "That 's all , thanks for help !",
+ "Thank you very much . that should be all .",
+ "Thank you , enjoy your stay in Cambridge",
+ "No , that should be everything . Thank you very much !",
+ "Thank you . Have a lovely day .",
+ "No thank you that will be all",
+ "Thank you for all your help .",
+ "No . That is all . Thank you .",
+ "Yes that would be all thank you .",
+ "NOt at this time . Thanks for your help",
+ "thanks so much for all of your help I ca nt wait to get there !",
+ "Great ! Thank you very much for your help .",
+ "No . Thank you . That 's great .",
+ "Nope , that 's all . Thanks a bunch !",
+ "No , that 's all I need today . Thanks .",
+ "Ok , thank you so much for the help . That 's all for now .",
+ "Thank you so much . That is all I need for now . Have a great day .",
+ "I am sorry . That was my mistake . I h ave all the information I need , thank you .",
+ "No thank you I do n't need reservations today .",
+ "No . All set . Thanks .",
+ "No , that should do it ! Thank you very much for your help .",
+ "Fantastic , thank you , that should be all .",
+ "Thank you very much .",
+ "That was all that I needed to know , thank you !",
+ "No , that 's all I need . Thanks .",
+ "Great . Thanks for your assistance today !",
+ "Great ! Thank you for all of your help .",
+ "No , that 's all . Thank you !",
+ "No , that 's all . Thank you !",
+ "Thank you for your help",
+ "That 's all , thank you so much !",
+ "Great , thanks ! Can you also recommend something fun to do in town ?",
+ "No , thank you .",
+ "No thanks . That was all I needed . Have a good day",
+ "No , I think that 's it ! Thanks for your helpful searches !",
+ "Thank you very much !",
+ "No that 's it ! Thank you !",
+ "I think that 's all I need . Thank you .",
+ "I do n't want to book at this time , just the information . So that 's all thanks !",
+ "Thank you that was all",
+ "No , thank you very much for all of your help today .",
+ "Thank you very much .",
+ "The Alexander Bed and Breakfast guesthouse will be fine , thanks .",
+ "No that 's all I needed . Thank you !",
+ "no that 's all thank you",
+ "Yes , that is all I need right now . Thank you !",
+ "No that would be all thank you",
+ "Thank you !",
+ "That was all I needed , thank you .",
+ "Thanks for your help !",
+ "That 's all , thanks",
+ "No thanks , that 's all I need for now .",
+ "Thank you so much .",
+ "Oh , I think I ' m all set . Thank you .",
+ "There 's nothing else I need at this time . Thank you very much for your assistance !",
+ "Thank you . You have been a great help .",
+ "No , that 's all I need today . Thank you .",
+ "That is all I need , thank you !",
+ "Thank you , have a great day .",
+ "Great thanks so much !",
+ "That 's all I needed thank you",
+ "Thank You . That 's all I need .",
+ "No thank you .",
+ "No , that 's all that I need . Thank you very much .",
+ "Thank you very much for all of your help today .",
+ "Thank you ! I do n't care what kind of cuisine they serve .",
+ "Okay , great . Thank you for your help !",
+ "That 'll be all ! Thank you very much .",
+ "That 's all I needed . Thank you !",
+ "That 's not necessary . Thanks for the help !",
+ "Nope , that will do it , thanks !",
+ "Okay thank you for your help .",
+ "No , that should be it , thanks !",
+ "Wonderful , thank you for everything .",
+ "Thank you very much . Have a great day .",
+ "No thank you , that will be all .",
+ "yes and thank you that will be all",
+ "Great , thank you ! That 's all I need today .",
+ "Thank you ! That is all .",
+ "That shall be all . Thanks !",
+ "Great ! Thanks ! That 's all I needed .",
+ "No , you have done quite a bit for me today . Thank you for your help .",
+ "Perfect , thanks for your help !",
+ "That will be all . Thank you .",
+ "No , that is all for now . Thanks .",
+ "Okay . Thank you very much .",
+ "Thank you for your help .",
+ "That s all and thank you .",
+ "No , that 's all for today . Thank you for all your help . Have a great day !",
+ "That would be great thank you .",
+ "Alright that 's all I needed today thank you so much .",
+ "Thank you , that is all I need today .",
+ "I will . Thank you .",
+ "No , that will be all . Thanks .",
+ "thank you for your help",
+ "Great that 's all I needed today , thank you .",
+ "Yes thank you so much .",
+ "That 's all I need , thank you .",
+ "Okay that sounds great ! Thanks for your help !",
+ "No , that will be all . Thank you for your help !",
+ "No that will be all thank you so much for all your help .",
+ "Thank you but I will book it myself . This is all I needed , you were great thanks again ! !",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "No , This is it . Thank you",
+ "Great ! I think you ' ve covered it all . I do n't need anything else . Thank you !",
+ "No , that 's it . Thank you . You ' ve been a great help today .",
+ "Okay thank you , that 's all I needed .",
+ "No I think that 's all I need for now , thank you !",
+ "that 's is all i wanted for today , thanks",
+ "Thank you I appreciate it .",
+ "It 's about time , thanks . That is everything I need .",
+ "Nope , that will be all for now , thanks !",
+ "That is all that I need . Thank you so much .",
+ "Great ! You have helped me tremendously . I do n't need anything else . Thank you !",
+ "That 's all I need . Thanks so much for your help .",
+ "Alright . That 's everything I needed . Thanks .",
+ "That would be all Thank you",
+ "I think that 's all I need . Thank you for your help .",
+ "No thanks . I just needed information . I ' m all set now .",
+ "Any will do just fine , thank you .",
+ "No that will be all , thank you very much .",
+ "Yes , thanks a lot !",
+ "That will be all , thank you for your help . Have a great day !",
+ "Great , thanks a lot for your help !",
+ "No , that is it . Thanks !",
+ "Thanks for the help , that 's all for now .",
+ "Thank you that 's all I needed .",
+ "That 's all I need . Thank you .",
+ "That will work as that is also close to me ! Thank you .",
+ "That will be it thanks a lot !",
+ "Thank you so much for all the help !",
+ "Yes , that 's fine . Thank you so much . That 's all I needed today .",
+ "Thank you for your help that 's all I need today .",
+ "No , thank you , that is all the information I need right now .",
+ "Thank you , that 's all I needed .",
+ "Perfect , thank you very much for your help",
+ "No thank you that will be all",
+ "Thank you that is all I need .",
+ "Thank you , that is all that I needed . Have a great day !",
+ "No , that 's all I need . Thank you for your help !",
+ "Thanks ! That 's all I needed today . You ' ve been a great help !",
+ "Thank you so much . That is all I need today .",
+ "Yes . Thanks so much . That is great .",
+ "No thank you . That 's it .",
+ "ok , that 's all I needed , thank you .",
+ "No , that will be all . Thank you .",
+ "Thanks to you for help me with all these bookings .",
+ "No that 's it . Thank you !",
+ "Okay thank you very much for your help .",
+ "Thank you . I will .",
+ "Yes , that would be fine , thanks .",
+ "Thank you for you help . That is all I need .",
+ "thanks . i ' m also looking for some places to visit around town .",
+ "Thanks so much for the information . Good day !",
+ "Thank you . That is all I need .",
+ "Do n't book it but can you send me their full contact info ? Thanks .",
+ "Nope that s everything thanks",
+ "I will get back to you . Thank you for the help .",
+ "That 's all I need . Thanks you so much for your help .",
+ "Thank you . That 's all I need today !",
+ "Thanks have a nice day .",
+ "Thank you for your assistance .",
+ "No , thank you . I think I have everything I need right now .",
+ "No , that is all . Thank so much !",
+ "No . Thanks . All set .",
+ "Thanks for being so helpful ! I appreciate your time . I ' m all set now .",
+ "Thank you very much .",
+ "That 's great thank you !",
+ "Thank you . That is all I need .",
+ "Thank you for your help . That is all for today .",
+ "Thank you . That 's all I need .",
+ "thanks that 's all i need",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "That 's it , you have been very helpful ! Thank you !",
+ "Thank you . We will .",
+ "No that 's it , thank you !",
+ "Perfect . Thank you . That 's all I need at this time .",
+ "Okay thank you . That is all I need .",
+ "No , everything I asked of you has been met . Thank you .",
+ "Thank you very much , you too .",
+ "Thank you that will be all I need .",
+ "Okay thank you for the help .",
+ "No that is all . Thank you so much !",
+ "Thank you very much , that was everything that i needed .",
+ "Not at this time , thank you .",
+ "Yes , thank you .",
+ "No that is all . Thank you !",
+ "That will be all . Thank you for your help !",
+ "Great , thanks so much ... that 's all I need ! Have a great day !",
+ "That is all . Thanks so much !",
+ "That 's all I needed . Thank you .",
+ "That 's all I need . Thank you .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Nope . Thanks for all your help .",
+ "No , thank you . That 's all I need .",
+ "This works perfectly , thank you !",
+ "Fantastic , thank you , that should be all .",
+ "Yes , book it for me please . Thank you .",
+ "Great that 's all the info I needed today thank you .",
+ "That 's all I need thanks .",
+ "Thank you so much . That 's all I need for today !",
+ "Great , thank you !",
+ "It is . Thanks again .",
+ "No . Thank you very much .",
+ "Thank you so much ! That is all I needed .",
+ "That is all I need today . Thank you .",
+ "Thank you so much . I appreciate your help .",
+ "That will be all today ! Thanks so much !",
+ "Thanks for the service . Good day to you !",
+ "Thank you but that 's all .",
+ "Nope ! That should do it , thanks !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Ok , thank you .",
+ "Thank you , that is all that I need .",
+ "No , I do n't think so ! Thank you for your help !",
+ "That is everything I needed today . Thank you !",
+ "No thanks . I may be back in touch though !",
+ "Thank you , that will be all .",
+ "No , that 'll be all . Thank you , again .",
+ "Thank you . That is all I need !",
+ "Thank you . I intend to !",
+ "Thank you for your assistance .",
+ "That will be all . Thank you for your help .",
+ "That is all . Thank you for your help .",
+ "Great , thank you !",
+ "Great , thanks so much for your help with this .",
+ "I ' m good to go now actually ! Thanks so much ! Au revoir !",
+ "No thank you that was all .",
+ "That will be all . Thanks for helping me out .",
+ "That 's all . Thanks for the help !",
+ "No , that is all ! Thank you very much !",
+ "That is all I need . Thank you .",
+ "that is it for today . thanks for helping",
+ "That was it . Thanks so much for your help .",
+ "That was all the information I needed , thank you .",
+ "Thank you very much for your help .",
+ "I actually wo n't need any tickets . Thank you for your help !",
+ "Thank you for your help !",
+ "That 's all I will be needing today , thank you .",
+ "Thanks for your help today .",
+ "No , I think that covers everything . Thanks !",
+ "That will be all then , thank you .",
+ "That 's all , thank you !",
+ "No that is all . Thank you !",
+ "Thank you ! I am also looking for a place to stay .",
+ "Excellent , thank you !",
+ "That 's all for today , thank you",
+ "Awesome . That 's all I needed . Thanks .",
+ "That 'll be everything . Thank you !",
+ "Thanks all I need today . Thank you .",
+ "No , I think that covers everything . Thanks !",
+ "That 's all , thanks a lot .",
+ "Thank you , have a nice day !",
+ "Thank you for the information . That is all I needed for now . Have a nice day .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "You have been super helpful . thanks that 's all i need .",
+ "That is all for today . Thank you !",
+ "Thanks so much . Can you help me find a place to stay in that area as well ?",
+ "No , I think that 's all I need . Thanks !",
+ "Great . Thank you very much .",
+ "No thank you , you were fantastic ! Thank you for all the help .",
+ "Thank you that will be all",
+ "thank you . i apreciate having gotten help from your desk . hope to get more and better help sometime latter . looking foward to seeng you latter on , thank you so much again",
+ "Thank you for your time .",
+ "Thanks so much !",
+ "No , that will be all . Thank you !",
+ "Thanks for all the help .",
+ "Thank you so much . Have a great day !",
+ "That was all . Thank You",
+ "That 's it . Thanks !",
+ "No , that would be all . Thanks a lot . Have a nice night .",
+ "Thank you , I really needed to get that reservation . That 's all I needed . Thank you .",
+ "That is all for today , thanks for your help !",
+ "Thank you again .",
+ "thank you very much .",
+ "No , that 's all I need today . Thanks !",
+ "Perfect . Thank you .",
+ "No , I am all set . Thank you for your time and do n't work too hard .",
+ "That 's perfect , thanks !",
+ "Thank you that s all .",
+ "No , that is everything I need . Thank you for all your help !",
+ "No thank you that 's I need !",
+ "Great ! Thanks !",
+ "That 's all I need today . Thanks !",
+ "That is all . Thank you so much !",
+ "Great ! Thank you for all your help .",
+ "Ok . Thanks . That is all .",
+ "Thank you for your help . Have a good day !",
+ "Thank you so much . That 's all for today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Great ! Thanks for all your help .",
+ "That is everything thank you .",
+ "Thank you . I appreciate your help .",
+ "Nope , that 's all I needed today . Thanks !",
+ "Thank you ! That is all the help I need today .",
+ "Thanks so much !",
+ "That is everything ! Thank you for all your help !",
+ "Thank you so much for the information",
+ "No that was all . Thank you very much .",
+ "That is all . Thank you .",
+ "Thank you for all your help !",
+ "No , that will be all , thank you .",
+ "No thank you that will be all",
+ "Thank you for your help .",
+ "No , thank you that is all the information I need today .",
+ "That 's all I needed . Thank you .",
+ "No , that is all I need at this time , thank you for your help .",
+ "Great . That 's perfect . Thank you !",
+ "That 's all that I needed , thank you .",
+ "Thank you so much , that is everything that I need .",
+ "Great , thanks ! You ' ve been a big help .",
+ "thank you that will be all for now",
+ "no thank you",
+ "Thank you so very much .",
+ "Thank you very much .",
+ "That is all I need today . Thank you for your help !",
+ "I do n't need to book at the moment , but thank you for the information !",
+ "Thank you , that will be all .",
+ "Thank you for the help .",
+ "Great , that is all I need today . Thank you .",
+ "Perfect ! You ' ve given me all of the information I need . Thanks .",
+ "No , that covers everything I needed today ! Thanks again !",
+ "Great , thank you , I think that 's all I need .",
+ "That is perfect . Thank you .",
+ "No , I do n't need a booking . You have given me all the information I need , for now . Thank you so much .",
+ "No thank you very much .",
+ "Thanks for the info . that 's all I need .",
+ "That is all I need for today . Thanks for all your help !",
+ "Thank you very much !",
+ "No , that is everything . Thank you for your help .",
+ "OK , that 's all I need today , thank you !",
+ "I think that is all . Thanks",
+ "No , thank you . That 's everything I needed today .",
+ "Thanks , could you give me the address and phone number ?",
+ "Nope , that 's all thank you !",
+ "That is all I need , thank you for the help .",
+ "No that is it . Thank you .",
+ "Great ! That 's it ! Thank you !",
+ "that is all i need for today thanks anyway",
+ "That 's everything . Thanks for all your help .",
+ "Great , thank - you ! That is perfect .",
+ "No thank you not at this time .",
+ "That is great . Thank you for your help .",
+ "No I think that 's everything , thanks .",
+ "I do not think I need any more info , thank you so much .",
+ "Thank you , I 'll accept the recommendation at Aylesbray Lodge .",
+ "Thank you that will be all I need .",
+ "Not just yet thank you .",
+ "No thank you , that should be all .",
+ "No that 's it . Thanks .",
+ "No , that is it . Thanks !",
+ "No thanks . Thank you .",
+ "Thanks that 's all I need today",
+ "Thank you . May I have the contact number for the Lexus , please ?",
+ "That 's all I need thanks for the help !",
+ "Thank you very much !",
+ "Excellent , that 's all the information I need right now . Thank you !",
+ "Thank you for your help .",
+ "No thank you , that 's all the information I need right now .",
+ "Thank you for the information .",
+ "Thank you so much .",
+ "Nope , that will do it , thanks !",
+ "Thank you that 's all I needed today .",
+ "No , thank you . That is all I needed .",
+ "Great thank you that 's all the info I need .",
+ "Okay , that 's all the information I need for now . Thank you for your help .",
+ "Thanks for the service , good day .",
+ "No , that is all I needed . Thank you !",
+ "Thank you too !",
+ "Thank you , I think that is all I need for today .",
+ "Thank you for all of your assistance .",
+ "Thank you so much for your help . That 's all I need .",
+ "Thanks . That is all for today . Have a nice day .",
+ "that is all i wanted for today . thanks",
+ "I am all set , thanks .",
+ "Ok thanks so much for your help . Have a nice day !",
+ "They both sound great . Now I ' m hungry . Thanks for the information !",
+ "Thanks ! I appreciate your help .",
+ "That is all , thanks again .",
+ "No , thanks . That takes care of all my questions .",
+ "Thank you so much for your help .",
+ "Nope , that was all I needed , thanks !",
+ "Alright . Thanks for the help .",
+ "No that is all . Thank you for all your help .",
+ "Thanks again for all of your help .",
+ "Thank you for all that information . Yes , I would like to make a reservation .",
+ "That 's all I need today . Thanks for your help !",
+ "That will be all , thank you !",
+ "That 's all I need . Thanks .",
+ "No , that 's all I needed . Thanks for your help , have a great day !",
+ "Thank you so much . You have been very helpful !",
+ "No , that 's all the information I need . Thanks !",
+ "Awesome , thanks for all your help ! Good day",
+ "Great . That 's all the information I need now . Thanks !",
+ "Great . I have everything I need , Thank you",
+ "No , that will be all thank you .",
+ "Thank you , that will be all .",
+ "No thanks , that is everything .",
+ "thanks you very much that 's all i need .",
+ "No that is all . Thanks .",
+ "No , that will be all . Thank you for your help .",
+ "Thank you so much , that is all I needed !",
+ "Great . Thank you . I also need a place to dine .",
+ "Thanks so much that sounds perfect . Have a great day :)",
+ "No that is everything I need today . Thank you for your help .",
+ "Okay . Thank you very much .",
+ "No , that would be all . Thanks . Have a night day .",
+ "Thank you so much for your help today .",
+ "No , that 's perfect . Thank you for your assistance .",
+ "Thanks so much for putting up with me ! You ' ve been great !",
+ "No , you have been very helpful . Thank you .",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "No , that will be all . Thank you very much for your help !",
+ "Thank you for your help .",
+ "That is all I needed , thank you and good day !",
+ "Thank you . That is all I need .",
+ "Thanks , I ' m all done here .",
+ "Thank you for your help !",
+ "Thank you very much for the help !",
+ "I believe that 's all I need . Thanks !",
+ "Thanks ! What is the contact number ?",
+ "No , that 's all I need . Thank you for your help .",
+ "Thank you can you find me a place to eat too ?",
+ "Thank you very much .",
+ "No that will be all thank you ?",
+ "That 's all I needed . Thanks !",
+ "That is all . Thank you very much !",
+ "I do n't need any tickets at this time . Thank you . That is all .",
+ "That was all the info I needed today , thank you .",
+ "Thank you ! I think that 's all I need for now .",
+ "Thank you so much that 's all i need .",
+ "Great thank you ! That will be all I need .",
+ "Thanks , that all I need today .",
+ "Great , thanks for all of your help .",
+ "No . Thank you for your help !",
+ "Thanks , that 's all I needed today !",
+ "Thank you . That is all I needed . You have been a wonderful help .",
+ "No , that 's everything . Thank you .",
+ "No , that 's all I need , thank you !",
+ "I look forward to the ride . Thank you .",
+ "No , that will be all . Thanks very much .",
+ "Thank you , that 's all I need !",
+ "please reserve for me table for two for today luch . thank you",
+ "Great , thank you for all of your help .",
+ "Thank you for the assistance . I believe we are finished .",
+ "No not today . I think that is everything I need . Thank you .",
+ "No , that will be all . Thank you !",
+ "Ok , I think that should be about it for me . Thank you for your help .",
+ "No thank you that will be all for now . Thanks for the help !",
+ "No , that is everything I needed . Thank you .",
+ "No thanks , I ' m just looking for information . That 's everything I need for now .",
+ "Nevermind , I wrote the info down . I 'll text it to everyone else , it 'll be faster that way . Thanks for your help !",
+ "Perfect ! Thank you so much for your help !",
+ "thank you very much !",
+ "That is everything , still ironing out details , so I will call them later , thanks for your help .",
+ "That was all I needed for now . Thanks",
+ "Thank for your help ! That 's all I need today .",
+ "Thanks very much ! What time does it depart , and how long is the ride ?",
+ "No thank you ! That 's all I need . Thanks for all of your help !",
+ "Thanks again , that s all I need .",
+ "No that is it . Thank you .",
+ "No , that will be all today . Thank you .",
+ "No , that will do it . Thanks for your help !",
+ "Ok thanks . I 'll have to get back to you on how many tickets . Have a great day .",
+ "Yeah , that 'll work , good ahead and book it for just me , thanks .",
+ "No , that 'll be all . Thanks a lot .",
+ "Great ! Thank you so much for your help .",
+ "No thank you for all your help .",
+ "Yes that would be great . Thank you .",
+ "No , I do not think so . Thank you for your help !",
+ "Okay . Sorry for the mix - up . Thanks for checking .",
+ "Yes , that would be great . Thank you .",
+ "No you have been a great help , thanks .",
+ "That is all . Thank you !",
+ "That is all I needed , thank you for your help !",
+ "Thank you very much that 's all i need .",
+ "Great , thanks so much !",
+ "No , I ' m all set , thank you .",
+ "That will be all . Thank you so much .",
+ "That 's all I need . Thank you !",
+ "That will be all . Thank you for your help .",
+ "No thank you . Not at this time .",
+ "Perfect , thanks so much for your help today , that 's everything I needed .",
+ "that should be all . thank you .",
+ "That was everything , thanks !",
+ "thank you for helping",
+ "Thanks for the information . I believe I have everything I need .",
+ "No , that will be everything today . Thank you .",
+ "Thank you very much . That 's all .",
+ "No , that 's all the information I need . Thanks for your help !",
+ "cool , that 's all i need thanks",
+ "No thanks that 's all I need .",
+ "thank you for booking that and the reference number",
+ "That is all for today . Thanks !",
+ "No that was it . Thanks for your help !",
+ "That is all I need today . Thank you for your help .",
+ "That s everything I needed thanks",
+ "Thanks so much . I ' m also looking for a place to stay .",
+ "No thanks that 's all I need for now . Thank you for your help .",
+ "Thank you , I do n't need anything else .",
+ "Thank you , that was everything I needed .",
+ "Okay , thank you for that information !",
+ "Thank you for booking the car for me .",
+ "thanks for the information .",
+ "No , that is everything . Thank you so much .",
+ "Thanks . You too .",
+ "Thank you for your help .",
+ "Thank you that is all .",
+ "You covered everything , thank you .",
+ "That is all , thanks for your assistance .",
+ "thanks for the information . that is all i needed",
+ "Thank you that is all I need .",
+ "Great Thanks for all your help .",
+ "That s all I need today , thank you .",
+ "That is all ! Thank you !",
+ "That 's okay . Thanks for all your help !",
+ "Thank you so much for your help .",
+ "As long as my reservation is for 2 people , we are set . Thank you !",
+ "Thank you so much . I ' m sure I will .",
+ "That will be all , thanks !",
+ "Thanks . You ' ve been very helpful .",
+ "No that will be all thank you so much .",
+ "No thank you .",
+ "Thank you . That is all that I need .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Awesome . You ' ve been a great help . Thank you .",
+ "Thank you ! As always you are amazing . That is all I need for today .",
+ "No , that 's okay . That is all I need for today . Thank you .",
+ "That is all I needed , thank you !",
+ "That 's all that I need for now . Thank you for your help .",
+ "No that is all . Thank you for helping me .",
+ "no that is enough thank youu",
+ "Sounds lovely . Thank you so much for all of your help !",
+ "No that 's all thanks",
+ "Great . Thank you for all of your help !",
+ "That 's all the help I need today . Thanks for the help .",
+ "No , thank you .",
+ "Thank you . You too !",
+ "Thank you so much !",
+ "Thank you so much for all of your help . Have a great day .",
+ "Great that 's all I needed today thank you .",
+ "Thanks so much . That was all I needed today .",
+ "No thank you ! That will be all !",
+ "Thank you . Same to you !",
+ "Thank you so much . That 's all I need today .",
+ "Thank You for all your help .",
+ "No , that will be all , thank you .",
+ "That 's great , thank you for your help !",
+ "No , thank you , that should be all .",
+ "Yes , it will . Thanks so much . Have a nice day .",
+ "Thanks for your help . Have a good day !",
+ "Thank you so much for your help . That is everything I need .",
+ "Okay thank you for all your help .",
+ "Great , that was all . Thanks",
+ "Sure , thank you ! Will you please book a table for 2 people ?",
+ "That was everything I needed , thank you !",
+ "Thank you very much !",
+ "Thank you that is all .",
+ "Thanks so much . That will be all for today .",
+ "That will do , thank you !",
+ "Thank you ! That will be all today !",
+ "I should be okay with their help . Thank you so much .",
+ "No that takes care of thank you",
+ "That 's all I need . Thanks .",
+ "No , that 's all I need . Thanks !",
+ "Thank you for all your help . I am all set now .",
+ "Great . Thanks for all your help !",
+ "Okay , thank you , that 's all I need .",
+ "no thanks , that is all for today",
+ "Nope . Thanks so much for your help .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "I think that is all I need . Thank you .",
+ "No , thank you - were you just going to book a random day for me ?",
+ "No thank you . You ' ve been very helpful . Have a great day !",
+ "Yes , that would be perfect , thanks .",
+ "No . Thank you . You have been quite helpful .",
+ "No , that 's all I need . Thank you !",
+ "That is all the information I need . Thank you .",
+ "Wonderful , thank you .",
+ "No , thanks . That will be all .",
+ "No , again , that is all , thank you .",
+ "Thank you . That 'll be all !",
+ "I think that 's it . Thank you .",
+ "Thank you very much .",
+ "That is all I needed thank you for your time .",
+ "No thank you . That is all .",
+ "Great , thank you !",
+ "No , that 's all . Thanks .",
+ "Great , thank you !",
+ "That 's all I need . Thanks again .",
+ "Nope , that 'll do it . Thanks for your help !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thank you so much !",
+ "Thanks . Can you book for 15:45 ?",
+ "Yes that is correct . Thank you !",
+ "Nothing else , thank you very much .",
+ "Thanks for all your help",
+ "Ok , great . Thank you very much for your help .",
+ "No , that is all . Thank you .",
+ "Thank you very much , that will be all !",
+ "thank you get for that . i will give them a call .",
+ "I can go ahead and book on my own , thanks . Thank you for the info . That was all I needed for today .",
+ "thanks for helping me out",
+ "thanks again . you are of great help",
+ "Thank you so much for everything , I am all set .",
+ "No , I think that 's everything . Thanks very much !",
+ "ok thank you , lets book that one",
+ "That is all , thank you very much",
+ "Great , thank you that was all I needed today !",
+ "That 's it . Thank you for your help .",
+ "That would be great , thank you .",
+ "Thank you , that is the information I needed",
+ "Alright , thanks for the information . That was all I needed for today .",
+ "Alright thank you very much .",
+ "That is all . thank you very much .",
+ "Thank you very much , that will be all .",
+ "That is all ! Thanks .",
+ "Sounds great ! I think I have everything I need now . Thanks for all your help .",
+ "No that is everything , thank you !",
+ "Thanks . You too .",
+ "thanks for the service , that is all I need .",
+ "No thank you . This is all the information I need at this time .",
+ "No , thank you . I think I have everything I need at this time .",
+ "No , that 's all I need . Thanks .",
+ "Nope that 's all I needed ! Thanks !",
+ "Ok , that 's all I needed today , Thanks !",
+ "That is all I needed , thank you .",
+ "No . that will be all . Thank you .",
+ "Wonderful , you made me excited for this trip now ca n't wait ! , That is everything , thank you .",
+ "Thank you very much today . That is all .",
+ "No . That is it . Thanks so much for your help !",
+ "Great ! Thank you !",
+ "Thank you so much , Have a great Day !",
+ "No thank you . That is all the information I need .",
+ "Thank you for your help",
+ "That should do it ! Thank you !",
+ "No , I think I ' m all set . Thank you very much for your help !",
+ "Nah , you ' ve been a great help mate . Thanks a million .",
+ "Thank you !",
+ "No , thank you for the suggestions I will check and look up the one that best fit .",
+ "Thanks ! That would be all .",
+ "Great that will be everything thanks .",
+ "That 's all I needed ! Thank you",
+ "Thanks a lot .",
+ "Nope . That is all I needed . Thanks !",
+ "Thanks , I ' m all set now . Take care !",
+ "Thank you for your help today , I do not need anything else .",
+ "thanks for your help you have been great !",
+ "Ok , thank you .",
+ "No , that will be all for today . Thank you so much !",
+ "Thank you for all your help .",
+ "No , that will be all . Thanks !",
+ "I would like to call them myself please . Thank you .",
+ "No I think that will be it , thank you for your help !",
+ "Wonderful . Thank you for all of your help !",
+ "No thank you . You ' ve been very helpful .",
+ "That 's all that I needed today , thanks !",
+ "No , that will be all . Thank you for all of your help !",
+ "Thank you that 's all I needed today .",
+ "Thank you . No , that will be all .",
+ "Thank you ! What is the reference number please ?",
+ "Thank you . That is all for today .",
+ "No thank you . You have been very helpful with all your assistance .",
+ "No , I think you covered it . Thanks !",
+ "No . thank you that will be all .",
+ "Thank you very much I will call them now .",
+ "Thank you for your help .",
+ "No that was all . Thank you",
+ "That 's all the information I need . Thanks for your help !",
+ "That 's all i need . you have been very helpful . Thank you so much !",
+ "Yes , that sounds like a good choice . Can you book it for me for 3 people starting Saturday ? Thanks",
+ "Ah , OK , yeah you said that earlier . Sorry , I got distracted by the car thing but my friend said he could give me a lift . Thanks for everything .",
+ "No that was all . Thanks",
+ "That is wonderful . I believe that should be all I need ! Thank you .",
+ "That is all , thank you .",
+ "Great , I think that 's everything I need . Thank you for helping me .",
+ "Thanks ! That 's all I need .",
+ "No thank you . That is all .",
+ "Thank you so much . That was all I needed today . Have a good afternoon .",
+ "Thank you , that is all I need for now .",
+ "Okay that 's all I needed , thank you !",
+ "No that will be all . Thanks !",
+ "Yes thank you ! That is all I needed .",
+ "No I need some time to consider my choices . Thank you for your help today . That is all the information I need .",
+ "Thank you for your help . I will .",
+ "No . That 's all I need . Thank you .",
+ "No thank you . I just need to find out how much it is going to cost .",
+ "No thanks that is all I need . Thanks for the assistance .",
+ "Thank you so much !",
+ "No that is all thank you good day .",
+ "That will be all thank you .",
+ "that is all for now . thanks for your help .",
+ "Thank you . That is all that I need today .",
+ "Thank you that will be all I need today ?",
+ "That 's okay . That will be it . Thanks for all your help !",
+ "No , that is all the help I need for today . Thanks again !",
+ "No thank you , I appreciate all your help . Have a good day !",
+ "Thank you very much !",
+ "Awesome . That 's all I need thanks .",
+ "That will be all , thank you .",
+ "Thanks again for the help . Have a great day .",
+ "No , that is all the information I needed . Thank you for your help !",
+ "No thanks , that is everything .",
+ "No , I think that 's everything . Thank you so much .",
+ "Great . Thanks . That is all .",
+ "No , I think that 's all I need . Thank you for your help today .",
+ "Thanks for all of your help !",
+ "Wonderful , thanks very much !",
+ "No , that is it . Thank you so much .",
+ "Thank you so much . That 's all I need today .",
+ "Great . I have all that I need . Thank you very much !",
+ "That 's all I need . Thank you .",
+ "No thank you . That is all I need today .",
+ "Okay . Thank you for your help .",
+ "No , that will be all . Thanks for your help .",
+ "Thanks for your help . That 's all I need .",
+ "No , that 's all I needed to know . Thank you .",
+ "No thank you , that is all I needed . Have a great day !",
+ "Thanks , that 's all I need today !",
+ "No , I think that 's all that I ' m looking for . Thank you very much for the help .",
+ "Thank you so much for the assistance !",
+ "No , that 's all I need for now . you ' ve been very helpful . Thanks .",
+ "Thanks , I ' m all done here .",
+ "No , thank you . I have everything I need at this time .",
+ "Great , thanks so much !",
+ "That is all , thanks for your help .",
+ "No thank you I will call back",
+ "No thanks . I forgot I should wait to book until I am sure how many people we will have . Thanks though . Good night !",
+ "No , thank you .",
+ "Thank you , you too",
+ "No , that will be all . Thank you !",
+ "Thanks ! That 's all I need .",
+ "no , that 's it . thanks !",
+ "No thanks . I may be back in touch though !",
+ "That is all I needed thank you .",
+ "That 's all I needed , thank you !",
+ "That is all , thank you very much .",
+ "that is it thanks for your help",
+ "That sounds great . Thank you so much for your help .",
+ "That 's all I needed today . Thank you for your help .",
+ "Ok , thank you very much for your help .",
+ "Perfect , that 's all that I need . Thank you !",
+ "No , that 's all I needed . Thanks !",
+ "NO that was all I needed . Thank you so much .",
+ "Thank you very much .",
+ "That 's all I needed , thanks so much for your help .",
+ "Thank you for making that change . Can you recommend a museum in the centre ?",
+ "No that is it . Thank you .",
+ "Wonderful , you ' ve been very helpful ! That 's all I need for today , thank you !",
+ "Thank you . That is all I need .",
+ "Thank you for all of the information . That is exactly what I needed .",
+ "Thanks ! That 's all I need .",
+ "Great , that is everything I need today , thank you for your help .",
+ "No , that 's all I need . Thanks for the help .",
+ "No thanks , that 's all I needed .",
+ "Okay thank you ! That 's all I need today .",
+ "Yes , thank you very much ! We 'd like a dinner reservation for two , at 6 or 630 please .",
+ "There is not . Thank you so much for all of your help .",
+ "No , I think that 's all I need . Thank you so much for all your help !",
+ "Thanks . I am also looking for some Korean food in the north part of town .",
+ "No , thank you . That is it .",
+ "Thank you that will work fine for me and my husband",
+ "Thanks for all your help !",
+ "Great , thanks for the help !",
+ "Yes , I think that will be better since it 's on the west side . Thank you , that 's all I need .",
+ "Thank You . I think that 's all I need today .",
+ "Thank you ! Have a great day !",
+ "No , thank you . I can take care of that on my own . I think that 's all I need for today !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "Thank you for your help",
+ "No thank you for everything .",
+ "No you ' ve done it all for me . Thanks !",
+ "No , thank you very much .",
+ "That will be all , and thanks so much for your help .",
+ "That was all the questions I had . Thank you very much for helping me .",
+ "That 'll be all thanks so much !",
+ "Thank you so much , that 's all I need today .",
+ "No , that 's all I needed . Thanks for your help !",
+ "No , that is all I need today . Thank you !",
+ "Okay thank you very much .",
+ "Thank you for your help",
+ "No , that 's it . Thanks .",
+ "No that will be all thank you .",
+ "Thank you that is all I need",
+ "no that s all the information i needed . thanks",
+ "Yes . Thank you .",
+ "Thank you , that 's all I need today .",
+ "Okay , thank you . That 's all I need today .",
+ "Great Thank you for all your help .",
+ "No , that will be all . Thank you !",
+ "No , thank you that is all for today .",
+ "That is all . Thank you",
+ "That 's all the info I needed . Thanks .",
+ "Yes , you have helped tremendously . Thank you .",
+ "Alright . I will have to get back to you about which I would like to book . Thank you for everything though .",
+ "Nothing else . Thank you for getting us booked .",
+ "Ok great , Thank you . That is all that I need .",
+ "Alright , thank you , I think that will be all for today .",
+ "That is all I need today thank you .",
+ "No that 's all . Thank you .",
+ "You have helped me a lot thanks !",
+ "Thank you . Can I get a reference number for the booking ?",
+ "Yes , thank you for your help !",
+ "That is all the information I need . Thank you !",
+ "No that is all the info I need . I ' m sure of it this time ha ha . Thank you !",
+ "No that 's all I need . Thanks for your help !",
+ "No , that should be all , thanks .",
+ "That 's all I needed today thank you .",
+ "Thank you for your help !",
+ "No , thank you . Have a great day !",
+ "Okay thank you so much for your help .",
+ "I ' m good , thanks for your help !",
+ "Yes , and thank you kind person for helping me !",
+ "No thank you . I appreciate the help today .",
+ "Thank you for the info , that will be all .",
+ "Thank you so much for your help .",
+ "Thank you . That is all I need .",
+ "Thank you so much .",
+ "Thank you that is all I needed .",
+ "Wonderful , thank you . I think that 's all I need .",
+ "No thank you . I think that I am good for now .",
+ "No , that is all for now . Thank you !",
+ "no . Thank you for your help",
+ "Ok , that is all of the information I need . Thank you !",
+ "Thank you so much for the information . I will call them . Have a good day .",
+ "No , thank you . I think I have everything I need at this time .",
+ "Thank you for your help . That is all I need today .",
+ "That 's all I needed . Thank you !",
+ "Nope , that 's it ! Thanks for your help .",
+ "Ok great thank you for all of your help !",
+ "Nope , that 's all I needed today . Thanks !",
+ "That s all I need today . Thanks so much !",
+ "Thank you no that will be all !",
+ "No , thank you , that should be all .",
+ "thanks that 's all for today .",
+ "Thank you very much for your help and have a great day .",
+ "Thank you very much .",
+ "No , that is all I needed , thank you .",
+ "Great , thank you !",
+ "That is everything I needed . Thank you very much for your help .",
+ "Not at this moment . Thank you so much for all of your help .",
+ "That is all I need to know thank you .",
+ "that is it for today thank you very much",
+ "Thank you so much for your help today . I greatly appreciate it .",
+ "No thank you , have a great day .",
+ "That will be all for the day , thank you .",
+ "Thank you ! That will be all for today !",
+ "Thank you ! That is all I needed to know . Good night .",
+ "Thank you that is all I needed today .",
+ "You have helped me with everything I need . Thank you .",
+ "No thank you ! I will give them a call .",
+ "No thank you , I appreciate all your help !",
+ "Great , thanks ! Do I have any other entertainment options ?",
+ "No thanks , that 's all I needed . Have a good day .",
+ "No , that 's ok , I can take it from here . Thank you for all your help .",
+ "Lovely . That 'll be everything . Thank you !",
+ "that s all - thanks for great service !",
+ "That 's all I need . Thanks so much for your help .",
+ "Okay thank you , that s all i need for now .",
+ "Great , thank you for your help !",
+ "Thank you ! Can you give me the address and the phone number for them ?",
+ "Perfect thank you !",
+ "No that seems to be everything . Thanks !",
+ "Thank you very much !",
+ "Yes , that 's all . Thank you .",
+ "That 'll do it . Thank you very much !",
+ "That will be all , thank you so much .",
+ "That 's all I need for right now . Thanks for the help !",
+ "Perfect ! Thank you for your help .",
+ "Thanks so much . That is all I need . Have a good day .",
+ "Nah , I 'll call and do that on my own . I think I ' m all set . Thanks for your help !",
+ "Thank you I will appreciate your help",
+ "No , thank you , that should be all .",
+ "Wonderful , that is everything I needed . Thank You !",
+ "No thank you . That is all .",
+ "No , that is all . Thank you .",
+ "thank you that will be all",
+ "Thank you , that't all I needed .",
+ "No , that is ok . Thank you for all your help today .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "That sounds like an excellent choice ! Thank you for the help !",
+ "I think we have taken care of everything . Thank you so much for your time !",
+ "Great . Thank you for all your help .",
+ "Thanks so much for all of your help you ' ve been great !",
+ "No , that 's all I needed today . Thank you for you help . Have a great day .",
+ "Thanks so much . That is all I needed .",
+ "That 's all . Thanks .",
+ "No that is all . Thank you !",
+ "No , that 's all I need . Thank you .",
+ "That sounds great . Thanks .",
+ "That 's all I needed tonight . Thanks for the help .",
+ "No , you ' ve been awesome thanks for all your help !",
+ "No reservation needed at this time . In fact , I have everything I need . Thanks for your help today , I ' m all set .",
+ "That is all I need right now . Thank you for all of your help !",
+ "No , that 's everything . Thank you for your help .",
+ "That 's all I need today . Thank you .",
+ "No thank you that will be all",
+ "Thank you so much !",
+ "Thanks that 's all I need for now !",
+ "Thank you so much , that is all that I need for now . Have a wonderful day .",
+ "I think that about covers it . Thank you .",
+ "Thank you , that is everything that I need .",
+ "Thanks for all your help .",
+ "I just needed that information , thank you for your help today .",
+ "No , that will be all . Thank you !",
+ "That should be all , Thank you very much .",
+ "No thank you that will be all",
+ "Wonderful , thanks for your help today .",
+ "Thanks so much - that 's all I need today . You ' ve been a great help !",
+ "No thank you that is all I need for now .",
+ "Not at this time , no . I just needed the information , thank you .",
+ "That is everything . Thank you !",
+ "Thank you so much . That is all I need today .",
+ "Okay thank you so much !",
+ "No , thank you !",
+ "No that will be all thank you",
+ "Great , thank you so much for your help today .",
+ "No that is it . Thank you .",
+ "thank you that will be all",
+ "That is all I need for today . Thanks for your help !",
+ "That 's it , thank you very much for your help .",
+ "That 's okay . I know how that is sometimes . That was it . Thanks for your help and have a great day .",
+ "Thank you so much for your assistance today I think that will be all .",
+ "Thank You !",
+ "No thank you",
+ "Sure you can book that for me , thank you !",
+ "Actually , I ' m not ready to book yet . I think I have the information I need , thank you !",
+ "That will be all . Thanks for your help .",
+ "Thank you , that is all I need at this time .",
+ "Thanks , that 's what I needed .",
+ "no , thank you",
+ "Thanks , I ' m all set . You can end this conversation on your end now !",
+ "Thank you for your time .",
+ "That is all today , thank you .",
+ "That is all I need , thanks .",
+ "Thank you so much . That 's all I need today .",
+ "That is everything . Thank you .",
+ "Thanks , I do n't need anything else today .",
+ "thanks so much you ' ve been really patient and kind .",
+ "No , you have helped me fully . Thank you very much .",
+ "That should be all that I need , thank you .",
+ "Thank you that will be all I need",
+ "That is all I need . Thanks , and have a nice day .",
+ "Thank you very much . Have a nice day !",
+ "That is all that I need thanks .",
+ "Yes , a table for two at 5:00 . Thanks !",
+ "Thank you very much . That is all for now .",
+ "No that 's all I need . Thank you for the help !",
+ "That is all I need . Thank you .",
+ "Thanks so much . That 's all I need today .",
+ "Thank you that 's all I need today .",
+ "Thank you for helping me . That is all I need for right now .",
+ "welcome . Thank you for your help",
+ "Thank you so much that is everything that I need .",
+ "Thank you ! You ' ve been very helpful . I will be sure to ask for you if I need anything else on our trip .",
+ "Ok , that 's great , thank you for your help .",
+ "No that 's all , thanks !",
+ "Thank you so much for all your help .",
+ "No , that 's good , thanks .",
+ "Okay , I will do that , thank you for your help .",
+ "That would be perfect , thank you .",
+ "Thank you , also can you help me find a place to eat ?",
+ "No , that will be all . Thank you very much for your time .",
+ "Thank you , that is all I need .",
+ "Great , thank you for all your help today .",
+ "No , I believe that is everything . Thank you .",
+ "Thanks one more time . Lets end this conversation PLEASE",
+ "Actually hold off on booking for now . Thank you for your help .",
+ "No , that will be all . Thank you for all your assistance .",
+ "No , that 's all . You ' ve been very helpful ! Thank you .",
+ "No , that 's all the information I need right now . Thank you for all your help .",
+ "That is all , thank you very much .",
+ "No , that is it . Thank you .",
+ "Thanks so much .",
+ "No , I think that that is all I need . Thank you very much !",
+ "That is it , thanks .",
+ "Great ! Thanks very much !",
+ "That 's it ! Thank you for your help !",
+ "thanks !",
+ "No , I think that 's everything . Thanks for the info .",
+ "That is all , thanks .",
+ "That is all I needed . Thank you !",
+ "No , that 's all . Thanks for your help .",
+ "Thank you for your help , that 's all the help I need today .",
+ "Nothing else . I look forward to the meal . Thank you for all your help .",
+ "Thanks so much . Can you help me with a place to stay ?",
+ "Thanks , I actually do n't need you to book a ticket . In fact , I ' m all set . Thank you for your help !",
+ "Thank you very much !",
+ "No actually , that is just the information I needed . Thanks and have a good day .",
+ "Okay . Thank you for your time !",
+ "Thank you so much .",
+ "That will be all . Thank you .",
+ "Thank you . That helped a lot .",
+ "No , that is it , thank you .",
+ "No , that is all I need . Thank you for your help !",
+ "No , thank you for your help .",
+ "Okay thank you for all your help .",
+ "no that is all i wanted from you today thank you",
+ "Thank you for your help , you do the same .",
+ "Thank you so much for your help . You have been most helpful .",
+ "that is all i wanted to know for today thank you",
+ "Great . Thank you for all your help .",
+ "Thank you so much .",
+ "No , thank you for your help .",
+ "No thank you . That will be all .",
+ "Okay thank you very much .",
+ "No , that should be all . Thank you so much for your assistance !",
+ "Okay thanks a lot , that 's all I need !",
+ "Yes , that would be great . Thank you .",
+ "That would be great , thank you !",
+ "I would say I ' m all set , thank you !",
+ "Thank you so much . That 's all I need for today .",
+ "No that would be all . Thanks !",
+ "Please book for me , thanks .",
+ "I think that is all for today . Thank you !",
+ "nope , that 's all I need thank you !",
+ "Well , that is pretty early , but I think it will work . Thank you so much !",
+ "Great , thanks for your help .",
+ "No that was all . Thanks",
+ "No , thank you . That is all I need .",
+ "Thank you very much .",
+ "No that will be all , thank you .",
+ "Thanks so much . I wo n't be needing anything further today .",
+ "Thank you . You have bee very helpful . Have a nice day .",
+ "No thanks , that will be everything .",
+ "No thank you , you have been very helpful but please use you 're and your in the right places .",
+ "No , that 's OK , I have everything I need now . Thanks very much for your help !",
+ "Okay thank you .",
+ "That 's all I needed . Thank you !",
+ "Perfect ! ! Thank you so much .",
+ "great thank you !",
+ "Yea that is okay THank you",
+ "no thanks that 's all",
+ "Great , thank you very much . That 's all I need .",
+ "Ok great , thanks very much !",
+ "No , but thank you , you ' ve been very helpful .",
+ "No , nothing else . Thanks so much .",
+ "I do not think I want to book at this time . Thank you for all your help .",
+ "Thank you , that was everything that I needed .",
+ "Yes , that 's perfect ! Thank you so much for your help .",
+ "Thank you , have a great day .",
+ "That 's all I needed . Thanks for your help .",
+ "I do not have a specific time to leave , thank you for asking .",
+ "Thank you so much for your help .",
+ "That is all for now . Thank you for all your help .",
+ "No that s all I need thank you",
+ "Thank you . That is all that I need .",
+ "You too . Thank you .",
+ "Thank you very much for you help today .",
+ "That is all , Thank you very much .",
+ "That sounds perfect . Thanks !",
+ "Thanks ! Have a good day .",
+ "I think that is all , thank you , cheers .",
+ "No , that 's all I need . Thank you !",
+ "That is all I needed thank you .",
+ "No , thank you .",
+ "Thank you for all your help .",
+ "Please do , thank you .",
+ "I 'll do that later once I find out how many people can make it . Thank you for all your help .",
+ "No , that is it . Thank you so much .",
+ "No thank you that will be all",
+ "There is nothing more for me . Thanks for your help , adios !",
+ "No thank you . That is great .",
+ "Great that 's all the info I need , thank you .",
+ "Thank you for your help !",
+ "I will , thank you again !",
+ "That is everything , thank you for your help .",
+ "Nope . That 's it . Thank you .",
+ "No , thank you . That was all I needed . Thank you . Have a good day !",
+ "Thank you that is all I needed .",
+ "Thank you for your help . That is all I need today .",
+ "Perfect , thank you for all your help . That is all for now .",
+ "yes please book it for me thank you",
+ "Oh , that 's alright , thanks for your help !",
+ "No , thank you . That 's all I need today .",
+ "Yes , that 's everything . Thanks !",
+ "Yes , that sounds good . Thank you .",
+ "No , thanks . No need . I will do that later . Thank you for all the info . Have a nice day .",
+ "That 's all I need . Thank you .",
+ "Thanks again for your help .",
+ "Thank you for helping me .",
+ "Actually that 's all , thank you .",
+ "Thanks for your time . That is all for now .",
+ "That 's all I needed . Thank you .",
+ "Thank you so much for all your help !",
+ "that is it for now . thanks for helping .",
+ "Thank you for your help , have a nice day .",
+ "That is all I need , thank you .",
+ "No , that should be all today . Thank you .",
+ "Thanks so much . I think that was all I needed . Have a great day .",
+ "No , that 's everything today , thank you .",
+ "Thank you . That 's all I need .",
+ "Great that 's all I needed to know , thank you for your help .",
+ "Okay thank you , that 's all I needed .",
+ "No thank you , that is everything .",
+ "No that will be all for now . Thank you !",
+ "Awesome . Thank you so much .",
+ "No , that is all I need today . Thank you .",
+ "That is all thank you .",
+ "No thank you that is all the information I need today .",
+ "No , that 's it . Thanks .",
+ "No , thank you . I ' m all set !",
+ "I have everything I need . Thanks for all your help !",
+ "Thanks so much . That 's all I need today .",
+ "Thank you for your assistance . I will do the booking , myself .",
+ "that is fine for today . thank you",
+ "No that 's all . Thanks !",
+ "No , that 's all I need . Thanks !",
+ "That is all ! Thank you !",
+ "Great . Thank you . That 's all I need today .",
+ "No , that 's all . Thank you very much for your help .",
+ "No , that 's all I need . Thanks for your help !",
+ "yes and thank you for your help",
+ "That was all I needed . Thank you so much for all the assistance .",
+ "No , I think I can do that myself . Thank you for all your help today .",
+ "You too , thanks !",
+ "Thank you ! Can you also help me with a place to stay ?",
+ "No . That 's all thanks .",
+ "No thanks , I am all set .",
+ "I think that 's all for now , thank you .",
+ "No thank you that will be all . Thank you for your help in booking my trip and stay !",
+ "Holy Moly ! No , thanks , that 's everything I needed today .",
+ "Thank you . That was all I needed .",
+ "OK , thanks . That 's all I need today !",
+ "Thanks , that is all I need .",
+ "YOu too thanks so much .",
+ "No , I believe we are all set . Thank you !",
+ "That was all . Thanks",
+ "No , I do n't need that anymore . Thanks . Have a great day !",
+ "That 's all . Thank you for your help !",
+ "No , that 's it . Thank you .",
+ "Sounds great ! Thank you so much .",
+ "Thanks so much , I think that 's all I 'll need .",
+ "That should be all , thank you for your assistance .",
+ "That will be all . Thanks so much for your help .",
+ "That sounds perfect ! Please book it for me . Thank you !",
+ "That is all I needed today and I thank you for your help .",
+ "No thank you I will think of something else once I call a friend .",
+ "Great thank you so much .",
+ "Thank you , that will be all for today .",
+ "Thanks . I would like some information on Rosa 's bed and breakfast , please .",
+ "That is everything , thank you very much .",
+ "That 's all I needed today , thank you",
+ "I think I ' m all set . Thanks !",
+ "I 'll be leaving from Cambridge , thanks .",
+ "Thanks very much for your help .",
+ "Great . ! ! Nope that 'll be all .Thank you have a great day",
+ "Thank you , that 's all I need today .",
+ "Thank you so much for your help . No , that is all .",
+ "No , that 's all I need today . Thank you so much .",
+ "No that wo n't be necessary . I have all of the information I need for now . Thanks",
+ "that 's it for today . thank you for your help !",
+ "No , that 'll be all , thanks . You were a great help .",
+ "Thank you so much for all of your help . That is all I needed for today .",
+ "No , that is all I will need today . Thank you very much .",
+ "That sounds perfect . I will check it out , thanks .",
+ "No , that will be all . Thank you .",
+ "That was everything . Thank You",
+ "Thank you . Thanks again for your help .",
+ "At the London Museum thank you",
+ "that is all , thanks",
+ "Thank you , I appreciate it .",
+ "Great , that 's all I need , thanks so much for your help ! Have a great day !",
+ "Thank you for all your help !",
+ "Ok . Thanks .",
+ "No , thank you . That is all I need .",
+ "Yes they have . Thank you !",
+ "That 's everything I needed . Thank you !",
+ "Thank you so much for your help .",
+ "Thank you , that should be all for today .",
+ "naw i ' m good thanks",
+ "Likewise , thanks very much !",
+ "That 's all I need , thanks .",
+ "That is everything , thank you .",
+ "Thank you that will be all",
+ "No thank you That is all .",
+ "No thank you . You have helped me tremendously and I have everything I need to know . Thanks and have a good day .",
+ "That will be all , thanks for your help .",
+ "Thank you . That is all I need today .",
+ "That 's all I need today thanks for all the help .",
+ "That is great . Thank you .",
+ "Nah , that 'll be all , thank you .",
+ "Thank you for your assistance . You have went above and beyond .",
+ "Thanks that 's all I need",
+ "Just me , thank you .",
+ "Thank you , that is all I need for to today .",
+ "Perfect , thanks so much . Have a great day .",
+ "No thank you . I also need a place to go .",
+ "Thank you for your help .",
+ "That is all , thank you for your help",
+ "Nope , that 's all I need . Thanks for your help !",
+ "Thank you for your help !",
+ "That is all for today , thanks for the help !",
+ "Great , thanks so much . Sorry for the confusion .",
+ "That is everything , thanks for your help .",
+ "That is all I need . Thank you .",
+ "Okay Thank you . That is all I need .",
+ "Thank you for being so helpful , but you ' ve done all I needed today . Have a very nice day !",
+ "Thanks for you 're help ! That 'll be all .",
+ "Great that 's all I needed , thanks .",
+ "Thank you . That is all that I need .",
+ "Yes , can you please and send me a reference number ? Thank you",
+ "Yes I would please . Thanks .",
+ "Thanks , I ' m all set now . Have a good day !",
+ "No that will be all for today . Thank You !",
+ "Thank you , that is all I need . Have a good day .",
+ "i really appreciate , thanks",
+ "No , that 's everything . Thank you very much for your time .",
+ "No , that was all I needed . Thank you so much for your help !",
+ "Thank you for everything , you were most helpful .",
+ "No , thank you . You ' ve been very helpful .",
+ "No , that 's all I needed . Thank you so much and have a wonderful day !",
+ "Nope . I think I ' m all set . Thank you kindly .",
+ "Yes thank you . That is all .",
+ "Ok thank you for the prompt response . That 's all I needed .",
+ "Thank you for all of your help . I do n't need anything else today .",
+ "Great , thanks for your help !",
+ "No that was all for now . Thanks",
+ "No , you ' ve taken care of everything . Thanks so much . Have a great day .",
+ "Thank you for all your help .",
+ "Great thank you for your help you have been great to deal with .",
+ "Thank you for your help .",
+ "Thank you very much , that should be it .",
+ "Thank you , you too !",
+ "Not today - thank you so much for all your help ! I ' m excited to see Cambridge .",
+ "That 's all the help I need for today , thank you .",
+ "Thank you for all your help .",
+ "Okay , the four will be fine , then . I do n't need to book , yet . Thanks for your help .",
+ "Thank you , that is all I needed .",
+ "Thank you for your help .",
+ "Thank you . That 's everything I needed .",
+ "thanks for your help",
+ "That is all I needed today , thank you for your help .",
+ "Thanks . Can you please give me its address ?",
+ "I think that is all I need today . Thank you for your help .",
+ "No , that 's all , thanks .",
+ "Great thank you I think I have all I need",
+ "That is all I need , thank you .",
+ "thanks for helping have a good day",
+ "That will be all today . Thank you very much .",
+ "Thank you for your help .",
+ "No that was all . Thank you",
+ "Thank you . You ' ve been very helpful .",
+ "I think that is all for now ! Thanks again . Have a great day !",
+ "Thank you that is all I needed today .",
+ "Thank you , that 's all for now .",
+ "Thank you . Now I would like to party all night at a good night club . Can you help with that ?",
+ "OK , I suppose that will have to do . Thank you .",
+ "That is all . Thank you .",
+ "That is all I needed . Thanks !",
+ "Thank you . That is all that I need .",
+ "Yes , that would work quote well . I wo n't be needing a ticket just yet , though . Thank you !",
+ "Yes thank you",
+ "No , that is all . Thank you so much for the assistance .",
+ "That is all . Thanks so much for your help !",
+ "Wonderful , that 's all I need to know . Thanks !",
+ "No that will be it ! Thank you !",
+ "Yes . That 's all I need . Thanks .",
+ "Great ! Thank you so much !",
+ "yes if it leave after 19:30 . thanks",
+ "cool , thanks dude",
+ "Thank you ! That will be all for today !",
+ "I actually do nt need you to book anything . This is all I need today . thank you",
+ "Thank you very much . Have a great day .",
+ "Thank you very much for your help !",
+ "Thank you ! That is all I need .",
+ "Ok , thank you have a great day !",
+ "Yes , thanks for your help !",
+ "Great thank you I think I have all the information I need",
+ "No thank you . Appreciate the help !",
+ "Nothing else today , thanks .",
+ "No that will be all thank you .",
+ "No , thank you . I 'll have to figure something else out .",
+ "No , that will be all . Thank you !",
+ "thank you very much",
+ "Great ! That is all that I needed to know . Thank you so much .",
+ "Great that was all I needed thank you for your help !",
+ "Yes , that will work . Thank you for your help !",
+ "Okay thank you for your help .",
+ "No , that 's all I needed . Thank you .",
+ "No , you have been very helpful . Thank you .",
+ "That should be all I need , thank you .",
+ "Thanks , that 's all I need . Have a nice day .",
+ "no thank you that is all",
+ "nope , that 's all thanks so much !",
+ "Yes , that is it for today . Thanks again .",
+ "No that was it thank you very much .",
+ "Great , thanks for your help .",
+ "No , that 's all I need thanks !",
+ "No that will be all thanks so much .",
+ "no thanks that is all",
+ "No , thanks , I 'll just take care of it at the station . You ' ve been a big help .",
+ "No . Thanks for all of your help though .",
+ "Thank you for contacting us .",
+ "Thanks , that 's all I need today !",
+ "No , thanks . I ' m not ready to book at this time .",
+ "No , thanks , you ' ve been great , I do n't need anything else .",
+ "That 's great , thank you .",
+ "That s all for today thanks !",
+ "Thank you very much .",
+ "ok that 's all i need thanks",
+ "Thank you so much for your help !",
+ "I am not ready to book yet . Thanks for the information .",
+ "That is all ! Thanks !",
+ "That will be all . Thanks .",
+ "Thanks so much for your help today !",
+ "No that is it . Thank you very much .",
+ "No that will be all thank you so much .",
+ "Great , thanks . I think that 's all I need . Thank you for all of your help .",
+ "I think that 's everything I need . Thank you very much .",
+ "Thank you for your help !",
+ "Thank you so much for your help ! That should be all for now .",
+ "That is all . Thank you so much for your help .",
+ "Thank you so much for your help !",
+ "That 's all I needed , thanks so much !",
+ "Thank you so much !",
+ "No thank you , you have been very helpful ! And have a wonderful day !",
+ "No , that will be all . Thank you for your help !",
+ "Thank you very much for your time . Have a nice day !",
+ "No that 's all I need . Thanks for your help !",
+ "I certainly will . Thanks for the help that is all I needed .",
+ "That is all for today . Thank you .",
+ "That 's all I need . Thanks .",
+ "That 's all . Thank you very much .",
+ "Thank you , that is everything .",
+ "Great , that 's all I need , thanks so much ! Have a great day !",
+ "No thank you that is all I needed today .",
+ "Awesome , thanks ! I think that takes care of everything I needed .",
+ "That is all , thanks for your help .",
+ "Okay thank you for your help .",
+ "No , that 's all I need . Thanks for your help .",
+ "That is all . Thanks so much !",
+ "Come to think of it , I wo n't need a reservation . That will be all for today . Thanks for your help !",
+ "No , that was everything I needed , thank you for your help .",
+ "No that 's all I needed . Thanks for your help .",
+ "No thank you , that is everything that I need .",
+ "Thanks , that 's great . I think I ' m done for today .",
+ "No , that will be all . Thank you for your help !",
+ "No , that 's all I need . Thank you for your help .",
+ "Okay , thanks ! Are they both 4-star ?",
+ "thank you again",
+ "Yes , that 's fine , thank you ! That 's all I need .",
+ "Thank you . That is all I need .",
+ "No , thanks again .",
+ "No , that is it , thanks !",
+ "That is everything that I need , thanks for your help .",
+ "Okay perfect . Thank you !",
+ "No thank you . I am all set !",
+ "No , I ' m not ready to book yet . Thanks for your help . I am all set .",
+ "That is all . Thank you .",
+ "Wonderful , thanks for your help .",
+ "No thank you .",
+ "no that s alright , thanks for the info",
+ "That 's all I needed , thanks . Have a good ' un !",
+ "That 's all I needed today , thank you .",
+ "Okay great . Thank you very much .",
+ "That will be all . Thank you for your help .",
+ "Thanks for all of your help , you ' ve been great !",
+ "That 's all I need today . Thanks for your help !",
+ "No , that 's all I need today . Thanks again .",
+ "OK , thanks , that 's what I needed .",
+ "No , I think that 's all . Thanks so much .",
+ "Thank you ! That is all I need .",
+ "That sounds perfect . Thank you for your help today !",
+ "No , that 's it ! Thank you so much !",
+ "Thanks so much for the help .",
+ "No thank you have a nice day .",
+ "Great that was all I needed today , thank you !",
+ "That is all I need . Thank you .",
+ "Okay thank you for everything .",
+ "I think that 's everything , thank you",
+ "Thank you so much . That is all I need today .",
+ "Thank you , same to you .",
+ "Thank you , that is all that I need .",
+ "No , that 's all I needed . Thank you .",
+ "That is all for now . Thanks",
+ "I sure will , thanks again !",
+ "Thanks so much , that 's all I need today !",
+ "That is all . Thanks so much !",
+ "Thank you that is all I need .",
+ "I think that is all I needed today . Thank you !",
+ "Thank you so much !",
+ "no , that is it . Thanks",
+ "No that is all thank you .",
+ "Not at the moment . Thank you .",
+ "Yes , you have . Thank you . Have a good day .",
+ "Thanks a bunch ! That 's all I needed . Take care and have a good day .",
+ "Thank you that is all I needed .",
+ "No , that is all . Thank you !",
+ "That is everything , thank you .",
+ "Thank you for your help .",
+ "Okay . Thank you . That will be all .",
+ "Great . Thank you .",
+ "Yes , that would be wonderful . Thanks .",
+ "That 's all . Thanks .",
+ "No , that is all I need . Thank you !",
+ "Yes thanks , that will be all .",
+ "No that is everything . Thank you for your help !",
+ "That is all for now . Thank you",
+ "Thanks so much .",
+ "Nope that is it . thank you .",
+ "That is all I need , thank you .",
+ "That is all . Thank you for your help .",
+ "No thanks . I will go ahead and book later . I think that 's all the information I need for today .",
+ "Wonderful . Thank you .",
+ "Nope . You helped me with everything I need . Thanks .",
+ "Sounds great . That 's all I needed . Thank you !",
+ "Thank you very much for all your help .",
+ "Thank you so much for your help ! That 's all I needed !",
+ "You as well , thanks !",
+ "No , i do n't need anything else ! Thanks and have a good day !",
+ "That 'll aboutdo it , thanks a bunch .",
+ "Thank you , appreciate your service .",
+ "No , thanks so much !",
+ "Great , thank you , and to be sure , this is actually a pool , correct ?",
+ "No I think that 's all , thank you",
+ "Thank you so much . I also need a place to stay while in Cambridge . Could you help me find a room please ?",
+ "Thanks ! That 's all I need for now !",
+ "I think that will do it . Thanks for the information .",
+ "thank you very much",
+ "Nope , that 's all ! Thanks !",
+ "No that will be all , thank you .",
+ "Thank you so very much . I am done .",
+ "Thanks , that 's all I need .",
+ "Thank you . That is all that I need .",
+ "Thank you for the information",
+ "No that will be everything I needed for today . Thank You !",
+ "Thanks , that 's all I need . Have a nice day .",
+ "No . That 's all I needed to know , thank you .",
+ "thank you that will be all",
+ "No , that is all I need today . Thanks !",
+ "Great . Thank you so much !",
+ "No , that 's all I need for right now . Thanks for the assistance !",
+ "No , that should be it . Thanks so much .",
+ "Thank you so much for your help !",
+ "Great , thanks , that 's all I need !",
+ "No that 's okay , I just wanted to learn about it . Thanks !",
+ "No , not at this time . Thanks for your help .",
+ "Great , thanks ! That 's all I needed !",
+ "That 's all I need today . Thank you so much for your help !",
+ "No thank you , that is everything .",
+ "Thank you so much for your help !",
+ "Nope , that 's all I needed today . Thanks !",
+ "Thanks . I will check it out .",
+ "Thanks so much , that is all I needed .",
+ "Thank you for your help .",
+ "Great . That 's what I was looking for . Thanks for your help .",
+ "No thank you , that is everything .",
+ "That 's great . Thanks .",
+ "That 's all I needed help with today . Thanks !",
+ "That is all for now . Thank you for all your help .",
+ "Thank you so much , I will book later . Have a great day , you have been helpful .",
+ "Thank you for the information . Have a nice day .",
+ "Thank you ! You have a nice day as well .",
+ "Thank you so much !",
+ "Great ! Thank you for your help !",
+ "No that will be all for today . Thank you !",
+ "That'a all I need for today . Thanks !",
+ "Thank you . That 's all the information I need for now .",
+ "Thank you . I have written the information down . I appreciate you gathering the details .",
+ "No that is it , thank you !",
+ "Thank you . That will be everything I need today .",
+ "no that is enough for now . thanks for helping",
+ "awesome ! thank you so much !",
+ "That is all I needed today . Thank you so much .",
+ "No , I believe that 's everything for now . Thank you for all of your help .",
+ "Great ! Thanks so much .",
+ "No that is all . Thanks",
+ "Great , thanks . That 's all I need .",
+ "No , that will be all , thank you .",
+ "Thank you very much for the information . That is all I needed help with . Have a nice day .",
+ "Great , thank you ! That will be all I need for now .",
+ "9:50 departure , 4.40 pounds , TR1923 . I got it , thank you !",
+ "Thanks . That takes care of everything for me .",
+ "Great ! Thank you so much !",
+ "I think that is all I need . Thank you .",
+ "That 's awesome . Thanks that 's all i need !",
+ "No , that 's it . Thanks for your help .",
+ "That should be all for today . Thank you for your help .",
+ "Okay that 's all I need for now . Thank you .",
+ "Nope , that 'll do it ! Thank you for all your help !",
+ "Not right now . In fact , that 's all the info I needed . Thanks for your help !",
+ "That should be everything . Thank you for all of the assistance !",
+ "No , thank you . That 's everything I need .",
+ "Yes thank you .",
+ "thank you I got all I need now",
+ "No , thank you , that is all for now . Have a great day .",
+ "Great , thanks so much ! That 's all I need ! Have a great day !",
+ "I think that 's all I need . Thank you !",
+ "No . That will be all for now . Thank you for your help .",
+ "Sorry , I do n't need a reservation . That 's all I need , thanks so much for your help !",
+ "No , thank you .",
+ "Awesome . Thanks so much for your help today !",
+ "Thank you . Once you provide me with the reference number that is all I need .",
+ "That 's all I need for now . Thanks for the help .",
+ "No , that covers everything . Thanks so much !",
+ "Perfect that s everything thanks",
+ "I think that 's everything , thank you for your time ."
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_system_template_nlg.json b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_system_template_nlg.json
new file mode 100644
index 0000000..fa2f692
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_system_template_nlg.json
@@ -0,0 +1,1406 @@
+{
+ "Attraction-Inform": {
+ "Addr": [
+ "it is located in #ATTRACTION-INFORM-ADDR#",
+ "adress is #ATTRACTION-INFORM-ADDR#",
+ "It is on #ATTRACTION-INFORM-ADDR# .",
+ "their address in our system is listed as #ATTRACTION-INFORM-ADDR# .",
+ "The address is #ATTRACTION-INFORM-ADDR# .",
+ "it 's located at #ATTRACTION-INFORM-ADDR# .",
+ "#ATTRACTION-INFORM-ADDR# is the address",
+ "They are located at #ATTRACTION-INFORM-ADDR# ."
+ ],
+ "none": [
+ "what information would you like about it today ?",
+ "i have their info , what would you like to know ?"
+ ],
+ "Choice": [
+ "I ' ve found #ATTRACTION-INFORM-CHOICE# places for you to go . Do you have any specific ideas in mind ?",
+ "sorry about that , there are actually #ATTRACTION-INFORM-CHOICE# .",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# for you to choose from .",
+ "There are #ATTRACTION-INFORM-CHOICE# . Would you like me to recommend one for you ?",
+ "We have #ATTRACTION-INFORM-CHOICE# of those ! Anything specific you need or just a recommendation ?",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# options for you",
+ "sure , there are #ATTRACTION-INFORM-CHOICE# in that area .",
+ "we have #ATTRACTION-INFORM-CHOICE# options , can i reccomend for you ?",
+ "there are #ATTRACTION-INFORM-CHOICE# , anything in particular you are looking for ?",
+ "We have #ATTRACTION-INFORM-CHOICE# such location ."
+ ],
+ "Post": [
+ "The postcode is #ATTRACTION-INFORM-POST# .",
+ "The post code is #ATTRACTION-INFORM-POST# .",
+ "Its postcode is #ATTRACTION-INFORM-POST# .",
+ "Their postcode is #ATTRACTION-INFORM-POST# ."
+ ],
+ "Fee": [
+ "Its entrance fee is #ATTRACTION-INFORM-FEE# .",
+ "The park is #ATTRACTION-INFORM-FEE# .",
+ "The entry fee is #ATTRACTION-INFORM-FEE# .",
+ "their entrance fee is #ATTRACTION-INFORM-FEE# by our system currently ."
+ ],
+ "Name": [
+ "I think a fun place to visit is #ATTRACTION-INFORM-NAME# .",
+ "#ATTRACTION-INFORM-NAME# looks good .",
+ "#ATTRACTION-INFORM-NAME# is available , would that work for you ?",
+ "we have #ATTRACTION-INFORM-NAME# .",
+ "#ATTRACTION-INFORM-NAME# is popular among visitors .",
+ "How about #ATTRACTION-INFORM-NAME# ?",
+ "What about #ATTRACTION-INFORM-NAME# ?",
+ "you might want to try the #ATTRACTION-INFORM-NAME# ."
+ ],
+ "Area": [
+ "That one is located in the #ATTRACTION-INFORM-AREA# .",
+ "it is located in the #ATTRACTION-INFORM-AREA# .",
+ "They are located within the #ATTRACTION-INFORM-AREA# .",
+ "it 's located in the #ATTRACTION-INFORM-AREA# .",
+ "That is in the #ATTRACTION-INFORM-AREA# .",
+ "It will be located in the #ATTRACTION-INFORM-AREA# .",
+ "it is in the #ATTRACTION-INFORM-AREA# of the city",
+ "It is in the #ATTRACTION-INFORM-AREA# ."
+ ],
+ "Phone": [
+ "The phone number is #ATTRACTION-INFORM-PHONE# .",
+ "Here is the phone number , #ATTRACTION-INFORM-PHONE# ."
+ ],
+ "Type": [
+ "It is listed as a #ATTRACTION-INFORM-TYPE# attraction .",
+ "it is a #ATTRACTION-INFORM-TYPE# .",
+ "Absolutely . There are some wonderful #ATTRACTION-INFORM-TYPE# in that area .",
+ "it 's considered a #ATTRACTION-INFORM-TYPE# .",
+ "Would you be interested in visiting a #ATTRACTION-INFORM-TYPE# ?",
+ "It 's a #ATTRACTION-INFORM-TYPE# attraction .",
+ "It is listed as #ATTRACTION-INFORM-TYPE# ."
+ ],
+ "Open": [
+ "#ATTRACTION-INFORM-OPEN# in our database .",
+ "#ATTRACTION-INFORM-OPEN# ."
+ ],
+ "Price": [
+ "it is in the #ATTRACTION-INFORM-PRICE# price range",
+ "The fee is #ATTRACTION-INFORM-PRICE# ."
+ ]
+ },
+ "Attraction-NoOffer": {
+ "none": [
+ "There are no attractions matching that description .",
+ "I ' m sorry but I have not found any matches .",
+ "I ' m sorry there are no matches .",
+ "There are none available at this time .",
+ "I ' m sorry . I ' m not finding any attractions that meet your criteria .",
+ "we do nt have any in that area .",
+ "I do n't have anything meeting that criteria ."
+ ],
+ "Type": [
+ "There are no #ATTRACTION-NOOFFER-TYPE# close to the area you are requesting",
+ "No , I ' m sorry , I am not finding anything with #ATTRACTION-NOOFFER-TYPE# . Perhaps another type of attraction would interest you ?",
+ "I ' m sorry , but it does n't look like we have a #ATTRACTION-NOOFFER-TYPE# that matches your criteria .",
+ "Unfortunately there are no #ATTRACTION-NOOFFER-TYPE# venues in that location .",
+ "I ' m sorry , I do n't see any #ATTRACTION-NOOFFER-TYPE# attractions in that area of town . Is there anything else you 'd be interested in seeing ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in this area .",
+ "I ' m sorry . There are no #ATTRACTION-NOOFFER-TYPE# listed in that area .",
+ "Unfortunately I can not find anything strictly categorized as #ATTRACTION-NOOFFER-TYPE# in that area can you provide more specifications ?",
+ "There are no #ATTRACTION-NOOFFER-TYPE# in that area ."
+ ],
+ "Name": [
+ "There is no listing for #ATTRACTION-NOOFFER-NAME#",
+ "i am sorry but i actually am not finding any information for #ATTRACTION-NOOFFER-NAME# ."
+ ],
+ "Area": [
+ "no such attractions in #ATTRACTION-NOOFFER-AREA#",
+ "I ' m sorry , I could n't find anything like that in the #ATTRACTION-NOOFFER-AREA# .",
+ "sorry , i could n't find anything in the #ATTRACTION-NOOFFER-AREA# .",
+ "I ' m sorry there 's no entertainment in the #ATTRACTION-NOOFFER-AREA# .",
+ "I am sorry , I am unable to locate an attraction in #ATTRACTION-NOOFFER-AREA# ?"
+ ],
+ "Fee": [
+ "sorry , i could n't find anything with #ATTRACTION-NOOFFER-Fee# .",
+ "There are no attractions with #ATTRACTION-NOOFFER-Fee# ."
+ ],
+ "Addr": [
+ "I ' m sorry , but I do n't see any attractions at #ATTRACTION-NOOFFER-ADDR# ."
+ ]
+ },
+ "Attraction-Recommend": {
+ "Name": [
+ "we have #ATTRACTION-RECOMMEND-NAME#",
+ "#ATTRACTION-RECOMMEND-NAME# looks good , would you like to head there ?",
+ "Would you like #ATTRACTION-RECOMMEND-NAME# ?",
+ "you would love #ATTRACTION-RECOMMEND-NAME#",
+ "I recommend #ATTRACTION-RECOMMEND-NAME# , it 's got a lot of great features to watch !",
+ "I would suggest #ATTRACTION-RECOMMEND-NAME# .",
+ "I 'd recommend #ATTRACTION-RECOMMEND-NAME# . Would you like some information on it ?",
+ "You would love #ATTRACTION-RECOMMEND-NAME#",
+ "#ATTRACTION-RECOMMEND-NAME# meets your requirements .",
+ "how about #ATTRACTION-RECOMMEND-NAME# ? they 're pretty fun ."
+ ],
+ "Type": [
+ "I would suggest visiting one of the famous #ATTRACTION-RECOMMEND-TYPE# .",
+ "How about a #ATTRACTION-RECOMMEND-TYPE# ?",
+ "Would a #ATTRACTION-RECOMMEND-TYPE# work for you ?",
+ "How about visiting one of our many architecturally important #ATTRACTION-RECOMMEND-TYPE# ? May I offer you a list ?",
+ "It 's an #ATTRACTION-RECOMMEND-TYPE# . Great for the whole family , especially the younger ones !",
+ "All Saints Church has some lovely #ATTRACTION-RECOMMEND-TYPE# . Does that suit your needs ?"
+ ],
+ "none": [
+ "It 's a really fun attraction with lots of interesting things to do in it ."
+ ],
+ "Fee": [
+ "Its entrance fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "The park is #ATTRACTION-RECOMMEND-FEE# .",
+ "The entry fee is #ATTRACTION-RECOMMEND-FEE# .",
+ "their entrance fee is #ATTRACTION-RECOMMEND-FEE# by our system currently ."
+ ],
+ "Addr": [
+ "it is located in #ATTRACTION-RECOMMEND-ADDR#",
+ "adress is #ATTRACTION-RECOMMEND-ADDR#",
+ "It is on #ATTRACTION-RECOMMEND-ADDR# .",
+ "their address in our system is listed as #ATTRACTION-RECOMMEND-ADDR# .",
+ "The address is #ATTRACTION-RECOMMEND-ADDR# .",
+ "it 's located at #ATTRACTION-RECOMMEND-ADDR# .",
+ "#ATTRACTION-RECOMMEND-ADDR# is the address",
+ "They are located at #ATTRACTION-RECOMMEND-ADDR# ."
+ ],
+ "Post": [
+ "The postcode is #ATTRACTION-RECOMMEND-POST# .",
+ "The post code is #ATTRACTION-RECOMMEND-POST# .",
+ "Its postcode is #ATTRACTION-RECOMMEND-POST# .",
+ "Their postcode is #ATTRACTION-RECOMMEND-POST# ."
+ ],
+ "Phone": [
+ "The phone number is #ATTRACTION-RECOMMEND-PHONE# .",
+ "Here is the phone number , #ATTRACTION-RECOMMEND-PHONE# ."
+ ],
+ "Area": [
+ "That one is located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "it is located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "They are located within the #ATTRACTION-RECOMMEND-AREA# .",
+ "it 's located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "That is in the #ATTRACTION-RECOMMEND-AREA# .",
+ "It will be located in the #ATTRACTION-RECOMMEND-AREA# .",
+ "it is in the #ATTRACTION-RECOMMEND-AREA# of the city",
+ "It is in the #ATTRACTION-RECOMMEND-AREA# ."
+ ],
+ "Price": [
+ "it is in the #ATTRACTION-RECOMMEND-PRICE# price range",
+ "The fee is #ATTRACTION-RECOMMEND-PRICE# ."
+ ],
+ "Choice": [
+ "I ' ve found #ATTRACTION-RECOMMEND-CHOICE# places for you to go . Do you have any specific ideas in mind ?",
+ "sorry about that , there are actually #ATTRACTION-RECOMMEND-CHOICE# .",
+ "sure , there are #ATTRACTION-RECOMMEND-CHOICE# for you to choose from .",
+ "There are #ATTRACTION-RECOMMEND-CHOICE# . Would you like me to recommend one for you ?",
+ "We have #ATTRACTION-RECOMMEND-CHOICE# of those ! Anything specific you need or just a recommendation ?",
+ "sure , there are #ATTRACTION-RECOMMEND-CHOICE# options for you",
+ "sure , there are #ATTRACTION-RECOMMEND-CHOICE# in that area .",
+ "we have #ATTRACTION-RECOMMEND-CHOICE# options , can i reccomend for you ?",
+ "there are #ATTRACTION-RECOMMEND-CHOICE# , anything in particular you are looking for ?",
+ "We have #ATTRACTION-RECOMMEND-CHOICE# such location ."
+ ],
+ "Open": [
+ "#ATTRACTION-RECOMMEND-OPEN# in our database .",
+ "#ATTRACTION-RECOMMEND-OPEN# ."
+ ]
+ },
+ "Attraction-Request": {
+ "Type": [
+ "What type of attraction are you looking for ?",
+ "Please specify the type of attraction you 're interested in .",
+ "What type of attraction are you interested in ?",
+ "What kind of attraction are you interested in ?",
+ "What kind of attraction were you looking for ?",
+ "you have any particular attraction in mind ?",
+ "what type of attractions are you interested in ?",
+ "What sort of attraction would you like it to be ?"
+ ],
+ "Area": [
+ "Any particular area ?",
+ "is there a certain area of town you would prefer ?",
+ "I have various attractions all over town . Is there a specific area you are wanting to find something to do ?",
+ "Do you have a part of town you prefer ?",
+ "What part of town would you like it",
+ "Do you have a preference for the area of town you wish to visit ?",
+ "Where in town would you like to go ?",
+ "Which part of town would you prefer ?",
+ "Is there a specific area you are looking for ?"
+ ],
+ "Name": [
+ "What is the name of the attraction ?",
+ "What attraction are you thinking about ?",
+ "I ' m sorry for the confusion , what attraction are you interested in ?",
+ "What attraction were you thinking of ?",
+ "Do you know the name of it ?",
+ "Yes can you give me the name of it ?"
+ ],
+ "Price": [
+ "any specific price range to help narrow down available options ?",
+ "What price range would you like ?",
+ "what is your price range for that ?",
+ "What price range are you looking for ?",
+ "What price point is good for you ?",
+ "Does a entrance fee make any difference ?",
+ "Would you like a free entrance fee or paid ?",
+ "Do you need free admission or pay to get in ?",
+ "What price point would you like ?"
+ ]
+ },
+ "Booking-Book": {
+ "Ref": [
+ "Booking was successful . Reference number is : #BOOKING-BOOK-REF# .",
+ "your reference number is #BOOKING-BOOK-REF# .",
+ "Here is the booking information : Booking was successful . Reference number is : #BOOKING-BOOK-REF#",
+ "Reference number is : #BOOKING-BOOK-REF# .",
+ "All set . Your reference number is #BOOKING-BOOK-REF# ."
+ ],
+ "Name": [
+ "the #BOOKING-BOOK-NAME# seems appropriate . i have booked it for you .",
+ "i have booked you #BOOKING-BOOK-NAME#",
+ "I booked you at #BOOKING-BOOK-NAME#",
+ "Your reservation is at #BOOKING-BOOK-NAME# ."
+ ],
+ "none": [
+ "Thanks , booking has been completed .",
+ "Booking was successful .",
+ "Your booking was successful .",
+ "You 're all booked ."
+ ],
+ "Day": [
+ "I was able to book you for #BOOKING-BOOK-DAY# .",
+ "I have also reserved for #BOOKING-BOOK-DAY#",
+ "I was able to get you that reservation on #BOOKING-BOOK-DAY# ."
+ ],
+ "Time": [
+ "Would #BOOKING-BOOK-TIME# be a convenient time for you ?"
+ ],
+ "Stay": [
+ "Yes , I ' ve booked you for #BOOKING-BOOK-STAY# night .",
+ "I was able to book your reservation for #BOOKING-BOOK-STAY# days ."
+ ],
+ "People": [
+ "I was able to book it for you for #BOOKING-BOOK-PEOPLE# people .",
+ "I have booked for #BOOKING-BOOK-PEOPLE# people .",
+ "I was able to book a reservation for #BOOKING-BOOK-PEOPLE# people ."
+ ]
+ },
+ "Booking-Inform": {
+ "none": [
+ "Shall I try to start and book you into one ?",
+ "I will book it for you and get a reference number ?",
+ "Would you like for me to try and make a reservation ?",
+ "I will go ahead and book that now .",
+ "Can I make a reservation for you ?",
+ "Would you like me to book it ?"
+ ],
+ "Ref": [
+ "Booking was successful . Reference number is : #BOOKING-INFORM-REF#.",
+ "I was able to book it , reference number is #BOOKING-INFORM-REF# ."
+ ],
+ "Name": [
+ "Did you need to book the #BOOKING-INFORM-NAME# ?",
+ "It is #BOOKING-INFORM-NAME# . Do you want a reservation ?",
+ "#BOOKING-INFORM-NAME# . Would you like to book a reservation ?",
+ "Would you like to book the #BOOKING-INFORM-NAME# ?",
+ "Want me to book #BOOKING-INFORM-NAME# ?",
+ "Would you like me to book the #BOOKING-INFORM-NAME# for you ?",
+ "I ' ve located #BOOKING-INFORM-NAME# , would you like me to assist you with booking ?"
+ ],
+ "People": [
+ "Will you be booking for #BOOKING-INFORM-PEOPLE# people ?",
+ "Would you like to book for #BOOKING-INFORM-PEOPLE# people ?",
+ "that was #BOOKING-INFORM-PEOPLE# , correct ?",
+ "i want to confirm this , do i book for #BOOKING-INFORM-PEOPLE# person ?",
+ "So for #BOOKING-INFORM-PEOPLE# people in total ?",
+ "Ok I will book it for you for #BOOKING-INFORM-PEOPLE# people",
+ "I will book that for #BOOKING-INFORM-PEOPLE# people .",
+ "I will get a confirmation number for #BOOKING-INFORM-PEOPLE#",
+ "Do you want reservations for #BOOKING-INFORM-PEOPLE# people ?"
+ ],
+ "Day": [
+ "Okay , so you would like the reservation for #BOOKING-INFORM-DAY# ?",
+ "Will you be coming in on #BOOKING-INFORM-DAY# ?",
+ "Would you like this reservation be for #BOOKING-INFORM-DAY# ?",
+ "Do you want the reservations to begin on #BOOKING-INFORM-DAY# ?"
+ ],
+ "Time": [
+ "#BOOKING-INFORM-TIME# is available , would you like me to book that for you ?",
+ "I try to make the reservation for #BOOKING-INFORM-TIME# ."
+ ],
+ "Stay": [
+ "#BOOKING-INFORM-STAY# . Would you like me to book that ?",
+ "For #BOOKING-INFORM-STAY# day ?"
+ ]
+ },
+ "Booking-NoBook": {
+ "none": [
+ "I am unable to book this for you . Do you have any other preferences ?",
+ "Booking was unsuccessful do you have any other preference ?",
+ "I ' m sorry , I was unable to reserve rooms . Would you like to try anything else ?",
+ "I ' m sorry those are not available .",
+ "Unfortunately the booking was not successful ."
+ ],
+ "Day": [
+ "I apologize , but it looks like #BOOKING-NOBOOK-DAY# is not working either .",
+ "I ' m sorry #BOOKING-NOBOOK-DAY# is n't working either .",
+ "I ' m sorry but i ' m unable to make the reservation on #BOOKING-NOBOOK-DAY# .",
+ "sorry , but #BOOKING-NOBOOK-DAY# is all booked",
+ "we are currently full on #BOOKING-NOBOOK-DAY# would you like to book at another hotel ?",
+ "I ' m sorry , but there 's nothing available starting on #BOOKING-NOBOOK-DAY# .",
+ "I am unable to book for #BOOKING-NOBOOK-DAY# .",
+ "#BOOKING-NOBOOK-DAY# is not available ."
+ ],
+ "Stay": [
+ "Sorry , the hotel ca n't accommodate you for #BOOKING-NOBOOK-STAY# . want to change dates ?",
+ "Neither is available for #BOOKING-NOBOOK-STAY# nights .",
+ "They do n't have a room available for #BOOKING-NOBOOK-STAY# nights either . Anything else you 'd like me to try ?",
+ "Unfortunately it can not be booked for #BOOKING-NOBOOK-STAY# days . Did you want to get information about a different hotel instead ?"
+ ],
+ "Ref": [
+ "Great the booking was successful , your reference number is #BOOKING-NOBOOK-REF#.",
+ "Booking was successful . Reference number is : #BOOKING-NOBOOK-REF# .",
+ "Okay that booking was successful and your reference number is #BOOKING-NOBOOK-REF#."
+ ],
+ "Name": [
+ "Let 's decide on #BOOKING-NOBOOK-NAME# . Unfortunately , that appears to already be booked . Do you want to try one of the others ?"
+ ],
+ "Time": [
+ "I am sorry they do not have a table at #BOOKING-NOBOOK-TIME# , perhaps another restaurant ?"
+ ],
+ "People": [
+ "Sorry , but there is not space for #BOOKING-NOBOOK-PEOPLE# people .",
+ "Unfortunately , the time that you provided for #BOOKING-NOBOOK-PEOPLE# people is not available . Do you have other times that you prefer ?",
+ "I am sorry , I am unable to make a reservation for #BOOKING-NOBOOK-PEOPLE# at that time . Would you like me to try and find another restaurant ?",
+ "I ' m unable to book for #BOOKING-NOBOOK-PEOPLE# people . Would you like to try for one day ?",
+ "I ' m sorry but there is no availability for #BOOKING-NOBOOK-PEOPLE# people for that day and time . Would you like to try another day or time slot ?"
+ ]
+ },
+ "Booking-Request": {
+ "Day": [
+ "What day will you be staying ?",
+ "What day would you like your booking for ?",
+ "What day will you be arriving ?",
+ "What day would you like that reservation ?",
+ "what day would you like the booking to be made for ?",
+ "What day would you like to book ?",
+ "Ok , what day would you like to make the reservation on ?"
+ ],
+ "Stay": [
+ "How many nights will you be staying ?",
+ "And how many nights ?",
+ "Ok and for how many days ?",
+ "And for how many days ?",
+ "how many days would you like to stay ?",
+ "How many nights would you like to book it for ?",
+ "And what nights would you like me to reserve for you ?",
+ "How many nights are you wanting to stay ?",
+ "How many days will you be staying ?"
+ ],
+ "People": [
+ "For how many people ?",
+ "How many people will be ?",
+ "How many people will be with you ?",
+ "How many people is the reservation for ?"
+ ],
+ "Time": [
+ "Do you have a time preference ?",
+ "what time are you looking for a reservation at ?",
+ "For what time ?",
+ "What time would you like me to make your reservation ?",
+ "What time would you like the reservation for ?",
+ "what time should I make the reservation for ?",
+ "What time would you prefer ?",
+ "What time would you like the reservation for ?"
+ ]
+ },
+ "Hotel-Inform": {
+ "Internet": [
+ "it has wifi .",
+ "the place provides free wifi .",
+ "the wifi is included .",
+ "There is wifi available at the hotel .",
+ "internet is available .",
+ "it has free wifi ."
+ ],
+ "Stars": [
+ "It is rated #HOTEL-INFORM-STARS# stars ,",
+ "It is rated #HOTEL-INFORM-STARS# stars , is that okay ?",
+ "It has #HOTEL-INFORM-STARS# stars .",
+ "It has a rating of #HOTEL-INFORM-STARS# stars .",
+ "No it has #HOTEL-INFORM-STARS# star rating .",
+ "They have a #HOTEL-INFORM-STARS# Star rating",
+ "The hotel is #HOTEL-INFORM-STARS# stars .",
+ "It is a #HOTEL-INFORM-STARS#-star rating .",
+ "it does have #HOTEL-INFORM-STARS# stars ."
+ ],
+ "Name": [
+ "#HOTEL-INFORM-NAME# is available would you like to try that ?",
+ "Does the #HOTEL-INFORM-NAME# work ?",
+ "You can try #HOTEL-INFORM-NAME#",
+ "#HOTEL-INFORM-NAME# is a great place",
+ "Sorry about that ! how about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?",
+ "Okay , how about #HOTEL-INFORM-NAME# ?",
+ "what about #HOTEL-INFORM-NAME# ?",
+ "How about #HOTEL-INFORM-NAME# ?"
+ ],
+ "Area": [
+ "It is in the #HOTEL-INFORM-AREA# area .",
+ "They are located in the #HOTEL-INFORM-AREA# .",
+ "it is in the #HOTEL-INFORM-AREA# .",
+ "It 's located in the #HOTEL-INFORM-AREA# .",
+ "It is in the #HOTEL-INFORM-AREA# part of town .",
+ "It 's in #HOTEL-INFORM-AREA# .",
+ "It is indeed in the #HOTEL-INFORM-AREA# ."
+ ],
+ "Parking": [
+ "It does include free parking .",
+ "they have free parking .",
+ "it offers free parking .",
+ "the parking is free ."
+ ],
+ "Phone": [
+ "Their phone number is #HOTEL-INFORM-PHONE# .",
+ "The phone number is #HOTEL-INFORM-PHONE# ."
+ ],
+ "Choice": [
+ "i have #HOTEL-INFORM-CHOICE# options for you",
+ "There are #HOTEL-INFORM-CHOICE# of those .",
+ "We have #HOTEL-INFORM-CHOICE# such places .",
+ "I have #HOTEL-INFORM-CHOICE# different options for you !"
+ ],
+ "Addr": [
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "They are located at #HOTEL-INFORM-ADDR#",
+ "The address is #HOTEL-INFORM-ADDR# .",
+ "It is located at #HOTEL-INFORM-ADDR#"
+ ],
+ "Post": [
+ "The postal code for that hotel is #HOTEL-INFORM-POST# .",
+ "The postcode is #HOTEL-INFORM-POST# .",
+ "their postcode is #HOTEL-INFORM-POST#"
+ ],
+ "none": [
+ "Yes , it fits all those needs .",
+ "Yes it does"
+ ],
+ "Type": [
+ "It is a #HOTEL-INFORM-TYPE# ."
+ ],
+ "Price": [
+ "Its listed as #HOTEL-INFORM-PRICE# .",
+ "It is in the #HOTEL-INFORM-PRICE# price range .",
+ "It is a #HOTEL-INFORM-PRICE# place .",
+ "It is #HOTEL-INFORM-PRICE# .",
+ "This is an #HOTEL-INFORM-PRICE# hotel .",
+ "It is #HOTEL-INFORM-PRICE# priced . I do n't have an exact price .",
+ "The price range is #HOTEL-INFORM-PRICE# ."
+ ],
+ "Ref": [
+ "the reference number is #HOTEL-INFORM-REF# .",
+ "Your reference number is #HOTEL-INFORM-REF#.",
+ "You 're all set ! Your reference number is #HOTEL-INFORM-REF# .",
+ "Your reference number is #HOTEL-INFORM-REF#",
+ "The reference number is #HOTEL-INFORM-REF#",
+ "Reference number is : #HOTEL-INFORM-REF# .",
+ "The Reference number is : #HOTEL-INFORM-REF# ."
+ ]
+ },
+ "Hotel-NoOffer": {
+ "Type": [
+ "I apologize , I do n't have a #HOTEL-NOOFFER-TYPE# listing . We could try a guest house or a more expensive hotel ?",
+ "Sorry there is no #HOTEL-NOOFFER-TYPE# fitting the description you asked for",
+ "I was not able to find any #HOTEL-NOOFFER-TYPE# that met those requirements .",
+ "There are no #HOTEL-NOOFFER-TYPE# that meet that criteria , would you like information about the hotel options ?",
+ "I ' m sorry , I ' m afraid I do n't see any #HOTEL-NOOFFER-TYPE# matching that description . Do you want to try a different price range or star rating ?",
+ "i ca n't find any #HOTEL-NOOFFER-TYPE# that fit your criteria , i ' m sorry .",
+ "It is n't , and unfortunately I do n't have a #HOTEL-NOOFFER-TYPE# that matches that criteria .",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-TYPE# that match your preferences .",
+ "no #HOTEL-NOOFFER-TYPE# meet your criteria ."
+ ],
+ "none": [
+ "Sorry , my search did n't bring back any results .",
+ "I ' m sorry , I can not help you with hotels . Are you sure that 's what you 're looking for ?",
+ "I was unable to find any matching places for that .",
+ "I ' m sorry there are no matches .",
+ "There were no matches found .",
+ "There are no hotels meeting these requirements .",
+ "Nothing fits all of that criteria .",
+ "Sorry , I ' m not finding anything ."
+ ],
+ "Stars": [
+ "I am sorry , but that hotel does not have a #HOTEL-NOOFFER-STARS# star rating , would you like another option ?",
+ "Unfortunately , I could n't find anything with #HOTEL-NOOFFER-STARS# stars .",
+ "I am sorry I have no listings for any with #HOTEL-NOOFFER-STARS# stars .",
+ "I am sorry , there are not #HOTEL-NOOFFER-STARS# stars available .",
+ "I have not found anything with a star of #HOTEL-NOOFFER-STARS# .",
+ "unfortunately , i do n't have anything in that area that has a #HOTEL-NOOFFER-STARS# star rating .",
+ "There are no #HOTEL-NOOFFER-STARS# stars in that area ."
+ ],
+ "Parking": [
+ "I ' m not showing anything in that area of town with no parking ."
+ ],
+ "Area": [
+ "Sorry there are none in the #HOTEL-NOOFFER-AREA# .",
+ "There are none in the #HOTEL-NOOFFER-AREA# . Perhaps another criteria change ?",
+ "I ' m sorry , no , none in the #HOTEL-NOOFFER-AREA# .",
+ "There are n't any that match your criteria in the #HOTEL-NOOFFER-AREA# . Any other suggestions ?",
+ "I have nothing in the #HOTEL-NOOFFER-AREA# . Can I try something else ?"
+ ],
+ "Name": [
+ "I am not finding anything for #HOTEL-NOOFFER-NAME# that suit your needs",
+ "Yes , I am sure . There is no #HOTEL-NOOFFER-NAME# in our system .",
+ "#HOTEL-NOOFFER-NAME# is not available ."
+ ],
+ "Price": [
+ "I ' m sorry , I do n't have anything in the #HOTEL-NOOFFER-PRICE# price range , would you like to search for something else ?",
+ "There is none that is #HOTEL-NOOFFER-PRICE# . Would you like to change your criteria ?",
+ "I ' m sorry , there are no #HOTEL-NOOFFER-PRICE# hotels . Would you like to try searching for something else ?",
+ "I am sorry we do n't have any #HOTEL-NOOFFER-PRICE# ones in the area"
+ ],
+ "Internet": [
+ "There does n't appear to be a hotel with wifi .",
+ "I ' m sorry there are no results for hotels with free internet .",
+ "There are not any with wifi ."
+ ]
+ },
+ "Hotel-Recommend": {
+ "Name": [
+ "How about #HOTEL-RECOMMEND-NAME# ? It has all the attributes you requested and a great name !",
+ "How about #HOTEL-RECOMMEND-NAME# ? Fits your request perfectly .",
+ "Would #HOTEL-RECOMMEND-NAME# work for you ?",
+ "Everyone seems to enjoy the #HOTEL-RECOMMEND-NAME# .",
+ "How about #HOTEL-RECOMMEND-NAME# ?",
+ "#HOTEL-RECOMMEND-NAME# looks like it would be a good choice .",
+ "Will #HOTEL-RECOMMEND-NAME# be alright ?",
+ "Yes , I would suggest #HOTEL-RECOMMEND-NAME#"
+ ],
+ "Type": [
+ "Of course , would a #HOTEL-RECOMMEND-TYPE# be OK ?"
+ ],
+ "Price": [
+ "Its listed as #HOTEL-RECOMMEND-PRICE# .",
+ "It is in the #HOTEL-RECOMMEND-PRICE# price range .",
+ "It is a #HOTEL-RECOMMEND-PRICE# place .",
+ "It is #HOTEL-RECOMMEND-PRICE# .",
+ "This is an #HOTEL-RECOMMEND-PRICE# hotel .",
+ "It is #HOTEL-RECOMMEND-PRICE# priced . I do n't have an exact price .",
+ "The price range is #HOTEL-RECOMMEND-PRICE# ."
+ ],
+ "Area": [
+ "It is in the #HOTEL-RECOMMEND-AREA# area .",
+ "They are located in the #HOTEL-RECOMMEND-AREA# .",
+ "it is in the #HOTEL-RECOMMEND-AREA# .",
+ "It 's located in the #HOTEL-RECOMMEND-AREA# .",
+ "It is in the #HOTEL-RECOMMEND-AREA# part of town .",
+ "It 's in #HOTEL-RECOMMEND-AREA# .",
+ "It is indeed in the #HOTEL-RECOMMEND-AREA# ."
+ ],
+ "Addr": [
+ "The address is #HOTEL-RECOMMEND-ADDR# .",
+ "They are located at #HOTEL-RECOMMEND-ADDR#",
+ "The address is #HOTEL-RECOMMEND-ADDR# .",
+ "It is located at #HOTEL-RECOMMEND-ADDR#"
+ ],
+ "Post": [
+ "The postal code for that hotel is #HOTEL-RECOMMEND-POST# .",
+ "The postcode is #HOTEL-RECOMMEND-POST# .",
+ "their postcode is #HOTEL-RECOMMEND-POST#"
+ ],
+ "Internet": [
+ "it has wifi .",
+ "the place provides free wifi .",
+ "the wifi is included .",
+ "There is wifi available at the hotel .",
+ "internet is available .",
+ "it has free wifi ."
+ ],
+ "Parking": [
+ "It does include free parking .",
+ "they have free parking .",
+ "it offers free parking .",
+ "the parking is free ."
+ ],
+ "Stars": [
+ "It is rated #HOTEL-RECOMMEND-STARS# stars ,",
+ "It is rated #HOTEL-RECOMMEND-STARS# stars , is that okay ?",
+ "It has #HOTEL-RECOMMEND-STARS# stars .",
+ "It has a rating of #HOTEL-RECOMMEND-STARS# stars .",
+ "No it has #HOTEL-RECOMMEND-STARS# star rating .",
+ "They have a #HOTEL-RECOMMEND-STARS# Star rating",
+ "The hotel is #HOTEL-RECOMMEND-STARS# stars .",
+ "It is a #HOTEL-RECOMMEND-STARS#-star rating .",
+ "it does have #HOTEL-RECOMMEND-STARS# stars ."
+ ],
+ "none": [
+ "I would suggest that place .",
+ "May I recommend something to you ?",
+ "would you like me to make a recommendation ?",
+ "would you like a recommendation ?"
+ ],
+ "Phone": [
+ "Their phone number is #HOTEL-RECOMMEND-PHONE# .",
+ "The phone number is #HOTEL-RECOMMEND-PHONE# ."
+ ],
+ "Choice": [
+ "i have #HOTEL-RECOMMEND-CHOICE# options for you",
+ "There are #HOTEL-RECOMMEND-CHOICE# of those .",
+ "We have #HOTEL-RECOMMEND-CHOICE# such places .",
+ "I have #HOTEL-RECOMMEND-CHOICE# different options for you !"
+ ]
+ },
+ "Hotel-Request": {
+ "Area": [
+ "Okay , do you have a specific area you want to stay in ?",
+ "What area are you looking to stay in ?",
+ "Remind me of the area you need that in .",
+ "Do you have an idea on the location ?",
+ "What area would you like the hotel in ?",
+ "Is there a specific area of town you 're interested in ?",
+ "What area of town would you like to be in ?",
+ "What area would you like to stay in ?",
+ "Let me get some additional information . What area of town would you like to stay in ?"
+ ],
+ "Price": [
+ "What is your price range ?",
+ "What price range were you thinking ?",
+ "What price range do you prefer ?",
+ "Okay , do you have any price range you 're looking for ?",
+ "Is there a price you are looking for ?",
+ "Do you have a price range preference ?",
+ "Is there a price range you prefer ?",
+ "Yes do you have a price range preference ?",
+ "Yes , what price range are you looking for ?",
+ "What is the price range for you ?"
+ ],
+ "Type": [
+ "Would you like a guesthouse or a hotel ?",
+ "Would you like to stay in a guesthouse , or in a hotel ?",
+ "would you like a guesthouse or hotel ?",
+ "Okay , were you looking for a hotel or a guesthouse ?",
+ "Do you have a preference for a hotel versus a guesthouse ?",
+ "Would you like to try a hotel ?",
+ "Were you looking for a hotel with a guesthouse ?",
+ "What type of hotel are you looking for ?"
+ ],
+ "Internet": [
+ "Would you prefer one with free internet ?",
+ "do you need free internet ?",
+ "Would you prefer one with internet ?"
+ ],
+ "Name": [
+ "do you have the name of the hotel ?",
+ "Which hotel is it ?",
+ "do you know what you 're looking for ?",
+ "Do you have the hotel name ?",
+ "What is the name of the hotel you are looking for ?",
+ "could you please give me the name of the Hotel you are looking for ?",
+ "Can you give me the name of the place ?",
+ "What is the name of the hotel you 'd like to book ?",
+ "Would you like to tell me the name of that hotel ?"
+ ],
+ "Stars": [
+ "How many stars would you like ?",
+ "Is there a number of stars you prefer ?",
+ "Is there a certain star rating you would like it to have ?",
+ "Do you have a preference of star rating ?",
+ "Do you have a preference of number of stars ?",
+ "How many stars should the hotel be rated for ?",
+ "What star rating do you prefer ?",
+ "How many stars are you looking for ?"
+ ],
+ "Parking": [
+ "Will you need parking ?",
+ "Do you need it to have free parking ?",
+ "Do you have a parking preference ?",
+ "Does the hotel needs to have free parking ?",
+ "Will you need free parking ?",
+ "Do you need free parking ?",
+ "Will you need parking while you 're there ?",
+ "Will you be needing free parking ?"
+ ]
+ },
+ "Restaurant-Inform": {
+ "Addr": [
+ "they are located at #RESTAURANT-INFORM-ADDR#",
+ "It is at #RESTAURANT-INFORM-ADDR#",
+ "The address is #RESTAURANT-INFORM-ADDR# .",
+ "Their address is #RESTAURANT-INFORM-ADDR# ."
+ ],
+ "Price": [
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "It is a #RESTAURANT-INFORM-PRICE# restaurant .",
+ "This is a #RESTAURANT-INFORM-PRICE# one .",
+ "They are in the #RESTAURANT-INFORM-PRICE# price range .",
+ "They are #RESTAURANT-INFORM-PRICE#",
+ "It 's in the #RESTAURANT-INFORM-PRICE# price range .",
+ "This restaurant is in the #RESTAURANT-INFORM-PRICE# price range ."
+ ],
+ "Food": [
+ "They serve #RESTAURANT-INFORM-FOOD# food .",
+ "They serve #RESTAURANT-INFORM-FOOD# .",
+ "It is #RESTAURANT-INFORM-FOOD# food .",
+ "That is a #RESTAURANT-INFORM-FOOD# restaurant ."
+ ],
+ "Name": [
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "#RESTAURANT-INFORM-NAME# looks like a good place .",
+ "How does the #RESTAURANT-INFORM-NAME# sound ?",
+ "Okay , how about #RESTAURANT-INFORM-NAME# ?",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?",
+ "There is a restaurant called #RESTAURANT-INFORM-NAME# that meets your criteria .",
+ "How about #RESTAURANT-INFORM-NAME# ?",
+ "there 's a place called #RESTAURANT-INFORM-NAME#",
+ "Would you like to try #RESTAURANT-INFORM-NAME# ?"
+ ],
+ "Choice": [
+ "I have #RESTAURANT-INFORM-CHOICE# different restaurants I can give you some information for . They are all pretty good .",
+ "Yes there are #RESTAURANT-INFORM-CHOICE# different places that match your description .",
+ "There are #RESTAURANT-INFORM-CHOICE# restaurants in that area that fit that criteria .",
+ "i have #RESTAURANT-INFORM-CHOICE# options for you",
+ "We have #RESTAURANT-INFORM-CHOICE# such places .",
+ "I have #RESTAURANT-INFORM-CHOICE# options for you !",
+ "Yes , there are #RESTAURANT-INFORM-CHOICE# available restaurants ."
+ ],
+ "Post": [
+ "The postcode is #RESTAURANT-INFORM-POST# .",
+ "Their postcode is #RESTAURANT-INFORM-POST#",
+ "The post code is #RESTAURANT-INFORM-POST# ."
+ ],
+ "Phone": [
+ "The number there is #RESTAURANT-INFORM-PHONE# .",
+ "their phone number is #RESTAURANT-INFORM-PHONE#",
+ "The phone number is #RESTAURANT-INFORM-PHONE# .",
+ "#RESTAURANT-INFORM-PHONE# is the phone number",
+ "Their phone number is #RESTAURANT-INFORM-PHONE#",
+ "Their number is #RESTAURANT-INFORM-PHONE# .",
+ "It is #RESTAURANT-INFORM-PHONE# .",
+ "Their phone number is #RESTAURANT-INFORM-PHONE# .",
+ "The phone number is #RESTAURANT-INFORM-PHONE# ."
+ ],
+ "Area": [
+ "it is in the #RESTAURANT-INFORM-AREA# area .",
+ "It is located in the #RESTAURANT-INFORM-AREA# ."
+ ],
+ "Ref": [
+ "Yes I was able to get you into that restaurant and your reference number is #RESTAURANT-INFORM-REF#.",
+ "The reference number is #RESTAURANT-INFORM-REF# .",
+ "Great I have a reference number for you . It is #RESTAURANT-INFORM-REF# .",
+ "Yes , the reference number is #RESTAURANT-INFORM-REF#.",
+ "The reference number is #RESTAURANT-INFORM-REF#",
+ "The reference number is #RESTAURANT-INFORM-REF# . Is there anything else ?",
+ "Reference number is : #RESTAURANT-INFORM-REF#.",
+ "Your reference number is #RESTAURANT-INFORM-REF# . You will likely need it .",
+ "Your reference code is #RESTAURANT-INFORM-REF# .",
+ "Your reference number is #RESTAURANT-INFORM-REF# ."
+ ],
+ "none": [
+ "Is there anything else I can help you with ?",
+ "I have found that restaurant for you",
+ "It 's a perfect fit .",
+ "That 's a great place ."
+ ]
+ },
+ "Restaurant-NoOffer": {
+ "Food": [
+ "There are no #RESTAURANT-NOOFFER-FOOD# food places , shall I run another search ?",
+ "I do not have anything in that price range for #RESTAURANT-NOOFFER-FOOD# . Another criteria perhaps ?",
+ "I am sorry there are not #RESTAURANT-NOOFFER-FOOD# restaurants . Can I check for a Chinese restaurant ?",
+ "I am unable to find any #RESTAURANT-NOOFFER-FOOD# restaurants in town .",
+ "I have nothing with #RESTAURANT-NOOFFER-FOOD# . Do you have another preference ?",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants .",
+ "I did not find any #RESTAURANT-NOOFFER-FOOD# restaurants . Give me a moment and I will search for unusual ones .",
+ "There no #RESTAURANT-NOOFFER-FOOD# restaurants that I can find right now . Would something else work ?",
+ "I ' m sorry I have no restaurants serving #RESTAURANT-NOOFFER-FOOD# food .",
+ "There are no #RESTAURANT-NOOFFER-FOOD# restaurants unfortunately ."
+ ],
+ "none": [
+ "I do n't have anything meeting that criteria . Can I look for something else ?",
+ "we do nt have a place that matches those qualities . can you try something else ?",
+ "I am afraid there is none .",
+ "We do n't have any of those , sad to say . Want to broaden the search ?",
+ "There are no matching records found for that request .",
+ "No , I ' m sorry . The search did n't pull up any matches .",
+ "There is no listing for this restaurant"
+ ],
+ "Area": [
+ "Sorry , there are no restaurants like that in the #RESTAURANT-NOOFFER-AREA# .",
+ "I did not find any restaurants in #RESTAURANT-NOOFFER-AREA# .",
+ "I am sorry there is none even in the #RESTAURANT-NOOFFER-AREA#",
+ "I am sorry there are no restaurants in #RESTAURANT-NOOFFER-AREA# that match that description .",
+ "There are none in #RESTAURANT-NOOFFER-AREA# of town .",
+ "I am sorry but there are no restaurants that fit that criteria in the #RESTAURANT-NOOFFER-AREA# .",
+ "i have n't found any in the #RESTAURANT-NOOFFER-AREA#",
+ "there no such restraunts in #RESTAURANT-NOOFFER-AREA#"
+ ],
+ "Price": [
+ "I do n't have anything in the #RESTAURANT-NOOFFER-PRICE# range that fits that criteria .",
+ "There are none in #RESTAURANT-NOOFFER-PRICE# , perhaps something else ?",
+ "no #RESTAURANT-NOOFFER-PRICE# with those specifications",
+ "There are no #RESTAURANT-NOOFFER-PRICE# ones .",
+ "No #RESTAURANT-NOOFFER-PRICE# restaurant"
+ ],
+ "Name": [
+ "i ' m sorry . i can not find details for #RESTAURANT-NOOFFER-NAME# ."
+ ]
+ },
+ "Restaurant-Recommend": {
+ "Name": [
+ "How about #RESTAURANT-RECOMMEND-NAME# ?",
+ "#RESTAURANT-RECOMMEND-NAME# has some great reviews .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "The #RESTAURANT-RECOMMEND-NAME# is a nice place would you like to try that one ?",
+ "Excellent . #RESTAURANT-RECOMMEND-NAME# is just your thing .",
+ "I would suggest #RESTAURANT-RECOMMEND-NAME# .",
+ "#RESTAURANT-RECOMMEND-NAME# sounds like it might be what you are looking for .",
+ "#RESTAURANT-RECOMMEND-NAME# matches your description .",
+ "Yes , I have a place called #RESTAURANT-RECOMMEND-NAME# , does that sound like something you would enjoy ?",
+ "I recommend #RESTAURANT-RECOMMEND-NAME#"
+ ],
+ "Food": [
+ "Would you like #RESTAURANT-RECOMMEND-FOOD# food ?",
+ "Would you like to try an #RESTAURANT-RECOMMEND-FOOD# restaurant ?",
+ "How about #RESTAURANT-RECOMMEND-FOOD# ?",
+ "Okay , may I suggest #RESTAURANT-RECOMMEND-FOOD# food ?"
+ ],
+ "Price": [
+ "They are in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "It is a #RESTAURANT-RECOMMEND-PRICE# restaurant .",
+ "This is a #RESTAURANT-RECOMMEND-PRICE# one .",
+ "They are in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "They are #RESTAURANT-RECOMMEND-PRICE#",
+ "It 's in the #RESTAURANT-RECOMMEND-PRICE# price range .",
+ "This restaurant is in the #RESTAURANT-RECOMMEND-PRICE# price range ."
+ ],
+ "Area": [
+ "it is in the #RESTAURANT-RECOMMEND-AREA# area .",
+ "It is located in the #RESTAURANT-RECOMMEND-AREA# ."
+ ],
+ "Addr": [
+ "they are located at #RESTAURANT-RECOMMEND-ADDR#",
+ "It is at #RESTAURANT-RECOMMEND-ADDR#",
+ "The address is #RESTAURANT-RECOMMEND-ADDR# .",
+ "Their address is #RESTAURANT-RECOMMEND-ADDR# ."
+ ],
+ "Post": [
+ "The postcode is #RESTAURANT-RECOMMEND-POST# .",
+ "Their postcode is #RESTAURANT-RECOMMEND-POST#",
+ "The post code is #RESTAURANT-RECOMMEND-POST# ."
+ ],
+ "Phone": [
+ "The number there is #RESTAURANT-RECOMMEND-PHONE# .",
+ "their phone number is #RESTAURANT-RECOMMEND-PHONE#",
+ "The phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "#RESTAURANT-RECOMMEND-PHONE# is the phone number",
+ "Their phone number is #RESTAURANT-RECOMMEND-PHONE#",
+ "Their number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "It is #RESTAURANT-RECOMMEND-PHONE# .",
+ "Their phone number is #RESTAURANT-RECOMMEND-PHONE# .",
+ "The phone number is #RESTAURANT-RECOMMEND-PHONE# ."
+ ],
+ "none": [
+ "Is there anything else I can help you with ?",
+ "I have found that restaurant for you",
+ "It 's a perfect fit .",
+ "That 's a great place ."
+ ]
+ },
+ "Restaurant-Request": {
+ "Area": [
+ "what location ?",
+ "What area of town would you prefer ?",
+ "Do you have a specific area in mind ?",
+ "We need some more information . Where are looking to eat ?",
+ "Do you have an area of town you prefer ?",
+ "Which side of town would you prefer ?",
+ "What area should the restaurant be in ?",
+ "Do you have an area preference ?",
+ "Do you have a location preference ?"
+ ],
+ "Food": [
+ "Do you have any specific type of food you would like ?",
+ "What type of food are you looking for ?",
+ "Do you have a preference in food type ?",
+ "What cuisine are you interested in ?",
+ "What type of food would you like ?",
+ "What type of food do you want to eat ?",
+ "Is there a certain kind of food you would like ?",
+ "what type of food would you like ?",
+ "what type of food would you like to eat ?",
+ "did you have a specific kind of cuisine in mind ?"
+ ],
+ "Price": [
+ "is there a price range that you prefer ?",
+ "Do you have a price range ?",
+ "what price range would you like to stay within ?",
+ "Do you have a preference for the price range ?",
+ "Do you have a certain price range you would like ?",
+ "Did you have a price range in mind ?",
+ "what is the price range you are looking for ?",
+ "what price range are you looking for ?",
+ "Do you have a price range in mind ?",
+ "Is there a price range you would prefer to stay within ?"
+ ],
+ "Name": [
+ "Do you know the name ?",
+ "what is the name of the restaurant ?",
+ "What 's the name of the restaurant you 're looking for ?",
+ "what is the name of the restaurant ?",
+ "What is the name of the restaurant you have in mind ?",
+ "Are you looking for something in particular ?",
+ "what is the name of the restaurant you are needing information on ?",
+ "Do you know the name of the location ?",
+ "Is there a certain restaurant you 're looking for ?"
+ ]
+ },
+ "Taxi-Inform": {
+ "Arrive": [
+ "it will arrive by #TAXI-INFORM-ARRIVE#",
+ "the taxi is due to arrive at #TAXI-INFORM-ARRIVE# .",
+ "I can book one for the closest time to #TAXI-INFORM-ARRIVE# .",
+ "you will arrive by #TAXI-INFORM-ARRIVE# ."
+ ],
+ "none": [
+ "Your taxi will be available and has been booked .",
+ "I have booked you a Taxi that fits your needs .",
+ "The Taxi has been booked as requested .",
+ "you have been assigned a specific car .",
+ "I have booked your taxi",
+ "Okay I completed a booking for you"
+ ],
+ "Car": [
+ "The model of the car was #TAXI-INFORM-CAR# .",
+ "A #TAXI-INFORM-CAR# is booked for you .",
+ "The taxi is a #TAXI-INFORM-CAR#",
+ "a #TAXI-INFORM-CAR# is booked .",
+ "I was able to book a #TAXI-INFORM-CAR# for you !",
+ "it will be a #TAXI-INFORM-CAR# .",
+ "Your booking is complete , a #TAXI-INFORM-CAR# will be picking you up .",
+ "The car arriving will be a #TAXI-INFORM-CAR# .",
+ "You got the #TAXI-INFORM-CAR# enjoy the ride .",
+ "I have successfully booked you a #TAXI-INFORM-CAR# ."
+ ],
+ "Phone": [
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "Contact number for the taxi is #TAXI-INFORM-PHONE# .",
+ "their contact number is #TAXI-INFORM-PHONE#",
+ "the contact is #TAXI-INFORM-PHONE# .",
+ "You can give them a call at #TAXI-INFORM-PHONE#",
+ "The contact number is #TAXI-INFORM-PHONE# .",
+ "you can reach them on #TAXI-INFORM-PHONE#"
+ ],
+ "Leave": [
+ "It will leave at #TAXI-INFORM-LEAVE# ."
+ ],
+ "Dest": [
+ "it 's taking you to the #TAXI-INFORM-DEST# in time for your reservation .",
+ "I have booked a taxi to take you to #TAXI-INFORM-DEST# for your reservation ."
+ ],
+ "Depart": [
+ "It will pick you up at #TAXI-INFORM-DEPART# .",
+ "Okay , I ' ve booked you a taxi leaving #TAXI-INFORM-DEPART# .",
+ "I have booked you a taxi from #TAXI-INFORM-DEPART# .",
+ "I have booked a taxi to pick you up at #TAXI-INFORM-DEPART# ."
+ ]
+ },
+ "Taxi-Request": {
+ "Depart": [
+ "Where will you be departing from ?",
+ "Where will you leave from ?",
+ "I need to know where you 'd like picked up at .",
+ "Where are you departing from ?",
+ "Where are you departing from , please ?",
+ "where are you leaving from ?",
+ "Where will you be leaving from ?"
+ ],
+ "Dest": [
+ "what will your destination be ?",
+ "Where will the taxi be taking you ?",
+ "I need to know where you are traveling to",
+ "what is your destination please",
+ "What is the destination ?",
+ "Where are you going ?",
+ "And where will you be going ?",
+ "Where will you be going to ?"
+ ],
+ "Leave": [
+ "What time would you like the taxi to pick you up ?",
+ "What time would you like to leave ?",
+ "What time would you like to be picked up ?",
+ "what time do you want to leave by ?",
+ "What time would you like to be picked up ?",
+ "What time do you need to book a taxi for ?",
+ "When would you like to leave ?",
+ "what time will you be leaving .",
+ "Can you tell me what time you would like the taxi to pick you up ?",
+ "I need to know what time you need to leave ."
+ ],
+ "Arrive": [
+ "at what time would you like to arrive by ?",
+ "when would you like to arrive ?",
+ "What time would you like to arrive ?",
+ "Do you have a arrival time in mind ?",
+ "When is your arrival time ?",
+ "when would you like to arrive ?",
+ "when would you like to arrive by ?",
+ "What time would you like to arrive there by ?",
+ "What time would you like to arrive at your destination ?"
+ ]
+ },
+ "Train-Inform": {
+ "Ticket": [
+ "The fare is #TRAIN-INFORM-TICKET# per ticket .",
+ "The price of those tickets are #TRAIN-INFORM-TICKET# .",
+ "It is #TRAIN-INFORM-TICKET#",
+ "The price is #TRAIN-INFORM-TICKET# per ticket .",
+ "The price is #TRAIN-INFORM-TICKET# .",
+ "The trip will cost #TRAIN-INFORM-TICKET# .",
+ "The fare is #TRAIN-INFORM-TICKET#",
+ "It would cost #TRAIN-INFORM-TICKET# .",
+ "The cost of the one way journey is #TRAIN-INFORM-TICKET# .",
+ "The price is #TRAIN-INFORM-TICKET# per ticket ."
+ ],
+ "Leave": [
+ "it leaves at #TRAIN-INFORM-LEAVE#",
+ "I have a train leaving at #TRAIN-INFORM-LEAVE# would that be okay ?",
+ "There is a train that leaves at #TRAIN-INFORM-LEAVE# .",
+ "How about #TRAIN-INFORM-LEAVE# will that work for you ?",
+ "There is a train meeting your criteria and is leaving at #TRAIN-INFORM-LEAVE# .",
+ "I would say you should leave by #TRAIN-INFORM-LEAVE#"
+ ],
+ "Id": [
+ "The train ID is #TRAIN-INFORM-ID# .",
+ "Their ID is #TRAIN-INFORM-ID# .",
+ "#TRAIN-INFORM-ID# would be your perfect fit ."
+ ],
+ "Ref": [
+ "The reference number is #TRAIN-INFORM-REF# .",
+ "The reference number of your trip is #TRAIN-INFORM-REF# .",
+ "Here is the reference number #TRAIN-INFORM-REF#",
+ "your reference number is #TRAIN-INFORM-REF#"
+ ],
+ "Time": [
+ "The travel time is #TRAIN-INFORM-TIME# .",
+ "That would be #TRAIN-INFORM-TIME# .",
+ "#TRAIN-INFORM-TIME# would be the total duration .",
+ "The trip will last #TRAIN-INFORM-TIME#",
+ "the travel will take #TRAIN-INFORM-TIME#",
+ "The trip is #TRAIN-INFORM-TIME# .",
+ "The travel time for the trip is #TRAIN-INFORM-TIME# one way ."
+ ],
+ "Arrive": [
+ "It arrives at #TRAIN-INFORM-ARRIVE# .",
+ "it should arrive by #TRAIN-INFORM-ARRIVE#",
+ "The arrival time is #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart": [
+ "that train is departing from #TRAIN-INFORM-DEPART# .",
+ "it departs from #TRAIN-INFORM-DEPART# .",
+ "the train will be departing from #TRAIN-INFORM-DEPART# ."
+ ],
+ "Choice": [
+ "I have #TRAIN-INFORM-CHOICE# trains that meet your criteria .",
+ "There are #TRAIN-INFORM-CHOICE# .",
+ "There are #TRAIN-INFORM-CHOICE# options",
+ "There are #TRAIN-INFORM-CHOICE# trains available .",
+ "There are #TRAIN-INFORM-CHOICE# total trips available to you"
+ ],
+ "none": [
+ "Yes it is .",
+ "Yes it does ."
+ ],
+ "Day": [
+ "The train is for #TRAIN-INFORM-DAY# you are all set",
+ "that train leaves on #TRAIN-INFORM-DAY# ."
+ ],
+ "Dest": [
+ "the booking is for arriving in #TRAIN-INFORM-DEST# .",
+ "the train stop is #TRAIN-INFORM-DEST# ."
+ ],
+ "People": [
+ "I booked #TRAIN-INFORM-PEOPLE# tickets ."
+ ]
+ },
+ "Train-NoOffer": {
+ "Depart": [
+ "There is no train leaving #TRAIN-NOOFFER-DEPART# .",
+ "There are no trains leaving from #TRAIN-NOOFFER-DEPART# ."
+ ],
+ "none": [
+ "I ' m sorry , unfortunately there are no trains available at that time .",
+ "I do not have any trains that match your request .",
+ "There is no train leaving at that time .",
+ "I ' m sorry , there are no trains that meet your criteria ."
+ ],
+ "Leave": [
+ "There is not one that leaves at #TRAIN-NOOFFER-LEAVE# .",
+ "There is no train leaving at #TRAIN-NOOFFER-LEAVE# .",
+ "There are no trains that leave after #TRAIN-NOOFFER-LEAVE# .",
+ "There are no trains leaving at #TRAIN-NOOFFER-LEAVE# .",
+ "Unfortunately , there are no trains that leave after #TRAIN-NOOFFER-LEAVE# ."
+ ],
+ "Day": [
+ "No I ' m sorry there are not on a #TRAIN-NOOFFER-DAY# .",
+ "There are no trains on #TRAIN-NOOFFER-DAY# .",
+ "Unfortunately , there is not a train on #TRAIN-NOOFFER-DAY# matching your criteria .",
+ "There are no trains on #TRAIN-NOOFFER-DAY# ."
+ ],
+ "Dest": [
+ "I ' m sorry there are no trains to #TRAIN-NOOFFER-Dest# .",
+ "There are no trains going to #TRAIN-NOOFFER-Dest# . Do you have another destination in mind ?",
+ "There do n't seem to be any trains going to #TRAIN-NOOFFER-Dest# ."
+ ],
+ "Arrive": [
+ "I am sorry there are not trains to arrive at #TRAIN-NOOFFER-ARRIVE# .",
+ "There are no trains arriving by #TRAIN-NOOFFER-ARRIVE# .",
+ "I ' m sorry , we do n't have any trains arriving by #TRAIN-NOOFFER-ARRIVE# .",
+ "no trains arrives by #TRAIN-NOOFFER-ARRIVE#",
+ "I do not have a train arriving at #TRAIN-NOOFFER-ARRIVE# ."
+ ],
+ "Id": [
+ "Sorry it looks like #TRAIN-NOOFFER-ID# is no longer available .",
+ "I ' m sorry , train #TRAIN-NOOFFER-ARRIVE# is not available ."
+ ]
+ },
+ "Train-OfferBook": {
+ "none": [
+ "Ok I will book that for you and get you a confirmation number",
+ "Ok great . Would you like for me to go ahead and book the train for you ?",
+ "Would you like me to reserve your train tickets ?",
+ "I will book that for you now .",
+ "Great , I have a train that meets your criteria . Would you like me to book it for you ?",
+ "Would you like me to book this train for you ?",
+ "Well , I can book it for YOU if you would like . Would you like me to ?",
+ "Did you want reservations ?"
+ ],
+ "Depart": [
+ "Woudl you like me to book a train from #TRAIN-OFFERBOOK-DEPART# for you ?"
+ ],
+ "Id": [
+ "Train #TRAIN-OFFERBOOK-ID# would work for you .",
+ "Okay the trainID is #TRAIN-OFFERBOOK-ID# ",
+ "The #TRAIN-OFFERBOOK-ID# meets your criteria .",
+ "Shall I go ahead and book you for train #TRAIN-OFFERBOOK-ID# ?",
+ "Okay , would you like me to book #TRAIN-OFFERBOOK-ID# ?",
+ "#TRAIN-OFFERBOOK-ID# looks like it would work for you",
+ "I would suggest booking #TRAIN-OFFERBOOK-ID#",
+ "Train #TRAIN-OFFERBOOK-ID# meets your criteria"
+ ],
+ "Arrive": [
+ "Will you train arriving at #TRAIN-OFFERBOOK-ARRIVE# work ok for you ?",
+ "I have a train arriving at #TRAIN-OFFERBOOK-ARRIVE# . Would that do ?",
+ "It arrives by #TRAIN-OFFERBOOK-ARRIVE# would that be okay to book for you ?",
+ "I can get you tickets for an arrival time at #TRAIN-OFFERBOOK-ARRIVE# , that is the soonest , is that okay ?",
+ "Will an arrival time of #TRAIN-OFFERBOOK-ARRIVE# work for you ?",
+ "Would you like me to book the #TRAIN-OFFERBOOK-ARRIVE# train ?"
+ ],
+ "People": [
+ "I will book it for you for #TRAIN-OFFERBOOK-PEOPLE# people",
+ "I will go ahead and book #TRAIN-OFFERBOOK-PEOPLE# tickets .",
+ "i just want to confirm if i am booking #TRAIN-OFFERBOOK-PEOPLE# ticket",
+ "I will book #TRAIN-OFFERBOOK-PEOPLE# tickets for you .",
+ "I will book it for #TRAIN-OFFERBOOK-PEOPLE# people ."
+ ],
+ "Ticket": [
+ "The price is #TRAIN-OFFERBOOK-TICKET# per ticket ",
+ "The cost per seat is #TRAIN-OFFERBOOK-TICKET# .",
+ "The price of the ticket is #TRAIN-OFFERBOOK-TICKET# "
+ ],
+ "Leave": [
+ "Would you like me to book you on the #TRAIN-OFFERBOOK-LEAVE# train ?",
+ "There is a train that leaves at #TRAIN-OFFERBOOK-LEAVE# would you like me to book that train for you ?",
+ "Okay ! How about the train that leaves at #TRAIN-OFFERBOOK-LEAVE# ?",
+ "I would recommend the train that leaves at #TRAIN-OFFERBOOK-LEAVE# . Would you like me to book that ?",
+ "There is a train arriving at #TRAIN-OFFERBOOK-LEAVE# would you like me to book tickets for that one ?",
+ "The earliest train is at #TRAIN-OFFERBOOK-LEAVE# , do you want me to book it ?",
+ "There is a train leaving at #TRAIN-OFFERBOOK-LEAVE# would you like me to book this ?",
+ "Great , I have a train leaving there at #TRAIN-OFFERBOOK-LEAVE# . Would you like to book that ?",
+ "I can book a #TRAIN-OFFERBOOK-LEAVE# for you .",
+ "We can book you for the train leaving at #TRAIN-OFFERBOOK-LEAVE# ."
+ ],
+ "Choice": [
+ "I have #TRAIN-OFFERBOOK-CHOICE# trains available that meet all of your requirements , would you like me to book a ticket for you ?",
+ "There are #TRAIN-OFFERBOOK-CHOICE# trains available . Should I book a train for you ?"
+ ],
+ "Dest": [
+ "Woudl you like me to book a train to #TRAIN-OFFERBOOK-DEST# for you ?"
+ ],
+ "Time": [
+ "The travel time is #TRAIN-OFFERBOOK-TIME# , would you like me to book it for you ?"
+ ],
+ "Ref": [
+ "Your reference number is #TRAIN-OFFERBOOK-REF# ."
+ ],
+ "Day": [
+ "Would you like to take the train on #TRAIN-OFFERBOOK-DAY# ?",
+ "I can book you on #TRAIN-OFFERBOOK-DAY#",
+ "I can book your tickets for #TRAIN-OFFERBOOK-DAY# ."
+ ]
+ },
+ "Train-OfferBooked": {
+ "Ref": [
+ "I ' ve booked your train tickets , and your reference number is #TRAIN-OFFERBOOKED-REF#.",
+ "Your booking was successful . Your reference number is #TRAIN-OFFERBOOKED-REF# .",
+ "I have made those reservations and your reference number is #TRAIN-OFFERBOOKED-REF# ."
+ ],
+ "none": [
+ "Wonderful , your train has been booked !",
+ "your reservation is booked",
+ "ok , i got that fixed for you .",
+ "Booking was successful",
+ "Great your booking is all set !",
+ "You have been booked !"
+ ],
+ "Ticket": [
+ "The cost of your ticket will be #TRAIN-OFFERBOOKED-TICKET#",
+ "the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station",
+ "It is #TRAIN-OFFERBOOKED-TICKET# .",
+ "Booking was successful , the total fee is #TRAIN-OFFERBOOKED-TICKET# payable at the station ."
+ ],
+ "Id": [
+ "the train ID is #TRAIN-OFFERBOOKED-ID# .",
+ "Ok . You should be set . The booking was successful . The train number is #TRAIN-OFFERBOOKED-ID# ."
+ ],
+ "People": [
+ "I have successfully make a booking for #TRAIN-OFFERBOOKED-PEOPLE# on that train .",
+ "I have booked you #TRAIN-OFFERBOOKED-PEOPLE# tickets ."
+ ],
+ "Leave": [
+ "i have booked you one leaving at #TRAIN-OFFERBOOKED-LEAVE# ."
+ ],
+ "Time": [
+ "The travel time is #TRAIN-OFFERBOOKED-TIME# .",
+ "That would be #TRAIN-OFFERBOOKED-TIME# .",
+ "#TRAIN-OFFERBOOKED-TIME# would be the total duration .",
+ "The trip will last #TRAIN-OFFERBOOKED-TIME#",
+ "the travel will take #TRAIN-OFFERBOOKED-TIME#",
+ "The trip is #TRAIN-OFFERBOOKED-TIME# .",
+ "The travel time for the trip is #TRAIN-OFFERBOOKED-TIME# one way ."
+ ],
+ "Day": [
+ "The train is for #TRAIN-OFFERBOOKED-DAY# you are all set",
+ "that train leaves on #TRAIN-OFFERBOOKED-DAY# ."
+ ],
+ "Depart": [
+ "that train is departing from #TRAIN-OFFERBOOKED-DEPART# .",
+ "it departs from #TRAIN-OFFERBOOKED-DEPART# .",
+ "the train will be departing from #TRAIN-OFFERBOOKED-DEPART# ."
+ ],
+ "Dest": [
+ "the booking is for arriving in #TRAIN-OFFERBOOKED-DEST# .",
+ "the train stop is #TRAIN-OFFERBOOKED-DEST# ."
+ ],
+ "Arrive": [
+ "It arrives at #TRAIN-OFFERBOOKED-ARRIVE# .",
+ "it should arrive by #TRAIN-OFFERBOOKED-ARRIVE#",
+ "The arrival time is #TRAIN-OFFERBOOKED-ARRIVE# ."
+ ],
+ "Choice": [
+ "I have #TRAIN-OFFERBOOKED-CHOICE# trains that meet your criteria .",
+ "There are #TRAIN-OFFERBOOKED-CHOICE# .",
+ "There are #TRAIN-OFFERBOOKED-CHOICE# options",
+ "There are #TRAIN-OFFERBOOKED-CHOICE# trains available .",
+ "There are #TRAIN-OFFERBOOKED-CHOICE# total trips available to you"
+ ]
+ },
+ "Train-Request": {
+ "Day": [
+ "Can you confirm your desired travel day ?",
+ "Can you tell me what day you would like to travel , please ?",
+ "Can you tell me what day you would like to travel ?",
+ "can you tell me which day you 'd like to travel on ?",
+ "What day would you like ?",
+ "What day will you travel on ?",
+ "On what day will you be traveling ?",
+ "What day will you be traveling ?",
+ "what day did you have in mind ?",
+ "what day would you like to travel ?"
+ ],
+ "Dest": [
+ "Where would you like to go to ?",
+ "Where is your destination ?",
+ "where would you like your train to take you ?",
+ "Where are you heading to ?",
+ "Where are you headed ?",
+ "Where will you be arriving at ?",
+ "What is your destination ?",
+ "What station would you like to arrive at ?"
+ ],
+ "People": [
+ "How many tickets would you like ?",
+ "how many tickets would you like me to book ?",
+ "Yes , for how many tickets ?",
+ "For how many people ?",
+ "how many tickets do you need ?",
+ "No problem . How many seats would you like to book ?"
+ ],
+ "Depart": [
+ "where will you be departing from ?",
+ "Where are you departing from ?",
+ "Where will you be leaving from ?",
+ "where did you want to depart from ?",
+ "Where are you departing from ?",
+ "Where will you be traveling from ?"
+ ],
+ "Leave": [
+ "what time would you like to depart ?",
+ "when would you like to travel ?",
+ "Is there a certain time you are wanting to leave ?",
+ "When would you like to leave by ?",
+ "departure time in mind ?",
+ "When would you like the train to depart ?",
+ "what time do you want to depart ?",
+ "when would you like to leave by ?",
+ "what time would you like to leave ?"
+ ],
+ "Arrive": [
+ "Is there a time you would prefer to arrive ?",
+ "What time would you like to arrive by ?",
+ "What time do you need to arrive ?",
+ "What time do you want to arrive by ?",
+ "Do you have an arrival time in mind ?",
+ "Is there a time you would like to arrive by ?",
+ "Is there a time you would like to get there by ?",
+ "Is there a time you need to arrive by ?"
+ ]
+ },
+ "general-bye": {
+ "none": [
+ "Thank you for using our services .",
+ "Goodbye . If you think of anything else you need do n't hesitate to contact us .",
+ "You are very welcome . Goodbye .",
+ "Thank you and enjoy your visit . Have a great day .",
+ "I ' m happy to help , and I hope you enjoy your stay !",
+ "Thank you and goodbye .",
+ "Thank you for using our system !"
+ ]
+ },
+ "general-greet": {
+ "none": [
+ "You are more than welcome !",
+ "Have a good day .",
+ "I ' m happy to have been able to help you today .",
+ "Glad to have been of help . Thank you for using the Cambridge TownInfo centre . Enjoy the rest of your day !",
+ "Thank you for contacting the help desk . Have a great day .",
+ "Thank you for contacting us and have a nice day .",
+ "Ok , thank you . Have a good day .",
+ "Thank you for using our services ."
+ ]
+ },
+ "general-reqmore": {
+ "none": [
+ "You are welcome . Is there anything else I can help you with today ?",
+ "is there anything else I can help you with ?",
+ "Is there anything else I can help you with today ?",
+ "Did you need any further assistance today ?"
+ ]
+ },
+ "general-welcome": {
+ "none": [
+ "you are welcome",
+ "Welcome , it was a pleasure serving you .",
+ "You 're welcome ! I hope you have a wonderful trip !",
+ "Okay ! Glad I could help . Enjoy your stay .",
+ "You are welcome . Have a good day !",
+ "you are welcome",
+ "You 're welcome . Have a good day !"
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_user_template_nlg.json b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_user_template_nlg.json
new file mode 100644
index 0000000..48819e6
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/manual_user_template_nlg.json
@@ -0,0 +1,847 @@
+{
+ "Attraction-Inform": {
+ "none": [
+ "I am planning a trip to town and want to sight see a bit . Can you let me know some attractions I may be interested in ?",
+ "Hi , I am planning a trip and need some help with a particular attraction .",
+ "Yeah , I ' m looking for an entertaining tourist attraction , can point me in the direction of some places to check out ?",
+ "Something fun . It needs to be an attraction . Can you make a suggestion ?",
+ "I ca n't wait to get there and see some of the local attractions . I am looking for a place to stay . Can you help me ?",
+ "I am looking for tourist attractions .",
+ "No but I need an attraction in the center part of town .",
+ "I am looking for a particular attraction .",
+ "Can you help me plan a trip to see a particular attraction ?",
+ "I am coming to Cambridge soon to see the many local attractions ."
+ ],
+ "Area": [
+ "I 'd like something in the #ATTRACTION-INFORM-AREA# .",
+ "I would like to visit on in town #ATTRACTION-INFORM-AREA# please .",
+ "Are there anything fun to do in city #ATTRACTION-INFORM-AREA# ?",
+ "I ' m looking for some attractions in the #ATTRACTION-INFORM-AREA# .",
+ "I am also looking for suggestions on places to go in the #ATTRACTION-INFORM-AREA# of town . Can you help me with that ?",
+ "I 'd like a sports place in the #ATTRACTION-INFORM-AREA# please .",
+ "I am also looking for places to go in town . Maybe something in the #ATTRACTION-INFORM-AREA# .",
+ "I also need a place to go in the #ATTRACTION-INFORM-AREA# .",
+ "Can you recommend some fun entertainment in the #ATTRACTION-INFORM-AREA# ?"
+ ],
+ "Type": [
+ "I was hoping to see local places while in cambridge . Some #ATTRACTION-INFORM-TYPE# would be great .",
+ "I ' m looking for a #ATTRACTION-INFORM-TYPE# type attraction .",
+ "A #ATTRACTION-INFORM-TYPE# type of attraction .",
+ "Do you have any #ATTRACTION-INFORM-TYPE# attractions",
+ "Okay , are there any #ATTRACTION-INFORM-TYPE#s in the centre ?",
+ "How about a #ATTRACTION-INFORM-TYPE# ?",
+ "I was also wondering if you would be able to help me find a place to go to see some great #ATTRACTION-INFORM-TYPE# .",
+ "I ' m also looking for some #ATTRACTION-INFORM-TYPE# close to the restaurant . Any suggestions ?",
+ "I prefer something related to #ATTRACTION-INFORM-TYPE#",
+ "I am looking for a #ATTRACTION-INFORM-TYPE# to visit ."
+ ],
+ "Name": [
+ "Yes , I ' m also looking for info on #ATTRACTION-INFORM-NAME# .",
+ "Can you help me find information on #ATTRACTION-INFORM-NAME# ?",
+ "Hello , I ' m looking for the #ATTRACTION-INFORM-NAME# , could you tell me more about it ?",
+ "I am also looking for a attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ' m looking for #ATTRACTION-INFORM-NAME# .",
+ "I am interested in seeing the #ATTRACTION-INFORM-NAME# in Cambridge . Where is it located ?",
+ "do you know where #ATTRACTION-INFORM-NAME# is",
+ "All set on that for now , but i do need info on a place called the #ATTRACTION-INFORM-NAME#",
+ "Yeah , I would like to know about an attraction called #ATTRACTION-INFORM-NAME# .",
+ "I ca n't seem to find any information about the #ATTRACTION-INFORM-NAME# , please help ."
+ ]
+ },
+ "Attraction-Request": {
+ "Addr": [
+ "Could I get the address for it ?",
+ "Can I have the address of a good one ?",
+ "Can I get the address ?",
+ "Just the address please",
+ "That sounds great ! May I have the address ?",
+ "Is there an exact address , like a street number ? Thanks !",
+ "What is the address ?",
+ "Can I get the address please ?",
+ "Can I get the precise address please ?"
+ ],
+ "Post": [
+ "Oh , and what is their postcode , please ?",
+ "what is their postcode ?",
+ "Can I please have the postcode ?",
+ "Thank you very much . Can you give me the postcode ?",
+ "Can you tell me their postcode ?",
+ "Yes , that will work great . Can I get their postcode please ?",
+ "What is the postcode for this place ?",
+ "Can you let me have their postcode ?",
+ "I 'll need the postcode ."
+ ],
+ "Phone": [
+ "can I get the phone number of one ?",
+ "Yes can I get the phone number of one you 'd recommend ?",
+ "Can you give me their phone number please ?",
+ "What is the phone number ?",
+ "I need the phone number as well .",
+ "Please get me their phone number",
+ "Sounds good . Could I get the phone number ?",
+ "Can you give me the phone number ?",
+ "I 'd like their phone number if you have it available , please ."
+ ],
+ "Fee": [
+ "I just need to know how much the entrance fee is .",
+ "Is there an entrance fee ?",
+ "Does it have an entrance fee ?",
+ "Can you let me know what the entrance fee is too ?",
+ "can you recommend one and give me the entrance fee ?",
+ "Can you just recommend one and tell me the entrance fee ?",
+ "Yes , what are the entrance fees ?",
+ "Certainly , pick out a good option . I will need the entrance fee please .",
+ "I would like to know the entrance fee ."
+ ],
+ "Area": [
+ "Can you tell me what area it is located in ?",
+ "Thank you . What 's the area ?",
+ "What area is it located ?",
+ "What area of town is that in ?",
+ "Just need to know what area it 's in .",
+ "What area of town is that in ?",
+ "And what area are they in ?"
+ ],
+ "Type": [
+ "Yes , what is the attraction type ?",
+ "yes I 'll need the attraction type please .",
+ "What type of attraction is this ?",
+ "Can you tell me what type of attraction that is considered ?",
+ "Thank you . What type of attraction is this ?",
+ "What type of attraction is that college ?"
+ ]
+ },
+ "Hospital-Inform": {
+ "none": [
+ "I ' ve been injured and need to find a hospital nearby .",
+ "Can you tell me how to get to Hospital ?",
+ "Am looking for the Hospital",
+ "Could you find me a hospital in town ?",
+ "I need to know where the Hospital is please .",
+ "I want a hospital in town .",
+ "I seem to have injured myself and need a nearby hospital .",
+ "i want to find a hospital in town",
+ "Would you happen to have info on the Hospital ?",
+ "Hey , I ' ve been injured . Where 's the closest hospital ?"
+ ],
+ "Department": [
+ "I am looking in town for a hospital with a #HOSPITAL-INFORM-DEPARTMENT#",
+ "Where 's the closest hospital with a #HOSPITAL-INFORM-DEPARTMENT# ?",
+ "I ' m looking for the Hospital with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "I got injured and I am looking for a hospital nearby . the hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "Am injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# neurosurgery department",
+ "I am in need of a local hospital please . And it must have a #HOSPITAL-INFORM-DEPARTMENT# department !",
+ "I am looking for the Hospital . the hospital should have the #HOSPITAL-INFORM-DEPARTMENT# department",
+ "i need a hospital with a #HOSPITAL-INFORM-DEPARTMENT# department",
+ "I need to find a hospital in town with a #HOSPITAL-INFORM-DEPARTMENT# .",
+ "Am injured and are looking for a hospital nearby it should have the #HOSPITAL-INFORM-DEPARTMENT# department ."
+ ]
+ },
+ "Hospital-Request": {
+ "Phone": [
+ "I just need the general phone number , please .",
+ "Can you provide the phone number for me ?",
+ "No but I need the phone number",
+ "What is the phone number ?",
+ "Could you send their phone number please ?",
+ "May I also have the phone number please ?",
+ "I am looking for the Hospital , can you please give me their phone number ?",
+ "I do not know it . Can I have the hospitals phone number ?",
+ "I need their phone number , please ."
+ ],
+ "Post": [
+ "Can I get the postcode as well ?",
+ "but do you have the postal code by any chance ?",
+ "Thanks , can I also get the postcode ?",
+ "I just need the postcode , please .",
+ "Thank you . Can I have the postcode ?",
+ "What is the postcode ?",
+ "I need the postcode , thanks .",
+ "Could you also give me the postcode ?",
+ "can you also give me their postcode ?",
+ "it does may I please have the postcode and phone number ?"
+ ],
+ "Addr": [
+ "Can I also get the address ? Thanks !",
+ "Does the address not have a street number ?",
+ "Can I get the address please ?",
+ "What is the address so I can find the hospital ?",
+ "What is their address ?",
+ "Thanks . Can I get an address as well ?",
+ "Can I please have the full address of the hospital ?",
+ "may I please have the address ?",
+ "What is the exact address ?",
+ "Thank you . Could you please get me the address for the hospital ?"
+ ]
+ },
+ "Hotel-Inform": {
+ "Parking": [
+ "oh , i need parking",
+ "I do n't want to have to pay for parking .",
+ "It must have free parking .",
+ "Hello , I ' m looking for a place to stay that offers free parking .",
+ "Hello , I would like to find a hotel that includes free parking .",
+ "I ' m looking for a place to stay . I need a hotel that includes free parking",
+ "I 'd like to book one that offers parking please ."
+ ],
+ "Stay": [
+ "how about only #HOTEL-INFORM-STAY# nights .",
+ "Let 's try #HOTEL-INFORM-STAY# nights . ",
+ "what about #HOTEL-INFORM-STAY# nights ?",
+ "we 'd like to stay for #HOTEL-INFORM-STAY# nights .",
+ "I would like to book it for #HOTEL-INFORM-STAY# nights please .",
+ "Can you try booking again for #HOTEL-INFORM-STAY# nights ?",
+ "I will need #HOTEL-INFORM-STAY# nights please .",
+ "How about #HOTEL-INFORM-STAY# night ? Would that work ?"
+ ],
+ "Type": [
+ "I 'd really prefer a #HOTEL-INFORM-TYPE# .",
+ "I actually am looking for a #HOTEL-INFORM-TYPE# .",
+ "could you help me with a finding a #HOTEL-INFORM-TYPE# ?",
+ "do you have one that is a #HOTEL-INFORM-TYPE# ?",
+ "I would like a #HOTEL-INFORM-TYPE# please .",
+ "It should be a #HOTEL-INFORM-TYPE# type hotel ",
+ "I ' m looking for a #HOTEL-INFORM-TYPE# type place to stay ."
+ ],
+ "Price": [
+ "I would like to keep it in the #HOTEL-INFORM-PRICE# range , please .",
+ "Could you also find me a hotel with a #HOTEL-INFORM-PRICE# price ?",
+ "I would prefer something that is in the #HOTEL-INFORM-PRICE# price range .",
+ "How about a hotel in the #HOTEL-INFORM-PRICE# price range ?",
+ "it needs to be in the #HOTEL-INFORM-PRICE# price range .",
+ "I ' m looking for some #HOTEL-INFORM-PRICE# priced accommodations for my visit . Can you help me with that ?",
+ "I would like to keep the price #HOTEL-INFORM-PRICE# .",
+ "I also need a #HOTEL-INFORM-PRICE# place to stay ."
+ ],
+ "Day": [
+ "#HOTEL-INFORM-DAY# please .",
+ "i want to check in on #HOTEL-INFORM-DAY#",
+ "Try #HOTEL-INFORM-DAY# please .",
+ "Great , can you book that for first day #HOTEL-INFORM-DAY# please ?",
+ "On #HOTEL-INFORM-DAY# please",
+ "I need a room starting on #HOTEL-INFORM-DAY# .",
+ "Let 's try for #HOTEL-INFORM-DAY#",
+ "I need the room starting on #HOTEL-INFORM-DAY# , please ."
+ ],
+ "Area": [
+ "I need a place to stay in the #HOTEL-INFORM-AREA# please .",
+ "I would prefer the hotel be in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m also looking for a place to stay . In the #HOTEL-INFORM-AREA# preferably .",
+ "Would you be able to help me find a place to stay in the #HOTEL-INFORM-AREA# side of town ?",
+ "I ' m looking for a place to stay in the #HOTEL-INFORM-AREA# part of town .",
+ "I ' m looking for a hotel in the #HOTEL-INFORM-AREA# .",
+ "I need it in the #HOTEL-INFORM-AREA# , please ."
+ ],
+ "People": [
+ "I need reservations for #HOTEL-INFORM-PEOPLE# .",
+ "Yes , could you book the hotel room for me for #HOTEL-INFORM-PEOPLE# people ?",
+ "There are #HOTEL-INFORM-PEOPLE# of us .",
+ "That will work . Can you make a reservation for #HOTEL-INFORM-PEOPLE# people , please ?",
+ "There is going to be #HOTEL-INFORM-PEOPLE# of us",
+ "Actually , I 'd like to book it for #HOTEL-INFORM-PEOPLE# people . Can you help with that ?",
+ "There will be #HOTEL-INFORM-PEOPLE# people .",
+ "There will be #HOTEL-INFORM-PEOPLE# of us .",
+ "Yes , could you book the hotel room for me for #HOTEL-INFORM-PEOPLE# people ?",
+ "I would like to book it for #HOTEL-INFORM-PEOPLE# people . Thanks ."
+ ],
+ "Stars": [
+ "I would like it to be a #HOTEL-INFORM-STARS# star hotel .",
+ "I want a place with a #HOTEL-INFORM-STARS# star rating",
+ "I would like a #HOTEL-INFORM-STARS# star hotel though , please .",
+ "It should have a #HOTEL-INFORM-STARS# star rating .",
+ "do you have any hotels with a #HOTEL-INFORM-STARS# star rating ?",
+ "do they have a #HOTEL-INFORM-STARS# star rating ?",
+ "Are there any #HOTEL-INFORM-STARS# stars available ?",
+ "I ' m looking for a place that is at least a #HOTEL-INFORM-STARS# star location ?",
+ "I would like it to have a #HOTEL-INFORM-STARS# star rating ."
+ ],
+ "Name": [
+ "I am looking for a specific hotel , its name is #HOTEL-INFORM-NAME#",
+ "I am looking for a particular hotel . Its name is called #HOTEL-INFORM-NAME#",
+ "I am looking for a hotel call #HOTEL-INFORM-NAME# .",
+ "I am staying in Cambridge soon and would like to stay at #HOTEL-INFORM-NAME# .",
+ "Yes ! I ' m looking for a particular hotel , the name is #HOTEL-INFORM-NAME# .",
+ "Can you tell me about the #HOTEL-INFORM-NAME# hotel ?",
+ "I ' m looking for information on a hotel called #HOTEL-INFORM-NAME# .",
+ "Can you also help me find a hotel called the #HOTEL-INFORM-NAME# ?",
+ "I am looking for a hotel by the name of #HOTEL-INFORM-NAME# .",
+ "Thank you and I am also looking for the #HOTEL-INFORM-NAME# ."
+ ],
+ "none": [
+ "I need a hotel as well .",
+ "I ' m looking for a hotel .",
+ "I need a hotel close to downtown Cambridge please .",
+ "I also need a hotel"
+ ],
+ "Internet": [
+ "it should have free wifi .",
+ "I do need a place that has free wifi .",
+ "I need one with wifi ."
+ ]
+ },
+ "Hotel-Request": {
+ "Addr": [
+ "I just need the address .",
+ "no , i just need their address .",
+ "Can you give me the address please ?",
+ "could I get their address ?",
+ "Could you give me the address , please ?",
+ "may I have the address for that hotel ?",
+ "I do n't need it booked but what s the address ?"
+ ],
+ "Ref": [
+ "Please book it and provide the reference number .",
+ "please give me the reference number .",
+ "a reference number would be great !",
+ "please book it and provide a reference number .",
+ "can I get the reference number once you make that reservation ?",
+ "That 's great . Can you book the room and give me the reference number ?",
+ "I 'd like the reference number as well .",
+ "Thank you . I will also need the booking reference number .",
+ "Okay , just let me get a reference number when you book it .",
+ "I need the reference number too ."
+ ],
+ "Post": [
+ "Can I get the postcode for both of them ?",
+ "That sounds fine , I just need the postcode though .",
+ "Can I please have the post code ?",
+ "I just need the postcode .",
+ "What is the postcode ?",
+ "Actually , can you give me the postcode for that ?",
+ "could you provide me with their postcode ?",
+ "And I need a postcode .",
+ "I would like to get the postcode , please .",
+ "Can I get their postcode please ?"
+ ],
+ "Phone": [
+ "Do you have their phone numbers ?",
+ "i need the phone number",
+ "Could I get the phone number ?",
+ "What 's the phone number ?",
+ "can you get me their phone number ?",
+ "Can you give me the phone number , please ?",
+ "Just get me their phone number .",
+ "What is their phone number ?"
+ ],
+ "Parking": [
+ "Do they have parking ?",
+ "Does that have free parking ?",
+ "Do any / all of them have free parking as well ?",
+ "Do they have free parking ?",
+ "Can you tell me if they have free parking ?",
+ "Could you tell me if they have free parking ?",
+ "Did they have free parking ?",
+ "can you tell me if it has free parking ?"
+ ],
+ "Price": [
+ "Also , what is the price range of the hotel ?",
+ "What is the price range ?",
+ "What is the price range for the hotel ?",
+ "I just need to know the price range .",
+ "Do you have a price range for that hotel ?",
+ "Can you give me the price range ?",
+ "What is the price range of the hotel ?"
+ ],
+ "Area": [
+ "Can you tell me which area it is in ?",
+ "What area is it in ?",
+ "Do you know the area the hotel is located in ?",
+ "that would be great . What 's the area ?",
+ "can you tell me what area that 's in ?",
+ "Can you also confirm the area that is in please ?",
+ "What is the area ?",
+ "yeah , what area of town is it in ?",
+ "What 's the area at first ?"
+ ],
+ "Type": [
+ "Thanks , what type of hotel is it ?",
+ "what type of hotel is it ?",
+ "what type of hotels are they ?",
+ "What type of hotel is it ?",
+ "What type of accommodations are they",
+ "I need the type of place it is , please .",
+ "I am wondering what type of hotel , please ."
+ ],
+ "Internet": [
+ "Does it have internet ?",
+ "No , I just need to know if they have free internet .",
+ "Can I just confirm it has free internet as well",
+ "can you tell me if the hotel has internet available ?",
+ "Can you tell me if they have free internet ?",
+ "Do they also have internet available ?",
+ "Do any of them offer internet ?",
+ "Do they have free wifi ?",
+ "I need to know if they have internet service ."
+ ],
+ "Stars": [
+ "can you please tell me how many stars it has ?",
+ "how many stars it is ?",
+ "How many stars is the hotel rated ?",
+ "How many stars is it ?",
+ "how many stars ?",
+ "How many stars does the hotel have ?",
+ "Thanks , how many stars is it rated ?"
+ ]
+ },
+ "Police-Inform": {
+ "none": [
+ "Hello , I have been robbed . Can you please help me get in touch with the police ?",
+ "Can you tell me the address to the police station in Cambridge ?",
+ "Hi , I would like to find Parkside Police Station please .",
+ "You should go to the local police department ?",
+ "Help , I need to find the nearest police station .",
+ "There 's a Parkside Police Station in town , right ?",
+ "I am looking for a police station in Parkside",
+ "I appreciate your help . Do you know how quickly the police will respond ? I may need some medical help as well .",
+ "Help I was just robbed ! Could you please help me contact the police ?"
+ ]
+ },
+ "Police-Request": {
+ "Post": [
+ "Can I please have the postcode as well ?",
+ "I will also need the postcode please .",
+ "Can I get the postcode ?",
+ "what is its postcode ?",
+ "What is the postcode for that station ?",
+ "may I also please have the postcode ?",
+ "Can you help me with locating the postcode ?",
+ "the postcode please",
+ "What is the postcode ?"
+ ],
+ "Addr": [
+ "Was Parkside the address of the police station ? If not , can I have the address please ?",
+ "Also , can you give me the exact address to the station ?",
+ "Could I also get the address of the police station ?",
+ "Can you give me their address , please ?",
+ "Yes and the address , as well . Thanks .",
+ "What is the address ?",
+ "Can you give me the exact address for the police ?",
+ "Yes , I will need their address also please .",
+ "Great , could I also have their address .",
+ "Do you have their address ?"
+ ],
+ "Phone": [
+ "Do you have the phone number there ?",
+ "What is the police phone number , please ?",
+ "Can you give me the phone number please ?",
+ "May I get the phone number ?",
+ "Thank you , what is their phone number ?",
+ "Yes , I 'll also need their phone number .",
+ "Could you tell me where to find the nearest police station and give the telephone number ?",
+ "I only needed the phone number . Thank you !",
+ "I do n't know I am new to this area , please just give me the phone number to the police station .",
+ "I need to call them actually right now - do you have their phone number ?"
+ ]
+ },
+ "Restaurant-Inform": {
+ "Name": [
+ "I am looking for a particular restaurant . It is called #RESTAURANT-INFORM-NAME# .",
+ "I would like #RESTAURANT-INFORM-NAME# .",
+ "Could you just give me the number for #RESTAURANT-INFORM-NAME# .",
+ "It is called #RESTAURANT-INFORM-NAME# .",
+ "I am looking for details on the #RESTAURANT-INFORM-NAME# restaurant .",
+ "i need info about #RESTAURANT-INFORM-NAME# restaurant .",
+ "i am looking for a particular restaurant . Its name is called #RESTAURANT-INFORM-NAME#",
+ "Need a restaurant called #RESTAURANT-INFORM-NAME#",
+ "I also am looking for a restaurant as well . It 's called #RESTAURANT-INFORM-NAME# .",
+ "I ' m looking for a restaurant named #RESTAURANT-INFORM-NAME# ."
+ ],
+ "Area": [
+ "I ' m so hungry - can you find me a place to eat in the city #RESTAURANT-INFORM-AREA# ?",
+ "Hi , I am currently planning to come to Cambridge , and I was looking for a relatively inexpensive place to eat in the #RESTAURANT-INFORM-AREA# . What would you suggest ?",
+ "Can you help me find a restaurant ? I want to find a place in the #RESTAURANT-INFORM-AREA# .",
+ "I would prefer it in the #RESTAURANT-INFORM-AREA# area .",
+ "I am also in the market for a new restaurant . Is there something in the #RESTAURANT-INFORM-AREA# of town ?",
+ "Is that located in the #RESTAURANT-INFORM-AREA# ?",
+ "I 'd like to be in the #RESTAURANT-INFORM-AREA# please .",
+ "What restaurants are located in the #RESTAURANT-INFORM-AREA# ?",
+ "I also would like information on a place to eat in the #RESTAURANT-INFORM-AREA# of town ."
+ ],
+ "Price": [
+ "it just needs to be #RESTAURANT-INFORM-PRICE# .",
+ "I 'd like a #RESTAURANT-INFORM-PRICE# priced one .",
+ "I want to find a #RESTAURANT-INFORM-PRICE# priced restaurant .",
+ "I ' m looking for an #RESTAURANT-INFORM-PRICE# restaurant in the center of town .",
+ "I am looking for a #RESTAURANT-INFORM-PRICE# restaurant in the center of the city .",
+ "Actually I need a #RESTAURANT-INFORM-PRICE#ly priced restaurant . Are there any fitting that description ?",
+ "Oh , I really need something #RESTAURANT-INFORM-PRICE# .",
+ "I also need a place to dine that is #RESTAURANT-INFORM-PRICE# priced ."
+ ],
+ "Food": [
+ "How about #RESTAURANT-INFORM-FOOD# .",
+ "are there any #RESTAURANT-INFORM-FOOD# restaurants in the center of town ?",
+ "Hmm , I 'll try #RESTAURANT-INFORM-FOOD# .",
+ "I 'd like to find a #RESTAURANT-INFORM-FOOD# restaurant , if possible .",
+ "Do you have #RESTAURANT-INFORM-FOOD# food ? That sounds really good .",
+ "Yes . This restaurant should serve #RESTAURANT-INFORM-FOOD# food too .",
+ "I ' m visiting Cambridge and would like some suggestions for an restaurant which serves #RESTAURANT-INFORM-FOOD# .",
+ "how about a #RESTAURANT-INFORM-FOOD# restaurant ?",
+ "I would prefer #RESTAURANT-INFORM-FOOD# food please ."
+ ],
+ "none": [
+ "I need a restaurant .",
+ "I need a restaurant to dine at in Cambridge on my upcoming trip .",
+ "Hello , can you help me find a restaurant for my upcoming trip to Cambridge ?",
+ "i want to reserve a table",
+ "I need to find information about a certain restaurant , can you help with that ?"
+ ],
+ "Time": [
+ "can you try for #RESTAURANT-INFORM-TIME# ?",
+ "arriving at the restaurant by #RESTAURANT-INFORM-TIME# .",
+ "Yes . How about #RESTAURANT-INFORM-TIME# ?",
+ "Can you try to book it at #RESTAURANT-INFORM-TIME# .",
+ "How about #RESTAURANT-INFORM-TIME# ?",
+ "can you please try #RESTAURANT-INFORM-TIME# ?",
+ "Can you try #RESTAURANT-INFORM-TIME# ?",
+ "I would like a table for #RESTAURANT-INFORM-TIME# ."
+ ],
+ "People": [
+ "There are #RESTAURANT-INFORM-PEOPLE# people",
+ "Yes , I want to book a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "Please try to book a table for #RESTAURANT-INFORM-PEOPLE# people at your favorite one .",
+ "I need a reservation for #RESTAURANT-INFORM-PEOPLE# people .",
+ "I need a table for #RESTAURANT-INFORM-PEOPLE# people .",
+ "We will have #RESTAURANT-INFORM-PEOPLE# people in the party .",
+ "Book a table for #RESTAURANT-INFORM-PEOPLE# person please .",
+ "Can you book me a table for #RESTAURANT-INFORM-PEOPLE# ?",
+ "It will be for #RESTAURANT-INFORM-PEOPLE# people .",
+ "There will be #RESTAURANT-INFORM-PEOPLE# of us ."
+ ],
+ "Day": [
+ "i am also looking for a restaurant to book for #RESTAURANT-INFORM-DAY#",
+ "I 'll be needing a table for #RESTAURANT-INFORM-DAY# .",
+ "book a table on #RESTAURANT-INFORM-DAY# .",
+ "We will be there #RESTAURANT-INFORM-DAY# night .",
+ "Please make a reservation for #RESTAURANT-INFORM-DAY# .",
+ "I do need a booking for #RESTAURANT-INFORM-DAY# .",
+ "Please reserve a table on #RESTAURANT-INFORM-DAY# .",
+ "I would like to book a table for #RESTAURANT-INFORM-DAY#"
+ ]
+ },
+ "Restaurant-Request": {
+ "Addr": [
+ "Thank you . May I have the address ?",
+ "may I have the address ?",
+ "please give me their address .",
+ "What is the address ?",
+ "May I have the address for the restaurant please ?",
+ "Can you give me the address ?",
+ "Which ever you think is the best , please give me the address .",
+ "May I also get the address for the restaurant ?"
+ ],
+ "Post": [
+ "I just need the post code .",
+ "I will need the postcode though .",
+ "Can I get the postcode for it please ?",
+ "What is the postal code ?",
+ "No thank you I just need the postcode .",
+ "What is their postcode ?",
+ "can I get the postcode for the restaurant ?",
+ "Can I get the postcode ?",
+ "I would like to know the postcode , if possible ?",
+ "can I have their postcode , please ?"
+ ],
+ "Phone": [
+ "May I have their telephone number please ?",
+ "I would like their phone number .",
+ "Please provide the phone number .",
+ "Please provide their phone number , thank you .",
+ "That place sounds great . Can I get the phone number please ?",
+ "What is the phone number ?",
+ "Can I just get the phone number ?"
+ ],
+ "Price": [
+ "What is the price range ?",
+ "What is the price range of the restaurant ?",
+ "I was wondering the price range of the restaurant .",
+ "Could you recommend one and give me the price range ?",
+ "I also need to know what the price range is for this restaurant .",
+ "Yes , do you happen to know what their price range is ?",
+ "Can you tell me the price range for the restaurant ?",
+ "What is the price range for the restaurant ?"
+ ],
+ "Ref": [
+ "Can I have the reference number please ?",
+ "Can I have the reference number .",
+ "Sounds good . Book it please and I 'll need the reference number .",
+ "Why do n't you just schedule it and give me the reference number please .",
+ "give me the reference number",
+ "Can you book it for me and get a reference number ?",
+ "Could I have the reference number please",
+ "May I have the reference number please ?",
+ "can you please and send me the reference number .",
+ "I need the reference number too please ."
+ ],
+ "Food": [
+ "What type of food do each of them serve ?",
+ "What type of food do they serve ?",
+ "What type of food do they serve , please ?",
+ "Can you tell me what kind of food they serve ?",
+ "What kind of food does the restaurant serve ?",
+ "May I ask what type of food does the restaurant serve ?",
+ "What 's the food type ?"
+ ],
+ "Area": [
+ "can you tell me what area of town that 's in ?",
+ "what area is it in ?",
+ "I 'll need to know the area that it 's located in .",
+ "What is the area ?",
+ "What area is the restaurant in ?",
+ "Yes I need the area for that as well .",
+ "Can you tell me what area they are in ?",
+ "What is the area for the restaurant ?",
+ "What area is the restaurant in ?"
+ ]
+ },
+ "Taxi-Inform": {
+ "Leave": [
+ "I want to leave after #TAXI-INFORM-LEAVE# .",
+ "thanks . i want to leave by #TAXI-INFORM-LEAVE# .",
+ "Okay I also need a taxi that will leave by #TAXI-INFORM-LEAVE# .",
+ "#TAXI-INFORM-LEAVE# , please .",
+ "still need a cab by my booked time , #TAXI-INFORM-LEAVE# please",
+ "I want to leave by #TAXI-INFORM-LEAVE# .",
+ "Hi , I need to book a taxi , please ? I need to leave sometime after #TAXI-INFORM-LEAVE# ."
+ ],
+ "none": [
+ "I 'll need a ride there . Can you arrange a taxi for me ?",
+ "Now I need a taxi .",
+ "Alright book a taxi for me as well . I 'll need to get to the two places and I ' m not familiar with the town . Thanks .",
+ "I also want to book a taxi to commute between the two places .",
+ "Yes please . I need a taxi to commute .",
+ "Yes I would also like a taxi to commute between the two places .",
+ "i 'll need a taxi",
+ "Can you schedule me a taxi to take me there ?",
+ "Thank you . Would you also give me the contact number for the taxi ?",
+ "One more thing , I would like to book a taxi to commute between the two places ."
+ ],
+ "Arrive": [
+ "I 'd like to arrive prior to the #TAXI-INFORM-ARRIVE# time .",
+ "I 'd like to get to the Gallery by #TAXI-INFORM-ARRIVE# , please .",
+ "I want to arrive by #TAXI-INFORM-ARRIVE#",
+ "I 'd like the arrival time to be #TAXI-INFORM-ARRIVE# , please .",
+ "I need to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I would like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "My arrival time will be #TAXI-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TAXI-INFORM-ARRIVE# .",
+ "I just need it to arrive by #TAXI-INFORM-ARRIVE# for the reservation ."
+ ],
+ "Dest": [
+ "I need a taxi to take me in time for my reservation to #TAXI-INFORM-DEST# today",
+ "I want to visit the #TAXI-INFORM-DEST# and need a taxi to take me",
+ "I 'll be heading to #TAXI-INFORM-DEST# .",
+ "Hi , i need to book a taxi to go to #TAXI-INFORM-DEST# .",
+ "I need a tax to #TAXI-INFORM-DEST# .",
+ "I will be going to #TAXI-INFORM-DEST# .",
+ "The taxi should go to #TAXI-INFORM-DEST# .",
+ "I need a taxi to take me to #TAXI-INFORM-DEST#",
+ "Taxi to #TAXI-INFORM-DEST# please",
+ "I want to go to #TAXI-INFORM-DEST# ."
+ ],
+ "Depart": [
+ "I am leaving from the #TAXI-INFORM-DEPART# .",
+ "I want to be picked up at #TAXI-INFORM-DEPART# please",
+ "I need a taxi to pick me up from #TAXI-INFORM-DEPART# please",
+ "The taxi should depart from #TAXI-INFORM-DEPART#",
+ "I ' m at #TAXI-INFORM-DEPART#",
+ "I am departing from #TAXI-INFORM-DEPART# .",
+ "I need a taxi to get me from #TAXI-INFORM-DEPART#",
+ "I need to book a taxi from #TAXI-INFORM-DEPART# .",
+ "Can a taxi pick me up at #TAXI-INFORM-DEPART# ?",
+ "I want to depart from #TAXI-INFORM-DEPART#"
+ ]
+ },
+ "Taxi-Request": {
+ "Car": [
+ "Yes I would like the car type please for my booking .",
+ "It would be nice if you would tell me the car type .",
+ "What is the car type for the taxi ?",
+ "Please . Can I get the car type for that ?",
+ "Could I have the car type for this trip ?",
+ "I need the car type please .",
+ "Can you give me the car type ?"
+ ],
+ "Phone": [
+ "Can I get the phone number ?",
+ "Could you please send me the phone number .",
+ "Do you have their phone number ?",
+ "Can I get the phone also please ?",
+ "Can you get me the contact phone number please ?",
+ "please provide the phone number ."
+ ]
+ },
+ "Train-Inform": {
+ "Arrive": [
+ "I want to get there by #TRAIN-INFORM-ARRIVE# at the latest .",
+ "Do you have a train that arrives closer to #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# , do you have something close to that time ?",
+ "I need it to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I 'd like to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "I want to get there by #TRAIN-INFORM-ARRIVE# .",
+ "I want to arrive by #TRAIN-INFORM-ARRIVE# .",
+ "Well I want to arrive by #TRAIN-INFORM-ARRIVE# ."
+ ],
+ "Depart": [
+ "I am departing from #TRAIN-INFORM-DEPART# .",
+ "Is it going to #TRAIN-INFORM-DEPART# ?",
+ "I need it to depart from #TRAIN-INFORM-DEPART# .",
+ "I will departing from #TRAIN-INFORM-DEPART# .",
+ "Thanks ! I also need a train departing from #TRAIN-INFORM-DEPART# .",
+ "I would like to depart from #TRAIN-INFORM-DEPART# .",
+ "I ' m also looking for a train from #TRAIN-INFORM-DEPART# .",
+ "Great I also need a train departs from #TRAIN-INFORM-DEPART# .",
+ "I ' m departing from #TRAIN-INFORM-DEPART# .",
+ "I 'll be departing from #TRAIN-INFORM-DEPART# ."
+ ],
+ "Day": [
+ "I would like to leave on #TRAIN-INFORM-DAY#",
+ "The train should leave on #TRAIN-INFORM-DAY# .",
+ "I will leav on #TRAIN-INFORM-DAY# .",
+ "This will be for #TRAIN-INFORM-DAY# .",
+ "I need a train on #TRAIN-INFORM-DAY# .",
+ "I want a train leaving on #TRAIN-INFORM-DAY# .",
+ "I ' m looking for a train leaving on #TRAIN-INFORM-DAY# please .",
+ "I need to travel on #TRAIN-INFORM-DAY# .",
+ "I ' m looking to travel on #TRAIN-INFORM-DAY#",
+ "I would like to leave on #TRAIN-INFORM-DAY# ."
+ ],
+ "People": [
+ "Please make a booking for #TRAIN-INFORM-PEOPLE# people please .",
+ "I need #TRAIN-INFORM-PEOPLE# tickets .",
+ "I need to make a booking for #TRAIN-INFORM-PEOPLE# people ?",
+ "Yes , please book #TRAIN-INFORM-PEOPLE# seats .",
+ "Yes , can you book that for #TRAIN-INFORM-PEOPLE# ?",
+ "I would like #TRAIN-INFORM-PEOPLE# tickets please .",
+ "I will need #TRAIN-INFORM-PEOPLE# seats .",
+ "Book #TRAIN-INFORM-PEOPLE# seats for me please .",
+ "I would like to make a booking for #TRAIN-INFORM-PEOPLE# person .",
+ "I would like a booking for #TRAIN-INFORM-PEOPLE# people ."
+ ],
+ "none": [
+ "Please book that train for me now .",
+ "Thank you . I would also like to book a train , please .",
+ "yeah i need a train too",
+ "I am looking for a train departing from london liverpool please .",
+ "please book the train for me . That will be all .",
+ "I am also looking for information about a train . Can you help me with that ?",
+ "I would just like to find a train first , and get the info . I think I have the info I needed .",
+ "I also need a train",
+ "Yes please book that train for me ."
+ ],
+ "Dest": [
+ "Howdy , I need a train heading into #TRAIN-INFORM-DEST# .",
+ "i am leaving for #TRAIN-INFORM-DEST#",
+ "I am going to #TRAIN-INFORM-DEST#",
+ "I need a train going to #TRAIN-INFORM-DEST# .",
+ "I need to find a train to #TRAIN-INFORM-DEST# please .",
+ "Can you tell me when that train will be arriving in #TRAIN-INFORM-DEST# ?",
+ "Yes I would like to go to #TRAIN-INFORM-DEST# please .",
+ "I need to book a train to #TRAIN-INFORM-DEST# .",
+ "I need some information on a train going to #TRAIN-INFORM-DEST# .",
+ "Ok , great thanks . Can you also help me find a train going to #TRAIN-INFORM-DEST# ?"
+ ],
+ "Leave": [
+ "Leaving anytime after #TRAIN-INFORM-LEAVE# please .",
+ "The earlier the better , so whichever train leaves closest to #TRAIN-INFORM-LEAVE#",
+ "I need a train leaving after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE# .",
+ "I need to leave after #TRAIN-INFORM-LEAVE# .",
+ "Yes , I need to leave sometimes after #TRAIN-INFORM-LEAVE# .",
+ "Yes I ' m leaving on Saturday and not too early , sometime after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave anytime after #TRAIN-INFORM-LEAVE# .",
+ "I would like to leave after #TRAIN-INFORM-LEAVE#"
+ ]
+ },
+ "Train-Request": {
+ "Ref": [
+ "Could I have the reference number as well ?",
+ "Could I get the reference number ?",
+ "Great , can you give me the reference number .",
+ "if I could please get the reference number .",
+ "Sounds great . Please book and provide me with a reference number .",
+ "please book and send me a reference number .",
+ "please and I will need the reference number .",
+ "Can you provide me with a reference number after booking ?"
+ ],
+ "Time": [
+ "Can you please give me the travel time .",
+ "Can you give me the travel time please ?",
+ "What is the total travel time ?",
+ "Yes , what is the duration of the train ride ?",
+ "What 's the travel time on that trip ?",
+ "What is the travel time ?",
+ "That should work , what is the travel time on that ?",
+ "What is the travel time for that ride ?",
+ "could you tell me the travel time ?"
+ ],
+ "Ticket": [
+ "What is the price for the train ?",
+ "Could you give me the price for that train ?",
+ "What is the price of a ticket , please ?",
+ "i need to know the price",
+ "Can you give me the price ?",
+ "What 's the price ?",
+ "Can you tell me the price ?"
+ ],
+ "Leave": [
+ "What time does the train leave ?",
+ "Could you comfirm the departure time of that train ?",
+ "What is the departure time ?",
+ "Can you tell me what time it leaves ?",
+ "I need the departure time .",
+ "I need to know the departure time for that ride ."
+ ],
+ "Id": [
+ "What is the train ID ?",
+ "I need the train ID , please .",
+ "What is the train ID you found ?",
+ "give me the train id , please .",
+ "What 's the train ID on that please ?",
+ "What is the train id , please ?",
+ "Could you also give me the train ID ?",
+ "I just need to know the id . I do not need to book it .",
+ "I would like to know the train ID for that train please ."
+ ],
+ "Arrive": [
+ "when does it arrive ?",
+ "what is the arrival time ?",
+ "Can you tell me what the arrival time is ?",
+ "What is the arrival time for that train ?",
+ "What time does it arrive by ?",
+ "What 's the arrival time for that ?"
+ ]
+ },
+ "general-bye": {
+ "none": [
+ "No , that will be all . Good bye .",
+ "You were great . Goodbye .",
+ "Thank you very much , goodbye .",
+ "Thank you , goodbye",
+ "No , I am all set . Have a nice day . Bye .",
+ "Ok , have a good day . Goodbye .",
+ "No , I do n't need anything else right now . Thank you for your assistance . Good Bye .",
+ "That 's all I need today . Thanks ! Bye !",
+ "Actually , I ' m all set . Thank you ! Bye !",
+ "No thanks . That 's all the help I need . Take care . Bye ."
+ ]
+ },
+ "general-greet": {
+ "none": [
+ "Hello !"
+ ]
+ },
+ "general-thank": {
+ "none": [
+ "Thank you that will be all for now .",
+ "Thank you for all the help ! I appreciate it .",
+ "Thank you . That 's all I needed .",
+ "That 's all I need for today . Thanks for your help !",
+ "Great that 's all that I needed to know , thank you !",
+ "Thank you that will do .",
+ "That 's all I need right now . Thanks , you have been very helpful !",
+ "That 's all I need , thanks so much for all of your help ! Have a great day !",
+ "Also , thanks for the apology . I do n't need anything else at this time .",
+ "That 's all I need today , thank you ."
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/multiwoz_template_nlg.py b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/multiwoz_template_nlg.py
new file mode 100644
index 0000000..6f76735
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/multiwoz_template_nlg/multiwoz_template_nlg.py
@@ -0,0 +1,196 @@
+"""
+template NLG for multiwoz dataset. templates are in `multiwoz_template_nlg/` dir.
+See `example` function in this file for usage.
+"""
+import json
+import random
+import os
+from pprint import pprint
+from convlab.modules.nlg.nlg import NLG
+
+
+def read_json(filename):
+ with open(filename, 'r') as f:
+ return json.load(f)
+
+# supported slot
+slot2word = {
+ 'Fee': 'fee',
+ 'Addr': 'address',
+ 'Area': 'area',
+ 'Stars': 'stars',
+ 'Internet': 'Internet',
+ 'Department': 'department',
+ 'Choice': 'choice',
+ 'Ref': 'reference number',
+ 'Food': 'food',
+ 'Type': 'type',
+ 'Price': 'price range',
+ 'Stay': 'stay',
+ 'Phone': 'phone',
+ 'Post': 'postcode',
+ 'Day': 'day',
+ 'Name': 'name',
+ 'Car': 'car type',
+ 'Leave': 'leave',
+ 'Time': 'time',
+ 'Arrive': 'arrive',
+ 'Ticket': 'ticket',
+ 'Depart': 'departure',
+ 'People': 'people',
+ 'Dest': 'destination',
+ 'Parking': 'parking',
+ 'Open': 'open',
+ 'Id': 'Id',
+ # 'TrainID': 'TrainID'
+}
+
+
+class MultiwozTemplateNLG(NLG):
+ def __init__(self, is_user, mode="manual"):
+ """
+ :param is_user: if dialog_act from user or system
+ :param mode: `auto`: templates extracted from data without manual modification, may have no match;
+ `manual`: templates with manual modification, sometimes verbose;
+ `auto_manual`: use auto templates first. When fails, use manual templates.
+ both template are dict, *_template[dialog_act][slot] is a list of templates.
+ """
+ super().__init__()
+ self.is_user = is_user
+ self.mode = mode
+ template_dir = os.path.dirname(os.path.abspath(__file__))
+ self.auto_user_template = read_json(os.path.join(template_dir, 'auto_user_template_nlg.json'))
+ self.auto_system_template = read_json(os.path.join(template_dir, 'auto_system_template_nlg.json'))
+ self.manual_user_template = read_json(os.path.join(template_dir, 'manual_user_template_nlg.json'))
+ self.manual_system_template = read_json(os.path.join(template_dir, 'manual_system_template_nlg.json'))
+
+ def generate(self, dialog_acts):
+ """
+ NLG for Multiwoz dataset
+ :param dialog_acts: {da1:[[slot1,value1],...], da2:...}
+ :return: generated sentence
+ """
+ mode = self.mode
+ try:
+ is_user = self.is_user
+ if mode=='manual':
+ if is_user:
+ template = self.manual_user_template
+ else:
+ template = self.manual_system_template
+
+ return self._manual_generate(dialog_acts, template)
+
+ elif mode=='auto':
+ if is_user:
+ template = self.auto_user_template
+ else:
+ template = self.auto_system_template
+
+ return self._auto_generate(dialog_acts, template)
+
+ elif mode=='auto_manual':
+ if is_user:
+ template1 = self.auto_user_template
+ template2 = self.manual_user_template
+ else:
+ template1 = self.auto_system_template
+ template2 = self.manual_system_template
+
+ res = self._auto_generate(dialog_acts, template1)
+ if res == 'None':
+ res = self._manual_generate(dialog_acts, template2)
+ return res
+
+ else:
+ raise Exception("Invalid mode! available mode: auto, manual, auto_manual")
+ except Exception as e:
+ print('Error in processing:')
+ pprint(dialog_acts)
+ raise e
+
+ def _postprocess(self,sen):
+ sen = sen.strip().capitalize()
+ if sen[-1] != '?' and sen[-1] != '.':
+ sen += '.'
+ sen += ' '
+ return sen
+
+ def _manual_generate(self, dialog_acts, template):
+ sentences = ''
+ for dialog_act, slot_value_pairs in dialog_acts.items():
+ intent = dialog_act.split('-')
+ if 'Select'==intent[1]:
+ slot2values = {}
+ for slot, value in slot_value_pairs:
+ slot2values.setdefault(slot, [])
+ slot2values[slot].append(value)
+ for slot, values in slot2values.items():
+ if slot == 'none': continue
+ sentence = 'Do you prefer ' + values[0]
+ for i, value in enumerate(values[1:]):
+ if i == (len(values) - 2):
+ sentence += ' or ' + value
+ else:
+ sentence += ' , ' + value
+ sentence += ' {} ? '.format(slot2word[slot])
+ sentences += sentence
+ elif 'Request'==intent[1]:
+ for slot, value in slot_value_pairs:
+ if dialog_act not in template or slot not in template[dialog_act]:
+ sentence = 'What is the {} of {} ? '.format(slot, dialog_act.split('-')[0].lower())
+ sentences += sentence
+ else:
+ sentence = random.choice(template[dialog_act][slot])
+ sentence = self._postprocess(sentence)
+ sentences += sentence
+ elif 'general'==intent[0] and dialog_act in template:
+ sentence = random.choice(template[dialog_act]['none'])
+ sentence = self._postprocess(sentence)
+ sentences += sentence
+ else:
+ for slot, value in slot_value_pairs:
+ if dialog_act in template and slot in template[dialog_act]:
+ sentence = random.choice(template[dialog_act][slot])
+ sentence = sentence.replace('#{}-{}#'.format(dialog_act.upper(), slot.upper()), value)
+ else:
+ sentence = 'The {} is {} . '.format(slot2word[slot], value)
+ sentence = self._postprocess(sentence)
+ sentences += sentence
+ return sentences.strip()
+
+ def _auto_generate(self, dialog_acts, template):
+ sentences = ''
+ for dialog_act, slot_value_pairs in dialog_acts.items():
+ key = ''
+ for s, v in sorted(slot_value_pairs, key=lambda x: x[0]):
+ key += s + ';'
+ if dialog_act in template and key in template[dialog_act]:
+ sentence = random.choice(template[dialog_act][key])
+ if 'Request' in dialog_act or 'general' in dialog_act:
+ sentence = self._postprocess(sentence)
+ sentences += sentence
+ else:
+ for s, v in sorted(slot_value_pairs, key=lambda x: x[0]):
+ if v != 'none':
+ sentence = sentence.replace('#{}-{}#'.format(dialog_act.upper(), s.upper()), v, 1)
+ sentence = self._postprocess(sentence)
+ sentences += sentence
+ else:
+ return 'None'
+ return sentences.strip()
+
+
+def example():
+ # dialog act
+ dialog_acts = {}
+ # whether from user or system
+ is_user = False
+
+ multiwoz_template_nlg = MultiwozTemplateNLG(is_user)
+ # print(dialog_acts)
+ print(multiwoz_template_nlg.generate(dialog_acts))
+
+
+if __name__ == '__main__':
+ example()
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/README.md b/convlab/modules/nlg/multiwoz/sc_lstm/README.md
new file mode 100644
index 0000000..df985c3
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/README.md
@@ -0,0 +1,44 @@
+# nlg-sclstm-multiwoz
+pytorch implementation of semantically-conditioned LSTM on multiwoz data
+
+
+semantically-conditioned LSTM: https://arxiv.org/pdf/1508.01745.pdf
+
+# Run the code
+
+unzip [rar](https://drive.google.com/open?id=1UMea5l1QvOfnZp7KaLNgsTsqldOWukLd) here
+
+
+
+l=1
+
+lr=0.005
+
+model_path=./sclstm.pt
+
+log=./sclstm.log
+
+res=./sclstm.res
+
+
+
+TRAIN
+```
+python3 run_woz.py --mode=train --model_path=$model_path --n_layer=$l --lr=$lr > $log
+```
+
+TEST
+
+```
+
+python3 run_woz.py --mode=test --model_path=$model_path --n_layer=$l --beam_size=10 > $res
+
+```
+
+Calculate BLEU
+
+```
+
+python3 bleu.py --res_file=$res
+
+```
\ No newline at end of file
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/bleu.py b/convlab/modules/nlg/multiwoz/sc_lstm/bleu.py
new file mode 100644
index 0000000..cd47877
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/bleu.py
@@ -0,0 +1,175 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import sys
+import json
+import argparse
+from nltk.translate.bleu_score import corpus_bleu, SmoothingFunction
+import time
+
+#def delexicalise(sent,dact): # for domain4
+# feat = SoftDActFormatter().parse(dact,keepValues=True)
+# return ExactMatchDataLexicaliser().delexicalise(sent,feat['s2v'])
+#
+#
+#def lexicalise(sent,dact): # for domain4
+# feat = SoftDActFormatter().parse(dact,keepValues=True)
+# return ExactMatchDataLexicaliser().lexicalise(sent,feat['s2v'])
+#
+#
+#def parse_sr(sr, domain): # for domain4
+# '''
+# input da: 'inform(name=piperade;goodformeal=dinner;food=basque)'
+# return : a str 'domain|da|slot1, slot2, ...'
+# Note: cannot deal with repeat slots, e.g. slot_name*2 will has the same sr as slot_name*1
+# '''
+# da = sr.split('(')[0]
+# _sr = sr.split('(')[1].split(')')[0].split(';')
+# slots = []
+# for sv in _sr:
+# slots.append(sv.split('=')[0])
+# slots = sorted(slots)
+#
+# res = domain + '|' + da + '|'
+# for slot in slots:
+# res += (slot+',')
+# res = (res[:-1]) # remove last ,
+# return res
+#
+#
+#def score_domain4(res_file):
+# # parse test set to have semantic representation of each target
+# target2sr = {} # target sentence to a defined str of sr
+# sr2content = {}
+# domains = ['restaurant', 'hotel', 'tv', 'laptop']
+# repeat_count = 0
+# for domain in domains:
+# with open('data/domain4/original/'+domain+'/test.json') as f:
+# for i in range(5):
+# f.readline()
+# data = json.load(f)
+#
+# for sr, target, base in data:
+# target = delexicalise( normalize(re.sub(' [\.\?\!]$','',target)),sr)
+# target = lexicalise(target, sr)
+#
+# sr = parse_sr(sr, domain)
+# if target in target2sr:
+# repeat_count += 1
+# continue
+# if target[-1] == ' ':
+# target = target[:-1]
+# target2sr[target] = sr
+#
+# if sr not in sr2content:
+# sr2content[sr] = [[], [], []] # [ [refs], [bases], [gens] ]
+#
+# with open(res_file) as f:
+# for line in f:
+# if 'Target' in line:
+# target = line.strip().split(':')[1][1:]
+# sr = target2sr[target]
+# sr2content[sr][0].append(target)
+#
+# if 'Base' in line:
+# base = line.strip().split(':')[1][1:]
+# if base[-1] == ' ':
+# base = base[:-1]
+# sr2content[sr][1].append(base)
+#
+# if 'Gen' in line:
+# gen = line.strip().split(':')[1][1:]
+# sr2content[sr][2].append(gen)
+#
+# return sr2content
+
+
+def score_woz(res_file, ignore=False):
+ #corpus = []
+ feat2content = {}
+ with open(res_file) as f:
+ for line in f:
+ if 'Feat' in line:
+ feat = line.strip().split(':')[1][1:]
+
+ if feat not in feat2content:
+ feat2content[feat] = [[], [], []] # [ [refs], [bases], [gens] ]
+ continue
+
+ if 'Target' in line:
+ target = line.strip().split(':')[1][1:]
+ if feat in feat2content:
+ feat2content[feat][0].append(target)
+
+ if 'Base' in line:
+ base = line.strip().split(':')[1][1:]
+ if base[-1] == ' ':
+ base = base[:-1]
+ if feat in feat2content:
+ feat2content[feat][1].append(base)
+
+ if 'Gen' in line:
+ gen = line.strip().split(':')[1][1:]
+ if feat in feat2content:
+ feat2content[feat][2].append(gen)
+
+ return feat2content
+
+def get_bleu(feat2content, template=False, ignore=False):
+ test_type = 'base' if template else 'gen'
+ print('Start', test_type, file=sys.stderr)
+
+ gen_count = 0
+ list_of_references, hypotheses = {'gen': [], 'base': []}, {'gen': [], 'base': []}
+ for feat in feat2content:
+ refs, bases, gens = feat2content[feat]
+ gen_count += len(gens)
+ refs = [s.split() for s in refs]
+
+ for gen in gens:
+ gen = gen.split()
+ list_of_references['gen'].append(refs)
+ hypotheses['gen'].append(gen)
+
+ for base in bases:
+ base = base.split()
+ list_of_references['base'].append(refs)
+ hypotheses['base'].append(base)
+
+
+ print('TEST TYPE:', test_type)
+ print('Ignore General Acts:', ignore)
+ smooth = SmoothingFunction()
+ print('Calculating BLEU...', file=sys.stderr)
+ print( 'Avg # feat:', len(feat2content) )
+ print( 'Avg # gen: {:.2f}'.format(gen_count / len(feat2content)) )
+ BLEU = []
+ weights = [(1, 0, 0, 0), (0.5, 0.5, 0, 0), (0.333, 0.333, 0.333, 0), (0.25, 0.25, 0.25, 0.25)]
+ for i in range(4):
+ if i == 0 or i == 1 or i == 2:
+ continue
+ t = time.time()
+ bleu = corpus_bleu(list_of_references[test_type], hypotheses[test_type], weights=weights[i], smoothing_function=smooth.method1)
+ BLEU.append(bleu)
+ print('Done BLEU-{}, time:{:.1f}'.format(i+1, time.time()-t))
+ print('BLEU 1-4:', BLEU)
+ print('BLEU 1-4:', BLEU, file=sys.stderr)
+ print('Done', test_type, file=sys.stderr)
+ print('-----------------------------------')
+
+
+if __name__ == '__main__':
+ parser = argparse.ArgumentParser(description='Train dialogue generator')
+ parser.add_argument('--res_file', type=str, help='result file')
+ parser.add_argument('--dataset', type=str, default='woz', help='result file')
+ parser.add_argument('--template', type=bool, default=False, help='test on template-based words')
+ parser.add_argument('--ignore', type=bool, default=False, help='whether to ignore general acts, e.g. bye')
+ args = parser.parse_args()
+ assert args.dataset == 'woz' or args.dataset == 'domain4'
+ if args.dataset == 'woz':
+ assert args.template is False
+ feat2content = score_woz(args.res_file, ignore=args.ignore)
+ else: # domain4
+ assert args.ignore is False
+ feat2content = score_domain4(args.res_file)
+ get_bleu(feat2content, template=args.template, ignore=args.ignore)
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/config/config.cfg b/convlab/modules/nlg/multiwoz/sc_lstm/config/config.cfg
new file mode 100644
index 0000000..549e159
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/config/config.cfg
@@ -0,0 +1,20 @@
+[DATA]
+vocab_file = %(dir)s/resource/vocab.txt
+feat_file = %(dir)s/resource/feat.json
+text_file = %(dir)s/resource/text.json
+template_file = %(dir)s/resource/template.txt
+dataSplit_file= %(dir)s/resource/Boo_ResDataSplitRand0925.json
+batch_size = 256
+shuffle = true
+dir =
+
+[MODEL]
+dec_type = sclstm
+hidden_size = 100
+dropout = 0.25
+clip = 0.5
+learning_rate = 0.001
+
+[TRAINING]
+model_epoch = best
+n_epochs = 75
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/loader/dataset_woz.py b/convlab/modules/nlg/multiwoz/sc_lstm/loader/dataset_woz.py
new file mode 100644
index 0000000..ccddc88
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/loader/dataset_woz.py
@@ -0,0 +1,237 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import sys
+import json
+import random
+import numpy as np
+import torch
+from torch.autograd import Variable
+
+USE_CUDA = True
+
+
+class DatasetWoz(object):
+ '''
+ data container for woz dataset
+ '''
+ def __init__(self, config, percentage=1.0):
+ # setup
+ feat_file = config['DATA']['feat_file']
+ text_file = config['DATA']['text_file']
+ dataSplit_file = config['DATA']['dataSplit_file']
+ vocab_file = config['DATA']['vocab_file']
+ template_file = config['DATA']['template_file']
+ self.template = template_file # for further scoring
+
+ # hyper-params
+ self.batch_size = config.getint('DATA', 'batch_size')
+ self.percentage = percentage # percentage of data used
+ self.data = {'train':[],'valid':[],'test':[]}
+ self.data_index = {'train': 0, 'valid': 0, 'test': 0} # index for accessing data
+ self.n_batch = {}
+ self.shuffle = config.getboolean('DATA', 'shuffle')
+
+ # load vocab from file
+ self._loadVocab(vocab_file) # a list of vocab, andy
+
+ # set input feature cardinality
+ self._setCardinality(template_file)
+ self.do_size = self.dfs[1] - self.dfs[0]
+ self.da_size = self.dfs[2] - self.dfs[1]
+ self.sv_size = self.dfs[3] - self.dfs[2]
+
+ # initialise dataset
+ self._setupData(text_file, feat_file, dataSplit_file)
+ self.reset()
+
+
+ def reset(self):
+ self.data_index = {'train': 0, 'valid': 0, 'test': 0}
+ if self.shuffle:
+ random.shuffle(self.data['train'])
+
+
+ def next_batch(self, data_type='train'):
+ def indexes_from_sentence(sentence, add_eos=False):
+ indexes = [self.word2index[word] if word in self.word2index else self.word2index['UNK_token'] for word in sentence.split(' ')]
+ if add_eos:
+ return indexes + [self.word2index['EOS_token']]
+ else:
+ return indexes
+
+ # Pad a with the PAD symbol
+ def pad_seq(seq, max_length):
+ seq += [self.word2index['PAD_token'] for i in range(max_length - len(seq))]
+ return seq
+
+ # turn list of word indexes into 1-hot matrix
+ def getOneHot(indexes):
+ res = []
+ for index in indexes:
+ hot = [0]*len(self.word2index)
+ hot[index] = 1
+ res.append(hot)
+ return res
+
+ # reading a batch
+ start = self.data_index[data_type]
+ end = self.data_index[data_type] + self.batch_size
+ data = self.data[data_type][start:end]
+ self.data_index[data_type] += self.batch_size
+
+ sentences, refs, feats, featStrs = [], [], [], []
+# do_label, da_label, sv_label, sv_seqs = [], [], [], []
+ sv_indexes = []
+
+ for dial_idx, turn_idx, text, meta in data:
+ text_ori, text_delex = text['ori'], text['delex']
+ sentences.append(indexes_from_sentence(text_delex, add_eos=True))
+ refs.append(text_delex)
+
+ # get semantic feature
+ do_idx, da_idx, sv_idx, featStr = self.getFeatIdx(meta)
+ do_cond = [1 if i in do_idx else 0 for i in range(self.do_size)] # domain condition
+ da_cond = [1 if i in da_idx else 0 for i in range(self.da_size)] # dial act condition
+ sv_cond = [1 if i in sv_idx else 0 for i in range(self.sv_size)] # slot/value condition
+ feats.append(do_cond + da_cond + sv_cond)
+ featStrs.append(featStr)
+
+# # get labels for da, slots
+ sv_indexes.append(sv_idx)
+
+ # Zip into pairs, sort by length (descending), unzip
+ # Note: _words and _seqs should be sorted in the same order
+ seq_pairs = sorted(zip(sentences, refs, feats, featStrs, sv_indexes), key=lambda p: len(p[0]), reverse=True)
+ sentences, refs, feats, featStrs, sv_indexes = zip(*seq_pairs)
+
+ # Pad with 0s to max length
+ lengths = [len(s) for s in sentences]
+ sentences_padded = [pad_seq(s, max(lengths)) for s in sentences]
+
+ # Turn (batch_size, max_len) into (batch_size, max_len, n_vocab)
+ sentences = [getOneHot(s) for s in sentences_padded]
+
+ input_var = Variable(torch.FloatTensor(sentences))
+ label_var = Variable(torch.LongTensor(sentences_padded))
+ feats_var = Variable(torch.FloatTensor(feats))
+
+ if USE_CUDA:
+ input_var = input_var.cuda()
+ label_var = label_var.cuda()
+ feats_var = feats_var.cuda()
+
+ return input_var, label_var, feats_var, lengths, refs, featStrs, sv_indexes
+
+
+ def _setCardinality(self, template_file):
+ self.cardinality = []
+ with open(template_file) as f:
+ self.dfs = [0,0,0,0]
+ for line in f.readlines():
+ self.cardinality.append(line.replace('\n',''))
+ if line.startswith('d:'):
+ self.dfs[1]+=1
+ elif line.startswith('d-a:'):
+ self.dfs[2]+=1
+ elif line.startswith('d-a-s-v:'):
+ self.dfs[3]+=1
+ for i in range(0, len(self.dfs)-1):
+ self.dfs[i+1] = self.dfs[i] + self.dfs[i+1]
+
+
+ def printDataInfo(self):
+ print('***** DATA INFO *****')
+ print('Using {}% of training data'.format(self.percentage*100))
+ print('BATCH SIZE:', self.batch_size)
+
+ print('Train:', len(self.data['train']), 'turns')
+ print('Valid:', len(self.data['valid']), 'turns')
+ print('Test:', len(self.data['test']), 'turns')
+ print('# of turns', file=sys.stderr)
+ print('Train:', len(self.data['train']), file=sys.stderr)
+ print('Valid:', len(self.data['valid']), file=sys.stderr)
+ print('Test:', len(self.data['test']), file=sys.stderr)
+ print('# of batches: Train {} Valid {} Test {}'.format(self.n_batch['train'], self.n_batch['valid'], self.n_batch['test']))
+ print('# of batches: Train {} Valid {} Test {}'.format(self.n_batch['train'], self.n_batch['valid'], self.n_batch['test']), file=sys.stderr)
+ print('*************************\n')
+
+
+ def _setupData(self, text_file, feat_file, dataSplit_file):
+ with open(text_file) as f:
+ dial2text = json.load(f)
+ with open(feat_file) as f:
+ dial2meta = json.load(f)
+
+ with open(dataSplit_file) as f:
+ dataSet_split = json.load(f)
+
+ for data_type in ['train', 'valid', 'test']:
+ for dial_idx, turn_idx, _ in dataSet_split[data_type]:
+ # might have empty feat turn which is not in feat file
+ if turn_idx not in dial2meta[dial_idx]:
+ continue
+
+ meta = dial2meta[dial_idx][turn_idx]
+ text = dial2text[dial_idx][turn_idx]
+ self.data[data_type].append((dial_idx, turn_idx, text, meta))
+
+ # percentage of training data
+ if self.percentage < 1:
+ _len = len(self.data['train'])
+ self.data['train'] = self.data['train'][:int(_len*self.percentage)]
+
+ # setup number of batch
+ for _type in ['train', 'valid', 'test']:
+ self.n_batch[_type] = len(self.data[_type]) // self.batch_size
+
+ self.printDataInfo()
+
+
+
+ def _loadVocab(self,vocab_file):
+ # load vocab
+ self.word2index = {}
+ self.index2word = {}
+ idx = 0
+ with open(vocab_file) as fin:
+ for word in fin.readlines():
+ word = word.strip().split('\t')[0]
+ self.word2index[word] = idx
+ self.index2word[idx] = word
+ idx += 1
+
+
+ def getFeatIdx(self, meta):
+ feat_container = []
+ do_idx, da_idx, sv_idx = [], [], []
+ for da, slots in meta.items():
+ do = da.split('-')[0]
+ _do_idx = self.cardinality.index('d:'+do) - self.dfs[0]
+ if _do_idx not in do_idx:
+ do_idx.append(_do_idx)
+ da_idx.append( self.cardinality.index('d-a:'+da) - self.dfs[1] )
+ for _slot in slots: # e.g. ('Day', '1', 'Wednesday ')
+ sv_idx.append( self.cardinality.index('d-a-s-v:'+da+'-'+_slot[0]+'-'+_slot[1]) - self.dfs[2] )
+ feat_container.append( da+'-'+_slot[0]+'-'+_slot[1] )
+
+ feat_container = sorted(feat_container) # sort SVs across DAs to make sure universal order
+ feat = '|'.join(feat_container)
+
+ return do_idx, da_idx, sv_idx, feat
+
+class SimpleDatasetWoz(DatasetWoz):
+ def __init__(self, config):
+ vocab_file = config['DATA']['vocab_file']
+ template_file = config['DATA']['template_file']
+ self.batch_size = 1
+
+ # load vocab from file
+ self._loadVocab(vocab_file) # a list of vocab, andy
+
+ # set input feature cardinality
+ self._setCardinality(template_file)
+ self.do_size = self.dfs[1] - self.dfs[0]
+ self.da_size = self.dfs[2] - self.dfs[1]
+ self.sv_size = self.dfs[3] - self.dfs[2]
+
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/decoder_deep.py b/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/decoder_deep.py
new file mode 100644
index 0000000..a139e0b
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/decoder_deep.py
@@ -0,0 +1,302 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import numpy as np
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from torch.autograd import Variable
+
+USE_CUDA = True
+
+
+class DecoderDeep(nn.Module):
+ def __init__(self, dec_type, input_size, output_size, hidden_size, d_size, n_layer=1, dropout=0.5):
+ super(DecoderDeep, self).__init__()
+ self.dec_type = dec_type
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.output_size = output_size
+ self.d_size = d_size
+ self.n_layer = n_layer
+ self.dropout = dropout
+
+ print('Using sclstm as decoder with module list!')
+ assert d_size != None
+ # NOTE: using modulelist instead of python list
+ self.w2h, self.h2h = nn.ModuleList(), nn.ModuleList()
+ self.w2h_r, self.h2h_r = nn.ModuleList(), nn.ModuleList()
+ self.dc = nn.ModuleList()
+ for i in range(n_layer):
+ if i == 0:
+ self.w2h.append( nn.Linear(input_size, hidden_size*4).cuda() )
+ self.w2h_r.append( nn.Linear(input_size, d_size).cuda() )
+ else:
+ self.w2h.append( nn.Linear(input_size + i*hidden_size, hidden_size*4).cuda() )
+ self.w2h_r.append( nn.Linear(input_size + i*hidden_size, d_size).cuda() )
+
+ self.h2h.append( nn.Linear(hidden_size, hidden_size*4).cuda() )
+ self.h2h_r.append( nn.Linear(hidden_size, d_size).cuda() )
+ self.dc.append( nn.Linear(d_size, hidden_size, bias=False).cuda() )
+
+ self.out = nn.Linear(hidden_size*n_layer, output_size)
+
+
+
+ def _step(self, input_t, last_hidden, last_cell, last_dt, layer_idx):
+ '''
+ * Do feedforward for one step in one layer in sclstm *
+ Args:
+ input_t: (batch_size, hidden_size)
+ last_hidden: (batch_size, hidden_size)
+ last_cell: (batch_size, hidden_size)
+ Return:
+ cell, hidden, dt at this time step, all: (batch_size, hidden_size)
+ '''
+ # get all gates
+ w2h = self.w2h[layer_idx](input_t) # (batch_size, hidden_size*4)
+ w2h = torch.split(w2h, self.hidden_size, dim=1) # (batch_size, hidden_size) * 4
+ h2h = self.h2h[layer_idx](last_hidden[layer_idx])
+ h2h = torch.split(h2h, self.hidden_size, dim=1)
+
+ gate_i = F.sigmoid(w2h[0] + h2h[0]) # (batch_size, hidden_size)
+ gate_f = F.sigmoid(w2h[1] + h2h[1])
+ gate_o = F.sigmoid(w2h[2] + h2h[2])
+
+ # updata dt
+ alpha = 1. / self.n_layer
+ # NOTE: avoid inplace operation which will cause backprop error on graph
+ _gate_r = 0
+ for i in range(self.n_layer):
+ _gate_r += alpha * self.h2h_r[i](last_hidden[i])
+ gate_r = F.sigmoid(self.w2h_r[layer_idx](input_t) + _gate_r)
+
+ dt = gate_r * last_dt
+
+ cell_hat = F.tanh(w2h[3] + h2h[3])
+ cell = gate_f * last_cell + gate_i * cell_hat + F.tanh( self.dc[layer_idx](dt) )
+ hidden = gate_o * F.tanh(cell)
+
+ return hidden, cell, dt
+
+
+ def rnn_step(self, vocab_t, last_hidden, last_cell, last_dt, gen=False):
+ '''
+ run a step over all layers in sclstm
+ '''
+ cur_hidden, cur_cell, cur_dt = [], [], []
+ output_hidden = []
+ for i in range(self.n_layer):
+ # prepare input_t
+ if i == 0:
+ input_t = vocab_t
+ assert input_t.size(1) == self.input_size
+ else:
+ pre_hidden = torch.cat(output_hidden, dim=1)
+ input_t = torch.cat((vocab_t, pre_hidden), dim=1)
+ assert input_t.size(1) == self.input_size + i*self.hidden_size
+
+ _hidden, _cell, _dt = self._step(input_t, last_hidden, last_cell[i], last_dt[i], i)
+ cur_hidden.append(_hidden)
+ cur_cell.append(_cell)
+ cur_dt.append(_dt)
+ if gen:
+ output_hidden.append( _hidden.clone() )
+ else:
+ output_hidden.append( F.dropout(_hidden.clone(), p=self.dropout, training=True) )
+
+ last_hidden, last_cell, last_dt = cur_hidden, cur_cell, cur_dt
+ if not gen:
+ for i in range(self.n_layer):
+ last_hidden[i] = F.dropout(last_hidden[i], p=self.dropout, training=True)
+ output = self.out(torch.cat(last_hidden, dim=1))
+ return output, last_hidden, last_cell, last_dt
+
+
+ def forward(self, input_var, dataset, init_hidden=None, init_feat=None, gen=False, sample_size=1):
+ '''
+ Args:
+ input_var: (batch_size, max_len, emb_size)
+ hidden: (batch_size, hidden_size) if exist
+ feat: (batch_size, feat_size) if exist
+ Return:
+ output_prob: (batch_size, max_len, output_size)
+ '''
+ batch_size = input_var.size(0)
+ max_len = 55 if gen else input_var.size(1)
+
+ self.output_prob = Variable(torch.zeros(batch_size, max_len, self.output_size))
+ if USE_CUDA:
+ self.output_prob = self.output_prob.cuda()
+
+ # container for last cell, hidden for each layer
+ # NOTE: for container, using just list instead of creating a torch variable causing inplace operation runtime error
+ last_hidden, last_cell, last_dt = [], [], []
+ for i in range(self.n_layer):
+ last_hidden.append( init_hidden.clone() )
+ last_cell.append( init_hidden.clone() ) # create a new variable with same content, but new history
+ last_dt.append( init_feat.clone() )
+
+ decoded_words = ['' for k in range(batch_size)]
+ vocab_t = self.get_onehot('SOS_token', dataset, batch_size=batch_size)
+ for t in range(max_len):
+ output, last_hidden, last_cell, last_dt = self.rnn_step(vocab_t, last_hidden, last_cell, last_dt, gen=gen)
+
+ self.output_prob[:, t, :] = output
+ previous_out = self.logits2words(output, decoded_words, dataset, sample_size)
+ vocab_t = previous_out if gen else input_var[:, t, :] # (batch_size, output_size)
+
+ if gen:
+ decoded_words = self.truncate(decoded_words)
+ return self.output_prob, decoded_words
+
+
+ def truncate(self, decoded_words):
+ res = []
+ for s in decoded_words:
+ s = s.split()
+ idx = s.index('EOS_token') if 'EOS_token' in s else len(s)
+ res.append(' '.join(s[:idx]))
+ return res
+
+
+ def get_onehot(self, word, dataset, batch_size=1):
+ res = [[1 if index==dataset.word2index[word] else 0 for index in range(self.input_size)] for b in range(batch_size)]
+ res = Variable(torch.FloatTensor(res))
+ if USE_CUDA:
+ res = res.cuda()
+ return res # (batch_size, input_size)
+
+
+ def logits2words(self, output, decoded_words, dataset, sample_size):
+ '''
+ * Decode words from logits output at a time step AND put decoded words in final results *
+ * take argmax if sample size == 1
+ '''
+ batch_size = output.size(0)
+ if sample_size == 1: # take argmax directly w/o sampling
+ topv, topi = F.softmax(output, dim=1).data.topk(1) # both (batch_size, 1)
+
+ else: # sample over word distribution
+ topv, topi = [], []
+ word_dis = F.softmax(output, dim=1) # (batch_size, output_size)
+
+ # sample from part of the output distribution for word variations
+ n_candidate = 3
+ word_dis_sort, idx_of_idx = torch.sort(word_dis, dim=1, descending=True)
+ word_dis_sort = word_dis_sort[:, :n_candidate]
+ idx_of_idx = idx_of_idx[:, :n_candidate]
+ sample_idx = torch.multinomial(word_dis_sort, 1) # (batch_size,)
+ for b in range(batch_size):
+ i = int(sample_idx[b])
+ idx = int(idx_of_idx[b][i])
+ prob = float(word_dis[b][idx])
+ topi.append(idx)
+ topv.append(prob)
+
+ topv = torch.FloatTensor(topv).view(batch_size, 1)
+ topi = torch.LongTensor(topi).view(batch_size, 1)
+
+ decoded_words_t = np.zeros((batch_size, self.output_size))
+ for b in range(batch_size):
+ idx = topi[b][0]
+ word = dataset.index2word[idx.item()]
+ decoded_words[b] += (word + ' ')
+ decoded_words_t[b][idx] = 1
+ decoded_words_t = Variable(torch.from_numpy(decoded_words_t.astype(np.float32)))
+
+ if USE_CUDA:
+ decoded_words_t = decoded_words_t.cuda()
+
+ return decoded_words_t
+
+
+ def beam_search(self, input_var, dataset, init_hidden=None, init_feat=None, gen=True, beam_size=10):
+ '''
+ Args:
+ input_var: (batch_size, max_len, emb_size)
+ hidden: (batch_size, hidden_size) if exist
+ feat: (batch_size, feat_size) if exist
+ Return:
+ decoded_words: (batch_size, beam_size)
+
+ '''
+ assert gen
+ batch_size = dataset.batch_size
+ max_len = 55 #if gen else input_var.size(1)
+
+ # beam search data container
+ init_x = {'history': ['SOS_token'], \
+ 'logProb': [0], \
+ 'lastStates': {'hid': [init_hidden.clone() for _ in range(self.n_layer)], \
+ 'cell': [init_hidden.clone() for _ in range(self.n_layer)], \
+ 'feat': [init_feat.clone() for _ in range(self.n_layer)] \
+ }
+ }
+
+ dec_words = [ [init_x for _ in range(beam_size)] for _ in range(batch_size) ]
+ '''
+ bs_idx=0 => [ { 'history': ['SOS', 'B', 'EOS'], logProb: [0, -0.01, -0.01] }, lastStates: {} ...] (beam_size)
+ bs_idx=1 => [ { 'history': ['SOS', 'B', 'EOS'], logProb: [0, -0.01, -0.01] }, lastStates: {} ...] (beam_size)
+ ...
+ '''
+
+ alpha = 0.7 # length normalization coefficient
+ for batch_idx in range(batch_size):
+ # iter over seqeuence
+ for t in range(max_len):
+ cand_pool = [] # pool keeps all candidates, max size: beam_size * beam_size
+ # iter over history
+ for beam_idx in range(beam_size):
+ beam = dec_words[batch_idx][beam_idx]
+ assert len(beam['history']) == len(beam['logProb'])
+
+ last_word = beam['history'][-1]
+ last_hid = beam['lastStates']['hid']
+ last_cell = beam['lastStates']['cell']
+ last_dt = beam['lastStates']['feat']
+
+ if last_word == 'EOS_token':
+ cand_pool.append(beam)
+ else:
+ last_word_dis = self.get_onehot(last_word, dataset, batch_size=1)
+ dis, cur_hid, cur_cell, cur_dt = self.rnn_step(last_word_dis, last_hid, last_cell, last_dt, gen=True)
+
+ dis = dis.squeeze(0) # (bs=1, output_size) => (output_size)
+ dis = torch.log( F.softmax(dis, dim=0) ) #+ sum(beam['logProb'])) / math.pow(1+len(beam['logProb']), alpha)
+ logProb, vocab_idx = dis.data.topk(beam_size) # size: (beam_size)
+ # iter over candidate beams for each history
+ for cand_idx in range(beam_size):
+ cand_word = dataset.index2word[vocab_idx[cand_idx].item()]
+ cand_beam = {'history': [], 'logProb': [], 'lastStates': {}}
+ cand_beam['history'] += beam['history']
+ cand_beam['history'].append(cand_word)
+ cand_beam['logProb'] += beam['logProb']
+ cand_beam['logProb'].append(logProb[cand_idx])
+
+ # same last states within extends from a same beam
+ cand_beam['lastStates']['hid'] = cur_hid
+ cand_beam['lastStates']['cell'] = cur_cell
+ cand_beam['lastStates']['feat'] = cur_dt
+ cand_pool.append(cand_beam)
+
+ if t == 0: # can only use 1 beam to extend cuz history of all beams is the same when t == 0
+ break
+
+
+ # length normalization (-1 in len if for no need to consider init logProb 0)
+ cand_pool = sorted(cand_pool, key=lambda x: sum(x['logProb'])/pow(len(x['logProb'])-1, alpha), reverse=True)
+ dec_words[batch_idx] = cand_pool[:beam_size]
+
+# # print dec words at each time for debug
+# for beam_idx in range(len(cand_pool)):
+# beam = cand_pool[beam_idx]
+# sent = ' '.join(beam['history'])
+# logProb = beam['logProb']
+
+ if [x['history'][-1] for x in dec_words[batch_idx]] == ['EOS_token' for _ in range(beam_size)]:
+ break
+
+ dec_words = [ [ ' '.join(beam['history']).replace('SOS_token ', '').replace(' EOS_token', '') \
+ for beam in batch ] for batch in dec_words]
+ return dec_words
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/sclstm.py b/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/sclstm.py
new file mode 100644
index 0000000..de6abf1
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/model/layers/sclstm.py
@@ -0,0 +1,126 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import numpy as np
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from torch.autograd import Variable
+USE_CUDA = True
+
+
+class Sclstm(nn.Module):
+ def __init__(self, hidden_size, vocab_size, d_size, dropout=0.5):
+ super(Sclstm, self).__init__()
+ self.hidden_size = hidden_size
+ self.vocab_size = vocab_size
+ self.dropout = dropout
+
+ self.w2h = nn.Linear(vocab_size, hidden_size*4)
+ self.h2h = nn.Linear(hidden_size, hidden_size*4)
+
+ self.w2h_r= nn.Linear(vocab_size, d_size)
+ self.h2h_r= nn.Linear(hidden_size, d_size)
+
+ self.dc = nn.Linear(d_size, hidden_size, bias=False)
+ self.out = nn.Linear(hidden_size, vocab_size)
+
+
+ def _step(self, input_t, last_hidden, last_cell, last_dt):
+ '''
+ * Do feedforward for one step *
+ Args:
+ input_t: (batch_size, 1, hidden_size)
+ last_hidden: (batch_size, hidden_size)
+ last_cell: (batch_size, hidden_size)
+ Return:
+ cell, hidden at this time step
+ '''
+ # get all gates
+ input_t = input_t.squeeze(1)
+ w2h = self.w2h(input_t) # (batch_size, hidden_size*5)
+ w2h = torch.split(w2h, self.hidden_size, dim=1) # (batch_size, hidden_size) * 4
+ h2h = self.h2h(last_hidden)
+ h2h = torch.split(h2h, self.hidden_size, dim=1)
+
+ gate_i = F.sigmoid(w2h[0] + h2h[0]) # (batch_size, hidden_size)
+ gate_f = F.sigmoid(w2h[1] + h2h[1])
+ gate_o = F.sigmoid(w2h[2] + h2h[2])
+
+ # updata dt
+ alpha = 0.5
+ gate_r = F.sigmoid(self.w2h_r(input_t) + alpha * self.h2h_r(last_hidden))
+ dt = gate_r * last_dt
+
+ cell_hat = F.tanh(w2h[3] + h2h[3])
+ cell = gate_f * last_cell + gate_i * cell_hat + self.dc(dt)
+ hidden = gate_o * F.tanh(cell)
+
+ return hidden, cell, dt
+
+
+ def forward(self, input_seq, last_dt, dataset, gen=False):
+ '''
+ Args:
+ input_seq: (batch_size, max_len, emb_size)
+ dt: (batch_size, feat_size)
+ Return:
+ output_all: (batch_size, max_len, vocab_size)
+ '''
+ batch_size = input_seq.size(0)
+ max_len = input_seq.size(1)
+
+ output_all = Variable(torch.zeros(batch_size, max_len, self.vocab_size))
+
+ # prepare init h and c
+ last_hidden = Variable(torch.zeros(batch_size, self.hidden_size))
+ last_cell = Variable(torch.zeros(batch_size, self.hidden_size))
+ if USE_CUDA:
+ last_hidden = last_hidden.cuda()
+ last_cell = last_cell.cuda()
+ output_all = output_all.cuda()
+
+ decoded_words = ['' for k in range(batch_size)]
+ input_t = self.get_1hot_input(batch_size, dataset)
+ for t in range(max_len):
+ hidden, cell, dt = self._step(input_t, last_hidden, last_cell, last_dt)
+ if not gen:
+ hidden = F.dropout(hidden, p=self.dropout)
+ output = self.out(hidden) # (batch_size, vocab_size)
+ output_all[:, t, :] = output
+
+ last_hidden, last_cell, last_dt = hidden, cell, dt
+ previous_out = self.logits2words(output, decoded_words, dataset)
+
+ input_t = previous_out if gen else input_seq[:, t, :]
+
+ return output_all, decoded_words
+
+
+ def get_1hot_input(self, batch_size, dataset):
+ res = [[1 if index==dataset.word2index['SOS_token'] else 0 for index in range(self.vocab_size)] for b in range(batch_size)]
+ res = Variable(torch.FloatTensor(res))
+ if USE_CUDA:
+ res = res.cuda()
+ return res
+
+
+ def logits2words(self, output, decoded_words, dataset):
+ '''
+ * Decode words from logits output at a time step AND put decoded words in final results*
+ '''
+ batch_size = output.size(0)
+ topv, topi = F.softmax(output, dim=1).data.topk(1) # both (batch_size, 1)
+ decoded_words_t = np.zeros((batch_size, self.vocab_size))
+ for b in range(batch_size):
+ idx = topi[b][0]
+ word = dataset.index2word[idx]
+ decoded_words[b] += (word + ' ')
+ decoded_words_t[b][idx] = 1
+ decoded_words_t = Variable(torch.from_numpy(decoded_words_t.astype(np.float32)))
+
+ if USE_CUDA:
+ decoded_words_t = decoded_words_t.cuda()
+
+ return decoded_words_t
+
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/model/lm_deep.py b/convlab/modules/nlg/multiwoz/sc_lstm/model/lm_deep.py
new file mode 100644
index 0000000..0e7dd87
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/model/lm_deep.py
@@ -0,0 +1,97 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import sys
+import numpy as np
+import torch
+import torch.nn as nn
+from torch.autograd import Variable
+
+from convlab.modules.nlg.multiwoz.sc_lstm.model.layers.decoder_deep import DecoderDeep
+from convlab.modules.nlg.multiwoz.sc_lstm.model.masked_cross_entropy import masked_cross_entropy
+USE_CUDA = True
+
+class LMDeep(nn.Module):
+ def __init__(self, dec_type, input_size, output_size, hidden_size, d_size, n_layer=1, dropout=0.5, lr=0.001):
+ super(LMDeep, self).__init__()
+ self.dec_type = dec_type
+ self.hidden_size = hidden_size
+ print('Using deep version with {} layer'.format(n_layer))
+ print('Using deep version with {} layer'.format(n_layer), file=sys.stderr)
+ self.dec = DecoderDeep(dec_type, input_size, output_size, hidden_size, d_size=d_size, n_layer=n_layer, dropout=dropout)
+# if self.dec_type != 'sclstm':
+# self.feat2hidden = nn.Linear(d_size, hidden_size)
+
+ self.set_solver(lr)
+
+ def forward(self, input_var, dataset, feats_var, gen=False, beam_search=False, beam_size=1):
+ batch_size = dataset.batch_size
+ if self.dec_type == 'sclstm':
+ init_hidden = Variable(torch.zeros(batch_size, self.hidden_size))
+ if USE_CUDA:
+ init_hidden = init_hidden.cuda()
+ '''
+ train/valid (gen=False, beam_search=False, beam_size=1)
+ test w/o beam_search (gen=True, beam_search=False, beam_size=beam_size)
+ test w/i beam_search (gen=True, beam_search=True, beam_size=beam_size)
+ '''
+ if beam_search:
+ assert gen
+ decoded_words = self.dec.beam_search(input_var, dataset, init_hidden=init_hidden, init_feat=feats_var, \
+ gen=gen, beam_size=beam_size)
+ return decoded_words # list (batch_size=1) of list (beam_size) with generated sentences
+
+ # w/o beam_search
+ sample_size = beam_size
+ decoded_words = [ [] for _ in range(batch_size) ]
+ for sample_idx in range(sample_size): # over generation
+ self.output_prob, gens = self.dec(input_var, dataset, init_hidden=init_hidden, init_feat=feats_var, \
+ gen=gen, sample_size=sample_size)
+ for batch_idx in range(batch_size):
+ decoded_words[batch_idx].append(gens[batch_idx])
+
+ return decoded_words # list (batch_size) of list (sample_size) with generated sentences
+
+
+ else: # TODO: vanilla lstm
+ pass
+# last_hidden = self.feat2hidden(conds_batches)
+# self.output_prob, decoded_words = self.dec(input_seq, dataset, last_hidden=last_hidden, gen=gen, random_sample=self.random_sample)
+
+
+ def generate(self, dataset, feats_var, beam_size=1):
+ batch_size = dataset.batch_size
+ init_hidden = Variable(torch.zeros(batch_size, self.hidden_size))
+ if USE_CUDA:
+ init_hidden = init_hidden.cuda()
+ decoded_words = self.dec.beam_search(None, dataset, init_hidden=init_hidden, init_feat=feats_var, \
+ gen=True, beam_size=beam_size)
+ return decoded_words
+
+ def set_solver(self, lr):
+ if self.dec_type == 'sclstm':
+ self.solver = torch.optim.Adam(self.dec.parameters(), lr=lr)
+ else:
+ self.solver = torch.optim.Adam([{'params': self.dec.parameters()}, {'params': self.feat2hidden.parameters()}], lr=lr)
+
+
+ def get_loss(self, target_label, target_lengths):
+ self.loss = masked_cross_entropy(
+ self.output_prob.contiguous(), # -> batch x seq
+ target_label.contiguous(), # -> batch x seq
+ target_lengths)
+ return self.loss
+
+
+ def update(self, clip):
+ # Back prop
+ self.loss.backward()
+
+ # Clip gradient norms
+ _ = torch.nn.utils.clip_grad_norm(self.dec.parameters(), clip)
+
+ # Update
+ self.solver.step()
+
+ # Zero grad
+ self.solver.zero_grad()
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/model/masked_cross_entropy.py b/convlab/modules/nlg/multiwoz/sc_lstm/model/masked_cross_entropy.py
new file mode 100644
index 0000000..c552d46
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/model/masked_cross_entropy.py
@@ -0,0 +1,54 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+from torch.nn import functional
+from torch.autograd import Variable
+
+def sequence_mask(sequence_length, max_len=None):
+ if max_len is None:
+ max_len = sequence_length.data.max()
+ batch_size = sequence_length.size(0)
+# seq_range = torch.range(0, max_len - 1).long()
+ seq_range = torch.arange(0, max_len).long() # andy
+ seq_range_expand = seq_range.unsqueeze(0).expand(batch_size, max_len)
+ seq_range_expand = Variable(seq_range_expand)
+ if sequence_length.is_cuda:
+ seq_range_expand = seq_range_expand.cuda()
+ seq_length_expand = (sequence_length.unsqueeze(1)
+ .expand_as(seq_range_expand))
+ return seq_range_expand < seq_length_expand
+
+
+def masked_cross_entropy(logits, target, length):
+ length = Variable(torch.LongTensor(length)).cuda()
+
+ """
+ Args:
+ logits: A Variable containing a FloatTensor of size
+ (batch, max_len, num_classes) which contains the
+ unnormalized probability for each class.
+ target: A Variable containing a LongTensor of size
+ (batch, max_len) which contains the index of the true
+ class for each corresponding step.
+ length: A Variable containing a LongTensor of size (batch,)
+ which contains the length of each data in a batch.
+ Returns:
+ loss: An average loss value masked by the length.
+ """
+
+ # logits_flat: (batch * max_len, num_classes)
+ logits_flat = logits.view(-1, logits.size(-1))
+ # log_probs_flat: (batch * max_len, num_classes)
+ log_probs_flat = functional.log_softmax(logits_flat, dim=1)
+ # target_flat: (batch * max_len, 1)
+ target_flat = target.view(-1, 1)
+ # losses_flat: (batch * max_len, 1)
+ losses_flat = -torch.gather(log_probs_flat, dim=1, index=target_flat)
+ # losses: (batch, max_len)
+ losses = losses_flat.view(*target.size())
+ # mask: (batch, max_len)
+ mask = sequence_mask(sequence_length=length, max_len=target.size(1))
+ losses = losses * mask.float()
+ loss = losses.sum() / length.float().sum() # per word loss
+ return loss
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/nlg_sc_lstm.py b/convlab/modules/nlg/multiwoz/sc_lstm/nlg_sc_lstm.py
new file mode 100644
index 0000000..2ec79af
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/nlg_sc_lstm.py
@@ -0,0 +1,164 @@
+# -*- coding: utf-8 -*-
+
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+import os
+import configparser
+import argparse
+import torch
+from copy import deepcopy
+from convlab.modules.nlg.nlg import NLG
+from convlab.modules.nlg.multiwoz.sc_lstm.loader.dataset_woz import SimpleDatasetWoz
+from convlab.modules.nlg.multiwoz.sc_lstm.model.lm_deep import LMDeep
+
+
+def parse():
+ parser = argparse.ArgumentParser(description='Train dialogue generator')
+ parser.add_argument('--model_path', type=str, default='sclstm.pt', help='saved model path')
+ parser.add_argument('--n_layer', type=int, default=1, help='# of layers in LSTM')
+ parser.add_argument('--beam_size', type=int, default=10, help='number of generated sentences')
+ args = parser.parse_args()
+
+ config = configparser.ConfigParser()
+ config.read(os.path.join(os.path.dirname(os.path.abspath(__file__)), 'config/config.cfg'))
+ config.set('DATA', 'dir', os.path.dirname(os.path.abspath(__file__)))
+
+ return args, config
+
+
+class SCLSTM(NLG):
+ def __init__(self):
+ self.args, self.config = parse()
+ self.dataset = SimpleDatasetWoz(self.config)
+
+ # get model hyper-parameters
+ hidden_size = self.config.getint('MODEL', 'hidden_size')
+
+ # get feat size
+ d_size = self.dataset.do_size + self.dataset.da_size + self.dataset.sv_size # len of 1-hot feat
+ vocab_size = len(self.dataset.word2index)
+
+ self.model = LMDeep('sclstm', vocab_size, vocab_size, hidden_size, d_size, n_layer=self.args.n_layer)
+ model_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), self.args.model_path)
+ # print(model_path)
+ assert os.path.isfile(model_path)
+ self.model.load_state_dict(torch.load(model_path))
+ self.model.eval()
+ self.model.cuda()
+
+ def generate_delex(self, meta):
+ """
+ meta = {"Attraction-Inform": [["Choice","many"],["Area","centre of town"]],
+ "Attraction-Select": [["Type","church"],["Type"," swimming"],["Type"," park"]]}
+ """
+ # add placeholder value
+ for k, v in meta.items():
+ domain, intent = k.split('-')
+ if intent == "Request":
+ for pair in v:
+ assert (type(pair[1]) == str)
+ pair.insert(1, '?')
+ else:
+ counter = {}
+ for pair in v:
+ assert (type(pair[1]) == str)
+ if pair[0] == 'Internet' or pair[0] == 'Parking':
+ pair.insert(1, 'yes')
+ elif pair[0] == 'none':
+ pair.insert(1, 'none')
+ else:
+ if pair[0] in counter:
+ counter[pair[0]] += 1
+ else:
+ counter[pair[0]] = 1
+ pair.insert(1, str(counter[pair[0]]))
+
+ # remove invalid dialog act
+ meta_ = deepcopy(meta)
+ for k, v in meta.items():
+ for triple in v:
+ voc = 'd-a-s-v:' + k + '-' + triple[0] + '-' + triple[1]
+ if voc not in self.dataset.cardinality:
+ meta_[k].remove(triple)
+ if not meta_[k]:
+ del (meta_[k])
+ meta = meta_
+
+ # mapping the inputs
+ do_idx, da_idx, sv_idx, featStr = self.dataset.getFeatIdx(meta)
+ do_cond = [1 if i in do_idx else 0 for i in range(self.dataset.do_size)] # domain condition
+ da_cond = [1 if i in da_idx else 0 for i in range(self.dataset.da_size)] # dial act condition
+ sv_cond = [1 if i in sv_idx else 0 for i in range(self.dataset.sv_size)] # slot/value condition
+ feats = [do_cond + da_cond + sv_cond]
+
+ feats_var = torch.FloatTensor(feats)
+ feats_var = feats_var.cuda()
+
+ decoded_words = self.model.generate(self.dataset, feats_var, self.args.beam_size)
+ delex = decoded_words[0] # (beam_size)
+
+ return delex
+
+ def generate_slots(self, meta):
+ meta = deepcopy(meta)
+
+ delex = self.generate_delex(meta)
+ # get all informable or requestable slots
+ slots = []
+ for sen in delex:
+ slot = []
+ counter = {}
+ words = sen.split()
+ for word in words:
+ if word.startswith('slot-'):
+ placeholder = word[5:]
+ if placeholder not in counter:
+ counter[placeholder] = 1
+ else:
+ counter[placeholder] += 1
+ slot.append(placeholder+'-'+str(counter[placeholder]))
+ slots.append(slot)
+
+ # for i in range(self.args.beam_size):
+ # print(i, slots[i])
+
+ return slots[0]
+
+ def generate(self, meta):
+ meta = deepcopy(meta)
+
+ delex = self.generate_delex(meta)
+
+ # replace the placeholder with entities
+ recover = []
+ for sen in delex:
+ counter = {}
+ words = sen.split()
+ for word in words:
+ if word.startswith('slot-'):
+ flag = True
+ _, domain, intent, slot_type = word.split('-')
+ da = domain.capitalize() + '-' + intent.capitalize()
+ if da in meta:
+ key = da + '-' + slot_type.capitalize()
+ for pair in meta[da]:
+ if (pair[0].lower() == slot_type) and (
+ (key not in counter) or (counter[key] == int(pair[1]) - 1)):
+ sen = sen.replace(word, pair[2], 1)
+ counter[key] = int(pair[1])
+ flag = False
+ break
+ if flag:
+ sen = sen.replace(word, '', 1)
+ recover.append(sen)
+
+ # print('meta', meta)
+ # for i in range(self.args.beam_size):
+ # print(i, delex[i])
+ # print(i, recover[i])
+
+ return recover[0]
+
diff --git a/convlab/modules/nlg/multiwoz/sc_lstm/run_woz.py b/convlab/modules/nlg/multiwoz/sc_lstm/run_woz.py
new file mode 100644
index 0000000..ab17334
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/sc_lstm/run_woz.py
@@ -0,0 +1,388 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import os
+import sys
+import argparse
+import configparser
+import time
+import numpy as np
+import torch
+
+from loader.dataset_woz import DatasetWoz, SimpleDatasetWoz
+from model.lm_deep import LMDeep
+
+USE_CUDA = True
+
+
+def score(feat, gen, template):
+ '''
+ feat = ['d-a-s-v:Booking-Book-Day-1', 'd-a-s-v:Booking-Book-Name-1', 'd-a-s-v:Booking-Book-Name-2']
+ gen = 'xxx slot-booking-book-name xxx slot-booking-book-time'
+ '''
+ das = [] # e.g. a list of d-a-s-v:Booking-Book-Day
+ with open(template) as f:
+ for line in f:
+ if 'd-a-s-v:' not in line:
+ continue
+ if '-none' in line or '-?' in line or '-yes' in line or '-no' in line:
+ continue
+ tok = '-'.join(line.strip().split('-')[:-1])
+ if tok not in das:
+ das.append(tok)
+
+ total, redunt, miss = 0, 0, 0
+ for _das in das:
+ feat_count = 0
+ das_order = [ _das+'-'+str(i) for i in range(20) ]
+ for _feat in feat:
+ if _feat in das_order:
+ feat_count += 1
+ _das = _das.replace('d-a-s-v:', '').lower().split('-')
+ slot_tok = '@' + _das[0][:3] + '-' + _das[1] + '-' + _das[2]
+
+ gen_count = gen.split().count(slot_tok)
+ diff_count = gen_count - feat_count
+ if diff_count > 0:
+ redunt += diff_count
+ else:
+ miss += -diff_count
+ total += feat_count
+ return total, redunt, miss
+
+
+def get_slot_error(dataset, gens, refs, sv_indexes):
+ '''
+ Args:
+ gens: (batch_size, beam_size)
+ refs: (batch_size,)
+ sv: (batch_size,)
+ Returns:
+ count: accumulative slot error of a batch
+ countPerGen: slot error for each sample
+ '''
+ batch_size = len(gens)
+ beam_size = len(gens[0])
+ assert len(refs) == batch_size and len(sv_indexes) == batch_size
+
+ count = {'total': 0.0, 'redunt': 0.0, 'miss': 0.0}
+ countPerGen = [ [] for _ in range(batch_size) ]
+ for batch_idx in range(batch_size):
+ for beam_idx in range(beam_size):
+ felements = [dataset.cardinality[x+dataset.dfs[2]] for x in sv_indexes[batch_idx]]
+
+ # get slot error per sample(beam)
+ total, redunt, miss = score(felements, gens[batch_idx][beam_idx], dataset.template)
+
+ c = {}
+ for a, b in zip(['total', 'redunt', 'miss'], [total, redunt, miss]):
+ c[a] = b
+ count[a] += b
+ countPerGen[batch_idx].append(c)
+
+ return count, countPerGen
+
+
+def evaluate(config, dataset, model, data_type, beam_search, beam_size, batch_size):
+ t = time.time()
+ model.eval()
+
+ total_loss = 0
+ countAll = {'total': 0.0, 'redunt': 0.0, 'miss': 0.0}
+ for i in range(dataset.n_batch[data_type]):
+ input_var, label_var, feats_var, lengths, refs, featStrs, sv_indexes = dataset.next_batch(data_type=data_type)
+
+ if data_type == 'valid':
+ # feed-forward w/i ground truth as input
+ decoded_words = model(input_var, dataset, feats_var, gen=False, beam_search=False, beam_size=1)
+
+ # update loss
+ loss = model.get_loss(label_var, lengths)
+ total_loss += loss.item()
+
+ # run generation for calculating slot error
+ decoded_words = model(input_var, dataset, feats_var, gen=True, beam_search=False, beam_size=1)
+ countBatch, countPerGen = get_slot_error(dataset, decoded_words, refs, sv_indexes)
+
+ else: # test
+ print('decode batch {} out of {}'.format(i, dataset.n_batch[data_type]), file=sys.stderr)
+ decoded_words = model(input_var, dataset, feats_var, gen=True, beam_search=beam_search, beam_size=beam_size)
+ countBatch, countPerGen = get_slot_error(dataset, decoded_words, refs, sv_indexes)
+
+ # print generation results
+ for batch_idx in range(batch_size):
+ print('Feat: {}'.format(featStrs[batch_idx]))
+ print('Target: {}'.format(refs[batch_idx]))
+ for beam_idx in range(beam_size):
+ c = countPerGen[batch_idx][beam_idx]
+ s = decoded_words[batch_idx][beam_idx]
+ print('Gen{} ({},{},{}): {}'.format(beam_idx, c['redunt'], c['miss'], c['total'], s))
+ print('-----------------------------------------------------------')
+
+ # accumulate slot error across batches
+ for _type in countAll:
+ countAll[_type] += countBatch[_type]
+
+ total_loss /= dataset.n_batch[data_type]
+
+ se = (countAll['redunt'] + countAll['miss']) / countAll['total'] * 100
+ print('{} Loss: {:.3f} | Slot error: {:.3f} | Time: {:.1f}'.format(data_type, total_loss, se, time.time()-t))
+ print('{} Loss: {:.3f} | Slot error: {:.3f} | Time: {:.1f}'.format(data_type, total_loss, se, time.time()-t), file=sys.stderr)
+ print('redunt: {}, miss: {}, total: {}'.format(countAll['redunt'], countAll['miss'], countAll['total']))
+ print('redunt: {}, miss: {}, total: {}'.format(countAll['redunt'], countAll['miss'], countAll['total']), file=sys.stderr)
+ return total_loss
+
+
+def train_epoch(config, dataset, model):
+ t = time.time()
+ model.train()
+
+ total_loss = 0
+ for i in range(dataset.n_batch['train']):
+ input_var, label_var, feats_var, lengths, refs, featStrs, sv_indexes = dataset.next_batch()
+
+ # feedforward and calculate loss
+ _ = model(input_var, dataset, feats_var)
+ loss = model.get_loss(label_var, lengths)
+
+ # update loss
+ total_loss += loss.item()
+
+ # update model
+ model.update(config.getfloat('MODEL', 'clip'))
+
+ total_loss /= dataset.n_batch['train']
+
+ print('Train Loss: {:.3f} | Time: {:.1f}'.format(total_loss, time.time()-t))
+ print('Train Loss: {:.3f} | Time: {:.1f}'.format(total_loss, time.time()-t), file=sys.stderr)
+
+
+def read(config, args, mode):
+ # get data
+ print('Processing data...', file=sys.stderr)
+
+ # TODO: remove this constraint
+ if mode == 'test' and args.beam_search:
+ print('Set batch_size to 1 due to beam search')
+ print('Set batch_size to 1 due to beam search', file=sys.stderr)
+
+ percentage = args.percent
+ dataset = DatasetWoz(config, percentage=percentage)
+
+ # get model hyper-parameters
+ n_layer = args.n_layer
+ hidden_size = config.getint('MODEL', 'hidden_size')
+ dropout = config.getfloat('MODEL', 'dropout')
+ lr = args.lr
+ beam_size = args.beam_size
+
+ # get feat size
+ d_size = dataset.do_size + dataset.da_size + dataset.sv_size # len of 1-hot feat
+ vocab_size = len(dataset.word2index)
+
+ model_path = args.model_path
+ model = LMDeep('sclstm', vocab_size, vocab_size, hidden_size, d_size, n_layer=n_layer, dropout=dropout, lr=lr)
+
+ if mode == 'train':
+ print('do not support re-train model, please make sure the model do not exist before training')
+ assert not os.path.isfile(model_path)
+
+ else: # mode = 'test'
+ # load model
+ print(model_path, file=sys.stderr)
+ assert os.path.isfile(model_path)
+ model.load_state_dict(torch.load(model_path))
+ if mode != 'adapt':
+ model.eval()
+
+ # Print model info
+ print('\n***** MODEL INFO *****')
+ print('MODEL PATH:', model_path)
+ print('SIZE OF HIDDEN:', hidden_size)
+ print('# of LAYER:', n_layer)
+ print('SAMPLE/BEAM SIZE:', beam_size)
+ print('*************************\n')
+
+ # Move models to GPU
+ if USE_CUDA:
+ model.cuda()
+
+ return dataset, model
+
+
+def train(config, args):
+ dataset, model = read(config, args, args.mode)
+ n_layer = args.n_layer
+ model_path = args.model_path
+
+ # Start training
+ print_loss_total = 0 # Reset every print_every
+ epoch = 0
+ best_loss = 10000
+ print('Start training', file=sys.stderr)
+ while epoch < config.getint('TRAINING', 'n_epochs'):
+ dataset.reset()
+ print('Epoch', epoch, '(n_layer {})'.format(n_layer))
+ print('Epoch', epoch, '(n_layer {})'.format(n_layer), file=sys.stderr)
+ train_epoch(config, dataset, model)
+
+ loss = evaluate(config, dataset, model, 'valid', False, 1, dataset.batch_size)
+
+ if loss < best_loss:
+ earlyStop = 0
+ # save model
+ print('Best loss: {:.3f}, AND Save model!'.format(loss))
+ print('Best loss: {:.3f}, AND Save model!'.format(loss), file=sys.stderr)
+ torch.save(model.state_dict(), model_path)
+ best_loss = loss
+ else:
+ earlyStop += 1
+
+ if earlyStop == 6: # do not improve on dev set 10 epoches in a row
+ return
+ epoch += 1
+ print('----------------------------------------')
+ print('----------------------------------------', file=sys.stderr)
+
+
+def test(config, args):
+ dataset, model = read(config, args, 'test')
+ data_type = args.mode
+ beam_search = args.beam_search
+ beam_size = args.beam_size
+
+ print('TEST ON: {}'.format(data_type))
+ print('TEST ON: {}'.format(data_type), file=sys.stderr)
+
+ # Evaluate model
+ loss = evaluate(config, dataset, model, 'test', beam_search, beam_size, dataset.batch_size)
+
+
+def interact(config, args):
+ dataset = SimpleDatasetWoz(config)
+
+ # get model hyper-parameters
+ n_layer = args.n_layer
+ hidden_size = config.getint('MODEL', 'hidden_size')
+ dropout = config.getfloat('MODEL', 'dropout')
+ lr = args.lr
+ beam_size = args.beam_size
+
+ # get feat size
+ d_size = dataset.do_size + dataset.da_size + dataset.sv_size # len of 1-hot feat
+ vocab_size = len(dataset.word2index)
+
+ model = LMDeep('sclstm', vocab_size, vocab_size, hidden_size, d_size, n_layer=n_layer, dropout=dropout, lr=lr)
+ model_path = args.model_path
+ print(model_path)
+ assert os.path.isfile(model_path)
+ model.load_state_dict(torch.load(model_path))
+ model.eval()
+
+ # Move models to GPU
+ if USE_CUDA:
+ model.cuda()
+
+ data_type = args.mode
+ print('INTERACT ON: {}'.format(data_type))
+
+ example = {"Attraction-Inform": [["Choice","many"],["Area","centre of town"]],
+ "Attraction-Select": [["Type","church"],["Type"," swimming"],["Type"," park"]]}
+ for k, v in example.items():
+ counter = {}
+ for pair in v:
+ if pair[0] in counter:
+ counter[pair[0]] += 1
+ else:
+ counter[pair[0]] = 1
+ pair.insert(1, str(counter[pair[0]]))
+
+ do_idx, da_idx, sv_idx, featStr = dataset.getFeatIdx(example)
+ do_cond = [1 if i in do_idx else 0 for i in range(dataset.do_size)] # domain condition
+ da_cond = [1 if i in da_idx else 0 for i in range(dataset.da_size)] # dial act condition
+ sv_cond = [1 if i in sv_idx else 0 for i in range(dataset.sv_size)] # slot/value condition
+ feats = [do_cond + da_cond + sv_cond]
+
+ feats_var = torch.FloatTensor(feats)
+ if USE_CUDA:
+ feats_var = feats_var.cuda()
+
+ decoded_words = model.generate(dataset, feats_var, beam_size)
+ delex = decoded_words[0] # (beam_size)
+
+ recover = []
+ for sen in delex:
+ counter = {}
+ words = sen.split()
+ for word in words:
+ if word.startswith('slot-'):
+ flag = True
+ _, domain, intent, slot_type = word.split('-')
+ da = domain.capitalize() + '-' + intent.capitalize()
+ if da in example:
+ key = da + '-' + slot_type.capitalize()
+ for pair in example[da]:
+ if (pair[0].lower() == slot_type) and ((key not in counter) or (counter[key] == int(pair[1]) - 1)):
+ sen = sen.replace(word, pair[2], 1)
+ counter[key] = int(pair[1])
+ flag = False
+ break
+ if flag:
+ sen = sen.replace(word, '', 1)
+ recover.append(sen)
+
+ print('meta', example)
+ for i in range(beam_size):
+ print(i, delex[i])
+ print(i, recover[i])
+
+
+def str2bool(v):
+ if v.lower() in ('yes', 'true', 't', 'y', '1'):
+ return True
+ elif v.lower() in ('no', 'false', 'f', 'n', '0'):
+ return False
+ else:
+ raise argparse.ArgumentTypeError('Boolean value expected.')
+
+
+def parse():
+ parser = argparse.ArgumentParser(description='Train dialogue generator')
+ parser.add_argument('--mode', type=str, default='interact', help='train or test')
+ parser.add_argument('--model_path', type=str, default='sclstm.pt', help='saved model path')
+ parser.add_argument('--n_layer', type=int, default=1, help='# of layers in LSTM')
+ parser.add_argument('--percent', type=float, default=1, help='percentage of training data')
+ parser.add_argument('--beam_search', type=str2bool, default=False, help='beam_search')
+ parser.add_argument('--attn', type=str2bool, default=True, help='whether to use attention or not')
+ parser.add_argument('--beam_size', type=int, default=10, help='number of generated sentences')
+ parser.add_argument('--bs', type=int, default=256, help='batch size')
+ parser.add_argument('--lr', type=float, default=0.0025, help='learning rate')
+ args = parser.parse_args()
+
+ config = configparser.ConfigParser()
+ config.read('config/config.cfg')
+ config.set('DATA','dir', os.path.dirname(os.path.abspath(__file__)))
+
+ return args, config
+
+
+if __name__ == '__main__':
+ # set seed for reproducing
+# random.seed(1235)
+# torch.manual_seed(1235)
+# torch.cuda.manual_seed_all(1235)
+
+ args, config = parse()
+
+ # training
+ if args.mode == 'train' or args.mode == 'adapt':
+ train(config, args)
+ # test
+ elif args.mode == 'test':
+ test(config, args)
+ # interact
+ elif args.mode == 'interact':
+ interact(config, args)
+ else:
+ print('mode cannot be recognized')
+ sys.exit(1)
diff --git a/convlab/modules/nlg/multiwoz/template_nlg.py b/convlab/modules/nlg/multiwoz/template_nlg.py
new file mode 100644
index 0000000..49fb978
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/template_nlg.py
@@ -0,0 +1,36 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlg.nlg import NLG
+
+class TemplateNLG(NLG):
+ def init(self,):
+ NLG.__init__(self)
+
+ def generate(self, dialog_act):
+ phrases = []
+ for da in dialog_act.keys():
+ domain, type = da.split('-')
+ if domain == 'general':
+ if type == 'hello':
+ phrases.append('hello, i need help')
+ else:
+ phrases.append('bye')
+ elif type == 'Request':
+ for slot, value in dialog_act[da]:
+ phrases.append('what is the {}'.format(slot))
+ else:
+ for slot, value in dialog_act[da]:
+ phrases.append('i want the {} to be {}'.format(slot, value))
+ sent = ', '.join(phrases)
+ return sent
+
+
+if __name__ == '__main__':
+ nlg = TemplateNLG()
+ user_acts = [{"Restaurant-Inform": [["Food", "japanese"], ["Time", "17:45"]]},
+ {"Restaurant-Request": [["Price", "?"]]},
+ {"general-bye": [["none", "none"]]}]
+ for ua in user_acts:
+ sent = nlg.generate(ua)
+ print(sent)
diff --git a/convlab/modules/nlg/multiwoz/utils.py b/convlab/modules/nlg/multiwoz/utils.py
new file mode 100644
index 0000000..6a2f019
--- /dev/null
+++ b/convlab/modules/nlg/multiwoz/utils.py
@@ -0,0 +1,21 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+'''
+'''
+
+import math
+import numpy as np
+
+
+def initWeights(n,d):
+ """ Initialization Strategy """
+ #scale_factor = 0.1
+ scale_factor = math.sqrt(float(6)/(n + d))
+ return (np.random.rand(n,d)*2-1)*scale_factor
+
+def mergeDicts(d0, d1):
+ """ for all k in d0, d0 += d1 . d's are dictionaries of key -> numpy array """
+ for k in d1:
+ if k in d0: d0[k] += d1[k]
+ else: d0[k] = d1[k]
\ No newline at end of file
diff --git a/convlab/modules/nlg/nlg.py b/convlab/modules/nlg/nlg.py
new file mode 100644
index 0000000..513fe8b
--- /dev/null
+++ b/convlab/modules/nlg/nlg.py
@@ -0,0 +1,22 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+class NLG:
+ """Base class for NLG model."""
+ def __init__(self):
+ """ Constructor for NLG class. """
+ pass
+
+ def generate(self, dialog_act):
+ """
+ Generate a natural language utterance conditioned on the dialog act produced by Agenda or Policy.
+ Args:
+ dialog_act (dict): The dialog act of the following system response. The dialog act can be either produced
+ by user agenda or system policy module.
+ Returns:
+ response (str): The natural language utterance of the input dialog_act.
+ """
+ pass
\ No newline at end of file
diff --git a/convlab/modules/nlu/__init__.py b/convlab/modules/nlu/__init__.py
new file mode 100644
index 0000000..26d1c94
--- /dev/null
+++ b/convlab/modules/nlu/__init__.py
@@ -0,0 +1,8 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlu.multiwoz.error import ErrorNLU
+from convlab.modules.util import *
+from convlab.modules.nlu.multiwoz.joint_nlu.nlu import JointNLU
+from convlab.modules.nlu.multiwoz.mlst.nlu import MlstNLU
+from convlab.modules.nlu.multiwoz.SVM.nlu import SVMNLU
diff --git a/convlab/modules/nlu/multiwoz/SVM/Classifier.py b/convlab/modules/nlu/multiwoz/SVM/Classifier.py
new file mode 100644
index 0000000..7873739
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/Classifier.py
@@ -0,0 +1,554 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlu.multiwoz.SVM import sutils, Tuples, Features
+import json, sys, time, math, os
+import pickle
+from collections import defaultdict
+from convlab.modules.nlu.multiwoz.SVM.Features import cnet as cnet_extractor
+from scipy.sparse import lil_matrix
+import numpy
+import multiprocessing as mp
+
+names_to_classes = {}
+
+def trainSVMwrapper(X,y):
+ model = svm.SVC(kernel='linear', C=1)
+ model.probability = True
+ # model.class_weight = 'auto'
+ model.fit(X, y)
+ return model
+
+class classifier(object):
+ def __init__(self, config):
+ # classifier type
+ self.type = "svm"
+ if config.has_option("classifier", "type") :
+ self.type = config.get("classifier", "type")
+
+ # min_examples
+ self.min_examples = 10
+ if config.has_option("classifier", "min_examples") :
+ self.min_examples = int(config.get("classifier","min_examples"))
+
+ # features
+ self.features = ["cnet"]
+ if config.has_option("classifier", "features") :
+ self.features = json.loads(config.get("classifier", "features"))
+ self.feature_extractors = []
+ for feature in self.features:
+ self.feature_extractors.append(
+ sutils.import_class("convlab.modules.nlu.multiwoz.SVM.Features." + feature)(config)
+ )
+ print(self.feature_extractors)
+ self.tuples = Tuples.tuples(config)
+ self.config = config
+ self.cnet_extractor = cnet_extractor(config)
+
+ # store data:
+ self.X = {}
+ self.y = {}
+ self.baseXs = []
+ self.baseX_pointers = {}
+ self.fnames = {}
+
+ # @profile
+ def extractFeatures(self, dw, log_input_key="batch"):
+ import sys
+ # given a dataset walker,
+ # adds examples to self.X and self.y
+ total_calls = len(dw.session_list)
+ print(total_calls)
+ # print(dw.session_list)
+ self.keys = set([])
+ for call_num, call in enumerate(dw) :
+ print('[%d/%d]' % (call_num,total_calls))
+ for log_turn, label_turn in call:
+ if label_turn != None:
+ uacts = label_turn['semantics']['json']
+ these_tuples = self.tuples.uactsToTuples(uacts)
+ # check there aren't any tuples we were not expecting:
+ for this_tuple in these_tuples:
+ if this_tuple not in self.tuples.all_tuples :
+ print("Warning: unexpected tuple", this_tuple)
+ # convert tuples to specific tuples:
+ these_tuples = [Tuples.generic_to_specific(tup) for tup in these_tuples]
+
+ # which tuples would be considered (active) for this turn?
+ active_tuples = self.tuples.activeTuples(log_turn)
+
+ # calculate base features that are independent of the tuple
+ baseX = defaultdict(float)
+ for feature_extractor in self.feature_extractors:
+ feature_name = feature_extractor.__class__.__name__
+ new_feats = feature_extractor.calculate(log_turn, log_input_key=log_input_key)
+ # if new_feats != {}:
+ # print('base feat:',new_feats.keys())
+ for key in new_feats:
+ baseX[(feature_name, key)] += new_feats[key]
+ self.keys.add((feature_name, key))
+ self.baseXs.append(baseX)
+
+ # print('these_tuples',these_tuples)
+ # print('active_tuples',active_tuples)
+
+ for this_tuple in active_tuples:
+ # print(this_tuple)
+ if label_turn != None :
+ y = (Tuples.generic_to_specific(this_tuple) in these_tuples)
+
+ X = defaultdict(float)
+ for feature_extractor in self.feature_extractors:
+ feature_name = feature_extractor.__class__.__name__
+ new_feats = feature_extractor.tuple_calculate(this_tuple, log_turn, log_input_key=log_input_key)
+ # if new_feats!={}:
+ # print('tuple feat',new_feats.keys())
+ for key in new_feats:
+ X[(feature_name, key)] += new_feats[key]
+ self.keys.add((feature_name, key))
+
+ if this_tuple not in self.X :
+ self.X[this_tuple] = []
+ if this_tuple not in self.y :
+ self.y[this_tuple] = []
+ if this_tuple not in self.baseX_pointers :
+ self.baseX_pointers[this_tuple] = []
+ # if this_tuple not in self.fnames :
+ # self.fnames[this_tuple] = []
+
+ self.X[this_tuple].append(X)
+ if label_turn != None :
+ self.y[this_tuple].append(y)
+
+ self.baseX_pointers[this_tuple].append(len(self.baseXs) - 1)
+
+ # self.fnames[this_tuple].append(log_turn["input"]["audio-file"])
+
+
+ def extractFeatures2(self, sentinfo, log_input_key="batch"):
+ # given a dataset walker,
+ # adds examples to self.X and self.y
+ total_calls = 1
+ self.keys = set([])
+
+
+ # calculate base features that are independent of the tuple
+ baseX = defaultdict(float)
+ for feature_extractor in self.feature_extractors:
+ feature_name = feature_extractor.__class__.__name__
+ new_feats = feature_extractor.calculate_sent(sentinfo, log_input_key=log_input_key)
+ for key in new_feats:
+ baseX[(feature_name, key)] += new_feats[key]
+ self.keys.add((feature_name, key))
+ self.baseXs.append(baseX)
+
+ for this_tuple in self.classifiers:
+ X = defaultdict(float)
+ for feature_extractor in self.feature_extractors:
+ feature_name = feature_extractor.__class__.__name__
+ new_feats = feature_extractor.tuple_calculate(this_tuple, sentinfo, log_input_key=log_input_key)
+ for key in new_feats:
+ X[(feature_name, key)] += new_feats[key]
+ self.keys.add((feature_name, key))
+
+ if this_tuple not in self.X :
+ self.X[this_tuple] = []
+ if this_tuple not in self.y :
+ self.y[this_tuple] = []
+ if this_tuple not in self.baseX_pointers :
+ self.baseX_pointers[this_tuple] = []
+ # if this_tuple not in self.fnames :
+ # self.fnames[this_tuple] = []
+
+ self.X[this_tuple].append(X)
+
+ self.baseX_pointers[this_tuple].append(len(self.baseXs) - 1)
+
+
+ def createDictionary(self):
+ self.dictionary = {}
+ for i, key in enumerate(self.keys):
+ self.dictionary[key] = i
+
+
+ def cacheFeature(self, dw, config=None):
+ if config == None :
+ config = self.config
+ log_input_key = "batch"
+ if config.has_option("train","log_input_key") :
+ log_input_key = config.get("train","log_input_key")
+ print("extracting features from turns")
+ self.extractFeatures(dw, log_input_key=log_input_key)
+ print("finished extracting features")
+ print("creating feature dictionary")
+ self.createDictionary()
+ print("finished creating dictionary (of size", len(self.dictionary), ")")
+
+ def train(self, dw, config=None):
+ # print "creating feature dictionary"
+ # self.createDictionary()
+ # print "finished creating dictionary (of size",len(self.dictionary),")"
+ self.classifiers = {}
+ total_num = len(self.tuples.all_tuples)
+ cur_num = 0
+ print(self.tuples.all_tuples)
+ print(self.X.keys())
+
+ pool = mp.Pool(processes=20)
+ res = []
+
+ for this_tuple in self.tuples.all_tuples:
+ print("%d/%d" % (cur_num, total_num))
+ cur_num+=1
+ print("training", this_tuple)
+ if this_tuple not in self.X :
+ print("Warning: no examples of", this_tuple)
+ self.classifiers[this_tuple] = None
+ continue
+ baseXs = [self.baseXs[index] for index in self.baseX_pointers[this_tuple]]
+ y = list(map(int, self.y[this_tuple]))
+ if sum(y) < self.min_examples:
+ print("Warning: not enough examples (%d) of" % sum(y), this_tuple)
+ self.classifiers[this_tuple] = None
+ continue
+ if len(set(y)) < 2:
+ print("Warning: only one class of", this_tuple)
+ self.classifiers[this_tuple] = None
+ continue
+ # print(self.X[this_tuple])
+ X = toSparse(baseXs, self.X[this_tuple], self.dictionary)
+
+
+ # pick the right classifier class
+ self.classifiers[this_tuple] = names_to_classes[self.type](self.config)
+ # self.classifiers[this_tuple].train(X,y)
+
+ result = pool.apply_async(trainSVMwrapper, args=(X,y))
+ res.append((result,this_tuple))
+
+ del self.X[this_tuple]
+ del self.y[this_tuple]
+
+ pool.close()
+ pool.join()
+ for result,this_tuple in res:
+ self.classifiers[this_tuple].model = result.get()
+ # print(result.get())
+
+ no_models = [this_tuple for this_tuple in self.classifiers if self.classifiers[this_tuple] == None]
+
+ if no_models:
+ print("Not able to learn about: %d/%d" % (len(no_models), total_num))
+ # print(len(no_models))
+ # print ", ".join(map(str, no_models))
+
+ def decode(self):
+ # run the classifiers on self.X, return results
+ results = {}
+ for this_tuple in self.classifiers:
+ if this_tuple not in self.X :
+ print("warning: Did not collect features for ", this_tuple)
+ continue
+ n = len(self.X[this_tuple])
+ if self.classifiers[this_tuple] == None :
+ results[this_tuple] = numpy.zeros((n,))
+ continue
+ baseXs = [self.baseXs[index] for index in self.baseX_pointers[this_tuple]]
+ X = toSparse(baseXs, self.X[this_tuple], self.dictionary)
+ results[this_tuple] = self.classifiers[this_tuple].predict(X)
+ return results
+
+
+ def decodeToFile(self, dw, output_fname, config=None):
+ if config == None :
+ config = self.config
+ t0 = time.time()
+ results = {
+ "wall-time":0.0, # add later
+ "dataset": dw.datasets,
+ "sessions": []
+ }
+ log_input_key = "batch"
+ if config.has_option("decode","log_input_key") :
+ log_input_key = config.get("decode","log_input_key")
+
+ # self.extractFeatures(dw,log_input_key=log_input_key)
+ # decode_results = self.decode()
+ # counter = defaultdict(int)
+ total_calls = len(dw.session_list)
+ for call_num, call in enumerate(dw):
+ print('[%d/%d]' % (call_num, total_calls))
+ session = {"session-id" : call.log["session-id"], "turns":[]}
+ for log_turn, _ in call:
+ slu_hyps = self.decode_sent(log_turn['input']['live'],config)
+ # active_tuples = self.tuples.activeTuples(log_turn)
+ # tuple_distribution = {}
+ # for this_tuple in active_tuples:
+ # index = counter[this_tuple]
+ # p = decode_results[this_tuple][index]
+ # tuple_distribution[Tuples.generic_to_specific(this_tuple)] = p
+ # # check we are decoding the right utterance
+ # # assert self.fnames[this_tuple][index] == log_turn["input"]["audio-file"]
+ # counter[this_tuple] += 1
+ # slu_hyps = self.tuples.distributionToNbest(tuple_distribution)
+ session["turns"].append({
+ "utterance": log_turn['input']['live']['asr-hyps'][0]['asr-hyp'],
+ "predict":slu_hyps[0]['slu-hyp']
+ })
+ results["sessions"].append(session)
+
+ results["wall-time"] =time.time() - t0
+ output_file = open(output_fname, "wb")
+ json.dump(results, output_file, indent=4)
+ output_file.close()
+
+
+ def decode_sent(self, sentinfo, output_fname, config=None):
+ if config == None :
+ config = self.config
+ t0 = time.time()
+ self.X = {}
+ self.y = {}
+ self.baseXs = []
+ self.baseX_pointers = {}
+ self.fnames = {}
+ log_input_key = "batch"
+ if config.has_option("decode","log_input_key") :
+ log_input_key = config.get("decode","log_input_key")
+
+ self.extractFeatures2(sentinfo,log_input_key=log_input_key)
+ decode_results = self.decode()
+ counter = defaultdict(int)
+
+ active_tuples = self.tuples.activeTuples_sent(sentinfo)
+ tuple_distribution = {}
+ for this_tuple in active_tuples:
+ index = counter[this_tuple]
+ assert len(decode_results[this_tuple])==1
+ if len(decode_results[this_tuple]) - 1 < index:
+ p = 0
+ else:
+ p = decode_results[this_tuple][index]
+ # p = decode_results[this_tuple][index]
+ tuple_distribution[Tuples.generic_to_specific(this_tuple)] = p
+ # check we are decoding the right utterance
+ counter[this_tuple] += 1
+ slu_hyps = self.tuples.distributionToNbest(tuple_distribution)
+
+ return slu_hyps
+
+
+
+
+ def save(self, save_fname):
+ classifier_params = {}
+ for this_tuple in self.classifiers:
+ if self.classifiers[this_tuple] == None :
+ classifier_params[this_tuple] = None
+ else :
+ print('saving: ',this_tuple)
+ classifier_params[this_tuple] = self.classifiers[this_tuple].params()
+
+ obj = {
+ "classifier_params":classifier_params,
+ "dictionary":self.dictionary
+ }
+ save_file = open(save_fname, "wb")
+ pickle.dump(obj, save_file)
+ save_file.close()
+
+
+ def load(self, fname):
+ rootpath=os.path.dirname(os.path.abspath(__file__))
+ # if "semi"not in rootpath:
+ # fname=rootpath+"/semi/CNetTrain/"+fname
+ # else:
+ # fname=rootpath+"/CNetTrain/"+fname
+ fname = os.path.join(rootpath, fname)
+ print("loading saved Classifier")
+ print(fname)
+ import sys
+ sys.path.insert(0,os.path.join(os.path.dirname(os.path.abspath(__file__))))
+ obj = pickle.load(open(fname,'rb'))
+ print("loaded.")
+ classifier_params = obj["classifier_params"]
+ self.classifiers = {}
+ for this_tuple in classifier_params:
+ if classifier_params[this_tuple] == None :
+ self.classifiers[this_tuple] = None
+ else :
+ self.classifiers[this_tuple] = names_to_classes[self.type](self.config)
+ self.classifiers[this_tuple].load(classifier_params[this_tuple])
+
+ self.dictionary = obj["dictionary"]
+
+ def export(self, models_fname, dictionary_fname, config_fname):
+ print("exporting Classifier for Caesar to read")
+ print("models to be saved in", models_fname)
+ print("dictionary to be saved in", dictionary_fname)
+ print("config to be saved in", config_fname)
+
+ if self.type != "svm" :
+ print("Only know how to export SVMs")
+ return
+ lines = []
+ for this_tuple in self.classifiers:
+ if self.classifiers[this_tuple] != None:
+ t = this_tuple
+ if Tuples.is_generic(this_tuple[-1]) :
+ t = this_tuple[:-1] + ("",)
+ lines += ['('+','.join(t)+')']
+ lines += utils.svm_to_libsvm(self.classifiers[this_tuple].model)
+ lines += [".",""]
+ models_savefile = open(models_fname, "wb")
+ for line in lines:
+ models_savefile.write(line+"\n")
+ models_savefile.close()
+
+ # save dictionary
+ json_dictionary = []
+ dictionary_items = self.dictionary.items()
+ dictionary_items.sort(key = lambda x:x[1])
+ assert [x[1] for x in dictionary_items] == range(len(self.dictionary))
+ keys = [list(x[0]) for x in dictionary_items]
+
+ json.dump( keys, open(dictionary_fname, "w"))
+
+
+ # save config
+ config_savefile = open(config_fname, "w")
+ config_savefile.write("# Automatically generated by CNetTrain scripts\n")
+ options = {
+ "FEATURES":json.dumps(self.features),
+ "MAX_ACTIVE_TUPLES":str(self.tuples.max_active),
+ "TAIL_CUTOFF":str(self.tuples.tail_cutoff),
+ "MODELS":os.path.join(os.getcwd(), models_fname),
+ "DICTIONARY":os.path.join(os.getcwd(), dictionary_fname),
+
+ }
+ if "cnet" in self.features :
+ index = self.features.index("cnet")
+ cnf = self.feature_extractors[index]
+ options["MAX_NGRAM_LENGTH"] = str(cnf.max_length)
+ options["MAX_NGRAMS"] = str(cnf.max_ngrams)
+ for key in options:
+ this_line = "CNET : %s"% key
+ this_line = this_line.ljust(30)
+ this_line += "= "+options[key]
+ config_savefile.write("\t"+this_line+"\n")
+ config_savefile.close()
+ print("exported Classifier.")
+
+
+def toSparse(baseX, X, dictionary):
+ # convert baseX & X (a list of dictionaries), to a sparse matrix, using dictionary to map to indices
+ out = lil_matrix((len(X),len(dictionary)))
+ for i, (basex, x) in enumerate(zip(baseX, X)) :
+ for key in basex :
+ if key not in dictionary :
+ continue
+ out[i,dictionary[key]] = basex[key]
+ for key in x :
+ if key not in dictionary :
+ continue
+ out[i,dictionary[key]] = x[key]
+
+ out = out.tocsr()
+ return out
+
+
+# classifiers define :
+# train(X,y)
+# predict(X)
+# params()
+# load(params)
+# X is a sparse matrix, y is a vector of class labels (ints)
+from sklearn import svm
+class SVM():
+ def __init__(self, config):
+ self.C = 1
+
+ def pickC(self, X, y):
+ Cs = [1, 0.1, 5, 10, 50] # 1 goes first as it should be preferred
+ scores = []
+ n = X.shape[0]
+ dev_index = max([int(n*0.8), 1+y.index(1)])
+ max_score = 0.0
+ self.C = Cs[0]
+ print("Warning, not picking C from validation")
+ return
+ for i, C in enumerate(Cs) :
+ this_model = svm.sparse.SVC(C=C, kernel='linear')
+ this_model.probability = False
+ this_model.class_weight = 'auto'
+
+ this_model.fit(X[:dev_index,:],y[:dev_index])
+ pred = this_model.predict(X)
+ train_correct = 0.0
+ dev_correct = 0.0
+ for j, y_j in enumerate(y):
+ if j < dev_index :
+ train_correct += int(y_j == pred[j])
+ else :
+ dev_correct += int(y_j == pred[j])
+ train_acc = train_correct/dev_index
+ dev_acc = dev_correct/(n-dev_index)
+ score = (0.1*train_acc + 0.9*dev_acc)
+ print("\tfor C=%.2f;\n\t\t train_acc=%.4f, dev_acc=%.4f, score=%.4f" % (C, train_acc, dev_acc, score))
+ if score > max_score :
+ max_score = score
+ self.C = C
+ if score == 1.0 :
+ break
+ print("Selected C=%.2f"%self.C)
+
+
+ def train(self, X, y):
+ # print('train')
+ # print(X[0])
+ # print(type(X[0]))
+ # print(numpy.shape(X))
+ # print(y[0])
+ self.pickC(X, y)
+ #model = svm.sparse.SVC(kernel='linear', C=self.C)
+ model = svm.SVC(kernel='linear', C=self.C)
+ model.probability=True
+ # model.class_weight = 'auto'
+ model.fit(X,y)
+ self.model = model
+
+ def predict(self, X):
+ y = self.model.predict_proba(X)
+ return y[:,1]
+
+ def params(self, ):
+ return self.model
+
+ def load(self, params):
+ self.model = params
+
+names_to_classes["svm"] = SVM
+
+from sklearn.linear_model import SGDClassifier
+class SGD():
+ def __init__(self, config):
+ pass
+
+ def train(self, X, y):
+ model = SGDClassifier(loss="log", penalty="l2")
+ model.probability=True
+ model.fit(X,y)
+ self.model = model
+
+ def predict(self, X):
+ y = self.model.predict_proba(X)
+ return y[:,1]
+
+ def params(self, ):
+ return self.model
+
+ def load(self, params):
+ self.model = params
+
+names_to_classes["sgd"] = SGD
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/Features.py b/convlab/modules/nlu/multiwoz/SVM/Features.py
new file mode 100644
index 0000000..a30cfef
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/Features.py
@@ -0,0 +1,375 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+
+import json, math, itertools
+from convlab.modules.nlu.multiwoz.SVM import Tuples
+from collections import defaultdict
+
+
+
+class lastSys(object):
+ def __init__(self, config):
+ pass
+
+ def calculate(self, log_turn,log_input_key="batch"):
+ acts = log_turn["output"]["dialog-acts"]
+ out = defaultdict(float)
+ for act in acts:
+ act_type =act["act"]
+ out[(act_type,)] += 1
+ for slot,value in act["slots"]:
+ if act_type == "request" :
+ out[("request", value)] += 1
+ else :
+ out[(act_type,slot)] += 1
+ out[(act_type, slot, value)]+=1
+ out[(slot,value)]+=1
+ return out
+
+ def tuple_calculate(self, this_tuple, log_turn,log_input_key="batch"):
+ return {}
+
+
+
+class valueIdentifying(object):
+ def __init__(self, config):
+ pass
+
+ def calculate(self, log_turn,log_input_key="batch"):
+ return {}
+
+ def tuple_calculate(self, this_tuple, log_turn,log_input_key="batch"):
+ if Tuples.is_generic(this_tuple[-1]) :
+ return {"":1}
+ else :
+ return {}
+
+class nbest(object):
+ def __init__(self, config):
+ self.max_length = 3
+ if config.has_option("classifier", "max_ngram_length") :
+ self.max_length = int(config.get("classifier", "max_ngram_length"))
+ self.skip_ngrams = False
+ if config.has_option("classifier","skip_ngrams") :
+ self.skip_ngrams = config.get("classifier","skip_ngrams")=="True"
+ self.skip_ngram_decay = 0.9
+ if config.has_option("classifier","skip_ngram_decay") :
+ self.skip_ngram_decay = float(config.get("classifier","skip_ngram_decay"))
+ self.max_ngrams = 200
+ if config.has_option("classifier", "max_ngrams") :
+ self.max_ngrams = int(config.get("classifier", "max_ngrams"))
+
+ def calculate(self, log_turn,log_input_key="batch"):
+
+ asr_hyps = [(hyp["score"],hyp["asr-hyp"]) for hyp in log_turn["input"][log_input_key]["asr-hyps"]]
+ asr_hyps = [(score, hyp) for score,hyp in asr_hyps if score > -100]
+ # do exp of scores and normalise
+ if (len(asr_hyps) == 0):
+ return {}
+
+ min_score = min([score for score, _hyp in asr_hyps])
+
+ asr_hyps = [(math.exp(score+min_score), hyp) for score, hyp in asr_hyps]
+ total_p = sum([score for score, _hyp in asr_hyps])
+
+ if total_p == 0:
+ print(asr_hyps)
+ asr_hyps = [(score/total_p, hyp) for score, hyp in asr_hyps]
+
+ ngrams = defaultdict(float)
+
+ for p, asr_hyp in asr_hyps:
+ these_ngrams = get_ngrams(asr_hyp.lower(), self.max_length, skip_ngrams=self.skip_ngrams)
+ for ngram, skips in these_ngrams :
+ skip_decay = 1.0
+ for skip in skips:
+ skip *= (self.skip_ngram_decay**(skip-1))
+ ngrams[ngram]+=p * skip_decay
+
+ self.final_ngrams = ngrams.items()
+ self.final_ngrams = sorted(self.final_ngrams, key = lambda x:-x[1])
+ self.final_ngrams = self.final_ngrams[:self.max_ngrams]
+ return ngrams
+
+ def calculate_sent(self, log_turn,log_input_key="batch"):
+
+ asr_hyps = [(hyp["score"],hyp["asr-hyp"]) for hyp in log_turn["asr-hyps"]]
+ asr_hyps = [(score, hyp) for score,hyp in asr_hyps if score > -100]
+ # do exp of scores and normalise
+ if (len(asr_hyps) == 0):
+ return {}
+
+ min_score = min([score for score, _hyp in asr_hyps])
+
+ asr_hyps = [(math.exp(score+min_score), hyp) for score, hyp in asr_hyps]
+ total_p = sum([score for score, _hyp in asr_hyps])
+
+ if total_p == 0:
+ print(asr_hyps)
+ asr_hyps = [(score/total_p, hyp) for score, hyp in asr_hyps]
+
+ ngrams = defaultdict(float)
+
+ for p, asr_hyp in asr_hyps:
+ these_ngrams = get_ngrams(asr_hyp.lower(), self.max_length, skip_ngrams=self.skip_ngrams)
+ for ngram, skips in these_ngrams :
+ skip_decay = 1.0
+ for skip in skips:
+ skip *= (self.skip_ngram_decay**(skip-1))
+ ngrams[ngram]+=p * skip_decay
+
+ self.final_ngrams = ngrams.items()
+ self.final_ngrams = sorted(self.final_ngrams,key = lambda x:-x[1])
+ self.final_ngrams = self.final_ngrams[:self.max_ngrams]
+ return ngrams
+
+ def tuple_calculate(self, this_tuple, log_turn,log_input_key="batch"):
+ final_ngrams = self.final_ngrams
+ # do we need to add generic ngrams?
+ new_ngrams = []
+
+ if Tuples.is_generic(this_tuple[-1]) :
+ gvalue = this_tuple[-1]
+ for ngram, score in final_ngrams:
+ if gvalue.value is not None:
+ if gvalue.value.lower() in ngram :
+ new_ngram = ngram.replace(gvalue.value.lower(), "")
+ new_ngrams.append((new_ngram,score))
+
+ return dict(new_ngrams)
+
+
+def get_ngrams(sentence, max_length, skip_ngrams=False, add_tags = True):
+ # return ngrams of length up to max_length as found in sentence.
+ out = []
+ words = sentence.split()
+ if add_tags :
+ words = [""]+words+[""]
+ if not skip_ngrams :
+ for i in range(len(words)):
+ for n in range(1,min(max_length+1, len(words)-i+1)):
+ this_ngram = " ".join(words[i:i+n])
+ out.append((this_ngram,[]))
+ else :
+ for n in range(1, max_length+1):
+ subsets = set(itertools.combinations(range(len(words)), n))
+ for subset in subsets:
+ subset = list(subset)
+ subset.sort()
+ dists = [(subset[i]-subset[i-1]) for i in range(1, len(subset))]
+ out.append((" ".join([words[j] for j in subset]), dists))
+
+
+ return out
+
+
+
+
+class nbestLengths(object) :
+ def __init__(self, config):
+ pass
+ def calculate(self, log_turn,log_input_key="batch"):
+ out = {}
+ hyps = [hyp["asr-hyp"] for hyp in log_turn["input"][log_input_key]["asr-hyps"]]
+ for i, hyp in enumerate(hyps):
+ out[i] = len(hyp.split())
+ return out
+
+ def tuple_calculate(self, this_tuple, log_turn ,log_input_key="batch"):
+ return {}
+
+class nbestScores(object) :
+ def __init__(self, config):
+ pass
+ def calculate(self, log_turn,log_input_key="batch"):
+ out = {}
+ scores = [hyp["score"] for hyp in log_turn["input"][log_input_key]["asr-hyps"]]
+ for i, score in enumerate(scores):
+ out[i] = score
+ return out
+
+ def tuple_calculate(self, this_tuple, log_turn,log_input_key="batch" ):
+ return {}
+
+
+class cnet(object):
+ def __init__(self, config):
+ self.slots_enumerated = json.loads(config.get("grammar", "slots_enumerated"))
+ self.max_length = 3
+ if config.has_option("classifier", "max_ngram_length") :
+ self.max_length = int(config.get("classifier", "max_ngram_length"))
+ self.max_ngrams = 200
+ if config.has_option("classifier", "max_ngrams") :
+ self.max_ngrams = int(config.get("classifier", "max_ngrams"))
+ self.final_ngrams = None
+ self.last_parse = None
+
+ def calculate(self, log_turn,log_input_key="batch"):
+ if self.last_parse == log_turn["input"]["audio-file"] :
+ return dict([(ng.string_repn(), ng.score()) for ng in self.final_ngrams])
+ cnet = log_turn["input"][log_input_key]["cnet"]
+ self.final_ngrams = get_cnngrams(cnet,self.max_ngrams, self.max_length)
+ self.last_parse = log_turn["input"]["audio-file"]
+ return dict([(ng.string_repn(), ng.score()) for ng in self.final_ngrams])
+
+
+ def tuple_calculate(self, this_tuple, log_turn,log_input_key="batch"):
+ final_ngrams = self.final_ngrams
+ # do we need to add generic ngrams?
+ new_ngrams = []
+ if Tuples.is_generic(this_tuple[-1]) :
+ gvalue = this_tuple[-1]
+ for ngram in final_ngrams:
+ new_ngram = cn_ngram_replaced(ngram, gvalue.value.lower(), "")
+ if new_ngram != False:
+ new_ngrams.append(new_ngram)
+
+ return dict([(ng.string_repn(), ng.score()) for ng in new_ngrams])
+
+
+
+def get_cnngrams(cnet, max_ngrams, max_length):
+ active_ngrams = []
+ finished_ngrams = []
+ threshold = -5
+ for sausage in cnet:
+ new_active_ngrams = []
+
+ for arc in sausage['arcs']:
+ if arc['score'] < threshold :
+ continue
+ this_ngram = cnNgram(arc['word'].lower(), arc['score'])
+ for ngram in active_ngrams:
+
+ new_ngram = ngram + this_ngram
+ if len(new_ngram) < max_length :
+ new_active_ngrams.append(new_ngram)
+ # don't add ones ending in !NULL to finished
+ # as they need to end on a real word
+ # otherwise HELLO, HELLO !NULL, HELLO !NULL !NULL ...will accumulate
+ if arc['word'] != "!null" :
+ finished_ngrams.append(new_ngram)
+ elif arc['word'] != "!null" :
+
+ finished_ngrams.append(new_ngram)
+
+ if len(this_ngram) != 0 :
+ new_active_ngrams.append(this_ngram)
+ finished_ngrams.append(this_ngram)
+
+ active_ngrams = cn_ngram_prune((new_active_ngrams[:]), int(1.5*max_ngrams))
+
+ return cn_ngram_prune(cn_ngram_merge(finished_ngrams), max_ngrams)
+
+
+class cnNgram(object):
+
+ def __init__(self, words, logp, delta=0):
+ if type(words) != type([]) :
+ words = words.split()
+ self.words = words
+ self.logp = logp
+ self.active = True
+ self.replacement_length_delta = delta
+
+
+ def logscore(self):
+ return self.logp / len(self)
+
+ def score(self):
+ return math.exp(self.logscore())
+
+
+ def __add__(self, other):
+ return cnNgram(self.words + other.words, self.logp+other.logp)
+
+ def __repr__(self, ):
+ return "%s : %.7f" % (" ".join(self.words), self.logp)
+
+ def __len__(self):
+ return len([x for x in self.words if x != "!null"]) + self.replacement_length_delta
+
+ def word_list(self, ):
+ return [word for word in self.words if word != "!null"]
+
+ def string_repn(self, ):
+ return " ".join(self.word_list())
+
+
+ def __hash__(self):
+ # means sets work
+ string = self.string_repn()
+ return string.__hash__()
+
+ def __eq__(self, other):
+ return self.string_repn() == other.string_repn()
+
+def cn_ngram_merge(ngrams) :
+ # merge a list of ngrams
+ merged = {}
+ for ngram in ngrams:
+ if ngram not in merged :
+ merged[ngram] = ngram.logp
+ else :
+ merged[ngram] = math.log( math.exp(ngram.logp) + math.exp(merged[ngram]) )
+
+ new_ngrams = []
+ for ngram in merged:
+ ngram.logp = merged[ngram]
+ new_ngrams.append(ngram)
+ return new_ngrams
+
+def cn_ngram_prune(ngrams, n):
+ if len(ngrams) < n :
+ return ngrams
+ ngrams.sort(key=lambda x:-x.logscore())
+ return ngrams[:n]
+
+def cn_ngram_replaced(ngram, searchwords, replacement):
+ words = ngram.word_list()
+ searchwords = searchwords.split()
+ new_words = []
+ found = False
+ i=0
+ while i < len(words):
+ if words[i:i+len(searchwords)] == searchwords:
+ new_words.append(replacement)
+ found = True
+ i+=len(searchwords)
+ else :
+ new_words.append(words[i])
+ i+=1
+ if not found :
+ return False
+ out = cnNgram(new_words, ngram.logp, delta=len(searchwords) - 1)
+ return out
+
+
+
+
+
+if __name__ == '__main__':
+ cn = [
+ {"arcs":[{"word":"","score":0.0}]},
+ {"arcs":[{"word":"hi","score":0.0}]},
+ {"arcs":[{"word":"there","score":-math.log(2)}, {"word":"!null","score":-math.log(2)}]},
+ {"arcs":[{"word":"how","score":0.0}]},
+ {"arcs":[{"word":"are","score":0.0}]},
+ {"arcs":[{"word":"you","score":0.0}]},
+ {"arcs":[{"word":"","score":0.0}]}
+
+ ]
+ final_ngrams = get_cnngrams(cn,200,3)
+ print(dict([(ng.string_repn(), ng.score()) for ng in final_ngrams]))
+ import configparser, json, Tuples
+ config = configparser.ConfigParser()
+ config.read("output/experiments/feature_set/run_1.cfg")
+ nb = cnet(config)
+ log_file = json.load(open("corpora/data/Mar13_S2A0/voip-318851c80b-20130328_224811/log.json"))
+ log_turn = log_file["turns"][2]
+ print(nb.calculate(
+ log_turn
+ ))
+ tup = ("inform", "food", Tuples.genericValue("food", "modern european"))
+ print(nb.tuple_calculate(tup, log_turn))
diff --git a/convlab/modules/nlu/multiwoz/SVM/README.md b/convlab/modules/nlu/multiwoz/SVM/README.md
new file mode 100644
index 0000000..17b7580
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/README.md
@@ -0,0 +1,236 @@
+# SVM NLU
+
+Adapted from pydial: https://bitbucket.org/dialoguesystems/pydial.git (pydial/semi/CNetTrain)
+
+Trained model can be downloaded on https://drive.google.com/file/d/1y0v0Eq6p2dpVfGzPPeLciOkAkNAvQSqV/view?usp=sharing. Unzip and place it under `tasktk/modules/nlu/SVM/output_multiwoz` directory.
+
+
+
+Original README:
+
+Confusion Network Tutorial {#CNetTrainTutorial}
+==========================
+
+A list of configuration options are provided in \subpage CNetConfig.
+
+# Training, testing, and saving a CNet decoder
+
+This tutorial will explain how to create a CNet decoder that can be used by Caesar. It also explains how to run an experiment where you vary training parameters, and see what worked better. For full documentation of the config variables, please see `config.md`.
+
+## Install sklearn (lmr46: installing the last sklearn version with pip should work)
+pip install -U scikit-learn
+## OLD instruction ...
+[Download a copy](http://scikit-learn.org/stable/install.html) of `scikit-learn-0.14.tar.gz`, untar it, then run `python setup.py install --user`.
+
+## Get a copy of a belief tracker corpus
+
+E.g. the DSTC II data, which can be found here: https://bitbucket.org/matthen/dstc-ii .
+Get a `*.tar.gz` and extract it into `./data` :
+
+ mkdir corpora
+ cd corpora
+ wget https://bitbucket.org/matthen/dstc-ii/downloads/DSTCCAM.tar.gz
+ tar -xzf DSTCCAM.tar.gz
+
+This should provide `corpora/data` and `corpora/scripts`. The `scripts` should contain Python classes for looping through the data (`dataset_walker.py`), and scoring the output of a semantic decoder (`score_slu.py`).
+
+## Train model
+
+We will start building up a config file, which defines the model. Model settings are defined in the `[classifier]` section, and then following sections define settings for python scripts of that name. For example here, we add a section called `[train]` which is used by `train.py`.
+
+
+Create `config/eg.cfg` with the following contents:
+
+
+ [DEFAULT]
+ output_dir = output
+ name = eg
+
+ [grammar]
+ acts = ["inform","request","deny","negate","confirm","null","repeat","affirm","bye","reqalts","hello","thankyou","ack","help"]
+ nonempty_acts = ["inform","confirm","request","deny"]
+
+ slots_enumerated = ["area","pricerange"]
+ ontology = corpora/scripts/config/ontology_Oct11.json
+
+
+​
+ [classifier]
+ type = svm
+ features = ["cnet"]
+
+
+​
+ [train]
+ output = %(output_dir)s/%(name)s.pickle
+ dataset = ["Oct11_train"]
+ dataroot = corpora/data
+
+The `[grammar]` section contains the grammar of user acts, which the decoder needs to know. Running `python checkGrammar config/eg.cfg` will check that there are no contradictory user acts in the train and test sets. For this example, `checkGrammar.py` should output:
+
+
+ Checking train
+ undeclared informable slots found
+ [u'task', u'type']
+
+we don't want to model `task` and `type`, because they are always `find` and `restaurant` respectively. Omitting them from the grammar means they will just be ignored.
+
+In the `[classifier]` section, we define the features used as a JSON list of strings. These correspond to classes in `Features.py`.
+
+Do:
+
+ mkdir output
+ python train.py config/eg.cfg
+
+This will take a while to run, and in the end should create `output/eg.pickle` with the trained model. At the end of training, it will tell you something like:
+
+
+ Not able to learn about:
+ (u'confirm', u'name', (generic value for name (None))), (u'confirm', u'pricerange', u'moderate'), (u'restart',),
+ (u'deny', u'pricerange', 'dontcare'), (u'confirm', u'pricerange', 'dontcare'), (u'confirm', u'area', 'dontcare'),
+ (u'deny', u'area', 'dontcare'), (u'deny', u'name', (generic value for name (None))), (u'deny', u'area', u'north'),
+ (u'deny', u'area', u'south'), (u'deny', u'pricerange', u'moderate'), (u'confirm', u'pricerange', u'expensive'),
+ (u'confirm', u'pricerange', u'cheap')
+
+These are the tuples that weren't represented in the training data, and so couldn't be learnt.
+
+
+## Decode a test set
+
+We will use the decoder to decode a test set. Add a `[decode]` section to the config file:
+
+
+ [decode]
+ output = %(output_dir)s/%(name)s.decode.json
+ ; this will be the output of the decoder on the test set
+ dataset = ["Oct11_test"]
+ dataroot = corpora/data
+
+Then run:
+
+
+ python decode.py config/eg.cfg
+
+Now there should be a file `output/eg.decode.json` with the decoder's output.
+
+
+## Evaluate the decoding results
+
+The `score_slu.py` and `report_slu.py` scripts packaged with the belief tracking corpus can be run on the output of `decode.py`, if you use the correct command-line arguments. `evaluate.py` takes the config file as its single argument, runs the SLU scoring and creates a report.
+
+Add the following section to the config file:
+
+
+ [evaluate]
+ csv_output = %(output_dir)s/%(name)s.score.csv
+ report_output = %(output_dir)s/%(name)s.report.txt
+
+
+Run `python evaluate.py config/eg.cfg`. This will create the `output/eg.score.csv` file and `output/eg.report.txt` The metrics can be found in `output/eg.score.csv`.
+
+## Run an experiment
+
+Copy the config file: `cp config/eg.cfg config/eg_experiment.cfg`. Delete the `[DEFAULT]` section and add:
+
+ [experiment]
+ name: feature_set
+ type: vary_train ; this type of experiment will train a bunch of models and track the track dataset
+ vary: [
+ ["classifier", "features", [
+ "[\"cnet\"]",
+ "[\"nbest\"]"
+ ]]
+ ]
+ ; section, option, values
+
+
+Be sure to `mkdir output/experiments`. This experiment will try each possible feature set and output the results to `output/experiments/feature_set`. Here we are comparing ngram counts derived from the confusion network, versus using the nbest list. You can also vary the values of more options like this:
+
+
+ [
+ ["section_name1","option_name1", ["value11", "value12",..]],
+ ["section_name2","option_name2", ["value21", "value22",..]]
+ ]
+
+The for `vary_train` experiments, the `experiment.py` script will try all possible combinations of these options, and run train, decode, evaluate. It sets the `DEFAULT, name` option automatically for each run, so if you have used `%(name)s` throughout your config as above, it will work fine. The script uses `multiprocessing` to use multiple processes to evaluate runs. Set the `num_processes` option to configure this (default is 1).
+
+Now run `python experiment.py config/eg_experiment.cfg`.
+
+This will start by printing:
+
+ Configuring:
+ run_0
+ Setting:
+ classifier_features = ["cnet"]
+ putting run_0
+ Configuring:
+ run_1
+ Setting:
+ classifier_features = ["nbest"]
+ putting run_1
+
+Try listing the contents of the experiment directory:
+
+ ls output/experiments/feature_set/
+ experiment_config.cfg log.txt run_0.cfg run_1.cfg
+
+Note that a copy of the config you used to create the experiment is created. This is useful for recreating results. `run_0.cfg` and `run_1.cfg` will also allow you to recreate individual configurations. When the experiment finishes there will be more files in the directory, including the `scores.csv` files:
+
+ $head -20 output/experiments/feature_set/run_*.score.csv
+ ==> output/experiments/feature_set/run_0.score.csv <==
+ belief_accuracy,all_acc, 0.96242
+ belief_accuracy,all_l2, 0.04696
+ belief_accuracy,all_logp, -0.15237
+ (ommitted goal, requested, and method breakdown )
+ ice,ICE, 1.02352
+ tophyp,fscore, 0.87771
+ tophyp,precision, 0.90081
+ tophyp,recall, 0.85577
+
+ ==> output/experiments/feature_set/run_1.score.csv <==
+ belief_accuracy,all_acc, 0.96221
+ belief_accuracy,all_l2, 0.05005
+ belief_accuracy,all_logp, -0.16502
+ (ommitted goal, requested, and method breakdown )
+ ice,ICE, 1.11565
+ tophyp,fscore, 0.86706
+ tophyp,precision, 0.89549
+ tophyp,recall, 0.84038
+
+
+​
+(Confusion network features are `run_0`, and perform slightly better on all metrics.)
+
+Running `python experiment.py config/eg.cfg` (or with any config without an `[experiment]` section) is equivalent to `python train.py config/eg.cfg; python decode.py config/eg.cfg; python evaluate.py config/eg.cfg`.
+
+## Output for Caesar
+
+Add the following section to the config file:
+
+ [export]
+ models = %(output_dir)s/%(name)s.caesar.svms.txt
+ dictionary = %(output_dir)s/%(name)s.caesar.dic.txt
+ config = %(output_dir)s/%(name)s.caesar.cfg
+
+Caesar needs two files:
+
+* `models` contains all the SVMs, one after the other. An SVM is saved in libsvm's sparse export format, with the tuple at the beginning, and terminated with a period then a new line.
+* `dictionary` is the mapping from features to vector indices. This is a JSON list of the feature keys, sorted by their mapping index.
+
+The `config` contains any options in Caesar's config format that need to be set to run the decoder. The output for this example is:
+
+ # Automatically generated by CNetTrain scripts
+ CNET : MAX_NGRAMS = 200
+ CNET : FEATURES = ["cnet"]
+ CNET : DICTIONARY = /Users/matt/Projects/vocaliq/SemIO/CNetTrain/output/eg.caesar.dic.txt
+ CNET : MAX_NGRAM_LENGTH = 3
+ CNET : MODELS = /Users/matt/Projects/vocaliq/SemIO/CNetTrain/output/eg.caesar.svms.txt
+ CNET : TAIL_CUTOFF = 0.001
+ CNET : MAX_ACTIVE_TUPLES = 10
+
+Include this config in your master config, and the decoder should work. Check the absolute paths are okay, and then consider doing a `#include`.
+
+
+## Other config variables
+
+Every config variable is documented in `config.md` in the root of the `CNetTrain` directory.
diff --git a/convlab/modules/nlu/multiwoz/SVM/Tuples.py b/convlab/modules/nlu/multiwoz/SVM/Tuples.py
new file mode 100644
index 0000000..c9d7bc8
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/Tuples.py
@@ -0,0 +1,304 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+# deal with tuples and dialog acts
+import json, math,os
+from convlab.modules.nlu.multiwoz.SVM import sutils, Features
+import re
+
+
+class tuples(object):
+ def __init__(self, config):
+ self.acts = json.loads(config.get("grammar", "acts"))
+ self.nonempty_acts = json.loads(config.get("grammar", "nonempty_acts"))
+ self.nonfull_acts = [act for act in self.acts if act not in self.nonempty_acts]
+
+ rootpath=os.path.dirname(os.path.abspath(__file__))
+ # if "semi" not in rootpath:
+ # rootpath+="/semi/CNetTrain/"
+ # else:
+ # rootpath+="/CNetTrain/"
+ self.ontology = json.load(
+ open(rootpath+'/'+config.get("grammar", "ontology"))
+ )
+
+ self.slots_informable = self.ontology["informable"]
+ self.slots = self.ontology["requestable"]
+
+ self.slots_enumerated = json.loads(config.get("grammar", "slots_enumerated"))
+ self.config = config
+ self.all_tuples = self._getAllTuples()
+ self.max_active = 10
+ if config.has_option("decode","max_active_tuples") :
+ self.max_active = int(config.get("decode","max_active_tuples"))
+
+ self.tail_cutoff = 0.001
+ if config.has_option("decode","tail_cutoff") :
+ self.tail_cutoff = float(config.get("decode","tail_cutoff"))
+ self.log_tail_cutoff = math.log(self.tail_cutoff)
+
+
+ def uactsToTuples(self, uacts):
+ out = []
+ for uact in uacts:
+ act =uact["act"]
+ if uact["slots"] == [] :
+ out.append((act,))
+ for slot,value in uact["slots"]:
+ if act == "request" :
+ out.append(("request", value))
+ elif slot in self.slots_informable or slot == "this":
+ if slot in self.slots_enumerated or slot == "this":
+ out.append((act,slot,value))
+ else :
+ out.append((act,slot, genericValue(slot, value)))
+ return out
+
+ def _getAllTuples(self):
+ out = []
+ for slot in self.slots:
+ out.append(("request", slot))
+ for x in self.ontology["all_tuples"]:
+ slot = x[1]
+ if slot in self.slots_enumerated:
+ out.append(tuple(x))
+ else:
+ out.append((x[0], slot, genericValue(slot)))
+ out.append((x[0], slot, "do n't care"))
+ # all_tuples = []
+ # for x in self.ontology["all_tuples"]:
+ # if x[0]=='request':
+ # all_tuples.append(tuple(x))
+ # else:
+ # slot = x[1]
+ # if slot in self.slots_enumerated or slot == "this":
+ # all_tuples.append(tuple(x))
+ # else:
+ # all_tuples.append((x[0],x[1],genericValue(x[1], x[2])))
+ # return all_tuples
+
+ # out = []
+ # for slot in self.slots:
+ # out.append(("request", slot))
+ # for act in self.nonempty_acts:
+ # if act == "request" :
+ # continue
+ # for slot in self.slots_informable:
+ # if slot in self.slots_enumerated :
+ # for value in self.ontology["informable"][slot] :
+ # out.append((act,slot,value))
+ #
+ # else :
+ # out.append((act,slot, genericValue(slot)))
+ # out.append((act, slot, "do nt care"))
+ # for slot in self.slots_informable:
+ # out.append(("inform",slot,"do nt care"))
+
+ # for act in self.nonfull_acts:
+ # out.append((act,))
+ return list(set(out))
+
+ def activeTuples(self, log_turn):
+ asr_hyps = log_turn["input"]["live"]["asr-hyps"]
+ out = []
+ asr_hyps_conc = ", ".join([asr_hyp['asr-hyp'].lower() for asr_hyp in asr_hyps])
+ for this_tuple in self.all_tuples:
+ if is_generic(this_tuple[-1]) :
+ # this is a generic value
+ act, slot, gvalue = this_tuple
+ for value in self.ontology["informable"][this_tuple[-2]]:
+ if value.lower() in asr_hyps_conc :
+ out.append((act, slot, genericValue(slot, value)))
+ if slot == 'Phone':
+ matchObj = re.search(r'\d{11}',asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group())))
+ elif slot == 'Ticket':
+ matchObj = re.search(r'([0-9.]*?) (GBP|gbp)', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group())))
+ elif slot == 'Ref':
+ matchObj = re.search(r'reference number is(\s*?)([a-zA-Z0-9]+)', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group(2))))
+ elif slot == 'Time' or slot == 'Arrive' or slot == 'Leave':
+ matchObj = re.search(r'\d+?:\d\d', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group(0))))
+ else :
+ out.append(this_tuple)
+ return out
+
+ def activeTuples_sent(self, log_turn):
+ asr_hyps = log_turn["asr-hyps"]
+ out = []
+ asr_hyps_conc = ", ".join([asr_hyp['asr-hyp'].lower() for asr_hyp in asr_hyps])
+ for this_tuple in self.all_tuples:
+ if is_generic(this_tuple[-1]) :
+ # this is a generic value
+ act, slot, gvalue = this_tuple
+ for value in self.ontology["informable"][this_tuple[-2]]:
+ if value.lower() in asr_hyps_conc :
+ out.append((act, slot, genericValue(slot, value)))
+ if slot == 'Phone':
+ matchObj = re.search(r'\d{11}',asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group())))
+ elif slot == 'Ticket':
+ matchObj = re.search(r'([0-9.]*?) (GBP|gbp)', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group())))
+ elif slot == 'Ref':
+ matchObj = re.search(r'reference number is(\s*?)([a-zA-Z0-9]+)', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group(2))))
+ elif slot == 'Time' or slot == 'Arrive' or slot == 'Leave':
+ matchObj = re.search(r'\d+?:\d\d', asr_hyps_conc)
+ if matchObj:
+ out.append((act, slot, genericValue(slot, matchObj.group(0))))
+ else :
+ out.append(this_tuple)
+ return out
+
+ def distributionToNbest(self, tuple_distribution):
+ # convert a tuple distribution to an nbest list
+ tuple_distribution = tuple_distribution.items()
+ output = []
+ ps = [p for _t,p in tuple_distribution]
+ eps = 0.00001
+ tuple_distribution = [(t, math.log(max(eps,p)), math.log(max(eps, 1-p))) for t,p in tuple_distribution if p > 0]
+ tuple_distribution = sorted(tuple_distribution,key=lambda x:-x[1])
+ # prune
+ tuple_distribution = tuple_distribution[:self.max_active]
+
+ n = len(tuple_distribution)
+ powerset = sutils.powerset(range(n))
+ acts = []
+ for subset in powerset:
+ act = []
+ score = 0
+ for i in range(n):
+ this_tuple, logp, log1_p = tuple_distribution[i]
+ if i in subset :
+ act.append(this_tuple)
+ score += logp
+ else :
+ score += log1_p
+ if (score> self.log_tail_cutoff or len(act) == 0) and makes_valid_act(act) :
+ acts.append((act,score))
+ if len(act) ==0 :
+ null_score = score
+ acts = sorted(acts,key=lambda x:-x[1])
+
+ acts = acts[:10]
+ found_null = False
+ for act,score in acts:
+ if len(act) == 0:
+ found_null = True
+ break
+ if not found_null :
+ acts.append(([], null_score))
+
+ #normalise
+ acts = [(act,math.exp(logp)) for act,logp in acts]
+ totalp = sum([p for act,p in acts])
+ acts = [{"slu-hyp":[tuple_to_act(a) for a in act],"score":p/totalp} for act,p in acts]
+ return acts
+
+def tuple_to_act(t) :
+ if len(t) == 1 :
+ return {"act":t[0],"slots":[]}
+ if len(t) == 2 :
+ assert t[0] == "request"
+ return {"act":"request", "slots":[["slot",t[1]]]}
+ else :
+ return {"act":t[0],"slots":[[t[1],t[2]]]}
+
+
+
+def makes_valid_act(tuples):
+ # check if uacts is a valid list of tuples
+ # - can't affirm and negate
+ # - can't deny and inform same thing
+ # - can't inform(a=x) inform(a=y) if x!=u
+ singles = [t for t in tuples if len(t)==1]
+ if ("affirm",) in tuples and ("negate",) in tuples :
+ return False
+ triples = [t for t in tuples if len(t)==3]
+ informed = [(slot, value) for act,slot,value in triples if act=="inform"]
+ denied = [(slot, value) for act,slot,value in triples if act=="deny" ]
+ for s,v in informed:
+ if (s,v) in denied:
+ return False
+ informed_slots = [slot for slot, _value in informed]
+ if len(informed_slots) != len(set(informed_slots)) :
+ return False
+ return True
+
+def actual_value(value):
+ try:
+ return value.value
+ except AttributeError:
+ return value
+
+
+class genericValue(object):
+ # useful class to use to represent a generic value
+ # x = genericValue("food")
+ # y = genericValue("food","chinese")
+ # z = genericValue("food","indian")
+ # x == y
+ # y in [x]
+ # y.value != z.value
+
+ def __init__(self, slot, value=None):
+ self.slot = slot
+ self.value = value
+
+ def __str__(self):
+ paren = ""
+ if self.value is not None :
+ paren = " (%s)" % self.value
+ return ("(generic value for %s"% self.slot) + paren + ")"
+
+ def __repr__(self):
+ return self.__str__()
+
+ def __eq__(self, other):
+ try:
+ return self.slot == other.slot
+ except AttributeError :
+ return False
+
+ def __hash__(self):
+ return self.slot.__hash__()
+
+
+def is_generic(value):
+ return not isinstance(value, str)
+
+def generic_to_specific(tup) :
+ if len(tup) == 3 :
+ act,slot,value = tup
+ value = actual_value(value)
+ return (act,slot,value)
+ return tup
+
+if __name__ == '__main__':
+
+ import configparser, json
+
+ config = configparser.ConfigParser()
+ config.read("config/eg.cfg")
+ t = tuples(config)
+ dist = {('inform', 'food','indian'):0.9,('inform', 'food','indian2'):1.0, ('hello',):0.1}
+ print(dist)
+ nbest = t.distributionToNbest(dist)
+ print(nbest)
+
+ log_file = json.load(open("corpora/data/Mar13_S2A0/voip-318851c80b-20130328_224811/log.json"))
+ log_turn = log_file["turns"][2]
+ print(log_turn["input"]["batch"]["asr-hyps"][0])
+ print([tup for tup in t.activeTuples(log_turn) if tup[0] == "inform"])
+
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/__init__.py b/convlab/modules/nlu/multiwoz/SVM/__init__.py
new file mode 100644
index 0000000..9a04545
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/__init__.py
@@ -0,0 +1,2 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/nlu/multiwoz/SVM/config.md b/convlab/modules/nlu/multiwoz/SVM/config.md
new file mode 100644
index 0000000..44f19d5
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/config.md
@@ -0,0 +1,54 @@
+Confusion Network Config Options {#CNetConfig}
+================================
+
+## [grammar]
+* `acts` - a JSON list of all the possible act-types
+* `nonempty_acts` - a JSON list of those acts that require a slot-value pair
+* `ontology` - a JSON file with the ontology for the domain, this is found in a belief tracking corpus
+* `slots_enumerated` - a JSON list of slots for which we do not tag values with
+
+
+## [classifier]
+* `type` - the type of classifier used. {*svm*}
+* `features` - a JSON list of the features extracted from a turn. {"cnet", "valueIdentifying","nbest","lastSys","nbestLengths","nbestScores"}. These refer to classes in `Features.py`.
+* `max_ngram_length` - the maximum length of ngrams to extract. Default is 3.
+* `max_ngrams` - the maximum number of ngrams to extract per turn. Default is 200.
+* `skip_ngrams` - Whether to use skip ngrams, for nbest features {"True","False"}
+* `skip_ngram_decay` - Factor to discount skips by. Default is 0.9.
+* `min_examples` - the minimum number of positive examples of a tuple we require to train a classifier for it. Default is 10.
+
+
+## [train]
+* `output` - the pickle file where the learnt classifier is saved
+* `dataset` - a JSON list of dataset names to use for training
+* `dataroot` - the directory where the data is found
+* `log_input_key` - the key to use of `log_turn["input"]`. Default is 'batch'.
+
+## [decode]
+* `output` - the JSON file that decoder output is saved to. Compatible with belief tracker scoring scripts
+* `dataset` - a JSON list of dataset names to decode
+* `dataroot` - the directory where the data is found
+* `max_active_tuples` - the maximum number of tuples to consider in a decode. Default is 10.
+* `tail_cutoff` - the minimum weight of an SLU hypothesis to include. Default 0.001
+* `log_input_key` - the key to use of `log_turn["input"]`. Default is 'batch'.
+
+## [evaluate]
+* `csv_output` - the CSV file where the results of `score_slu.py` are saved.
+* `report_output` - text file with the report from `report_slu.py`.
+* `tracker_output` - JSON file where a baseline tracker output is saved, run on the output of SLU.
+
+## [export]
+* `models` - the text file to contain all the SVMs, one after the other. An SVM is saved in libsvm's sparse export format, with the tuple at the beginning, and terminated with a period then a new line.
+* `dictionary` - JSON file with the mapping from features to vector indices. This is a JSON list of the feature keys, sorted by their mapping index.
+* `config` - file to save any options in Caesar's config format that need to be set to run the decoder. E.g. max ngram length
+
+## [experiment]
+* `type` - the experiment type {vary_train}
+* `repeat` - number of times to repeat each configuration. Default is 1.
+* `vary` - What parameters in the config file should be changed. E.g:
+
+ [
+ ["section_name1","option_name1", ["value11", "value12",...]],
+ ["section_name2","option_name2", ["value21", "value22",...]]
+ ]
+* `num_processes` - How many concurrent processes to use. Default is 1.
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/config/eg.cfg b/convlab/modules/nlu/multiwoz/SVM/config/eg.cfg
new file mode 100644
index 0000000..a8cd6bb
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/config/eg.cfg
@@ -0,0 +1,42 @@
+[DEFAULT]
+output_dir = output
+name = eg
+
+[grammar]
+acts = ["inform","request","deny","negate","confirm","repeat","affirm","bye","reqalts","hello","thankyou","ack","help"]
+nonempty_acts = ["inform","confirm","request","deny"]
+slots_enumerated = ["area","pricerange"]
+#ontology = corpora/scripts/config/ontology_Oct11.json
+ontology = corpora/scripts/config/ontology_dstc2.json
+; aliases for non enumerated values?
+
+[classifier]
+type = svm
+; (svm, sgd, ...)
+features = ["nbest"]
+; (cnet, lastSys ...)
+
+
+[train]
+output = %(output_dir)s/%(name)s.pickle
+dataset = ["dstc2_traindev"]
+dataroot = corpora/data/dstc2_traindev/data
+log_input_key = live
+
+[decode]
+output = %(output_dir)s/%(name)s.decode.json
+; this will be the output of the decoder on the test set
+dataset = ["dstc2_test"]
+dataroot = corpora/data/dstc2_test/data
+
+[evaluate]
+csv_output = %(output_dir)s/%(name)s.score.csv
+report_output = %(output_dir)s/%(name)s.report.txt
+tracker_output = %(output_dir)s/%(name)s.track.json
+tracker_csv_output = %(output_dir)s/%(name)s.track.score.csv
+
+[export]
+models = %(output_dir)s/%(name)s.caesar.svms.txt
+dictionary = %(output_dir)s/%(name)s.caesar.dic.txt
+config = %(output_dir)s/%(name)s.caesar.cfg
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/config/multiwoz.cfg b/convlab/modules/nlu/multiwoz/SVM/config/multiwoz.cfg
new file mode 100644
index 0000000..e3976f4
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/config/multiwoz.cfg
@@ -0,0 +1,98 @@
+[DEFAULT]
+output_dir = output_multiwoz
+name = multiwoz
+
+[grammar]
+acts = ["Train-OfferBook",
+ "Restaurant-Inform",
+ "general-reqmore",
+ "Booking-Book",
+ "Restaurant-NoOffer",
+ "Hotel-NoOffer",
+ "Booking-NoBook",
+ "Restaurant-Recommend",
+ "Attraction-NoOffer",
+ "Hotel-Recommend",
+ "Restaurant-Select",
+ "Attraction-Select",
+ "Train-Inform",
+ "Train-OfferBooked",
+ "general-bye",
+ "general-thank",
+ "Attraction-Recommend",
+ "Hotel-Select",
+ "general-greet",
+ "general-welcome",
+ "Taxi-Inform",
+ "Booking-Inform",
+ "Hotel-Inform",
+ "Attraction-Inform",
+ "Train-NoOffer",
+ "request",
+ "Police-Inform",
+ "Hospital-Inform",
+ "Train-Select"]
+nonempty_acts = ["Train-OfferBook",
+ "Restaurant-Inform",
+ "general-reqmore",
+ "Booking-Book",
+ "Restaurant-NoOffer",
+ "Hotel-NoOffer",
+ "Booking-NoBook",
+ "Restaurant-Recommend",
+ "Attraction-NoOffer",
+ "Hotel-Recommend",
+ "Restaurant-Select",
+ "Attraction-Select",
+ "Train-Inform",
+ "Train-OfferBooked",
+ "general-bye",
+ "general-thank",
+ "Attraction-Recommend",
+ "Hotel-Select",
+ "general-greet",
+ "general-welcome",
+ "Taxi-Inform",
+ "Booking-Inform",
+ "Hotel-Inform",
+ "Attraction-Inform",
+ "Train-NoOffer",
+ "request",
+ "Police-Inform",
+ "Hospital-Inform",
+ "Train-Select"]
+slots_enumerated = ["Area","Type","Price","Day","Internet", "none", "Parking"]
+ontology = corpora/scripts/config/ontology_multiwoz.json
+; aliases for non enumerated values?
+
+[classifier]
+type = svm
+; (svm, sgd, ...)
+features = ["nbest"]
+; (cnet, lastSys ...)
+
+
+[train]
+output = %(output_dir)s/%(name)s.pickle
+dataset = ["train"]
+dataroot = corpora/data/SVM_multiwoz/train
+log_input_key = live
+cache = None
+
+[decode]
+output = %(output_dir)s/%(name)s.decode.json
+; this will be the output of the decoder on the test set
+dataset = ["test"]
+dataroot = corpora/data/SVM_multiwoz/test
+
+[evaluate]
+csv_output = %(output_dir)s/%(name)s.score.csv
+report_output = %(output_dir)s/%(name)s.report.txt
+tracker_output = %(output_dir)s/%(name)s.track.json
+tracker_csv_output = %(output_dir)s/%(name)s.track.score.csv
+
+[export]
+models = %(output_dir)s/%(name)s.caesar.svms.txt
+dictionary = %(output_dir)s/%(name)s.caesar.dic.txt
+config = %(output_dir)s/%(name)s.caesar.cfg
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/config/multiwoz_sys.cfg b/convlab/modules/nlu/multiwoz/SVM/config/multiwoz_sys.cfg
new file mode 100644
index 0000000..9b8b452
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/config/multiwoz_sys.cfg
@@ -0,0 +1,103 @@
+[DEFAULT]
+output_dir = output_multiwoz_sys
+name = multiwoz_sys
+
+[grammar]
+acts = ["Train-OfferBook",
+ "Restaurant-Inform",
+ "Hotel-Request",
+ "general-reqmore",
+ "Booking-Book",
+ "Restaurant-NoOffer",
+ "Hotel-NoOffer",
+ "Hotel-Inform",
+ "Booking-NoBook",
+ "Restaurant-Request",
+ "Restaurant-Recommend",
+ "Attraction-NoOffer",
+ "Hotel-Recommend",
+ "Restaurant-Select",
+ "Attraction-Select",
+ "Booking-Request",
+ "Train-Inform",
+ "Train-OfferBooked",
+ "general-bye",
+ "Taxi-Request",
+ "Attraction-Recommend",
+ "Train-Request",
+ "general-greet",
+ "general-welcome",
+ "Taxi-Inform",
+ "Booking-Inform",
+ "Attraction-Request",
+ "Attraction-Inform",
+ "Train-NoOffer",
+ "Hotel-Select",
+ "Train-Select"]
+nonempty_acts = ["Train-OfferBook",
+ "Restaurant-Inform",
+ "Hotel-Request",
+ "general-reqmore",
+ "Booking-Book",
+ "Restaurant-NoOffer",
+ "Hotel-NoOffer",
+ "Hotel-Inform",
+ "Booking-NoBook",
+ "Restaurant-Request",
+ "Restaurant-Recommend",
+ "Attraction-NoOffer",
+ "Hotel-Recommend",
+ "Restaurant-Select",
+ "Attraction-Select",
+ "Booking-Request",
+ "Train-Inform",
+ "Train-OfferBooked",
+ "general-bye",
+ "Taxi-Request",
+ "Attraction-Recommend",
+ "Train-Request",
+ "general-greet",
+ "general-welcome",
+ "Taxi-Inform",
+ "Booking-Inform",
+ "Attraction-Request",
+ "Attraction-Inform",
+ "Train-NoOffer",
+ "Hotel-Select",
+ "Train-Select"]
+slots_enumerated = ["Area","Type","Price","Day","Internet", "none", "Parking"]
+ontology = corpora/scripts/config/ontology_multiwoz_sys.json
+; aliases for non enumerated values?
+
+[classifier]
+type = svm
+; (svm, sgd, ...)
+features = ["nbest"]
+; (cnet, lastSys ...)
+
+
+[train]
+output = %(output_dir)s/%(name)s.pickle
+dataset = ["train_sys"]
+dataroot = corpora/data/SVM_multiwoz/train_sys
+log_input_key = live
+cache = None
+
+[decode]
+output = %(output_dir)s/%(name)s.decode.json
+; this will be the output of the decoder on the test set
+dataset = ["test_sys"]
+dataroot = corpora/data/SVM_multiwoz/test_sys
+log_input_key = live
+
+[evaluate]
+csv_output = %(output_dir)s/%(name)s.score.csv
+report_output = %(output_dir)s/%(name)s.report.txt
+tracker_output = %(output_dir)s/%(name)s.track.json
+tracker_csv_output = %(output_dir)s/%(name)s.track.score.csv
+
+[export]
+models = %(output_dir)s/%(name)s.caesar.svms.txt
+dictionary = %(output_dir)s/%(name)s.caesar.dic.txt
+config = %(output_dir)s/%(name)s.caesar.cfg
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/__init__.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/__init__.py
new file mode 100644
index 0000000..b53c17a
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/__init__.py
@@ -0,0 +1,2 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/baseline.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/baseline.py
new file mode 100644
index 0000000..11c1d59
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/baseline.py
@@ -0,0 +1,371 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import argparse, dataset_walker, json, time, copy
+from collections import defaultdict
+
+
+def labels(user_act, mact) :
+ # get context for "this" in inform(=dontcare)
+ # get context for affirm and negate
+ this_slot = None
+
+ confirm_slots = {"explicit":[], "implicit":[]}
+ for act in mact :
+ if act["act"] == "request" :
+ this_slot = act["slots"][0][1]
+ elif act["act"] == "select" :
+ this_slot = act["slots"][0][0]
+ elif act["act"] == "impl-conf":
+ confirm_slots["implicit"] += act["slots"]
+ elif act["act"] == "expl-conf" :
+ confirm_slots["explicit"] += act["slots"]
+ this_slot = act["slots"][0][0]
+
+
+
+ # goal_labels
+ informed_goals = {}
+ denied_goals = defaultdict(list)
+ for act in user_act :
+ act_slots = act["slots"]
+ slot = None
+ value = None
+ if len(act_slots) > 0:
+ assert len(act_slots) == 1
+
+ if act_slots[0][0] == "this" :
+ slot = this_slot
+ else :
+ slot = act_slots[0][0]
+ value = act_slots[0][1]
+
+
+ if act["act"] == "inform" and slot != None:
+ informed_goals[slot]=(value)
+
+ elif act["act"] == "deny" and slot != None:
+ denied_goals[slot].append(value)
+
+ elif act["act"] == "negate" :
+ slot_values = confirm_slots["implicit"] + confirm_slots["explicit"]
+ if len(slot_values) > 1:
+ #print "Warning: negating multiple slots- it's not clear what to do."
+ pass
+ else :
+ for slot, value in slot_values :
+ denied_goals[slot].append(value)
+
+ elif act["act"] == "affirm" :
+ slot_values = confirm_slots["explicit"]
+ if len(slot_values) > 1:
+ #print "Warning: affirming multiple slots- it's not clear what to do."
+ pass
+ else :
+ for slot, value in confirm_slots["explicit"] :
+ informed_goals[slot]=(value)
+
+
+
+ # requested slots
+ requested_slots = []
+ for act in user_act :
+ if act["act"] == "request" :
+ for _, requested_slot in act["slots"]:
+ requested_slots.append(requested_slot)
+ # method
+ method="none"
+ act_types = [act["act"] for act in user_act]
+ mact_types = [act["act"] for act in mact]
+
+ if "reqalts" in act_types :
+ method = "byalternatives"
+ elif "bye" in act_types :
+ method = "finished"
+ elif "inform" in act_types:
+ method = "byconstraints"
+ for act in [uact for uact in user_act if uact["act"] == "inform"] :
+ slots = [slot for slot, _ in act["slots"]]
+ if "name" in slots :
+ method = "byname"
+
+
+
+ return informed_goals, denied_goals, requested_slots, method
+
+
+def Uacts(turn) :
+ # return merged slu-hyps, replacing "this" with the correct slot
+ mact = []
+ if "dialog-acts" in turn["output"] :
+ mact = turn["output"]["dialog-acts"]
+ this_slot = None
+ for act in mact :
+ if act["act"] == "request" :
+ this_slot = act["slots"][0][1]
+ this_output = []
+ for slu_hyp in turn['input']["live"]['slu-hyps'] :
+ score = slu_hyp['score']
+ this_slu_hyp = slu_hyp['slu-hyp']
+ these_hyps = []
+ for hyp in this_slu_hyp :
+ for i in range(len(hyp["slots"])) :
+ slot,_ = hyp["slots"][i]
+ if slot == "this" :
+ hyp["slots"][i][0] = this_slot
+ these_hyps.append(hyp)
+ this_output.append((score, these_hyps))
+ this_output.sort(key=lambda x:x[0], reverse=True)
+ return this_output
+
+
+
+class Tracker(object):
+ def __init__(self):
+ self.reset()
+
+
+ def addTurn(self, turn):
+ hyps = copy.deepcopy(self.hyps)
+ if "dialog-acts" in turn["output"] :
+ mact = turn["output"]["dialog-acts"]
+ else :
+ mact = []
+ # clear requested-slots that have been informed
+ for act in mact :
+ if act["act"] == "inform" :
+ for slot,value in act["slots"]:
+ if slot in hyps["requested-slots"] :
+ hyps["requested-slots"][slot] = 0.0
+ slu_hyps = Uacts(turn)
+
+ requested_slot_stats = defaultdict(float)
+ method_stats = defaultdict(float)
+ goal_stats = defaultdict(lambda : defaultdict(float))
+ prev_method = "none"
+
+ if len(hyps["method-label"].keys())> 0 :
+ prev_hyps = hyps["method-label"].items()
+ prev_hyps.sort(key=lambda x:-x[1])
+ prev_method = prev_hyps[0][0]
+ for score, uact in slu_hyps :
+ informed_goals, denied_goals, requested, method = labels(uact, mact)
+ # requested
+ for slot in requested:
+ requested_slot_stats[slot] += score
+ if method == "none" :
+ method = prev_method
+ if method != "none" :
+ method_stats[method] += score
+ # goal_labels
+ for slot in informed_goals:
+ value = informed_goals[slot]
+ goal_stats[slot][value] += score
+
+ # pick top values for each slot
+ for slot in goal_stats:
+ curr_score = 0.0
+ if (slot in hyps["goal-labels"]) :
+ curr_score = hyps["goal-labels"][slot].values()[0]
+ for value in goal_stats[slot]:
+ score = goal_stats[slot][value]
+ if score >= curr_score :
+ hyps["goal-labels"][slot] = {
+ value:clip(score)
+ }
+ curr_score = score
+
+ # joint estimate is the above selection, with geometric mean score
+ goal_joint_label = {"slots":{}, "scores":[]}
+ for slot in hyps["goal-labels"] :
+ (value,score), = hyps["goal-labels"][slot].items()
+ if score < 0.5 :
+ # then None is more likely
+ continue
+ goal_joint_label["scores"].append(score)
+ goal_joint_label["slots"][slot]= value
+
+ if len(goal_joint_label["slots"]) > 0 :
+ geom_mean = 1.0
+ for score in goal_joint_label["scores"] :
+ geom_mean *= score
+ geom_mean = geom_mean**(1.0/len(goal_joint_label["scores"]))
+ goal_joint_label["score"] = clip(geom_mean)
+ del goal_joint_label["scores"]
+
+ hyps["goal-labels-joint"] = [goal_joint_label]
+
+ for slot in requested_slot_stats :
+ hyps["requested-slots"][slot] = clip(requested_slot_stats[slot])
+
+ # normalise method_stats
+ hyps["method-label"] = normalise_dict(method_stats)
+ self.hyps = hyps
+ return self.hyps
+ def reset(self):
+ self.hyps = {"goal-labels":{}, "goal-labels-joint":[], "requested-slots":{}, "method-label":{}}
+
+
+class FocusTracker(object):
+ # only track goals, don't do requested slots and method
+ def __init__(self):
+ self.reset()
+
+ def addTurn(self, turn):
+ hyps = copy.deepcopy(self.hyps)
+ if "dialog-acts" in turn["output"] :
+ mact = turn["output"]["dialog-acts"]
+ else :
+ mact = []
+ slu_hyps = Uacts(turn)
+
+ this_u = defaultdict(lambda : defaultdict(float))
+ method_stats = defaultdict(float)
+ requested_slot_stats = defaultdict(float)
+ for score, uact in slu_hyps :
+ informed_goals, denied_goals, requested, method = labels(uact, mact)
+ method_stats[method] += score
+ for slot in requested:
+ requested_slot_stats[slot] += score
+ # goal_labels
+ for slot in informed_goals:
+ this_u[slot][informed_goals[slot]] += score
+
+ for slot in this_u.keys() + hyps["goal-labels"].keys() :
+ q = max(0.0,1.0-sum([this_u[slot][value] for value in this_u[slot]])) # clipping at zero because rounding errors
+ if slot not in hyps["goal-labels"] :
+ hyps["goal-labels"][slot] = {}
+
+ for value in hyps["goal-labels"][slot] :
+
+ hyps["goal-labels"][slot][value] *= q
+ prev_values = hyps["goal-labels"][slot].keys()
+ for value in this_u[slot] :
+ if value in prev_values :
+ hyps["goal-labels"][slot][value] += this_u[slot][value]
+ else :
+ hyps["goal-labels"][slot][value]=this_u[slot][value]
+
+ hyps["goal-labels"][slot] = normalise_dict(hyps["goal-labels"][slot])
+
+ # method node, in 'focus' manner:
+ q = min(1.0,max(0.0,method_stats["none"]))
+ method_label = hyps["method-label"]
+ for method in method_label:
+ if method != "none" :
+ method_label[method] *= q
+ for method in method_stats:
+ if method == "none" :
+ continue
+ if method not in method_label :
+ method_label[method] = 0.0
+ method_label[method] += method_stats[method]
+
+ if "none" not in method_label :
+ method_label["none"] = max(0.0, 1.0-sum(method_label.values()))
+
+ hyps["method-label"] = normalise_dict(method_label)
+
+ # requested slots
+ informed_slots = []
+ for act in mact :
+ if act["act"] == "inform" :
+ for slot,value in act["slots"]:
+ informed_slots.append(slot)
+
+ for slot in (requested_slot_stats.keys() + hyps["requested-slots"].keys()):
+ p = requested_slot_stats[slot]
+ prev_p = 0.0
+ if slot in hyps["requested-slots"] :
+ prev_p = hyps["requested-slots"][slot]
+ x = 1.0-float(slot in informed_slots)
+ new_p = x*prev_p + p
+ hyps["requested-slots"][slot] = clip(new_p)
+
+
+
+ self.hyps = hyps
+ return self.hyps
+
+ def reset(self):
+ self.hyps = {"goal-labels":{},"method-label":{}, "requested-slots":{}}
+
+
+def clip(x) :
+ if x > 1:
+ return 1
+ if x<0 :
+ return 0
+ return x
+
+
+def normalise_dict(x) :
+ x_items = x.items()
+ total_p = sum([p for k,p in x_items])
+ if total_p > 1.0 :
+ x_items = [(k,p/total_p) for k,p in x_items]
+ return dict(x_items)
+
+
+def main() :
+
+ parser = argparse.ArgumentParser(description='Simple hand-crafted dialog state tracker baseline.')
+ parser.add_argument('--dataset', dest='dataset', action='store', metavar='DATASET', required=True,
+ help='The dataset to analyze')
+ parser.add_argument('--dataroot',dest='dataroot',action='store',required=True,metavar='PATH',
+ help='Will look for corpus in //...')
+ parser.add_argument('--trackfile',dest='trackfile',action='store',required=True,metavar='JSON_FILE',
+ help='File to write with tracker output')
+ parser.add_argument('--focus',dest='focus',action='store',nargs='?',default="False",const="True",
+ help='Use focus node tracker')
+ args = parser.parse_args()
+ dataset = dataset_walker.dataset_walker(args.dataset, dataroot=args.dataroot)
+ track_file = open(args.trackfile, "wb")
+ track = {"sessions":[]}
+ track["dataset"] = args.dataset
+ start_time = time.time()
+
+ if args.focus.lower() == "true":
+ tracker = FocusTracker()
+ elif args.focus.lower() == "false":
+ tracker = Tracker()
+ else:
+ raise RuntimeError,'Dont recognize focus=%s (must be True or False)' % (args.focus)
+ for call in dataset :
+ this_session = {"session-id":call.log["session-id"], "turns":[]}
+ tracker.reset()
+ for turn, _ in call :
+ tracker_turn = tracker.addTurn(turn)
+ this_session["turns"].append(tracker_turn)
+
+ track["sessions"].append(this_session)
+ end_time = time.time()
+ elapsed_time = end_time - start_time
+ track["wall-time"] = elapsed_time
+
+ json.dump(track, track_file,indent=4)
+
+if __name__ == '__main__':
+ main()
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/check_track.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/check_track.py
new file mode 100644
index 0000000..0d04534
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/check_track.py
@@ -0,0 +1,204 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import argparse, sys, os, json
+
+def main(argv):
+
+ install_path = os.path.abspath(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))
+ utils_dirname = os.path.join(install_path,'lib')
+
+ sys.path.append(utils_dirname)
+ from dataset_walker import dataset_walker
+
+ parser = argparse.ArgumentParser(description='Check the validity of a tracker output object.')
+ parser.add_argument('--dataset', dest='dataset', action='store', metavar='DATASET', required=True,
+ help='The dataset to analyze')
+ parser.add_argument('--dataroot',dest='dataroot',action='store', metavar='PATH', required=True,
+ help='Will look for corpus in //...')
+ parser.add_argument('--trackfile',dest='scorefile',action='store',metavar='JSON_FILE',required=True,
+ help='File containing score JSON')
+ parser.add_argument('--ontology',dest='ontology',action='store',metavar='JSON_FILE',required=True,
+ help='JSON Ontology file')
+
+ args = parser.parse_args()
+
+ sessions = dataset_walker(args.dataset,dataroot=args.dataroot,labels=False)
+ tracker_output = json.load(open(args.scorefile))
+ ontology = json.load(open(args.ontology))
+
+ checker = TrackChecker(sessions, tracker_output, ontology)
+ checker.check()
+ checker.print_errors()
+
+
+
+class TrackChecker():
+
+ def __init__(self, sessions, tracker_output, ontology):
+ self.sessions = sessions
+ self.tracker_output = tracker_output
+ self.errors = []
+ self.ontology = ontology
+
+ def check(self):
+ # first check the top-level stuff
+ if len(self.sessions.datasets) != 1 :
+ self.add_error(("top level",), "tracker output should be over a single dataset")
+ if "dataset" not in self.tracker_output :
+ self.add_error(("top level","trackfile should specify its dataset"))
+ elif self.sessions.datasets[0] != self.tracker_output["dataset"]:
+ self.add_error(("top level","datasets do not match"))
+ if len(self.tracker_output["sessions"]) != len(self.sessions) :
+ self.add_error(("top level","number of sessions does not match"))
+ if "wall-time" not in self.tracker_output :
+ self.add_error(("top level","wall-time should be included"))
+ else:
+ wall_time = self.tracker_output["wall-time"]
+ if type(wall_time) != type(0.0):
+ self.add_error(("top level","wall-time must be a float"))
+ elif wall_time <= 0.0 :
+ self.add_error(("top level","wall-time must be positive"))
+
+ # check no extra keys TODO
+
+ for session, track_session in zip(self.sessions, self.tracker_output["sessions"]):
+ session_id = session.log["session-id"]
+ # check session id
+ if session_id != track_session["session-id"] :
+ self.add_error((session_id,),"session-id does not match")
+ # check number of turns
+ if len(session) != len(track_session["turns"]) :
+ self.add_error((session_id,),"number of turns do not match")
+
+ # now iterate through turns
+ for turn_num, ((log_turn, label_turn), tracker_turn) in enumerate(zip(session, track_session["turns"])):
+ if "method-label" not in tracker_turn :
+ self.add_error((session_id, "turn", turn_num), "no method-label key in turn")
+ else :
+ # check method
+ # distribution:
+ self._check_distribution((session_id, "turn", turn_num, "method-label"),
+ tracker_turn["method-label"],
+ self.ontology["method"])
+
+
+ if "requested-slots" not in tracker_turn :
+ self.add_error((session_id, "turn", turn_num), "no requested-slots key in turn")
+ else :
+ # check requested-slots
+ for slot, p in tracker_turn["requested-slots"].items():
+ if slot not in self.ontology["requestable"] :
+ self.add_error((session_id, "turn", turn_num, "requested-slots", slot),
+ "do not recognise requested slot"
+ )
+ if p < 0.0 :
+ self.add_error((session_id, "turn", turn_num, "requested-slots", slot),
+ "score should not be less than 0.0"
+ )
+ elif p > 1.0000001 :
+ self.add_error((session_id, "turn", turn_num, "requested-slots", slot),
+ "score should not be more than 1.0"
+ )
+
+
+ if "goal-labels" not in tracker_turn :
+ self.add_error((session_id, "turn", turn_num), "no goal-labels key in turn")
+ else :
+ # check goal-labels
+ for slot, dist in tracker_turn["goal-labels"].items():
+ if slot not in self.ontology["informable"] :
+ self.add_error((session_id, "turn", turn_num, "goal-labels", slot),
+ "do not recognise slot"
+ )
+ else :
+ self._check_distribution((session_id, "turn", turn_num, "goal-labels", slot),
+ tracker_turn["goal-labels"][slot],
+ self.ontology["informable"][slot] +['dontcare']
+ )
+
+
+
+ if "goal-labels-joint" in tracker_turn :
+ # check goal-labels-joint
+ # first check distribution
+ d = {}
+ for i, hyp in enumerate(tracker_turn["goal-labels-joint"]):
+ d[i] = hyp["score"]
+ self._check_distribution(
+ (session_id, "turn", turn_num, "goal-labels-joint", "hyp", i),
+ d
+ )
+ # now check hypotheses
+ for i, hyp in enumerate(tracker_turn["goal-labels-joint"]):
+ for slot in hyp["slots"]:
+ if slot not in self.ontology["informable"] :
+ self.add_error( (session_id, "turn", turn_num, "goal-labels-joint","hyp",i,"slot",slot),
+ "do not recognise slot"
+ )
+ else :
+ if hyp["slots"][slot] not in self.ontology["informable"][slot] + ['dontcare'] :
+ self.add_error( (session_id, "turn", turn_num, "goal-labels-joint","hyp",i,"slot",slot,"value",hyp["slots"][slot]),
+ "do not recognise slot value"
+ )
+
+
+ def _check_distribution(self, context, d, valid_values=None) :
+ for key, score in d.items():
+ if score < 0.0 :
+ self.add_error(context+("value",key), "should not be negative")
+ elif score > 1.00000001 :
+ self.add_error(context+("value",key), "should not be > 1.0")
+ total_p = sum(d.values())
+ if total_p > 1.000001 :
+ self.add_error(context+("total score",), "should not be > 1.0")
+ if valid_values != None :
+ for value in d.keys():
+ if value not in valid_values :
+ self.add_error(context+("value",value), "do not recognise value")
+
+
+
+
+ def add_error(self, context, error_str):
+ self.errors.append((context, error_str))
+
+
+ def print_errors(self):
+ if len(self.errors) == 0 :
+ print "Found no errors, trackfile is valid"
+ else :
+ print "Found",len(self.errors),"errors:"
+ for context, error in self.errors:
+ print " ".join(map(str, context)), "-", error
+
+
+
+
+
+
+
+if __name__ =="__main__" :
+ main(sys.argv)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz.flist
new file mode 100644
index 0000000..6303313
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz.flist
@@ -0,0 +1,100 @@
+PMUL1032
+PMUL1033
+PMUL2112
+PMUL2110
+MUL1703
+PMUL2116
+MUL1869
+PMUL2114
+PMUL2115
+MUL1864
+MUL1865
+PMUL2118
+MUL1867
+MUL1860
+MUL1861
+MUL1862
+MUL1863
+MUL0325
+SNG0849
+SNG0848
+SNG0453
+SNG0841
+SNG0840
+SNG0843
+PMUL1529
+SNG0845
+SNG0844
+SNG0847
+SNG0846
+SNG0450
+SNG0593
+SNG0592
+SNG0591
+SNG0590
+SNG0597
+SNG0596
+SNG0595
+SNG0594
+SNG0599
+SNG0598
+PMUL2111
+PMUL2544
+MUL1868
+PMUL2117
+PMUL4071
+SNG0100
+PMUL1926
+PMUL1773
+SNG0456
+PMUL1771
+PMUL1777
+PMUL1776
+PMUL1775
+PMUL1779
+PMUL2542
+MUL1866
+MUL0262
+PMUL4070
+SNG0457
+PMUL3601
+PMUL3600
+PMUL3605
+PMUL3604
+PMUL3607
+PMUL3606
+PMUL3609
+PMUL3608
+MUL0322
+MUL0805
+MUL0804
+MUL0807
+MUL0806
+PMUL1113
+MUL0800
+MUL0803
+SNG0330
+MUL0809
+MUL0808
+PMUL1119
+PMUL1118
+SNG0574
+SNG0455
+MUL2461
+MUL1542
+PMUL4779
+SNG01919
+SNG01918
+SNG01839
+SNG01913
+SNG01911
+SNG01734
+SNG01917
+SNG01916
+SNG01915
+SNG01914
+MUL2469
+MUL1764
+MUL2017
+MUL1462
+MUL2468
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz_all.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz_all.flist
new file mode 100644
index 0000000..2a51e90
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/SVM_multiwoz_all.flist
@@ -0,0 +1,10433 @@
+PMUL1032
+PMUL1033
+PMUL2112
+PMUL2110
+MUL1703
+PMUL2116
+MUL1869
+PMUL2114
+PMUL2115
+MUL1864
+MUL1865
+PMUL2118
+MUL1867
+MUL1860
+MUL1861
+MUL1862
+MUL1863
+MUL0325
+SNG0849
+SNG0848
+SNG0453
+SNG0841
+SNG0840
+SNG0843
+PMUL1529
+SNG0845
+SNG0844
+SNG0847
+SNG0846
+SNG0450
+SNG0593
+SNG0592
+SNG0591
+SNG0590
+SNG0597
+SNG0596
+SNG0595
+SNG0594
+SNG0599
+SNG0598
+PMUL2111
+PMUL2544
+MUL1868
+PMUL2117
+PMUL4071
+SNG0100
+PMUL1926
+PMUL1773
+SNG0456
+PMUL1771
+PMUL1777
+PMUL1776
+PMUL1775
+PMUL1779
+PMUL2542
+MUL1866
+MUL0262
+PMUL4070
+SNG0457
+PMUL3601
+PMUL3600
+PMUL3605
+PMUL3604
+PMUL3607
+PMUL3606
+PMUL3609
+PMUL3608
+MUL0322
+MUL0805
+MUL0804
+MUL0807
+MUL0806
+PMUL1113
+MUL0800
+MUL0803
+SNG0330
+MUL0809
+MUL0808
+PMUL1119
+PMUL1118
+SNG0574
+SNG0455
+MUL2461
+MUL1542
+PMUL4779
+SNG01919
+SNG01918
+SNG01839
+SNG01913
+SNG01911
+SNG01734
+SNG01917
+SNG01916
+SNG01915
+SNG01914
+MUL2469
+MUL1764
+MUL2017
+MUL1462
+MUL2468
+SNG01830
+MUL2019
+SNG1236
+MUL0207
+PMUL0648
+PMUL0649
+PMUL0640
+PMUL0641
+PMUL0642
+PMUL0643
+PMUL0644
+PMUL0645
+PMUL0647
+SNG0578
+SNG0842
+MUL1762
+MUL0205
+SNG01642
+SNG01641
+SNG01640
+SNG01646
+SNG01645
+SNG01644
+SNG01649
+SNG01648
+SNG0119
+SNG0118
+MUL0337
+MUL0488
+SNG0115
+SNG02176
+SNG02177
+SNG02171
+SNG02172
+SNG02173
+MUL0333
+SNG02178
+SNG02179
+MUL0332
+SNG0111
+MUL0330
+PMUL3048
+SNG0437
+PMUL3043
+PMUL3042
+PMUL3041
+PMUL3040
+PMUL3047
+PMUL3046
+PMUL3045
+PMUL3044
+MUL0554
+SNG0430
+PMUL4440
+SNG0431
+MUL0005
+SNG1239
+SNG1257
+PMUL3458
+PMUL3459
+PMUL3454
+PMUL3455
+PMUL3456
+PMUL3457
+PMUL3450
+PMUL3451
+PMUL3452
+PMUL3453
+SNG1238
+PMUL2370
+MUL1459
+MUL1458
+MUL1329
+MUL1328
+MUL1327
+MUL1454
+MUL1325
+MUL1324
+MUL1451
+MUL1322
+MUL1321
+MUL1320
+MUL0328
+MUL0329
+MUL0498
+MUL0499
+SNG0104
+MUL0497
+MUL0326
+SNG0107
+MUL0320
+MUL0321
+MUL0490
+SNG0103
+MUL0148
+MUL0149
+MUL0140
+MUL0141
+MUL0142
+MUL0143
+MUL0144
+MUL0145
+MUL0146
+MUL0147
+MUL1121
+WOZ20521
+WOZ20520
+WOZ20523
+WOZ20522
+WOZ20525
+WOZ20524
+WOZ20527
+WOZ20526
+WOZ20529
+WOZ20528
+PMUL1342
+PMUL1343
+PMUL1341
+PMUL1346
+PMUL1347
+PMUL1344
+PMUL1345
+PMUL1348
+PMUL1349
+PMUL0433
+PMUL0344
+PMUL0347
+PMUL0430
+PMUL0341
+PMUL0340
+PMUL0435
+PMUL0342
+PMUL0439
+PMUL0438
+PMUL0349
+PMUL0348
+MUL0002
+WOZ20428
+WOZ20429
+WOZ20424
+WOZ20425
+WOZ20426
+WOZ20427
+WOZ20420
+WOZ20421
+WOZ20422
+WOZ20423
+PMUL2493
+PMUL2492
+PMUL2491
+PMUL2497
+PMUL2496
+PMUL2495
+PMUL2494
+PMUL2499
+PMUL2498
+MUL1723
+PMUL4088
+PMUL4089
+PMUL4086
+PMUL4087
+PMUL4085
+PMUL4080
+PMUL4081
+PMUL4114
+PMUL3583
+PMUL4554
+PMUL4555
+PMUL4556
+PMUL1778
+PMUL4550
+MUL1720
+PMUL4552
+PMUL4553
+MUL2090
+MUL2091
+MUL2092
+MUL2093
+MUL2094
+MUL2095
+MUL2096
+MUL2097
+SNG0535
+MUL2234
+MUL2543
+MUL2540
+MUL2541
+MUL2546
+MUL2547
+PMUL1919
+PMUL4438
+PMUL1917
+PMUL4436
+PMUL1915
+MUL2549
+MUL2238
+PMUL4432
+PMUL4431
+PMUL4430
+MUL1726
+SNG02348
+SNG02347
+SNG02346
+SNG02345
+SNG02343
+SNG02342
+SNG02341
+MUL0241
+SNG0536
+SNG0531
+PMUL2259
+PMUL2258
+PMUL2255
+PMUL2254
+PMUL2257
+PMUL2256
+PMUL2253
+PMUL2252
+MUL0061
+SNG01458
+SNG01459
+SNG01456
+SNG01457
+SNG01454
+SNG01453
+SNG01450
+SNG01451
+SNG01552
+MUL1846
+MUL1847
+MUL1844
+MUL1845
+MUL1842
+MUL1843
+MUL1840
+MUL1841
+PMUL1828
+PMUL0350
+MUL1848
+MUL1849
+SNG1198
+SNG1199
+SNG1190
+SNG1191
+SNG1192
+SNG1193
+SNG1194
+SNG1195
+SNG1196
+SNG1197
+SNG0823
+SNG0822
+SNG0821
+SNG0820
+SNG0827
+SNG0826
+SNG0825
+SNG0824
+SNG0829
+PMUL0355
+PMUL4917
+SNG1037
+SNG1036
+SNG1334
+SNG1335
+MUL1156
+MUL1157
+MUL1150
+SNG1331
+SNG1332
+MUL1153
+PMUL4913
+MUL1158
+SNG1339
+SNG0337
+MUL0799
+MUL0798
+SNG0336
+MUL0795
+MUL0794
+MUL0797
+MUL0796
+MUL0791
+PMUL1115
+MUL0793
+MUL0792
+SNG0334
+SNG0333
+SNG0332
+PMUL1759
+PMUL1758
+SNG0331
+PMUL1750
+PMUL1753
+PMUL1752
+PMUL1755
+PMUL1754
+PMUL1757
+PMUL1756
+PMUL1287
+PMUL1286
+PMUL1285
+PMUL1284
+PMUL1283
+PMUL1282
+PMUL1281
+PMUL1280
+PMUL1289
+PMUL1288
+PMUL4015
+SNG0557
+WOZ20454
+PMUL3667
+PMUL3666
+PMUL3665
+PMUL3664
+PMUL3663
+PMUL3662
+PMUL3661
+PMUL3660
+SNG0338
+PMUL3668
+PMUL1139
+PMUL1138
+PMUL1135
+PMUL1134
+PMUL1137
+PMUL1136
+PMUL1131
+PMUL1130
+PMUL1133
+PMUL1132
+SNG0311
+SNG0310
+SNG0313
+SNG0312
+SNG0315
+SNG0314
+SNG0317
+SNG0316
+SNG0319
+SNG0318
+MUL1969
+MUL1968
+PMUL2036
+SNG01931
+SNG01930
+SNG01933
+SNG01932
+PMUL4016
+SNG01934
+SNG01937
+SNG01936
+SNG01939
+SNG01938
+PMUL0088
+PMUL0089
+PMUL0082
+PMUL0083
+PMUL0081
+PMUL0086
+PMUL0087
+PMUL0085
+PMUL2039
+MUL1964
+PMUL2538
+PMUL2539
+PMUL0942
+PMUL2530
+PMUL2531
+PMUL2532
+PMUL2533
+PMUL2534
+PMUL2535
+PMUL2536
+PMUL2537
+SNG0552
+PMUL0668
+PMUL0666
+PMUL0667
+PMUL0664
+PMUL0665
+PMUL0662
+PMUL0663
+PMUL0660
+PMUL0661
+SNG0551
+SNG01753
+SNG01669
+SNG01668
+SNG01661
+SNG01660
+SNG01663
+SNG01662
+PMUL1527
+SNG01664
+SNG01666
+SSNG0385
+MUL0023
+MUL0009
+SNG01599
+SNG01598
+SNG01595
+SNG01593
+SNG01592
+SNG01591
+PMUL3061
+PMUL3060
+PMUL3063
+PMUL3065
+PMUL3067
+PMUL3066
+PMUL3069
+PMUL1901
+WOZ20192
+SNG0568
+SNG0569
+SSNG0382
+MUL0746
+SNG02158
+SNG02159
+MUL0747
+SNG02152
+SNG02153
+SNG02150
+SNG02151
+SNG02156
+SNG02157
+SNG0565
+MUL0742
+SSNG0383
+MUL0743
+PMUL3472
+PMUL3473
+PMUL3470
+PMUL3471
+PMUL3476
+PMUL3477
+PMUL3474
+PMUL3475
+MUL0008
+PMUL3478
+MUL0213
+MUL1309
+MUL1308
+MUL1301
+MUL1300
+MUL1303
+MUL1302
+MUL1305
+MUL1304
+MUL1307
+MUL1306
+WOZ20091
+WOZ20090
+WOZ20093
+WOZ20092
+WOZ20095
+WOZ20094
+WOZ20097
+WOZ20096
+WOZ20099
+WOZ20098
+PMUL0879
+PMUL0878
+PMUL0873
+PMUL0876
+PMUL0875
+PMUL0874
+SNG0962
+SNG0963
+MUL0692
+SNG0961
+SNG0966
+MUL0695
+PMUL2703
+WOZ20546
+WOZ20545
+PMUL2700
+WOZ20543
+WOZ20542
+WOZ20541
+PMUL2704
+PMUL2709
+PMUL2708
+WOZ20549
+WOZ20548
+MUL0306
+SNG0127
+SNG0124
+MUL0305
+SNG0122
+MUL0303
+SNG0120
+SNG0121
+SNG0128
+SNG0129
+WOZ20402
+WOZ20403
+WOZ20400
+WOZ20401
+WOZ20406
+WOZ20407
+WOZ20404
+WOZ20405
+WOZ20408
+WOZ20409
+MUL0304
+MUL0162
+MUL0163
+MUL0160
+MUL0161
+MUL0166
+MUL0167
+MUL0164
+MUL0165
+MUL0168
+MUL0169
+PMUL0419
+PMUL0418
+SNG1161
+PMUL0411
+PMUL0410
+PMUL0413
+PMUL0412
+PMUL0414
+PMUL0417
+PMUL0416
+SNG1160
+PMUL4579
+PMUL4572
+PMUL4573
+PMUL4570
+PMUL4571
+PMUL4576
+PMUL4577
+PMUL4574
+PMUL4575
+PMUL4520
+MUL2089
+PMUL4415
+PMUL4414
+PMUL1937
+PMUL4522
+PMUL1931
+PMUL4410
+PMUL4413
+PMUL4412
+MUL2216
+MUL2217
+MUL2214
+MUL2215
+PMUL4419
+PMUL1938
+MUL2210
+MUL2211
+PMUL4176
+MUL0422
+PMUL4177
+PMUL1414
+PMUL4529
+PMUL1415
+PMUL4528
+PMUL4172
+PMUL4173
+MUL2080
+SNG1164
+PMUL1411
+SNG1167
+PMUL1418
+PMUL4179
+MUL0774
+SNG01434
+SNG01435
+SNG01436
+SNG01437
+SNG01430
+SNG01431
+SNG01432
+SNG01433
+SNG01438
+SNG01439
+PMUL2744
+MUL1792
+MUL1793
+MUL1790
+MUL1791
+MUL1824
+MUL1797
+MUL1826
+WOZ20395
+MUL1828
+MUL1829
+WOZ20398
+MUL1799
+SSNG0162
+SNG0809
+SNG0808
+SNG0805
+SNG0804
+SNG0807
+SNG0806
+SNG0801
+SNG0800
+SNG0803
+SNG0802
+WOZ20008
+PMUL3192
+MUL1178
+SNG1319
+MUL1176
+MUL1177
+MUL1174
+MUL1175
+MUL1172
+SNG1313
+MUL1170
+SNG1311
+MUL2555
+MUL2554
+MUL2225
+PMUL3397
+PMUL3396
+PMUL3395
+PMUL3394
+PMUL3393
+PMUL3392
+PMUL3391
+PMUL3390
+MUL2551
+PMUL3399
+MUL2222
+MUL2221
+PMUL1739
+PMUL1738
+PMUL1737
+PMUL1736
+PMUL1735
+PMUL1734
+PMUL1733
+PMUL1730
+PMUL4424
+PMUL1679
+PMUL4288
+PMUL1906
+PMUL4289
+SSNG0191
+SSNG0190
+PMUL4427
+SSNG0195
+SSNG0197
+MUL1731
+PMUL3645
+PMUL1900
+PMUL3647
+PMUL0272
+PMUL3640
+PMUL3643
+MUL2558
+PMUL4874
+MUL2229
+MUL1734
+MUL2228
+PMUL4286
+MUL1735
+PMUL4385
+PMUL4384
+PMUL4387
+PMUL4386
+PMUL4381
+PMUL4380
+PMUL4383
+PMUL4382
+PMUL1676
+SNG1117
+PMUL4389
+PMUL4388
+SNG1118
+SNG0379
+SNG0378
+PMUL1674
+SNG1119
+SNG0373
+SNG0372
+SNG0371
+PMUL1675
+PMUL2028
+SNG0376
+SNG0375
+SNG0374
+SNG0669
+SNG0168
+MUL0891
+PMUL2029
+MUL1935
+SNG01957
+SNG01955
+SNG01954
+SNG01953
+SNG01952
+SNG01951
+SNG01950
+SNG01959
+SNG01958
+PMUL0060
+PMUL0061
+PMUL0063
+PMUL0064
+PMUL0065
+PMUL0068
+PMUL0069
+MUL0069
+MUL0068
+MUL0067
+PMUL2518
+MUL0066
+PMUL2516
+PMUL2517
+PMUL2514
+PMUL2512
+PMUL2513
+PMUL2510
+PMUL2511
+MUL0064
+PMUL1692
+SNG0643
+WOZ20392
+SNG0642
+PMUL0604
+PMUL0605
+PMUL0606
+PMUL0607
+PMUL0600
+PMUL0601
+PMUL0602
+PMUL0603
+SNG0640
+PMUL0608
+PMUL0609
+SSNG0132
+WOZ20059
+MUL0771
+SNG01609
+SNG01608
+SNG01606
+SNG01605
+SNG01604
+SNG01602
+SNG01601
+SNG01600
+WOZ20058
+SNG01353
+SNG01896
+SNG01352
+SNG0163
+PMUL4030
+PMUL3007
+PMUL3006
+MUL2665
+MUL2664
+PMUL3003
+MUL2662
+MUL2661
+MUL2660
+PMUL1892
+PMUL1893
+PMUL1890
+PMUL1896
+PMUL1897
+MUL2669
+PMUL3008
+SNG0169
+SNG0663
+PMUL4600
+PMUL4601
+PMUL4602
+PMUL4603
+PMUL4604
+PMUL4605
+PMUL4606
+PMUL4607
+PMUL4608
+PMUL4609
+PMUL4035
+PMUL4034
+MUL1363
+PMUL2359
+MUL1361
+MUL1360
+MUL1367
+MUL1366
+MUL1365
+MUL1364
+PMUL2350
+PMUL2351
+PMUL2352
+MUL1368
+PMUL2354
+PMUL2355
+PMUL2356
+PMUL2357
+SSNG0292
+SSNG0293
+SSNG0290
+SSNG0291
+SSNG0296
+SSNG0297
+SSNG0294
+SSNG0295
+SSNG0298
+SSNG0299
+MUL0609
+MUL0608
+PMUL1330
+SNG1127
+PMUL0851
+MUL0603
+PMUL0853
+PMUL0852
+PMUL0855
+PMUL0854
+MUL0602
+PMUL0859
+PMUL0858
+SNG0461
+SNG0392
+MUL0607
+MUL0606
+PMUL2729
+PMUL2728
+MUL1585
+MUL1584
+MUL1583
+WOZ20568
+MUL1581
+MUL1580
+PMUL2721
+WOZ20564
+PMUL2723
+PMUL2722
+WOZ20561
+WOZ20560
+MUL1589
+WOZ20562
+SNG01388
+SNG01389
+SNG01382
+SNG01380
+SNG01381
+SNG01386
+SNG01387
+SNG01384
+SNG01385
+SNG0140
+SNG0141
+MUL0362
+SNG0143
+MUL0364
+SNG0145
+MUL0366
+SNG0147
+SNG0148
+SNG0149
+MUL0188
+MUL0189
+MUL0184
+MUL0185
+MUL0186
+MUL0187
+MUL0180
+MUL0181
+MUL0182
+MUL0183
+PMUL1079
+PMUL1070
+PMUL1071
+PMUL1072
+PMUL1073
+PMUL1074
+PMUL1075
+PMUL1076
+PMUL1077
+MUL0984
+MUL0985
+SSNG0062
+MUL0987
+MUL0980
+MUL0981
+MUL0982
+MUL0983
+MUL0988
+MUL0989
+PMUL0479
+PMUL0478
+PMUL0477
+PMUL0476
+PMUL0474
+PMUL0473
+PMUL0472
+PMUL0471
+PMUL0470
+PMUL3921
+PMUL3922
+PMUL3923
+PMUL3924
+PMUL3926
+PMUL3927
+PMUL3928
+PMUL3929
+PMUL4590
+PMUL4591
+PMUL4592
+PMUL4593
+MUL2058
+PMUL4595
+PMUL4596
+PMUL4597
+MUL2054
+MUL2055
+MUL2056
+MUL2057
+MUL2050
+MUL2051
+MUL2052
+MUL2053
+SNG0102
+MUL2586
+MUL2587
+MUL2584
+MUL2585
+MUL2582
+MUL2583
+MUL2580
+MUL2581
+MUL0979
+MUL2588
+MUL2589
+MUL2278
+MUL2279
+MUL2270
+MUL2271
+MUL2272
+MUL2273
+MUL2274
+MUL2275
+MUL2276
+MUL2277
+PMUL0298
+PMUL0293
+PMUL0292
+PMUL0291
+PMUL0290
+PMUL0297
+PMUL0296
+PMUL0295
+PMUL0294
+PMUL0550
+PMUL1538
+SNG1145
+PMUL0553
+PMUL0007
+PMUL0005
+PMUL1531
+PMUL1533
+PMUL2299
+PMUL2298
+SNG1143
+PMUL2290
+PMUL2293
+PMUL2292
+PMUL2294
+PMUL2297
+PMUL4014
+SNG01418
+PMUL1968
+PMUL1537
+SNG01413
+SNG01410
+SNG01411
+SNG01416
+SNG01414
+MUL0974
+PMUL1027
+SNG1142
+SNG0066
+PMUL1195
+SNG0065
+SNG0436
+SNG0063
+MUL0282
+MUL1808
+MUL1809
+SNG1158
+SNG1159
+MUL1774
+SNG1155
+SNG1156
+MUL1777
+MUL1806
+MUL1771
+MUL1772
+MUL1805
+SNG1140
+PMUL1029
+SNG0068
+MUL1118
+MUL1119
+MUL1110
+MUL1111
+SNG1372
+MUL1113
+MUL1114
+SNG1375
+SNG1376
+SNG1377
+PMUL2105
+PMUL2104
+PMUL4838
+PMUL4833
+PMUL4831
+PMUL4830
+PMUL4837
+PMUL4835
+PMUL4834
+PMUL1715
+PMUL1714
+PMUL1241
+PMUL1716
+PMUL1247
+PMUL1246
+PMUL1713
+PMUL1244
+PMUL1249
+PMUL1248
+PMUL1719
+PMUL1718
+MUL1851
+SNG0689
+SNG0688
+MUL1850
+SNG0683
+SNG0682
+SNG0681
+SNG0680
+SNG0687
+MUL1853
+SNG0685
+SNG0684
+SNG1180
+MUL1855
+PMUL2108
+MUL1857
+PMUL4236
+MUL1856
+SNG0427
+SNG0426
+SNG0357
+SNG0356
+SNG0423
+SNG0422
+MUL0641
+MUL0640
+SNG0359
+SNG0358
+SNG0429
+SNG0428
+PMUL4231
+PMUL0431
+SNG0624
+PMUL4578
+MUL2474
+MUL2475
+PMUL0046
+PMUL0595
+PMUL0044
+PMUL0597
+PMUL0042
+PMUL0591
+PMUL0040
+PMUL0041
+PMUL0598
+PMUL0599
+PMUL0048
+PMUL0049
+MUL2479
+PMUL4232
+MUL2025
+PMUL2576
+PMUL2577
+PMUL2571
+PMUL2572
+PMUL2573
+PMUL2578
+PMUL2579
+PMUL0628
+PMUL0629
+PMUL0622
+PMUL0623
+PMUL0620
+PMUL0621
+PMUL0626
+PMUL0627
+PMUL0625
+MUL1455
+MUL2023
+MUL1326
+SNG01824
+MUL1457
+WOZ20613
+WOZ20612
+WOZ20611
+WOZ20610
+WOZ20617
+WOZ20616
+WOZ20615
+WOZ20614
+MUL1323
+WOZ20619
+WOZ20618
+MUL1450
+SNG01979
+SNG01978
+SNG01975
+SNG01974
+SNG01977
+MUL1452
+SNG01971
+SNG01970
+SNG01972
+SNG01625
+SNG1327
+SNG01627
+SNG01626
+WOZ20659
+MUL1146
+SNG01629
+MUL1145
+SNG0622
+PMUL4158
+SNG1324
+SNG0108
+MUL0313
+MUL1142
+WOZ20654
+MUL1141
+MUL1140
+MUL0324
+SNG0105
+SNG0106
+MUL0327
+MUL0492
+SNG0101
+PMUL3029
+SNG1329
+PMUL3025
+PMUL3024
+PMUL3027
+MUL0323
+PMUL3021
+PMUL3020
+PMUL3022
+MUL2641
+MUL2640
+PMUL1872
+MUL2642
+MUL2645
+PMUL1875
+MUL2647
+MUL2646
+MUL2649
+PMUL1879
+SNG0012
+PMUL2992
+PMUL2993
+SNG0263
+PMUL2998
+PMUL2999
+SNG1101
+MUL1525
+MUL0356
+PMUL4626
+PMUL4624
+PMUL4625
+PMUL4622
+PMUL4623
+PMUL4620
+PMUL4621
+PMUL4629
+SNG02197
+SNG02194
+SNG02195
+SNG02192
+SNG02193
+SNG02190
+SNG02191
+SNG02198
+SNG02199
+SNG1107
+SNG1106
+MUL1349
+MUL1348
+PMUL2378
+MUL1345
+MUL1344
+PMUL2374
+MUL1346
+PMUL2372
+MUL1340
+MUL1343
+MUL1342
+SNG1105
+SNG1104
+MUL0351
+PMUL0837
+PMUL0836
+PMUL0835
+PMUL0834
+PMUL0833
+PMUL0832
+PMUL0838
+PMUL2724
+WOZ20583
+WOZ20582
+WOZ20581
+WOZ20580
+WOZ20587
+WOZ20586
+WOZ20585
+PMUL2748
+PMUL2747
+PMUL2746
+WOZ20589
+WOZ20588
+PMUL2743
+PMUL2742
+PMUL2741
+PMUL2740
+SNG01360
+SNG01361
+SNG01364
+SNG01366
+PMUL0779
+PMUL2727
+MUL0348
+MUL0349
+MUL0438
+MUL0439
+MUL0434
+MUL0435
+MUL0340
+MUL0437
+SNG0166
+SNG0167
+SNG0164
+SNG0165
+PMUL2726
+PMUL3568
+PMUL3569
+PMUL3560
+PMUL3561
+PMUL3562
+PMUL3563
+PMUL3565
+PMUL3566
+PMUL4020
+PMUL1501
+PMUL4022
+PMUL1503
+PMUL4024
+PMUL1505
+PMUL1058
+PMUL4027
+PMUL4028
+PMUL4029
+PMUL1054
+PMUL1052
+PMUL1053
+PMUL1050
+PMUL1051
+PMUL1746
+PMUL1747
+PMUL1744
+PMUL0455
+PMUL0454
+PMUL0457
+PMUL1745
+PMUL0451
+PMUL0450
+PMUL0453
+PMUL0452
+PMUL0459
+PMUL0458
+MUL2076
+MUL2077
+PMUL3904
+MUL2075
+MUL2072
+PMUL1292
+PMUL3900
+MUL2071
+PMUL1741
+PMUL3908
+MUL2079
+MUL1837
+MUL2252
+MUL2253
+MUL2250
+MUL2251
+MUL2256
+MUL2257
+MUL2254
+MUL2255
+MUL2258
+MUL2259
+MUL0952
+SNG0007
+PMUL1948
+PMUL4312
+PMUL2146
+MUL1834
+PMUL4313
+MUL0957
+PMUL3782
+PMUL4310
+SNG02278
+MUL0956
+SNG01196
+SNG02273
+MUL0811
+SNG02271
+SNG02270
+SNG02277
+SNG02276
+SNG02275
+SNG02274
+MUL2357
+SNG0003
+MUL2033
+SNG01568
+MUL2604
+SNG01569
+MUL2355
+SNG01566
+MUL2606
+MUL2601
+MUL2600
+MUL0954
+PMUL0345
+MUL2351
+PMUL0432
+MUL1280
+MUL1281
+MUL1282
+MUL2602
+MUL1284
+MUL1285
+MUL1286
+MUL1287
+PMUL0346
+PMUL0437
+PMUL0436
+PMUL0593
+PMUL4907
+PMUL4906
+PMUL1830
+PMUL0434
+PMUL4905
+MUL2608
+SNG1023
+PMUL1832
+PMUL1833
+SNG1025
+PMUL4901
+SNG1027
+SNG0017
+PMUL2143
+PMUL3353
+PMUL3352
+PMUL3351
+PMUL3350
+PMUL3357
+PMUL3356
+PMUL3355
+PMUL3354
+PMUL3359
+PMUL3358
+SNG0326
+MUL1756
+PMUL4810
+MUL1754
+MUL1755
+SNG1172
+SNG1173
+SNG1170
+MUL1751
+PMUL4819
+PMUL4818
+MUL1758
+SNG1179
+MUL0085
+MUL0084
+MUL0087
+SNG0600
+MUL0081
+MUL0080
+MUL0083
+MUL0082
+MUL0815
+MUL0089
+MUL0088
+PMUL3689
+PMUL3688
+PMUL3681
+WOZ20288
+PMUL3683
+PMUL3682
+PMUL3685
+PMUL3687
+PMUL3686
+SNG1352
+SNG1353
+SNG1350
+MUL1131
+SNG1356
+SNG1357
+SNG1354
+MUL1135
+MUL1138
+SNG1359
+MUL0661
+MUL0660
+SNG0403
+MUL0662
+MUL0889
+SNG0404
+SNG0407
+SNG0406
+MUL0669
+SNG0408
+MUL0887
+MUL0886
+MUL0881
+MUL0880
+MUL0883
+MUL0882
+MUL1978
+WOZ20283
+WOZ20248
+WOZ20249
+MUL1586
+WOZ20240
+WOZ20241
+WOZ20242
+WOZ20243
+WOZ20244
+WOZ20245
+SNG0014
+WOZ20247
+PMUL1269
+PMUL1268
+PMUL2086
+PMUL2087
+PMUL2080
+PMUL2082
+PMUL2083
+PMUL1261
+PMUL1260
+PMUL1262
+PMUL1265
+PMUL2089
+PMUL1266
+PMUL0028
+PMUL0029
+SNG02225
+PMUL0024
+PMUL0025
+PMUL0026
+PMUL0027
+PMUL0020
+PMUL0021
+PMUL0022
+PMUL0023
+PMUL2558
+PMUL2559
+PMUL2552
+PMUL2553
+PMUL2550
+PMUL2551
+PMUL2557
+PMUL2554
+PMUL2555
+SNG01199
+SNG01198
+PMUL1199
+PMUL1198
+SNG01193
+PMUL1196
+MUL0114
+SNG01190
+SNG01197
+PMUL1192
+SNG01194
+SNG1045
+WOZ20639
+WOZ20638
+SNG0609
+WOZ20631
+WOZ20630
+WOZ20633
+WOZ20632
+WOZ20635
+WOZ20634
+WOZ20637
+WOZ20636
+SNG01993
+SNG01991
+SNG01990
+SNG01997
+SNG01996
+SNG01995
+SNG01999
+SNG01998
+PMUL3831
+PMUL4259
+PMUL4258
+PMUL4253
+PMUL4252
+PMUL4251
+PMUL4250
+PMUL4257
+PMUL4256
+PMUL4255
+PMUL4254
+SNG01927
+MUL0113
+PMUL2073
+SNG01921
+PMUL1856
+PMUL1857
+PMUL1854
+MUL2628
+PMUL1852
+PMUL1853
+PMUL1850
+MUL2623
+MUL2622
+MUL2621
+MUL2620
+MUL2627
+MUL2626
+PMUL1858
+PMUL1859
+MUL0634
+SNG0519
+SNG0518
+PMUL4648
+PMUL4649
+MUL2201
+PMUL4644
+PMUL4645
+PMUL4646
+PMUL4647
+PMUL4640
+PMUL4641
+PMUL4642
+PMUL4643
+SNG0513
+MUL2200
+MUL0732
+MUL0731
+PMUL4106
+SNG0510
+MUL0225
+MUL0224
+MUL0227
+MUL0734
+PMUL2314
+PMUL2315
+PMUL2316
+PMUL2317
+PMUL2310
+PMUL2311
+PMUL2312
+PMUL1436
+PMUL2318
+PMUL2319
+WOZ20033
+WOZ20032
+WOZ20031
+WOZ20030
+WOZ20037
+WOZ20036
+WOZ20035
+WOZ20034
+WOZ20039
+WOZ20038
+SNG01209
+SNG01208
+PMUL0819
+PMUL0818
+SNG01203
+PMUL0814
+PMUL0817
+PMUL0816
+MUL2204
+PMUL0810
+PMUL0813
+PMUL0812
+MUL2207
+PMUL2765
+PMUL2764
+PMUL2767
+PMUL2766
+PMUL2761
+PMUL2760
+PMUL2763
+PMUL2762
+PMUL2768
+MUL0416
+SNG01347
+MUL0414
+MUL0415
+SNG01342
+MUL0413
+SNG01340
+SNG01341
+MUL2206
+MUL0418
+MUL0419
+WOZ20356
+WOZ20357
+WOZ20354
+PMUL1112
+WOZ20355
+WOZ20352
+WOZ20353
+PMUL2840
+PMUL2194
+SNG01673
+PMUL2195
+PMUL2330
+PMUL1111
+PMUL2843
+PMUL2336
+MUL0022
+PMUL2337
+PMUL3548
+PMUL3549
+PMUL3547
+PMUL3544
+PMUL3545
+PMUL3542
+PMUL3543
+PMUL3540
+PMUL1526
+PMUL1035
+PMUL4004
+PMUL4005
+PMUL1030
+PMUL1523
+PMUL4000
+PMUL1521
+PMUL1038
+PMUL1039
+PMUL4008
+PMUL4009
+SSNG0348
+SSNG0349
+SSNG0340
+SSNG0341
+SSNG0342
+SSNG0343
+SSNG0344
+SSNG0345
+SSNG0346
+SSNG0347
+PMUL1886
+MUL2010
+MUL2011
+MUL2012
+MUL2013
+MUL2014
+MUL2015
+MUL2016
+PMUL4168
+MUL2018
+SNG01831
+SNG01832
+SNG01833
+SNG01834
+SNG01835
+SNG01836
+PMUL0652
+MUL0287
+MUL2117
+PMUL4161
+PMUL2144
+PMUL1400
+PMUL0654
+MUL0286
+MUL2098
+PMUL1402
+MUL2099
+PMUL4164
+PMUL4167
+MUL2111
+PMUL3968
+PMUL3969
+PMUL3964
+PMUL3965
+PMUL3966
+PMUL3967
+PMUL3960
+PMUL3961
+PMUL3962
+PMUL3963
+MUL2110
+WOZ20018
+PMUL4558
+PMUL4559
+MUL1543
+SNG0445
+SNG02251
+SNG02250
+SNG02253
+SNG02255
+SNG02254
+SNG02257
+SNG02256
+SNG02259
+SNG02258
+MUL0281
+PMUL3341
+MUL0280
+PMUL3757
+PMUL4781
+PMUL4780
+PMUL4783
+PMUL4782
+PMUL4785
+PMUL4784
+PMUL4787
+PMUL4786
+PMUL4789
+PMUL4788
+SNG01985
+PMUL3379
+PMUL3378
+PMUL3371
+PMUL3370
+PMUL3373
+PMUL3372
+PMUL3375
+PMUL3374
+PMUL3377
+PMUL3376
+MUL2542
+MUL2235
+MUL2236
+SNG1110
+PMUL4876
+SNG1112
+MUL1733
+SNG1114
+PMUL4872
+MUL1736
+PMUL4870
+MUL1738
+MUL1739
+PMUL4879
+PMUL4878
+SSNG0327
+MUL2232
+SNG0649
+SNG0648
+SNG0647
+SNG0646
+MUL0065
+SNG0644
+MUL0063
+MUL0062
+SNG0641
+MUL0060
+SSNG0133
+PMUL4437
+SSNG0131
+SSNG0130
+SSNG0136
+SSNG0134
+MUL2119
+SSNG0139
+SSNG0138
+MUL2548
+PMUL1668
+PMUL4434
+PMUL1913
+PMUL1912
+PMUL4297
+PMUL1911
+PMUL4296
+SNG1129
+PMUL1667
+MUL1708
+SNG0399
+SNG0398
+SNG0469
+MUL2116
+MUL0861
+SNG0391
+PMUL1661
+SNG0393
+SNG0460
+SNG0467
+SNG0394
+MUL0605
+SNG0464
+MUL1257
+MUL2113
+MUL1704
+MUL2112
+MUL1255
+MUL1254
+WOZ20268
+WOZ20269
+WOZ20266
+WOZ20267
+WOZ20264
+WOZ20265
+WOZ20262
+WOZ20263
+WOZ20260
+MUL1252
+SNG1123
+PMUL1209
+PMUL1208
+PMUL1207
+PMUL1206
+PMUL1205
+SNG1122
+PMUL1447
+PMUL1202
+PMUL1201
+PMUL1200
+PMUL0002
+PMUL0551
+PMUL0552
+PMUL0001
+PMUL0006
+PMUL0555
+PMUL0557
+PMUL0558
+PMUL0008
+SNG1255
+SNG1254
+MUL1073
+MUL1072
+MUL1071
+SNG1250
+SNG0654
+SNG0655
+MUL0076
+SNG0657
+SNG01888
+MUL0070
+SNG0651
+MUL1079
+PMUL1440
+WOZ20658
+WOZ20657
+WOZ20656
+WOZ20655
+SNG1258
+WOZ20653
+WOZ20652
+WOZ20651
+WOZ20650
+SNG1212
+SNG01329
+SNG01882
+PMUL1442
+SNG01588
+PMUL4271
+PMUL4270
+PMUL4273
+PMUL4272
+PMUL4275
+PMUL4274
+PMUL4276
+PMUL4279
+PMUL4278
+SNG01581
+MUL2605
+MUL2356
+MUL2607
+MUL2354
+MUL2353
+MUL2352
+MUL2603
+MUL2350
+PMUL1834
+PMUL1835
+PMUL1837
+MUL2609
+PMUL1831
+MUL2359
+MUL2358
+PMUL2167
+PMUL2166
+PMUL4662
+PMUL4663
+PMUL4660
+PMUL4661
+PMUL4666
+PMUL4667
+PMUL4664
+PMUL4665
+PMUL4668
+PMUL4669
+PMUL2848
+PMUL2338
+PMUL2332
+PMUL2841
+PMUL2842
+PMUL2331
+PMUL2844
+PMUL2845
+PMUL2334
+PMUL2335
+MUL0951
+MUL1854
+WOZ20019
+MUL0618
+SNG0479
+WOZ20011
+WOZ20010
+WOZ20013
+WOZ20012
+WOZ20015
+WOZ20014
+WOZ20017
+WOZ20016
+MUL0933
+SNG01221
+SNG01220
+SNG01222
+SNG01227
+SNG01229
+PMUL1564
+SNG0470
+SNG0471
+MUL0612
+MUL1077
+SNG1256
+MUL1075
+MUL1074
+SNG1253
+SNG1252
+SNG1251
+MUL1070
+MUL0614
+SNG1259
+MUL1078
+SNG0476
+SNG01325
+SNG01326
+SNG01327
+SNG01320
+SNG01323
+MUL0470
+MUL0471
+MUL0472
+MUL0473
+MUL0474
+MUL0475
+MUL0476
+MUL0477
+MUL0478
+MUL0479
+MUL2223
+PMUL1871
+SNG01531
+PMUL3524
+SNG01530
+PMUL3527
+PMUL3520
+PMUL3521
+PMUL3522
+PMUL3523
+PMUL3528
+PMUL3529
+PMUL1018
+MUL2220
+PMUL4069
+PMUL4064
+PMUL1545
+PMUL4066
+PMUL1011
+PMUL4060
+PMUL1541
+PMUL1542
+PMUL1015
+SNG0074
+MUL0295
+MUL0296
+MUL0297
+SNG0070
+SNG0071
+SNG0072
+PMUL3806
+SNG0078
+SNG0079
+PMUL2403
+SSNG0368
+SSNG0369
+SSNG0366
+SSNG0367
+SSNG0364
+SSNG0365
+SSNG0362
+SSNG0363
+SNG01532
+SSNG0361
+PMUL3801
+MUL2038
+MUL2039
+SNG01818
+SNG01819
+MUL2032
+SNG01817
+MUL2030
+MUL2031
+MUL2036
+MUL2037
+MUL2034
+MUL2035
+PMUL1233
+PMUL3526
+PMUL4814
+MUL1283
+PMUL0769
+PMUL0768
+PMUL0762
+PMUL0761
+PMUL0767
+PMUL0766
+PMUL0764
+PMUL3942
+PMUL3943
+PMUL3940
+PMUL3941
+PMUL3946
+PMUL3947
+PMUL3944
+PMUL3945
+PMUL3948
+PMUL3949
+PMUL0542
+PMUL0541
+PMUL0016
+PMUL0547
+PMUL0546
+PMUL0012
+MUL2296
+MUL2297
+MUL2294
+MUL2295
+MUL2292
+MUL2293
+MUL2290
+MUL2291
+PMUL1010
+MUL2298
+MUL2299
+SNG02237
+SNG02235
+PMUL1547
+SNG02233
+SNG02232
+SNG02231
+SNG02230
+PMUL1016
+SNG02239
+PMUL1017
+PMUL4062
+PMUL4063
+MUL0294
+SNG0075
+SNG0076
+SNG0077
+MUL0290
+MUL0291
+MUL0292
+SNG0073
+MUL0298
+MUL0299
+PMUL3319
+PMUL3318
+PMUL3317
+PMUL3316
+PMUL3315
+PMUL3314
+PMUL3313
+PMUL3312
+PMUL3311
+PMUL3310
+PMUL4858
+PMUL4855
+PMUL4854
+PMUL4857
+PMUL4856
+PMUL4851
+PMUL4850
+PMUL4853
+PMUL4852
+SNG1138
+MUL1719
+MUL1248
+MUL1249
+MUL1244
+MUL1713
+SNG1130
+SNG1131
+MUL1716
+MUL1717
+MUL1242
+MUL1715
+SSNG0119
+SNG0668
+MUL0599
+MUL0598
+SNG0661
+SNG0660
+MUL0043
+SSNG0112
+SNG0665
+SNG0664
+MUL0595
+SNG0666
+SSNG0360
+PMUL1704
+SNG1396
+SNG1397
+SNG1394
+SNG1395
+SNG1392
+SNG1393
+SNG1390
+SNG1391
+SNG1398
+SNG1399
+PMUL0998
+PMUL0999
+PMUL0990
+PMUL0991
+PMUL0992
+PMUL0994
+PMUL0995
+PMUL0997
+SNG0686
+PMUL2040
+WOZ20205
+WOZ20206
+PMUL2043
+WOZ20200
+WOZ20201
+WOZ20202
+WOZ20203
+PMUL2048
+PMUL2049
+MUL0625
+WOZ20208
+WOZ20209
+PMUL1225
+PMUL1224
+PMUL1227
+PMUL1221
+PMUL1220
+PMUL1223
+PMUL1222
+PMUL1229
+PMUL1228
+PMUL0576
+PMUL0574
+PMUL0575
+PMUL0573
+PMUL0570
+PMUL0571
+PMUL4755
+PMUL0578
+MUL2485
+PMUL2596
+PMUL2597
+PMUL2594
+PMUL2595
+PMUL2592
+PMUL2593
+PMUL2590
+PMUL2591
+PMUL2598
+PMUL2599
+SNG0917
+SNG0916
+SNG0447
+MUL0626
+MUL0621
+MUL0620
+MUL0623
+MUL0622
+SNG0449
+SNG01814
+SNG0919
+SNG0918
+SNG01815
+PMUL1394
+SNG01813
+WOZ20675
+WOZ20674
+SNG01822
+WOZ20671
+SNG01810
+WOZ20673
+WOZ20672
+SNG01811
+MUL1440
+PMUL1481
+PMUL1480
+PMUL1483
+MUL1441
+PMUL1485
+PMUL1484
+PMUL1487
+PMUL1486
+PMUL1489
+MUL1446
+MUL1447
+MUL1332
+WOZ20666
+MUL1333
+MUL1154
+MUL1155
+SNG1336
+SNG01820
+MUL2195
+MUL2194
+PMUL3885
+MUL2196
+PMUL3883
+PMUL3882
+MUL2193
+MUL2192
+SNG1330
+MUL2199
+MUL2198
+PMUL3889
+PMUL3888
+PMUL4217
+PMUL4216
+PMUL4215
+PMUL4214
+PMUL4213
+MUL1152
+PMUL4210
+SNG1333
+SNG01827
+PMUL4218
+MUL0311
+PMUL0689
+SNG0130
+PMUL0684
+PMUL0685
+PMUL0686
+PMUL0687
+PMUL0681
+PMUL0682
+PMUL0683
+MUL0312
+PMUL3089
+PMUL3088
+PMUL3087
+PMUL3086
+PMUL3085
+PMUL3084
+PMUL3083
+PMUL3082
+PMUL3081
+SNG0134
+PMUL1812
+MUL2370
+PMUL1810
+MUL2372
+MUL2375
+MUL2374
+MUL2377
+PMUL1815
+MUL2379
+MUL2378
+PMUL1818
+SNG0136
+PMUL1466
+PMUL2868
+PMUL2869
+PMUL2867
+PMUL2864
+PMUL2865
+PMUL2862
+PMUL2863
+PMUL2860
+PMUL2861
+SNG01791
+SNG01790
+SNG01793
+SNG01795
+SNG01794
+SNG01797
+SNG01799
+SNG1095
+SNG1094
+SNG1097
+SNG1096
+SNG1091
+SNG1090
+WOZ20079
+WOZ20078
+WOZ20077
+WOZ20076
+WOZ20075
+WOZ20074
+WOZ20073
+SNG1098
+WOZ20071
+WOZ20070
+SNG01247
+SNG01246
+SNG01245
+SNG01244
+SNG01243
+SNG01240
+SNG01249
+SNG01248
+SNG0049
+SNG1361
+MUL1051
+MUL1050
+SNG1273
+SNG1272
+SNG1275
+SNG1274
+SNG1277
+MUL1508
+SNG1279
+SNG1278
+MUL1505
+MUL1504
+MUL1503
+MUL1502
+MUL1501
+MUL1500
+SNG01302
+SNG01303
+PMUL0590
+SNG01301
+SNG01306
+SNG01307
+SNG01304
+SNG01305
+SNG01309
+PMUL1460
+PMUL0003
+MUL0458
+MUL0459
+MUL0452
+MUL0453
+MUL0450
+MUL0451
+MUL0456
+MUL0457
+MUL0454
+MUL0455
+PMUL1057
+MUL0812
+SNG0325
+PMUL3508
+PMUL3509
+PMUL3502
+PMUL3503
+PMUL3500
+PMUL3501
+PMUL3506
+PMUL3507
+PMUL3504
+PMUL3505
+PMUL1562
+PMUL4043
+PMUL1560
+PMUL1561
+PMUL1566
+PMUL1567
+PMUL4044
+PMUL4045
+PMUL1568
+PMUL1569
+MUL0908
+MUL0909
+SNG0058
+SNG0059
+MUL0904
+SNG0057
+MUL0906
+MUL0907
+SNG0052
+MUL0901
+SNG0050
+MUL0903
+SSNG0304
+SSNG0305
+SSNG0306
+SSNG0307
+SSNG0300
+SSNG0301
+SSNG0302
+SSNG0303
+SSNG0309
+SNG0320
+SNG01874
+SNG01875
+SNG01876
+SNG01870
+SNG01871
+SNG01872
+SNG01873
+SNG01879
+PMUL1909
+MUL0817
+PMUL2679
+PMUL2678
+PMUL2673
+PMUL2672
+PMUL2671
+PMUL2670
+PMUL2677
+PMUL2676
+PMUL2674
+PMUL2710
+WOZ20555
+PMUL2712
+PMUL0741
+PMUL0740
+PMUL0743
+PMUL0742
+PMUL0217
+PMUL0216
+PMUL0747
+PMUL0214
+PMUL0749
+PMUL0748
+PMUL0219
+PMUL0218
+PMUL2715
+PMUL2717
+SNG01492
+SNG01493
+SNG01490
+SNG01491
+SNG01496
+SNG01497
+SNG01494
+SNG01495
+SNG01498
+PMUL0901
+PMUL0900
+SNG01575
+SNG01574
+MUL2344
+PMUL0496
+SNG01577
+MUL2613
+MUL2610
+MUL2611
+MUL2616
+MUL2617
+MUL2614
+MUL2615
+PMUL0405
+MUL2618
+MUL2414
+MUL2415
+MUL2416
+MUL2619
+MUL0242
+MUL2411
+MUL2412
+MUL1514
+MUL2348
+MUL2418
+MUL2419
+MUL2349
+SNG02219
+SNG02218
+SNG02215
+SNG02214
+SNG02217
+SNG02216
+SNG02210
+SNG02212
+PMUL3334
+PMUL3337
+PMUL3336
+PMUL3331
+PMUL3330
+PMUL3332
+PMUL3339
+SNG1017
+MUL1266
+MUL1267
+MUL1264
+MUL1265
+MUL1262
+MUL1263
+MUL1260
+MUL1261
+MUL1268
+MUL1269
+SSNG0179
+SSNG0178
+SSNG0177
+SSNG0176
+SSNG0175
+SSNG0174
+SSNG0173
+SSNG0172
+SSNG0171
+SSNG0170
+MUL1190
+MUL1191
+MUL1192
+MUL1193
+WOZ20190
+WOZ20299
+MUL1196
+MUL1197
+MUL1198
+MUL1199
+MUL1904
+WOZ20198
+WOZ20199
+MUL1909
+WOZ20294
+WOZ20228
+WOZ20229
+WOZ20222
+WOZ20223
+WOZ20220
+WOZ20221
+WOZ20226
+WOZ20227
+WOZ20224
+WOZ20225
+MUL1998
+MUL1999
+PMUL2064
+PMUL2065
+PMUL2062
+PMUL2063
+PMUL2060
+PMUL2061
+MUL1990
+MUL1991
+MUL1992
+MUL1993
+MUL1994
+MUL1995
+PMUL2068
+PMUL2069
+SNG0603
+SNG0602
+SNG0601
+PMUL3581
+SNG0607
+MUL0026
+SNG0605
+SNG0604
+SSNG0072
+MUL0029
+MUL0028
+PMUL3587
+SSNG0070
+PMUL3585
+SNG0931
+SNG0930
+SNG0933
+SNG0932
+SNG0935
+SNG0934
+SNG0937
+SNG0936
+SNG0939
+SNG0938
+MUL0501
+PMUL0757
+PMUL4187
+PMUL4186
+PMUL4185
+PMUL4184
+PMUL4183
+PMUL4182
+PMUL4181
+PMUL4180
+MUL0507
+PMUL4189
+PMUL4188
+PMUL0518
+PMUL0519
+PMUL0514
+PMUL0515
+PMUL0516
+PMUL0517
+PMUL0510
+PMUL0511
+PMUL0512
+PMUL0513
+PMUL1609
+PMUL1608
+PMUL4239
+PMUL4238
+MUL2179
+MUL2178
+MUL2177
+PMUL1602
+PMUL1601
+MUL2174
+MUL2173
+MUL2172
+PMUL1605
+MUL2170
+SNG02308
+MUL2319
+MUL2318
+MUL2313
+MUL2312
+MUL2311
+MUL2310
+MUL2317
+MUL2316
+MUL2315
+MUL2314
+MUL1517
+SNG0508
+SNG0509
+MUL1634
+SSNG0384
+MUL0721
+SNG0502
+PMUL3899
+SNG0503
+SNG0504
+SSNG0381
+PMUL2804
+PMUL2805
+PMUL2806
+PMUL2807
+PMUL2800
+PMUL2801
+PMUL2802
+PMUL2803
+SNG0507
+PMUL2808
+PMUL2809
+WOZ20055
+SNG02009
+WOZ20057
+WOZ20056
+WOZ20051
+WOZ20050
+SNG1079
+WOZ20052
+SNG1077
+SNG1076
+SNG02002
+SNG02003
+SNG02004
+SNG02005
+SNG02006
+SNG1070
+PMUL4435
+SNG01269
+SNG01268
+SNG01265
+SNG01264
+SNG01267
+SNG01266
+SNG01261
+SNG01260
+SNG01263
+SNG01262
+SNG0062
+MUL1529
+MUL1528
+SNG1219
+SNG1218
+SNG1213
+MUL1032
+MUL1523
+MUL1522
+SNG1217
+SNG1216
+MUL1527
+MUL1034
+SNG0061
+WOZ20345
+WOZ20344
+PMUL3298
+PMUL3299
+PMUL3292
+PMUL3293
+PMUL3290
+PMUL3291
+PMUL3296
+PMUL3297
+PMUL3294
+PMUL3295
+PMUL4958
+WOZ20349
+WOZ20348
+PMUL4950
+PMUL4951
+MUL2478
+PMUL4953
+PMUL4954
+PMUL4955
+PMUL4956
+PMUL4957
+PMUL2183
+MUL1899
+PMUL2851
+SSNG0094
+SSNG0095
+SSNG0096
+PMUL2850
+SSNG0090
+SSNG0091
+SSNG0092
+SSNG0093
+PMUL2857
+SSNG0098
+SSNG0099
+PMUL2320
+PMUL2323
+PMUL2322
+MUL0926
+MUL0927
+MUL0924
+MUL0925
+MUL0922
+MUL0923
+MUL0920
+MUL0921
+MUL0928
+MUL0929
+SNG0038
+SNG0039
+SSNG0328
+SSNG0329
+SNG0030
+SNG0031
+SNG0032
+SSNG0321
+SNG0034
+SNG0035
+SNG0036
+SNG0037
+PMUL1478
+PMUL1479
+PMUL2651
+PMUL2650
+PMUL2653
+PMUL2655
+PMUL2657
+PMUL2656
+PMUL2659
+PMUL2658
+PMUL0239
+PMUL1477
+SNG0069
+PMUL0231
+PMUL1470
+PMUL0233
+PMUL0235
+PMUL0234
+PMUL0237
+PMUL4111
+PMUL0727
+PMUL0726
+PMUL0724
+PMUL0723
+PMUL1472
+PMUL0721
+PMUL0720
+WOZ20040
+PMUL0729
+MUL1933
+SNG01858
+SNG0187
+SNG01852
+SNG01850
+PMUL4439
+SNG01856
+SNG01857
+SNG01854
+PMUL3051
+WOZ20065
+MUL0723
+WOZ20063
+PMUL3762
+PMUL3763
+PMUL3760
+PMUL3761
+SSNG0252
+SSNG0253
+PMUL3764
+SSNG0251
+PMUL4723
+PMUL4722
+PMUL4721
+PMUL4727
+PMUL4726
+MUL2438
+PMUL4724
+MUL2436
+MUL2437
+MUL2434
+MUL2435
+MUL2432
+MUL2433
+MUL2430
+MUL2431
+WOZ20557
+PMUL1524
+PMUL4899
+PMUL4400
+PMUL4891
+PMUL4890
+PMUL4893
+PMUL4892
+PMUL4895
+PMUL4894
+PMUL4896
+MUL1200
+PMUL4402
+MUL1202
+MUL1203
+MUL1204
+MUL1205
+MUL1206
+WOZ20550
+MUL1208
+MUL1209
+PMUL1525
+PMUL1920
+PMUL4401
+SSNG0186
+MUL2202
+PMUL4406
+PMUL4407
+SSNG0155
+SSNG0154
+SSNG0156
+SSNG0151
+PMUL4404
+SSNG0153
+SSNG0152
+PMUL1925
+SSNG0159
+SSNG0158
+MUL2109
+SNG02062
+PMUL4408
+MUL1718
+MUL2102
+SNG1139
+PMUL1699
+PMUL1520
+MUL1712
+PMUL2008
+PMUL2009
+SNG1133
+PMUL2004
+PMUL2005
+PMUL2006
+PMUL2007
+PMUL2000
+PMUL2001
+PMUL2002
+PMUL2003
+MUL1247
+MUL1240
+SNG1137
+SNG0629
+SNG0628
+MUL0559
+MUL0558
+MUL0557
+MUL0004
+MUL0555
+MUL0006
+MUL0001
+MUL0552
+MUL0003
+MUL0550
+SNG1244
+MUL0048
+SNG1246
+SNG1247
+MUL1060
+MUL2066
+SNG1241
+SNG1242
+MUL1063
+SNG0489
+SNG0488
+SNG0959
+SNG0958
+MUL0592
+SNG0953
+SNG0952
+SNG0483
+SNG0950
+SNG0957
+MUL0591
+SNG0955
+SNG0954
+SNG0662
+SNG1248
+MUL2556
+SSNG0114
+SNG0667
+MUL0046
+PMUL0532
+PMUL0533
+PMUL0530
+PMUL0531
+PMUL0536
+PMUL0537
+PMUL0534
+PMUL3713
+PMUL3712
+PMUL0538
+PMUL3710
+PMUL3716
+PMUL3715
+PMUL3714
+PMUL3843
+PMUL3842
+PMUL3841
+PMUL3840
+PMUL3847
+PMUL3846
+PMUL3845
+PMUL3849
+PMUL3848
+MUL2159
+PMUL1620
+PMUL1623
+PMUL1622
+PMUL1625
+PMUL1624
+PMUL1627
+PMUL1626
+MUL2151
+MUL2150
+MUL2153
+MUL2152
+MUL2155
+MUL2154
+MUL2157
+MUL2156
+MUL2335
+MUL2334
+MUL2337
+MUL2336
+MUL2331
+MUL2330
+MUL2333
+MUL2332
+MUL2339
+MUL2338
+PMUL3628
+PMUL0399
+PMUL0396
+PMUL0397
+PMUL0394
+PMUL0395
+PMUL0392
+PMUL0393
+PMUL0390
+PMUL0391
+MUL1710
+MUL0683
+MUL2175
+MUL0682
+PMUL2828
+PMUL2398
+PMUL2399
+PMUL2394
+PMUL2823
+PMUL2820
+PMUL2397
+PMUL2390
+PMUL2827
+PMUL2392
+PMUL2825
+SNG1059
+SNG1058
+SNG02028
+SNG02029
+SNG02026
+SNG02027
+SNG1053
+SNG1052
+SNG1055
+SNG1054
+SNG1057
+SNG1056
+SNG01283
+SNG01282
+SNG01281
+SNG01280
+SNG01287
+PMUL0890
+PMUL0893
+PMUL0892
+PMUL0899
+PMUL0898
+WOZ20337
+MUL1369
+PMUL4331
+PMUL3270
+PMUL3271
+PMUL3272
+PMUL3273
+PMUL3274
+PMUL3275
+PMUL3276
+PMUL3277
+PMUL3279
+PMUL4979
+PMUL4976
+PMUL4977
+PMUL4974
+PMUL4975
+PMUL4973
+PMUL4970
+PMUL4971
+PMUL4339
+SNG1235
+SNG1234
+SNG1237
+MUL1540
+MUL1547
+SNG1230
+MUL1545
+MUL1544
+MUL1549
+MUL1548
+MUL1019
+MUL1018
+SNG0544
+SNG0013
+SNG0546
+SNG0547
+MUL0944
+MUL0761
+MUL0762
+SNG0543
+MUL0948
+MUL0949
+SNG0018
+SNG0019
+SNG0548
+SNG0549
+WOZ20207
+PMUL2044
+PMUL3838
+PMUL2047
+SNG0672
+PMUL2637
+PMUL2636
+PMUL2635
+PMUL2634
+PMUL2633
+PMUL2632
+PMUL2631
+PMUL2630
+PMUL2639
+PMUL2638
+PMUL0709
+PMUL0708
+PMUL0259
+PMUL0258
+PMUL0257
+PMUL0704
+PMUL0707
+PMUL0254
+PMUL0253
+PMUL0252
+PMUL0703
+PMUL0702
+SNG01448
+PMUL4378
+PMUL4379
+PMUL4370
+PMUL4371
+PMUL4372
+PMUL4373
+PMUL4375
+PMUL4376
+PMUL4377
+PMUL4077
+PMUL1556
+PMUL1007
+PMUL1006
+PMUL1000
+PMUL1551
+PMUL1550
+MUL1833
+SNG0047
+MUL1784
+SNG0046
+MUL1787
+PMUL4709
+PMUL4708
+MUL1830
+SNG0048
+PMUL4701
+PMUL4700
+PMUL4703
+PMUL4702
+PMUL4705
+PMUL4704
+MUL1836
+MUL2458
+MUL2459
+MUL1835
+MUL2450
+MUL2451
+MUL2452
+MUL2453
+MUL2454
+MUL2455
+MUL2456
+MUL2457
+WOZ20194
+SSNG0372
+MUL1228
+MUL1229
+WOZ20195
+MUL1222
+MUL1223
+MUL1220
+MUL1221
+MUL1226
+MUL1227
+MUL1224
+MUL1225
+PMUL1555
+WOZ20150
+WOZ20151
+WOZ20152
+WOZ20153
+WOZ20154
+WOZ20155
+WOZ20156
+WOZ20157
+WOZ20158
+WOZ20159
+SNG01548
+SNG01549
+PMUL3189
+SNG0444
+SNG01540
+SNG01541
+SNG01542
+SNG01543
+SNG01545
+SNG01546
+SNG0914
+SNG0913
+SNG0912
+SNG0911
+SNG0910
+PMUL2022
+PMUL2020
+PMUL2021
+PMUL2026
+PMUL2027
+MUL1488
+MUL1489
+MUL1486
+MUL1487
+MUL1956
+MUL1957
+MUL1950
+MUL1483
+MUL1480
+MUL1481
+MUL0629
+PMUL4428
+MUL0628
+MUL0579
+MUL0578
+MUL0571
+PMUL4741
+MUL0573
+MUL0572
+MUL0575
+MUL0574
+MUL0577
+MUL2499
+SNG0975
+SNG0974
+SNG0977
+MUL0680
+SNG0971
+SNG0970
+SNG0973
+SNG0972
+MUL2490
+MUL0689
+MUL0688
+SNG0979
+SNG0978
+PMUL3489
+PMUL3488
+PMUL3483
+PMUL3482
+PMUL3481
+PMUL3480
+PMUL3487
+PMUL3486
+PMUL3485
+PMUL3484
+PMUL1391
+PMUL1390
+PMUL4141
+PMUL4140
+PMUL4147
+PMUL1426
+PMUL1425
+PMUL1396
+PMUL1399
+PMUL1398
+PMUL4149
+PMUL1428
+PMUL1508
+PMUL3731
+PMUL3730
+PMUL3732
+PMUL3735
+PMUL3734
+PMUL3737
+PMUL3736
+PMUL3739
+PMUL3738
+WOZ20670
+MUL2133
+MUL2132
+MUL2131
+MUL2130
+MUL2137
+MUL2136
+MUL2135
+MUL2134
+MUL2139
+MUL2138
+MUL1163
+SNG0207
+PMUL1646
+SNG0205
+PMUL1644
+SNG0203
+SNG0202
+PMUL1641
+SNG0200
+MUL1165
+PMUL1649
+SNG1304
+SNG1307
+MUL1166
+SNG1309
+MUL1168
+MUL2689
+MUL2688
+MUL2685
+MUL2684
+MUL2687
+MUL2686
+MUL2681
+MUL2680
+MUL2683
+MUL2682
+PMUL4420
+SNG01554
+PMUL3869
+PMUL3868
+PMUL3861
+PMUL3860
+PMUL3863
+PMUL3862
+PMUL3865
+PMUL3864
+PMUL3867
+PMUL3866
+PMUL2400
+PMUL0119
+PMUL0110
+PMUL0111
+PMUL0112
+PMUL0113
+PMUL0114
+PMUL0115
+PMUL0116
+PMUL0117
+PMUL4423
+SNG01210
+SNG01733
+SNG01737
+SNG01736
+SNG01735
+PMUL4886
+SNG01739
+PMUL4887
+SNG02046
+SNG02047
+SNG02040
+SNG02041
+SNG02042
+SNG02043
+SNG02048
+SNG02049
+PMUL3139
+PMUL3138
+PMUL3133
+PMUL3132
+PMUL3131
+PMUL3130
+PMUL3137
+PMUL3136
+PMUL3135
+PMUL3134
+PMUL3381
+PMUL3256
+PMUL3887
+PMUL3254
+PMUL3255
+PMUL3253
+PMUL3250
+PMUL3251
+MUL2197
+PMUL3258
+PMUL3259
+PMUL4914
+PMUL4915
+SNG1031
+SNG1030
+PMUL4910
+PMUL4911
+PMUL4912
+SNG1034
+MUL2191
+SNG1039
+SNG1038
+PMUL4918
+PMUL4919
+MUL2190
+SNG0782
+SNG0783
+SNG0780
+SNG0781
+SNG0786
+SNG0787
+SNG0784
+SNG0785
+SNG0788
+SNG0789
+SSNG0050
+PMUL0208
+SSNG0052
+SSNG0053
+SSNG0054
+SSNG0055
+SSNG0056
+SSNG0057
+SSNG0058
+SSNG0059
+MUL1569
+MUL1568
+MUL1565
+MUL1564
+MUL1567
+MUL1566
+MUL1561
+MUL1560
+MUL1563
+MUL1562
+MUL0968
+MUL0969
+MUL0218
+MUL0219
+MUL0748
+MUL0749
+MUL0962
+MUL0963
+MUL0216
+MUL0961
+SNG0562
+MUL0211
+MUL0212
+MUL0741
+PMUL1722
+PMUL4212
+WOZ20369
+WOZ20368
+WOZ20363
+WOZ20362
+WOZ20361
+WOZ20360
+WOZ20367
+WOZ20366
+WOZ20365
+WOZ20364
+PMUL2619
+PMUL2615
+PMUL2614
+PMUL2617
+PMUL2616
+PMUL2611
+PMUL2610
+PMUL2613
+PMUL2612
+PMUL1092
+PMUL1090
+PMUL1091
+PMUL1096
+PMUL1097
+PMUL1094
+PMUL1095
+PMUL1098
+PMUL1099
+PMUL0275
+PMUL0274
+PMUL0277
+WOZ20117
+PMUL0271
+PMUL0270
+PMUL2702
+PMUL0279
+PMUL0278
+MUL1103
+WOZ20544
+PMUL2707
+PMUL2706
+PMUL2705
+WOZ20540
+MUL1102
+SNG01897
+SNG01894
+SNG01895
+SNG01892
+SNG01893
+SNG01890
+SNG01891
+SSNG0184
+SNG01898
+PMUL3651
+PMUL3229
+PMUL3656
+SSNG0183
+PMUL3654
+PMUL3655
+PMUL0207
+SNG0126
+PMUL4358
+PMUL4359
+PMUL4356
+PMUL4357
+PMUL4354
+PMUL4355
+PMUL4352
+PMUL4353
+PMUL4350
+SNG0125
+MUL0302
+SNG0123
+PMUL0936
+MUL0300
+SNG01505
+MUL0301
+PMUL0935
+SNG01500
+MUL2371
+PMUL0930
+PMUL1813
+MUL1106
+SNG01503
+MUL2373
+PMUL1811
+MUL0308
+MUL0309
+PMUL1814
+MUL2376
+MUL2472
+MUL2473
+MUL2470
+MUL2471
+MUL2476
+MUL2477
+PMUL4769
+PMUL4768
+PMUL4767
+PMUL4766
+PMUL4765
+PMUL4764
+PMUL4763
+PMUL4761
+PMUL4760
+PMUL1819
+SNG02074
+SNG02077
+SNG1006
+SNG02070
+SNG1004
+SNG02072
+SSNG0069
+SSNG0068
+WOZ20176
+WOZ20177
+WOZ20174
+WOZ20175
+WOZ20172
+WOZ20173
+WOZ20170
+WOZ20171
+WOZ20178
+WOZ20179
+PMUL0910
+PMUL0911
+PMUL0912
+PMUL0913
+PMUL0914
+PMUL0915
+PMUL0916
+PMUL0917
+PMUL0918
+PMUL0919
+SNG01564
+SNG01565
+SNG01562
+SNG01563
+SSNG0061
+SSNG0060
+SNG0753
+MUL1976
+MUL1977
+MUL1974
+MUL1975
+MUL1972
+MUL1973
+MUL1970
+MUL1971
+WOZ20284
+SNG0755
+WOZ20286
+WOZ20287
+WOZ20280
+WOZ20281
+WOZ20282
+MUL1979
+SSNG0067
+SNG0756
+MUL0513
+MUL0512
+MUL0511
+MUL0510
+MUL0517
+MUL0516
+MUL0515
+MUL0514
+MUL0519
+MUL0518
+MUL0720
+SSNG0198
+MUL1604
+MUL1605
+MUL1606
+MUL1607
+MUL1600
+MUL1601
+MUL1602
+MUL1603
+MUL1608
+MUL1609
+SNG01158
+SNG01157
+SNG01155
+SNG01154
+SNG01153
+SNG01152
+SNG01151
+MUL1623
+SNG0999
+SNG0998
+SNG0997
+SNG0996
+SNG0995
+SNG0994
+SNG0993
+SNG0992
+SNG0991
+SNG0990
+MUL0722
+MUL0078
+PMUL4169
+PMUL1408
+PMUL1401
+PMUL4160
+PMUL4163
+PMUL4162
+PMUL1405
+PMUL1404
+PMUL1407
+PMUL4166
+SNG0197
+SNG0196
+SNG0195
+SNG0194
+SNG0193
+SNG0192
+SNG0191
+SNG0190
+SNG0199
+SNG0198
+SSNG0269
+SSNG0268
+SSNG0263
+SSNG0262
+SSNG0261
+SSNG0260
+SSNG0267
+SSNG0266
+SSNG0265
+SSNG0264
+MUL0724
+PMUL3756
+PMUL3754
+PMUL3753
+PMUL3752
+PMUL3751
+PMUL3750
+PMUL3759
+PMUL3758
+PMUL1669
+MUL2118
+PMUL4298
+MUL2115
+PMUL1664
+PMUL4295
+PMUL1666
+PMUL4293
+PMUL1660
+PMUL1663
+PMUL1662
+SNG0221
+SNG0220
+SNG0223
+SNG0222
+SNG0225
+SNG0224
+SNG0227
+SNG0226
+SNG0229
+SNG0228
+MUL0494
+MUL1804
+MUL0726
+PMUL2408
+PMUL3809
+PMUL3808
+PMUL3807
+PMUL2401
+PMUL2402
+PMUL3804
+PMUL3803
+PMUL2406
+PMUL2407
+PMUL0138
+PMUL0139
+PMUL0136
+PMUL0134
+PMUL0135
+PMUL0132
+PMUL0133
+PMUL0130
+PMUL0131
+MUL0495
+SNG01711
+SNG01710
+SNG01713
+SNG01712
+SNG01715
+SNG01717
+SNG01716
+PMUL2042
+MUL1587
+PMUL3649
+MUL0601
+SNG1121
+MUL0600
+PMUL3111
+PMUL3110
+PMUL3113
+PMUL3112
+PMUL3115
+PMUL3114
+PMUL3117
+PMUL3116
+PMUL3119
+PMUL3118
+PMUL1985
+PMUL1986
+PMUL1987
+PMUL1980
+PMUL1981
+PMUL1982
+PMUL1983
+PMUL1988
+PMUL1989
+WOZ20334
+PMUL2171
+PMUL2172
+PMUL2173
+PMUL3238
+PMUL3239
+PMUL3234
+PMUL3235
+PMUL3237
+PMUL3230
+PMUL3231
+PMUL3232
+PMUL3233
+PMUL4938
+PMUL4939
+PMUL2176
+PMUL4932
+PMUL4930
+PMUL4931
+PMUL4936
+PMUL4937
+PMUL4934
+PMUL4935
+SNG02068
+SNG02069
+SNG1019
+SNG1018
+SNG1015
+SNG02063
+SNG02060
+SNG1016
+SNG1011
+SNG1010
+SNG1013
+SNG1012
+MUL0604
+SNG0768
+SNG0769
+SNG0764
+SNG0765
+SNG0766
+SNG0767
+SNG0760
+SNG0761
+SNG0762
+SNG0763
+PMUL3582
+SSNG0077
+SSNG0074
+SSNG0075
+PMUL3586
+SSNG0073
+PMUL3584
+SSNG0071
+PMUL3589
+SSNG0078
+SSNG0079
+MUL1161
+MUL0728
+MUL0729
+SSNG0388
+SSNG0389
+SNG0500
+SNG0501
+SSNG0386
+SSNG0387
+SSNG0380
+MUL0725
+SNG0506
+MUL0727
+WOZ20341
+WOZ20340
+WOZ20343
+WOZ20342
+PMUL2189
+PMUL2188
+WOZ20347
+WOZ20346
+MUL0126
+PMUL2184
+PMUL2187
+PMUL2186
+PMUL2181
+PMUL2180
+MUL1042
+PMUL2182
+PMUL3028
+MUL0127
+MUL1511
+MUL2511
+MUL1162
+PMUL1469
+MUL2510
+PMUL1468
+MUL0236
+PMUL1467
+MUL0234
+MUL0235
+MUL0232
+MUL0233
+MUL0230
+MUL0231
+PMUL4105
+MUL0238
+MUL0239
+MUL0404
+PMUL1464
+PMUL1463
+PMUL4102
+PMUL1461
+PMUL4100
+MUL2512
+SNG1014
+MUL2515
+MUL1245
+MUL0120
+PMUL4334
+PMUL4335
+PMUL4336
+PMUL4330
+SNG1093
+PMUL4332
+PMUL4333
+SNG1092
+PMUL4338
+MUL1246
+SNG1099
+WOZ20072
+SSNG0245
+PMUL3778
+SSNG0249
+SSNG0248
+MUL1241
+PMUL4745
+PMUL4744
+PMUL4747
+PMUL4746
+MUL2498
+PMUL4740
+PMUL4743
+MUL2494
+MUL2495
+MUL2496
+MUL2497
+PMUL4749
+MUL2491
+MUL2492
+MUL2493
+SNG02295
+MUL0243
+SNG02297
+SNG02296
+SNG02290
+SNG02293
+SNG0534
+SNG02298
+MUL0716
+MUL0711
+MUL0246
+MUL1243
+SNG0533
+MUL0244
+PMUL2969
+PMUL2968
+PMUL2963
+PMUL2960
+PMUL2967
+PMUL2966
+PMUL2965
+PMUL2964
+PMUL1935
+PMUL1934
+MUL0719
+PMUL4417
+SNG0538
+PMUL1936
+PMUL4411
+PMUL1930
+WOZ20118
+WOZ20119
+WOZ20114
+WOZ20115
+WOZ20116
+MUL2219
+WOZ20110
+WOZ20111
+WOZ20112
+WOZ20113
+SNG01504
+PMUL0937
+PMUL0934
+SNG01507
+PMUL0932
+PMUL0933
+SNG01502
+PMUL0931
+MUL2212
+PMUL0938
+PMUL0939
+MUL2410
+MUL1910
+MUL1911
+MUL1912
+MUL1913
+MUL1914
+MUL1915
+MUL1916
+MUL1917
+MUL1918
+MUL1919
+MUL0539
+MUL0538
+MUL0535
+MUL0534
+MUL0537
+MUL0536
+MUL0531
+MUL0530
+MUL0533
+MUL0532
+MUL1002
+SNG1271
+MUL1628
+MUL1629
+MUL1626
+MUL1627
+MUL1624
+MUL1625
+MUL1622
+MUL1053
+MUL1620
+MUL1621
+SNG01177
+SNG01176
+SNG01170
+SNG01173
+SNG01172
+MUL1055
+SNG01179
+SNG01178
+MUL1054
+MUL1057
+SNG1276
+MUL0580
+SSNG0165
+MUL0582
+MUL0583
+PMUL4109
+PMUL4108
+PMUL4107
+MUL0584
+PMUL1465
+PMUL4104
+PMUL4103
+PMUL1462
+PMUL4101
+SSNG0161
+MUL0391
+MUL0390
+MUL0393
+MUL0392
+MUL0395
+MUL0394
+MUL0397
+MUL0396
+MUL0399
+MUL0398
+MUL0587
+SSNG0241
+SSNG0240
+SSNG0243
+SSNG0242
+PMUL3779
+SSNG0244
+SSNG0247
+SSNG0246
+PMUL3775
+PMUL3774
+PMUL3777
+PMUL3776
+PMUL3771
+PMUL3770
+PMUL3773
+PMUL1683
+PMUL1682
+PMUL1681
+PMUL1680
+PMUL1687
+PMUL1685
+PMUL1684
+PMUL1689
+PMUL1688
+MUL0744
+SNG0249
+SNG0248
+SNG0243
+SNG0242
+SNG0241
+SNG0240
+SNG0247
+SNG0246
+SNG0245
+SNG0244
+MUL0745
+PMUL2799
+PMUL2790
+PMUL2791
+PMUL2792
+PMUL2793
+PMUL2794
+PMUL2795
+PMUL2797
+PMUL0330
+PMUL0331
+PMUL0332
+MUL1180
+PMUL0335
+PMUL0488
+PMUL0337
+MUL0663
+PMUL0339
+PMUL0485
+PMUL0482
+PMUL0483
+PMUL0480
+PMUL0481
+PMUL3825
+PMUL3824
+PMUL3827
+PMUL3820
+PMUL3823
+PMUL3822
+PMUL2426
+PMUL2425
+PMUL3829
+PMUL3828
+PMUL2420
+PMUL2421
+MUL1003
+MUL0740
+PMUL0154
+PMUL0156
+PMUL0150
+PMUL0151
+PMUL0152
+PMUL0153
+MUL1389
+PMUL0158
+PMUL0159
+SNG01477
+MUL2393
+MUL2392
+MUL2391
+MUL2390
+MUL2397
+MUL2396
+MUL2395
+MUL2394
+MUL2399
+MUL2398
+SNG01779
+SNG01777
+SNG01776
+SNG01775
+SNG01774
+SNG01773
+SNG01771
+SNG01770
+MUL0545
+MUL0666
+PMUL0333
+MUL1126
+PMUL0336
+PMUL0338
+PMUL0487
+MUL2537
+MUL2536
+MUL2535
+MUL2534
+PMUL3173
+PMUL3172
+MUL2531
+MUL2530
+PMUL4482
+PMUL4483
+PMUL4480
+PMUL4481
+PMUL4487
+PMUL3179
+PMUL3178
+PMUL2888
+PMUL2889
+PMUL2884
+PMUL2885
+PMUL2886
+PMUL2880
+PMUL2882
+PMUL2883
+PMUL4327
+MUL0540
+MUL0865
+PMUL3212
+PMUL3210
+MUL0864
+PMUL3216
+PMUL3217
+PMUL3214
+PMUL3215
+PMUL4323
+PMUL3219
+MUL0862
+MUL0541
+MUL0860
+SNG02080
+SNG02081
+SNG02082
+SNG02084
+SNG02085
+SNG02086
+SNG02087
+SNG02088
+SNG02089
+MUL1094
+SSNG0018
+SSNG0019
+SSNG0014
+SSNG0015
+SSNG0016
+SSNG0017
+SSNG0010
+SSNG0011
+SSNG0012
+SSNG0013
+MUL0869
+MUL0868
+SNG1293
+SNG1292
+SNG1291
+SNG1290
+SNG1297
+SNG1296
+SNG1295
+SNG1294
+PMUL2221
+SNG1299
+SNG1298
+PMUL2225
+PMUL2226
+PMUL2428
+PMUL4462
+PMUL2429
+PMUL2051
+WOZ20214
+PMUL2057
+PMUL2056
+PMUL2163
+WOZ20326
+PMUL2161
+WOZ20324
+WOZ20323
+WOZ20322
+PMUL2165
+PMUL2164
+MUL0101
+WOZ20329
+PMUL2423
+SNG0746
+SNG0747
+SNG0744
+SNG0745
+SNG0742
+SNG0743
+SNG0740
+SNG0741
+MUL1981
+SNG0748
+SNG0749
+WOZ20219
+WOZ20218
+MUL0056
+MUL0426
+MUL0057
+MUL0054
+MUL0250
+MUL0703
+SNG0520
+MUL0701
+MUL0254
+MUL0255
+MUL0704
+MUL0257
+MUL0258
+MUL0259
+MUL0708
+MUL0709
+MUL0053
+MUL0425
+SNG0670
+SNG0671
+MUL0058
+SNG0679
+PMUL4042
+PMUL1563
+PMUL4040
+PMUL1148
+PMUL1149
+PMUL4318
+PMUL4319
+PMUL1140
+PMUL1141
+PMUL1142
+PMUL1143
+PMUL4316
+PMUL4317
+PMUL1146
+PMUL1147
+MUL0874
+MUL0875
+MUL0876
+MUL0877
+MUL0870
+MUL0871
+MUL0872
+MUL0873
+MUL0878
+MUL0879
+PMUL4048
+MUL0706
+MUL0420
+MUL2700
+MUL0482
+MUL1820
+WOZ20393
+WOZ20390
+SNG0056
+PMUL1194
+WOZ20391
+MUL0905
+WOZ20396
+SNG0054
+WOZ20397
+SNG0055
+WOZ20394
+MUL0900
+MUL1795
+SNG0053
+MUL0655
+MUL0902
+SNG0051
+MUL0487
+MUL1798
+WOZ20399
+PMUL2941
+PMUL2940
+PMUL2943
+PMUL2942
+PMUL2945
+PMUL2944
+PMUL2946
+SNG01694
+SNG01696
+SNG01697
+SNG01690
+SNG01691
+SNG01692
+SNG01698
+SNG01699
+WOZ20132
+WOZ20133
+WOZ20130
+WOZ20131
+WOZ20136
+WOZ20137
+WOZ20134
+WOZ20135
+WOZ20138
+WOZ20139
+SNG01528
+SNG01529
+PMUL0958
+PMUL0959
+PMUL0954
+SNG01523
+SNG01520
+SNG01521
+SNG01526
+SNG01527
+SNG01524
+SNG0452
+MUL0624
+SNG0905
+MUL0630
+SNG0907
+PMUL1829
+SNG0901
+MUL1938
+MUL0627
+MUL1428
+MUL1429
+MUL1398
+MUL1399
+MUL1932
+MUL1397
+MUL1930
+MUL1931
+MUL1936
+MUL1937
+MUL1422
+MUL1423
+SNG0458
+SNG0459
+PMUL3004
+MUL1648
+MUL1649
+MUL1640
+MUL1641
+MUL1642
+MUL1643
+MUL1644
+MUL1645
+MUL1646
+MUL1647
+MUL0767
+MUL2538
+MUL0760
+PMUL1445
+PMUL1332
+PMUL1331
+PMUL4126
+PMUL4121
+PMUL1336
+PMUL4123
+PMUL4122
+PMUL1339
+PMUL1338
+PMUL1449
+PMUL4128
+PMUL3001
+SNG1126
+PMUL3793
+SSNG0226
+PMUL3791
+PMUL3790
+SSNG0223
+PMUL3796
+SSNG0221
+PMUL3794
+PMUL3799
+SSNG0229
+SSNG0228
+SNG0265
+SNG0264
+SNG0267
+SNG0266
+SNG0261
+MUL0112
+MUL0111
+MUL0110
+SNG0269
+SNG0268
+MUL0119
+MUL0118
+MUL0763
+SNG1318
+MUL1179
+SNG1316
+SNG1317
+SNG1314
+SNG1315
+SNG1312
+MUL1173
+PMUL0316
+PMUL0317
+PMUL0314
+PMUL0315
+SNG1310
+PMUL0310
+PMUL0311
+SNG0352
+MUL1171
+PMUL0318
+PMUL0319
+WOZ20499
+MUL0544
+WOZ20495
+WOZ20494
+WOZ20497
+WOZ20496
+WOZ20491
+WOZ20490
+WOZ20493
+WOZ20492
+PMUL2444
+PMUL2445
+PMUL2446
+PMUL2440
+PMUL2441
+PMUL2443
+MUL0647
+PMUL2448
+PMUL2449
+PMUL0179
+PMUL0172
+PMUL0173
+PMUL0170
+PMUL0174
+PMUL0175
+PMUL0568
+MUL0645
+SNG0828
+SNG01755
+PMUL3009
+SNG01757
+SNG01756
+MUL0769
+SNG01752
+SNG01759
+MUL2180
+PMUL0564
+MUL0643
+MUL0642
+PMUL3159
+PMUL3158
+PMUL3155
+PMUL3154
+PMUL3157
+PMUL3156
+PMUL3151
+PMUL3150
+PMUL3153
+PMUL3152
+PMUL1940
+PMUL1941
+PMUL1942
+PMUL1943
+PMUL1944
+MUL2514
+MUL2517
+PMUL4467
+PMUL4468
+PMUL1949
+SNG02310
+SNG02311
+SNG02312
+SNG02313
+SNG02314
+SNG02315
+SNG02316
+SNG02317
+SNG02318
+SNG02319
+PMUL3177
+PMUL3176
+PMUL4488
+PMUL3174
+MUL2533
+MUL2532
+MUL2182
+PMUL3171
+MUL2183
+SNG1366
+PMUL3170
+PMUL0211
+MUL2181
+PMUL0745
+PMUL3398
+MUL2187
+SSNG0032
+SSNG0033
+SSNG0030
+SSNG0031
+SSNG0036
+PMUL0215
+SSNG0034
+SSNG0035
+SSNG0038
+SSNG0039
+PMUL4222
+MUL2539
+PMUL4223
+PMUL4485
+PMUL4220
+PMUL1613
+SNG1364
+MUL1098
+PMUL2208
+PMUL2209
+PMUL2206
+PMUL2207
+MUL1097
+MUL1096
+PMUL2202
+PMUL2203
+MUL1093
+PMUL2201
+PMUL1616
+PMUL2149
+PMUL2148
+MUL1897
+MUL1896
+MUL1891
+WOZ20308
+MUL1893
+MUL1892
+PMUL2141
+WOZ20304
+WOZ20307
+PMUL2142
+WOZ20301
+MUL1898
+WOZ20303
+WOZ20302
+SNG0892
+SNG0893
+SNG0722
+SNG0891
+SNG0724
+SNG0897
+SNG0894
+SNG0895
+SNG0728
+SNG0729
+SNG0898
+SNG0899
+WOZ20261
+MUL0278
+SNG0099
+SNG0092
+MUL0273
+SNG0090
+SNG0091
+MUL0276
+SNG0097
+SNG0094
+MUL0275
+PMUL4489
+PMUL1788
+PMUL1789
+PMUL1782
+PMUL1783
+PMUL1780
+PMUL1786
+PMUL1787
+PMUL1785
+SSNG0196
+PMUL3638
+SSNG0199
+PMUL3211
+PMUL3644
+PMUL3630
+PMUL3631
+PMUL3632
+PMUL3633
+PMUL3634
+PMUL3635
+PMUL3636
+PMUL3646
+PMUL1169
+PMUL1166
+PMUL1167
+PMUL1164
+PMUL3642
+PMUL1162
+PMUL1163
+PMUL1160
+PMUL1161
+SNG0153
+MUL0858
+MUL0859
+MUL0856
+MUL0857
+MUL0854
+MUL0855
+MUL0852
+MUL0853
+MUL0850
+MUL0851
+PMUL0784
+PMUL0786
+PMUL0781
+PMUL0782
+SNG0157
+PMUL0789
+PMUL0788
+SNG0156
+MUL0375
+SNG0154
+MUL0379
+MUL0378
+MUL2368
+SNG0505
+SNG0468
+PMUL1809
+MUL2363
+PMUL2927
+PMUL2926
+PMUL2925
+PMUL2924
+PMUL2923
+PMUL2922
+PMUL2921
+PMUL2920
+PMUL2928
+PMUL3175
+SNG02129
+SNG02123
+SNG02122
+SNG02121
+SNG02120
+SNG02127
+SNG02126
+SNG02124
+PMUL0970
+PMUL0971
+PMUL0976
+PMUL0977
+PMUL0975
+MUL1929
+PMUL0978
+PMUL0979
+MUL1928
+SNG0370
+MUL1439
+SNG0377
+MUL1386
+SNG0463
+MUL1925
+MUL1388
+MUL1927
+MUL1434
+MUL1921
+SNG0462
+MUL1432
+MUL0014
+MUL1431
+MUL1430
+PMUL4865
+PMUL4699
+PMUL4698
+PMUL4693
+PMUL4692
+PMUL4691
+PMUL4690
+PMUL4697
+PMUL4696
+PMUL4695
+PMUL4694
+SNG1323
+PMUL0384
+PMUL3403
+PMUL3402
+PMUL3400
+PMUL3407
+PMUL3406
+PMUL3405
+PMUL3404
+PMUL3409
+MUL1406
+MUL1407
+MUL1404
+MUL1405
+MUL1402
+MUL1403
+MUL1400
+MUL1401
+MUL1408
+MUL1409
+PMUL2228
+SNG0466
+PMUL2229
+SSNG0209
+SSNG0208
+SSNG0205
+SSNG0204
+SSNG0207
+SSNG0206
+SSNG0201
+SSNG0200
+SSNG0203
+SSNG0202
+SNG0465
+MUL1662
+MUL1663
+MUL1660
+MUL1661
+MUL1666
+MUL1667
+MUL1664
+MUL1665
+MUL1668
+MUL1669
+PMUL2222
+MUL0543
+MUL0131
+MUL0130
+MUL0133
+MUL0132
+MUL0135
+MUL0134
+SNG0289
+MUL0136
+SNG0287
+MUL0138
+SNG0285
+SNG0284
+SNG0283
+SNG0282
+SNG0281
+SNG0280
+MUL1515
+WOZ20518
+WOZ20519
+WOZ20510
+WOZ20511
+WOZ20512
+WOZ20513
+WOZ20514
+WOZ20515
+WOZ20516
+WOZ20517
+PMUL1319
+PMUL1318
+MUL1516
+PMUL1311
+PMUL1310
+PMUL1313
+PMUL1312
+PMUL1315
+PMUL1314
+PMUL1317
+PMUL1316
+PMUL0378
+PMUL0379
+PMUL0375
+PMUL0376
+PMUL0370
+PMUL0371
+PMUL0373
+SNG1033
+SNG1300
+WOZ20473
+WOZ20472
+WOZ20471
+PMUL2469
+WOZ20477
+WOZ20476
+WOZ20475
+WOZ20474
+PMUL2463
+WOZ20479
+PMUL2461
+PMUL2466
+PMUL2467
+PMUL2464
+PMUL2465
+MUL1552
+PMUL0190
+PMUL0191
+PMUL0192
+PMUL0193
+PMUL0194
+PMUL0195
+PMUL0196
+PMUL0197
+PMUL0199
+SNG1263
+SNG1260
+MUL0319
+SNG1261
+MUL0318
+PMUL4041
+PMUL4509
+PMUL4508
+PMUL4502
+PMUL4501
+PMUL4500
+PMUL4507
+PMUL4506
+PMUL4504
+PMUL4047
+MUL1553
+PMUL1966
+PMUL1967
+PMUL4444
+PMUL1965
+PMUL1962
+PMUL1963
+PMUL1960
+PMUL1961
+MUL2573
+MUL2572
+MUL2571
+MUL2570
+MUL2577
+MUL2576
+MUL2575
+MUL2574
+SNG02336
+SNG02334
+SNG02335
+SNG02332
+SNG02333
+SNG02330
+SNG02331
+SNG02338
+SNG02339
+WOZ20327
+MUL1711
+WOZ20325
+PMUL2160
+PMUL4998
+PMUL4994
+PMUL4995
+PMUL4996
+PMUL4997
+PMUL4990
+PMUL4991
+PMUL4992
+PMUL4993
+MUL0272
+WOZ20321
+MUL0210
+WOZ20320
+PMUL0420
+PMUL2169
+WOZ20328
+PMUL2264
+PMUL2265
+PMUL2267
+PMUL2260
+MUL1714
+PMUL2262
+PMUL2263
+PMUL2268
+PMUL2269
+MUL0271
+MUL2417
+MUL1879
+MUL1878
+MUL1877
+MUL1876
+MUL1875
+PMUL2124
+MUL1873
+MUL1872
+MUL1871
+MUL1870
+MUL2413
+SNG0708
+SNG0709
+SNG0878
+SNG0879
+SNG0702
+SNG0875
+SNG0700
+SNG0701
+SNG0706
+SNG0707
+SNG0704
+SNG0873
+PMUL1320
+PMUL1321
+PMUL4130
+PMUL2695
+PMUL2694
+PMUL2697
+PMUL1323
+MUL0315
+PMUL2690
+PMUL2692
+PMUL1456
+PMUL0895
+PMUL2699
+PMUL4567
+MUL2044
+PMUL4134
+MUL2043
+PMUL4135
+MUL2042
+PMUL4563
+PMUL0894
+PMUL4138
+PMUL1760
+PMUL1761
+PMUL1762
+PMUL1763
+PMUL1764
+PMUL1765
+PMUL1766
+PMUL1767
+PMUL1768
+PMUL1769
+PMUL1933
+MUL1550
+PMUL3618
+PMUL3619
+PMUL3616
+PMUL3617
+PMUL1932
+PMUL3615
+PMUL3612
+PMUL3613
+PMUL3610
+PMUL3611
+MUL1775
+SNG1082
+MUL1456
+WOZ20043
+SNG1080
+PMUL1104
+PMUL1105
+PMUL1106
+SNG1081
+PMUL1100
+PMUL1101
+PMUL1102
+PMUL1103
+WOZ20046
+PMUL1108
+PMUL1109
+MUL1776
+WOZ20047
+MUL0838
+MUL0839
+WOZ20044
+MUL0830
+MUL0831
+MUL0832
+MUL0833
+MUL0834
+MUL0835
+MUL0836
+MUL0837
+SNG1088
+SNG01908
+SNG01909
+SNG1089
+SSNG0235
+SNG01901
+SNG01902
+SNG01903
+SNG01904
+SNG01905
+SNG01906
+SNG01907
+PMUL3783
+SNG0566
+PMUL3784
+MUL1453
+PMUL3785
+SSNG0232
+SNG1226
+PMUL3787
+PMUL4961
+SNG0567
+SNG1227
+SNG0523
+SNG0564
+MUL0702
+SNG1224
+MUL0251
+MUL0700
+MUL0217
+PMUL3338
+SNG0521
+MUL1773
+SNG0526
+SNG1338
+MUL0707
+MUL1557
+PMUL2909
+SNG0524
+PMUL2905
+PMUL2904
+PMUL2907
+MUL0705
+PMUL2901
+PMUL2900
+PMUL2903
+PMUL2902
+SNG01651
+SNG01652
+SNG01653
+SNG01654
+SNG01656
+SNG01657
+SNG01658
+SNG0528
+SNG0529
+SNG0563
+SNG02101
+SNG02100
+SNG02103
+SNG02105
+SNG02107
+SNG02106
+SNG0560
+MUL2591
+SNG0405
+MUL2590
+SNG1228
+PMUL3058
+PMUL3059
+MUL2592
+SNG0561
+PMUL3050
+MUL2267
+PMUL3052
+PMUL3053
+PMUL3054
+PMUL3055
+PMUL3056
+MUL2594
+MUL2597
+MUL1436
+MUL2596
+MUL1017
+MUL0012
+SNG1035
+SNG1245
+SNG0409
+PMUL3429
+PMUL3428
+PMUL3421
+PMUL3420
+PMUL3423
+PMUL3425
+PMUL3424
+PMUL3427
+PMUL3426
+SNG1268
+MUL0011
+SNG1269
+MUL1460
+MUL1461
+PMUL4287
+MUL1463
+MUL1464
+MUL1465
+MUL1466
+MUL1467
+MUL1468
+MUL1469
+SNG1264
+WOZ20289
+MUL0481
+MUL0480
+MUL0483
+SNG1265
+MUL0485
+MUL0484
+MUL0339
+MUL0486
+MUL0489
+MUL0336
+MUL0335
+MUL0334
+SNG0113
+SNG0112
+MUL0331
+SNG0110
+MUL1512
+MUL1513
+MUL1688
+MUL1689
+MUL1684
+MUL1685
+MUL1686
+MUL1687
+MUL1680
+MUL1681
+MUL1682
+MUL1683
+MUL0159
+MUL0158
+MUL0153
+MUL0152
+MUL0151
+MUL0150
+MUL0157
+MUL0156
+MUL0155
+MUL0154
+WOZ20538
+WOZ20539
+WOZ20536
+WOZ20537
+WOZ20534
+WOZ20535
+WOZ20532
+WOZ20533
+WOZ20530
+WOZ20531
+PMUL1379
+PMUL1378
+PMUL1377
+PMUL1375
+PMUL1374
+PMUL1373
+PMUL1372
+PMUL1371
+PMUL1370
+SSNG0150
+PMUL0353
+PMUL0422
+PMUL0351
+PMUL0424
+PMUL0425
+PMUL0426
+PMUL0427
+PMUL0428
+PMUL0429
+PMUL0359
+WOZ20196
+MUL0007
+WOZ20459
+WOZ20458
+WOZ20197
+WOZ20451
+WOZ20450
+WOZ20453
+WOZ20452
+WOZ20455
+MUL1730
+WOZ20457
+WOZ20191
+PMUL2481
+PMUL2482
+PMUL2483
+PMUL2485
+PMUL2486
+PMUL2487
+PMUL2488
+PMUL2489
+WOZ20193
+SNG1349
+MUL1732
+PMUL1599
+PMUL1593
+PMUL1591
+PMUL1590
+PMUL1597
+PMUL1596
+PMUL1595
+PMUL1594
+MUL2667
+MUL2666
+PMUL3005
+SNG0522
+PMUL3991
+PMUL3990
+PMUL3993
+PMUL3992
+PMUL3995
+PMUL3994
+PMUL3997
+PMUL3996
+PMUL3998
+PMUL1393
+PMUL3002
+PMUL0323
+PMUL4523
+MUL2088
+PMUL4525
+PMUL4524
+PMUL4527
+PMUL0490
+MUL2083
+MUL2082
+MUL2081
+PMUL3000
+MUL2087
+MUL2086
+MUL2085
+MUL2084
+PMUL0320
+PMUL0495
+PMUL0494
+PMUL3199
+PMUL3198
+PMUL0325
+PMUL3191
+PMUL3190
+PMUL3193
+MUL0252
+PMUL3195
+PMUL3194
+PMUL3197
+PMUL3196
+MUL2227
+MUL2226
+MUL2557
+MUL2224
+PMUL1908
+MUL2550
+MUL2553
+MUL2552
+PMUL1904
+PMUL4425
+PMUL4426
+PMUL1907
+MUL2559
+PMUL4421
+PMUL4422
+PMUL1903
+PMUL4311
+PMUL1144
+SNG02350
+PMUL1145
+PMUL4314
+MUL0353
+PMUL4068
+SNG0527
+SNG0735
+PMUL1392
+SNG1328
+MUL0256
+PMUL2248
+PMUL2249
+PMUL2242
+PMUL2243
+PMUL2240
+PMUL2241
+PMUL2246
+PMUL2247
+SNG0525
+SNG01469
+SNG01462
+SNG01460
+SNG01466
+SNG01465
+SNG01464
+SNG0956
+PMUL2066
+PMUL2067
+MUL1859
+MUL1858
+SNG1189
+SNG1188
+PMUL2101
+PMUL2100
+PMUL2103
+PMUL2102
+SNG1183
+SNG1182
+SNG1181
+MUL1852
+SNG1187
+SNG1186
+SNG1185
+SNG1184
+SNG0856
+SNG0857
+SNG0854
+SNG0855
+SNG0852
+SNG0853
+SNG0850
+SNG0851
+SNG0858
+SNG0859
+SNG0645
+MUL1147
+SNG1326
+SNG1325
+MUL1144
+MUL1143
+SNG1322
+SNG1321
+SNG1320
+MUL1149
+MUL1148
+MUL1996
+WOZ20285
+MUL1997
+SNG0580
+SNG0581
+SNG0582
+SNG0583
+SNG0584
+SNG0585
+SNG0586
+SNG0587
+SNG0588
+SNG0589
+MUL0021
+SNG0395
+MUL0020
+MUL0027
+SNG0606
+MUL0025
+MUL1796
+SNG01426
+MUL0024
+PMUL1294
+PMUL1295
+PMUL1296
+PMUL1297
+PMUL1742
+PMUL1743
+PMUL1740
+PMUL1293
+PMUL1298
+PMUL1299
+SNG0545
+PMUL1749
+SNG0446
+SNG0608
+PMUL3674
+PMUL3675
+PMUL3676
+PMUL3677
+PMUL3670
+PMUL3671
+PMUL3672
+PMUL3673
+PMUL3678
+PMUL3679
+SNG0441
+MUL1794
+PMUL4054
+PMUL1122
+PMUL1123
+PMUL1120
+PMUL1121
+PMUL1126
+PMUL1127
+PMUL1124
+PMUL1125
+SNG0324
+MUL0813
+MUL0810
+SNG0327
+MUL0816
+SNG0321
+MUL0814
+SNG0323
+PMUL4051
+MUL0818
+MUL0819
+SNG0328
+SNG0329
+PMUL1570
+PMUL1573
+PMUL4052
+SNG0540
+SNG0443
+SNG01928
+SNG01929
+SNG01926
+PMUL4059
+SNG01924
+SNG01925
+SNG01922
+SNG01920
+PMUL4058
+SNG0541
+SNG0442
+SNG0579
+SNG0542
+WOZ20384
+MUL0931
+PMUL1916
+PMUL0658
+MUL0930
+PMUL0653
+MUL1819
+PMUL0651
+PMUL0650
+PMUL0657
+PMUL0656
+MUL1818
+SNG0020
+WOZ20383
+MUL0935
+MUL1768
+SNG0026
+SNG1147
+PMUL1397
+SNG0025
+MUL1766
+SNG0024
+MUL1765
+SNG1144
+WOZ20389
+PMUL1914
+MUL1810
+SNG01676
+SNG01677
+SNG01674
+SNG01675
+SNG01672
+MUL1761
+SNG01670
+SNG01671
+MUL0031
+MUL1760
+SNG01678
+SNG01679
+SNG02167
+SNG02164
+SNG02163
+SNG02162
+SNG02161
+SNG02160
+SNG01585
+SNG01586
+SNG01587
+SNG01580
+SNG0448
+SNG01582
+SNG02168
+PMUL3078
+PMUL3079
+PMUL3076
+PMUL3077
+PMUL3075
+PMUL3072
+PMUL3073
+PMUL3070
+PMUL3071
+PMUL2696
+PMUL2358
+MUL1362
+MUL0035
+SNG0424
+MUL2518
+MUL0036
+SNG0810
+PMUL2353
+PMUL1976
+PMUL3449
+PMUL3447
+PMUL3446
+PMUL3445
+PMUL3444
+PMUL3443
+PMUL3442
+PMUL3441
+PMUL3440
+MUL0038
+MUL1448
+MUL1449
+MUL1338
+MUL1339
+MUL1442
+MUL1443
+MUL1336
+MUL1337
+MUL1330
+MUL1331
+MUL1444
+MUL1445
+SNG0139
+SNG0138
+SNG0131
+MUL0310
+SNG0133
+SNG0132
+SNG0135
+MUL0314
+SNG0137
+MUL0316
+WOZ20088
+WOZ20089
+WOZ20086
+WOZ20087
+WOZ20084
+WOZ20085
+WOZ20082
+WOZ20083
+WOZ20080
+WOZ20081
+PMUL0868
+PMUL0869
+PMUL0860
+PMUL0861
+PMUL0862
+PMUL0863
+PMUL0864
+PMUL0865
+PMUL0866
+PMUL0867
+MUL1109
+MUL0372
+MUL1108
+WOZ20554
+PMUL2711
+WOZ20556
+PMUL2713
+PMUL2714
+WOZ20551
+WOZ20552
+WOZ20553
+PMUL2718
+PMUL2719
+WOZ20558
+WOZ20559
+MUL0371
+PMUL1354
+PMUL1357
+PMUL1356
+PMUL1351
+PMUL1350
+PMUL1352
+PMUL1359
+PMUL1358
+PMUL0406
+PMUL0407
+PMUL0404
+MUL1100
+PMUL0402
+PMUL0403
+PMUL0400
+PMUL0401
+MUL1107
+PMUL0408
+PMUL0409
+MUL1105
+WOZ20439
+WOZ20438
+WOZ20437
+WOZ20436
+WOZ20435
+WOZ20434
+WOZ20433
+WOZ20432
+WOZ20431
+WOZ20430
+MUL0175
+MUL0174
+MUL0177
+MUL0176
+MUL0171
+MUL0170
+MUL0173
+MUL0172
+MUL0179
+MUL0178
+MUL2423
+PMUL4090
+PMUL4093
+PMUL4092
+PMUL4095
+PMUL4094
+PMUL4097
+PMUL4096
+PMUL4099
+PMUL4098
+MUL0966
+PMUL4547
+PMUL4546
+PMUL4545
+PMUL4544
+PMUL4543
+PMUL4542
+PMUL4541
+PMUL4540
+PMUL4549
+PMUL4548
+PMUL1922
+PMUL4403
+MUL2203
+PMUL1921
+MUL2205
+PMUL1927
+PMUL1924
+PMUL4405
+MUL2209
+MUL2208
+PMUL1928
+PMUL4409
+PMUL0850
+MUL1752
+MUL0237
+PMUL4499
+MUL2521
+PMUL0226
+PMUL0227
+PMUL0225
+PMUL0730
+PMUL1702
+PMUL0732
+PMUL1703
+PMUL1700
+PMUL4490
+PMUL1603
+PMUL1253
+MUL2176
+PMUL4237
+PMUL1838
+SNG01440
+SNG01443
+SNG01442
+SNG01445
+SNG01444
+SNG01447
+SNG01446
+SNG01449
+PMUL1607
+PMUL1257
+PMUL4230
+PMUL4233
+PMUL1604
+MUL1785
+MUL1832
+MUL1831
+MUL1786
+MUL1781
+MUL1780
+MUL1783
+MUL1782
+MUL1839
+MUL1838
+MUL1789
+MUL1788
+SNG0830
+SNG0831
+SNG0832
+SNG0833
+SNG0834
+SNG0835
+SNG0836
+SNG0837
+SNG0838
+SNG0839
+MUL0964
+WOZ20569
+MUL1582
+SNG1301
+MUL1160
+SNG1303
+SNG1302
+SNG1305
+MUL1164
+MUL1167
+SNG1306
+MUL1169
+SNG1308
+WOZ20565
+PMUL2720
+WOZ20567
+MUL0788
+MUL0789
+MUL0782
+MUL0783
+MUL0780
+MUL0781
+MUL0786
+MUL0787
+MUL0784
+MUL0785
+PMUL3384
+PMUL3385
+PMUL3386
+PMUL3387
+PMUL3380
+WOZ20563
+PMUL3382
+PMUL3383
+MUL1588
+PMUL3389
+PMUL1728
+PMUL1729
+PMUL1724
+PMUL1725
+PMUL1726
+PMUL1720
+PMUL1721
+SNG0390
+PMUL1723
+SNG01622
+PMUL3658
+PMUL3659
+SSNG0188
+SSNG0189
+PMUL3652
+SSNG0187
+PMUL3650
+SSNG0185
+SSNG0182
+PMUL3657
+SSNG0180
+SSNG0181
+PMUL4392
+PMUL4393
+PMUL4390
+PMUL4391
+PMUL4396
+PMUL4397
+PMUL4394
+PMUL4395
+PMUL4398
+PMUL4399
+SNG0308
+SNG0309
+SNG0306
+SNG0307
+SNG0304
+SNG0305
+SNG0302
+SNG0303
+SNG0300
+SNG0301
+MUL0360
+MUL0361
+PMUL0955
+PMUL0950
+SNG0142
+PMUL0951
+MUL0363
+PMUL0952
+SNG0144
+MUL0365
+SNG01944
+SNG01945
+SNG01946
+SNG01947
+SNG01940
+SNG0146
+SNG01942
+SNG01943
+MUL0367
+SNG01948
+SNG01949
+MUL0368
+PMUL0099
+PMUL0098
+MUL0369
+PMUL0095
+PMUL0094
+PMUL0097
+PMUL0091
+PMUL0090
+PMUL0092
+SNG0397
+PMUL2529
+PMUL2528
+PMUL2523
+PMUL2522
+PMUL2521
+PMUL2520
+PMUL2527
+PMUL2526
+PMUL2525
+PMUL2524
+MUL0653
+SNG0396
+PMUL0671
+PMUL0673
+PMUL0672
+PMUL0675
+PMUL0674
+PMUL0677
+PMUL0676
+PMUL0679
+PMUL0678
+PMUL4588
+SNG0882
+SNG02096
+SNG01618
+SNG01619
+SNG01614
+SNG01616
+SNG0114
+SNG01610
+SNG01611
+SNG01612
+MUL1047
+PMUL1117
+MUL1294
+MUL1939
+PMUL3014
+PMUL3015
+PMUL3017
+PMUL3010
+PMUL3011
+PMUL3012
+PMUL3013
+PMUL3018
+PMUL3019
+MUL1424
+WOZ20382
+MUL1425
+MUL1394
+MUL1427
+MUL1392
+MUL1421
+MUL1934
+MUL1391
+PMUL4001
+SNG1132
+SNG02149
+SNG02148
+SNG02144
+SNG02147
+SNG02146
+SNG02141
+SNG02143
+SNG02142
+PMUL3465
+PMUL3464
+PMUL3467
+PMUL3466
+PMUL3461
+PMUL3460
+PMUL3463
+PMUL3462
+PMUL3469
+PMUL3468
+MUL1316
+MUL1317
+MUL1314
+MUL1315
+MUL1312
+MUL1313
+MUL1310
+MUL1311
+MUL1318
+MUL1319
+SNG0293
+PMUL1302
+PMUL2239
+PMUL2238
+SNG1136
+PMUL2233
+PMUL0848
+PMUL0849
+PMUL0847
+PMUL0844
+PMUL0845
+PMUL0842
+PMUL0843
+PMUL0840
+PMUL0841
+WOZ20578
+WOZ20579
+WOZ20572
+WOZ20573
+WOZ20570
+WOZ20571
+WOZ20576
+WOZ20577
+WOZ20574
+WOZ20575
+PMUL2736
+PMUL2734
+PMUL2735
+PMUL2732
+SNG1134
+PMUL2730
+PMUL2731
+PMUL2738
+PMUL2739
+MUL0373
+SNG0152
+SNG0151
+MUL0370
+MUL0377
+MUL0376
+SNG0155
+MUL0374
+SNG0159
+SNG0158
+SNG1135
+WOZ20415
+WOZ20414
+WOZ20417
+WOZ20416
+WOZ20411
+WOZ20410
+WOZ20413
+WOZ20412
+MUL0890
+WOZ20419
+WOZ20418
+MUL0199
+MUL0198
+MUL0197
+MUL0196
+MUL0195
+MUL0194
+MUL0193
+MUL0192
+MUL0191
+MUL0190
+SSNG0118
+MUL0997
+MUL0996
+MUL0995
+MUL0994
+MUL0993
+MUL0992
+MUL0991
+MUL0990
+MUL2020
+MUL0999
+MUL0998
+PMUL0468
+PMUL0465
+PMUL0466
+PMUL0467
+PMUL0460
+PMUL0461
+PMUL0463
+MUL0986
+PMUL4569
+PMUL4568
+MUL2049
+MUL2048
+MUL2047
+MUL2046
+MUL2045
+PMUL4566
+PMUL4561
+PMUL4560
+MUL2041
+MUL2040
+SNG1154
+MUL1099
+MUL2599
+MUL2598
+MUL2269
+MUL2268
+MUL2263
+MUL2262
+MUL2261
+MUL2260
+MUL2595
+MUL2266
+MUL2265
+MUL2264
+PMUL0288
+PMUL0289
+PMUL0280
+PMUL0282
+PMUL0283
+PMUL0284
+PMUL0285
+PMUL0286
+PMUL0287
+PMUL3434
+MUL1801
+SSNG0111
+SNG1150
+MUL0107
+PMUL2151
+SSNG0110
+MUL1807
+SSNG0113
+PMUL2286
+PMUL2287
+PMUL2284
+PMUL2282
+PMUL2283
+PMUL2280
+PMUL2281
+SNG0638
+PMUL2288
+PMUL2289
+SNG01427
+SNG0733
+SNG01425
+SNG01424
+SNG01423
+SNG01422
+SNG01421
+SNG01420
+SNG0731
+SNG01429
+SNG01428
+PMUL2119
+SNG0886
+SNG0737
+SNG0736
+WOZ20385
+MUL2421
+WOZ20387
+WOZ20386
+WOZ20381
+WOZ20380
+SNG1149
+SNG1148
+MUL1767
+SNG1146
+MUL1817
+MUL1816
+MUL1763
+WOZ20388
+SNG1141
+MUL1812
+PMUL4733
+PMUL4734
+MUL2424
+SNG0818
+SNG0819
+MUL2427
+SNG0812
+SNG0813
+MUL0967
+PMUL4737
+SNG0816
+SNG0817
+SNG0814
+SNG0815
+PMUL4739
+PMUL4594
+MUL2059
+PMUL4125
+SNG1369
+SNG1368
+SSNG0117
+SNG1363
+SNG1362
+MUL1101
+SNG1360
+SNG1367
+PMUL4127
+SNG1365
+MUL1104
+PMUL4598
+PMUL1446
+PMUL4599
+PMUL1337
+PMUL4120
+SSNG0116
+PMUL1443
+MUL0965
+PMUL1334
+PMUL4828
+PMUL4829
+MUL0888
+PMUL4821
+PMUL4822
+PMUL4824
+PMUL4825
+PMUL4826
+PMUL4827
+PMUL1250
+PMUL1251
+PMUL1252
+PMUL1701
+PMUL1254
+PMUL1255
+PMUL1256
+PMUL1705
+PMUL1258
+PMUL1259
+PMUL1708
+PMUL1709
+PMUL1448
+SNG01583
+SNG0633
+WOZ20608
+SNG02008
+WOZ20054
+SNG0630
+SNG0368
+SNG0369
+SNG0360
+SNG0361
+SNG0362
+SNG0363
+SNG0364
+SNG0365
+SNG0366
+SNG0367
+WOZ20053
+MUL0884
+SNG1078
+MUL0894
+SNG02000
+SNG1075
+SSNG0227
+SNG1074
+PMUL3792
+SNG1073
+SSNG0225
+SNG1072
+PMUL0073
+PMUL0070
+PMUL0077
+SNG1071
+PMUL0075
+PMUL0074
+PMUL3797
+PMUL0079
+SNG02007
+SSNG0222
+PMUL3795
+SSNG0220
+PMUL2501
+PMUL2500
+PMUL2503
+PMUL2502
+PMUL2505
+PMUL2504
+PMUL2507
+PMUL2509
+PMUL2508
+MUL0284
+SNG0634
+PMUL4144
+PMUL0617
+PMUL0615
+PMUL0614
+PMUL0613
+PMUL0612
+PMUL0610
+PMUL0619
+WOZ20600
+WOZ20601
+WOZ20602
+WOZ20603
+WOZ20604
+WOZ20605
+WOZ20606
+WOZ20607
+PMUL4565
+WOZ20609
+SNG01968
+SNG01969
+SNG01962
+MUL0269
+SNG01961
+SNG01966
+SNG01967
+SNG01964
+SNG01965
+SNG01632
+SNG01633
+SNG01630
+SNG01631
+SNG01636
+SNG01637
+SNG01634
+SNG01635
+SNG01638
+SNG01639
+SNG0276
+MUL1211
+MUL0265
+PMUL4885
+MUL0264
+PMUL4882
+MUL0267
+PMUL4883
+SNG0086
+MUL1215
+SNG0659
+MUL0261
+MUL1214
+PMUL2759
+MUL0260
+MUL0263
+SNG1111
+MUL0117
+MUL0116
+MUL0115
+PMUL3038
+PMUL3039
+PMUL3369
+PMUL3032
+PMUL3033
+PMUL3030
+PMUL3031
+PMUL3036
+PMUL3037
+PMUL3035
+MUL2674
+MUL2675
+MUL2676
+MUL2677
+MUL2670
+PMUL1888
+MUL2672
+MUL2673
+PMUL1885
+PMUL1884
+PMUL1887
+SNG0262
+MUL2678
+MUL2679
+PMUL1883
+PMUL1882
+SNG1113
+PMUL4023
+PMUL4613
+PMUL4612
+PMUL4611
+PMUL4610
+PMUL4617
+PMUL4616
+PMUL4615
+PMUL1665
+PMUL4618
+SNG1115
+SNG0716
+PMUL4025
+MUL1039
+SNG1116
+MUL1038
+MUL1370
+MUL1371
+PMUL2349
+MUL1373
+MUL1374
+MUL1375
+MUL1376
+MUL1377
+MUL1378
+MUL1379
+PMUL2341
+PMUL2340
+PMUL2347
+PMUL2345
+PMUL2344
+MUL1033
+MUL1520
+SNG1211
+SSNG0285
+SSNG0284
+SSNG0287
+MUL1030
+SSNG0281
+SSNG0280
+SSNG0283
+SSNG0282
+MUL1037
+SSNG0289
+SSNG0288
+MUL1524
+SNG1215
+MUL1526
+MUL2114
+PMUL0824
+PMUL0825
+PMUL0826
+PMUL0827
+SNG0652
+PMUL0822
+PMUL0823
+PMUL0829
+WOZ20590
+MUL1595
+WOZ20592
+WOZ20593
+WOZ20594
+MUL1591
+MUL1592
+MUL1593
+WOZ20598
+PMUL2755
+PMUL2756
+PMUL2757
+MUL1598
+MUL1599
+PMUL2752
+PMUL2753
+SNG01399
+SNG01398
+SNG01394
+SNG01397
+SNG01396
+SNG01391
+SNG01393
+SNG01392
+MUL0359
+MUL0358
+MUL0429
+MUL0428
+MUL0427
+MUL0354
+SNG0177
+SNG0176
+MUL0423
+SNG0170
+SNG0173
+SNG0172
+MUL1988
+MUL1821
+MUL1012
+SNG0117
+MUL1822
+PMUL1068
+SNG0116
+PMUL1063
+PMUL1062
+PMUL1060
+PMUL1067
+PMUL1066
+PMUL1064
+PMUL4959
+MUL1823
+PMUL0442
+PMUL0443
+PMUL0441
+PMUL0446
+PMUL0445
+PMUL0448
+PMUL0449
+MUL0940
+PMUL3932
+PMUL3931
+PMUL3937
+PMUL3936
+PMUL3935
+PMUL3934
+PMUL3939
+PMUL3938
+MUL2069
+MUL2068
+PMUL4581
+PMUL4580
+PMUL4587
+PMUL4586
+PMUL4585
+PMUL4584
+MUL2061
+MUL2060
+PMUL4589
+MUL2062
+MUL2065
+MUL2064
+MUL0941
+MUL2671
+MUL1825
+SNG0010
+PMUL0313
+MUL2245
+MUL2244
+MUL2247
+MUL2246
+MUL2241
+MUL2240
+MUL2243
+MUL2242
+PMUL1881
+MUL2249
+MUL2248
+PMUL1880
+PMUL4305
+PMUL4304
+MUL0943
+PMUL4307
+MUL1827
+PMUL3903
+PMUL4301
+PMUL4300
+PMUL1155
+SNG0016
+PMUL1154
+PMUL1959
+MUL0945
+WOZ20498
+SSNG0076
+MUL0946
+SNG02269
+SNG02260
+SNG02263
+SNG02264
+SNG02265
+SNG02266
+PMUL2071
+MUL0947
+SNG01409
+SNG01408
+SNG01405
+MUL2544
+SNG01407
+SNG01406
+SNG01401
+SNG01400
+SNG01403
+PMUL2072
+WOZ20231
+PMUL2074
+PMUL2291
+MUL1749
+MUL1748
+MUL1299
+MUL1298
+MUL1741
+MUL1292
+MUL1291
+MUL1290
+MUL1297
+MUL1296
+MUL1295
+SNG1166
+SSNG0097
+PMUL2296
+SNG0711
+SNG0354
+PMUL3340
+SNG0610
+PMUL3342
+PMUL3343
+PMUL3344
+PMUL3345
+PMUL3346
+PMUL3347
+PMUL3348
+PMUL3349
+MUL0032
+MUL2545
+SNG0613
+PMUL4808
+PMUL4807
+PMUL4804
+PMUL4805
+PMUL4802
+PMUL4803
+PMUL4800
+PMUL4801
+PMUL1276
+PMUL1277
+PMUL1274
+PMUL1275
+PMUL1273
+PMUL1270
+PMUL1271
+MUL0037
+PMUL1278
+PMUL1279
+SNG0698
+SNG0699
+MUL0039
+SNG0690
+SNG0691
+SNG0692
+SNG0693
+SNG0694
+SNG0695
+SNG0696
+SNG0697
+PMUL3696
+PMUL3697
+PMUL3694
+PMUL3695
+PMUL3692
+PMUL3693
+PMUL3690
+PMUL3691
+PMUL3698
+PMUL3699
+MUL1125
+SNG1344
+SNG1347
+SNG1346
+SNG1341
+MUL1120
+SNG1343
+SNG1342
+MUL1129
+MUL1128
+SNG0434
+SNG0343
+SNG0340
+MUL0657
+MUL0650
+SNG0347
+SNG0344
+SNG0433
+SNG0348
+SNG0349
+MUL0658
+MUL0659
+SNG0350
+MUL0942
+SNG1032
+PMUL0421
+SNG0353
+PMUL0059
+PMUL0058
+PMUL0050
+PMUL0053
+PMUL0052
+PMUL0055
+PMUL0054
+PMUL0057
+PMUL0056
+PMUL0587
+PMUL0586
+PMUL0585
+PMUL0584
+PMUL0583
+PMUL0581
+PMUL0580
+PMUL0589
+PMUL4227
+PMUL2567
+PMUL2566
+PMUL2565
+PMUL2564
+PMUL2563
+PMUL1189
+PMUL2561
+PMUL2560
+SNG01180
+PMUL1185
+PMUL1186
+PMUL1187
+PMUL1180
+SNG01185
+PMUL2569
+PMUL1183
+PMUL0639
+PMUL0638
+PMUL0635
+PMUL0637
+PMUL0636
+PMUL0631
+PMUL0630
+PMUL0633
+PMUL0632
+SSNG0322
+SSNG0323
+MUL1778
+SSNG0320
+MUL1779
+WOZ20626
+WOZ20627
+WOZ20624
+WOZ20625
+WOZ20622
+WOZ20623
+WOZ20620
+WOZ20621
+SSNG0326
+PMUL1204
+WOZ20628
+WOZ20629
+MUL1802
+SNG01982
+SNG01983
+SNG01984
+SSNG0324
+MUL1803
+SNG01988
+MUL2239
+SSNG0325
+MUL1800
+SNG1157
+MUL1770
+SNG0150
+SNG1151
+SNG1152
+SNG1153
+PMUL4248
+PMUL4249
+PMUL4240
+PMUL4241
+PMUL4242
+PMUL4243
+PMUL4244
+PMUL4245
+PMUL4246
+PMUL4247
+SNG01665
+PMUL1863
+PMUL1862
+PMUL1861
+PMUL1860
+PMUL1867
+PMUL1866
+MUL2658
+PMUL1864
+MUL2656
+MUL2657
+PMUL1869
+PMUL1868
+MUL2652
+MUL2653
+MUL2650
+MUL2651
+PMUL2984
+PMUL2987
+PMUL2986
+PMUL2981
+PMUL2980
+PMUL2983
+PMUL2982
+SNG1176
+PMUL2989
+PMUL2988
+PMUL1870
+SNG0928
+MUL1372
+PMUL4639
+PMUL4638
+SNG1177
+PMUL4631
+PMUL4630
+PMUL4633
+PMUL4632
+PMUL4635
+PMUL4634
+PMUL4637
+PMUL4636
+SNG02189
+SNG02181
+SNG02180
+SNG02183
+SNG02185
+SNG02187
+SNG02186
+PMUL2343
+SNG1174
+PMUL2342
+SNG1175
+PMUL2361
+PMUL2360
+PMUL2363
+PMUL2362
+PMUL2365
+PMUL2364
+PMUL2367
+PMUL2366
+PMUL2369
+PMUL2368
+MUL1350
+MUL1351
+MUL1356
+MUL1357
+MUL1354
+MUL1355
+WOZ20020
+WOZ20021
+WOZ20022
+WOZ20023
+WOZ20024
+WOZ20025
+WOZ20026
+WOZ20027
+WOZ20028
+WOZ20029
+MUL2218
+SNG01218
+SNG01219
+PMUL0808
+PMUL0809
+PMUL0802
+PMUL0803
+PMUL0800
+PMUL0801
+SNG01214
+SNG01215
+SNG01216
+SNG1378
+SNG1379
+PMUL2772
+PMUL2770
+SSNG0286
+PMUL2776
+PMUL2777
+PMUL2774
+PMUL2775
+PMUL2778
+PMUL2779
+SNG01373
+SNG01372
+SNG01377
+SNG01375
+SNG01379
+SNG01378
+MUL0409
+SNG1370
+SNG1371
+MUL0401
+MUL0400
+MUL0403
+MUL0402
+MUL0405
+MUL1112
+MUL0407
+MUL0406
+SNG1373
+SNG1374
+MUL1115
+MUL1116
+MUL1117
+PMUL3579
+PMUL3578
+PMUL3573
+PMUL3572
+PMUL3571
+PMUL3570
+PMUL3577
+PMUL3576
+PMUL3574
+PMUL1513
+PMUL1040
+PMUL1043
+PMUL1510
+PMUL4037
+PMUL1044
+PMUL1515
+PMUL1514
+PMUL1049
+PMUL1519
+PMUL4038
+MUL2213
+MUL2003
+MUL2002
+MUL2001
+MUL2000
+MUL2007
+MUL2006
+MUL2005
+MUL2004
+MUL2009
+MUL2008
+PMUL3700
+PMUL0506
+PMUL0505
+PMUL3703
+PMUL3704
+PMUL0502
+PMUL1645
+PMUL0501
+PMUL3707
+SNG0732
+SNG0322
+MUL0632
+PMUL2733
+PMUL3919
+PMUL3918
+PMUL0230
+PMUL3911
+PMUL3913
+PMUL3912
+PMUL3915
+PMUL3914
+PMUL3917
+PMUL3916
+PMUL4460
+PMUL4461
+MUL2513
+PMUL4463
+PMUL4464
+PMUL0236
+PMUL1945
+PMUL1946
+MUL2516
+MUL2519
+PMUL4469
+PMUL0722
+PMUL1243
+MUL0293
+SNG02246
+SNG02247
+SNG02244
+SNG02242
+PMUL1717
+SNG02240
+SNG02241
+PMUL1636
+PMUL1240
+PMUL1637
+PMUL1634
+PMUL1710
+MUL2167
+PMUL1245
+PMUL1712
+MUL2161
+PMUL1630
+SNG01186
+SSNG0051
+MUL1594
+WOZ20591
+MUL1596
+MUL2027
+MUL1597
+PMUL4798
+PMUL4799
+PMUL4796
+MUL1590
+PMUL4794
+PMUL4795
+PMUL4792
+PMUL4793
+PMUL4790
+WOZ20595
+WOZ20125
+WOZ20596
+SNG02139
+WOZ20597
+WOZ20599
+WOZ20120
+PMUL3366
+PMUL3367
+PMUL3364
+PMUL3365
+PMUL3362
+PMUL3363
+PMUL3360
+PMUL3361
+PMUL2750
+PMUL3368
+PMUL2751
+SNG1103
+MUL1722
+MUL1721
+PMUL4867
+PMUL4860
+PMUL4861
+MUL1725
+PMUL4863
+SNG1109
+MUL1728
+PMUL4868
+PMUL4869
+MUL0092
+MUL0093
+MUL0090
+MUL0091
+MUL0096
+MUL0097
+MUL0094
+MUL0095
+WOZ20129
+MUL0098
+MUL0099
+WOZ20128
+SSNG0120
+SSNG0121
+SSNG0122
+SSNG0123
+SSNG0124
+SSNG0125
+SSNG0126
+SSNG0127
+SSNG0128
+SSNG0129
+SNG01851
+SNG0675
+PMUL4326
+MUL0898
+MUL0899
+SNG0418
+MUL0679
+MUL0676
+MUL0893
+SNG0414
+MUL0675
+MUL0896
+MUL0673
+SNG0410
+MUL0671
+PMUL0947
+PMUL0946
+PMUL0945
+WOZ20259
+WOZ20258
+WOZ20253
+WOZ20252
+WOZ20251
+WOZ20250
+WOZ20257
+WOZ20256
+WOZ20255
+WOZ20254
+PMUL2097
+PMUL2096
+PMUL2094
+PMUL2093
+PMUL2092
+PMUL2091
+PMUL2090
+PMUL1214
+SNG0179
+PMUL1216
+PMUL1217
+PMUL1210
+PMUL1211
+PMUL1212
+SNG0178
+PMUL0039
+PMUL0038
+PMUL0037
+PMUL0036
+PMUL0035
+PMUL0034
+PMUL0032
+PMUL0031
+PMUL0030
+MUL0355
+SNG0174
+MUL0357
+MUL0424
+PMUL2545
+SNG0171
+PMUL2547
+PMUL2546
+PMUL2540
+MUL0350
+MUL0421
+MUL0352
+SNG0355
+MUL0646
+SNG0425
+MUL0644
+WOZ20648
+WOZ20649
+WOZ20644
+WOZ20645
+WOZ20646
+WOZ20647
+WOZ20640
+WOZ20641
+WOZ20642
+WOZ20643
+SNG0421
+SNG01935
+SNG0420
+MUL0649
+MUL0648
+PMUL4268
+PMUL4266
+PMUL4267
+PMUL4264
+PMUL4265
+PMUL4263
+PMUL4260
+PMUL4261
+SNG1225
+PMUL1024
+MUL1418
+PMUL1849
+PMUL1848
+PMUL1841
+PMUL1840
+PMUL1843
+PMUL1842
+PMUL1845
+PMUL1844
+PMUL1847
+SSNG0037
+MUL2638
+MUL2639
+MUL2630
+MUL2631
+MUL2632
+MUL2633
+MUL2634
+MUL2635
+MUL2636
+MUL2637
+SNG0175
+MUL1414
+PMUL4658
+PMUL4657
+PMUL4656
+PMUL4655
+PMUL4654
+PMUL4653
+PMUL4652
+PMUL4651
+PMUL4650
+MUL0345
+PMUL1020
+PMUL2307
+PMUL2306
+PMUL2305
+PMUL2304
+PMUL2303
+PMUL2302
+PMUL2301
+PMUL2309
+SNG0033
+WOZ20006
+WOZ20007
+WOZ20004
+WOZ20005
+WOZ20002
+WOZ20003
+WOZ20000
+WOZ20001
+PMUL1898
+MUL2237
+WOZ20009
+SNG01238
+SNG01239
+SNG01236
+SNG01237
+SNG01234
+SNG01235
+SNG01232
+SNG01233
+SNG01230
+SNG01231
+MUL1095
+PMUL1899
+MUL2230
+PMUL2204
+PMUL2205
+MUL1091
+MUL1090
+SNG01359
+SNG01358
+PMUL2200
+SNG01350
+MUL2231
+MUL1092
+SNG01355
+SNG01356
+MUL0463
+MUL0462
+MUL0461
+MUL0460
+MUL0467
+MUL0466
+MUL0465
+MUL0464
+MUL0469
+MUL0468
+WOZ20442
+PMUL2478
+MUL2233
+PMUL0594
+PMUL1028
+PMUL0047
+PMUL2055
+PMUL0596
+PMUL3550
+PMUL3552
+PMUL3555
+PMUL3554
+PMUL3557
+PMUL3556
+PMUL3559
+PMUL3558
+PMUL0043
+PMUL4019
+PMUL4018
+PMUL0592
+PMUL4011
+PMUL4010
+PMUL4013
+PMUL1532
+PMUL1535
+PMUL1534
+PMUL4017
+PMUL1536
+SNG0067
+PMUL1026
+MUL0285
+SNG0064
+MUL0283
+PMUL1022
+PMUL1021
+SNG0060
+MUL0289
+MUL0288
+SSNG0359
+SSNG0358
+SSNG0353
+SSNG0352
+SSNG0351
+SSNG0350
+SSNG0357
+SSNG0356
+SSNG0355
+SSNG0354
+SNG01829
+SNG01828
+MUL2029
+MUL2028
+SNG01823
+MUL2024
+SNG01821
+MUL2026
+MUL2021
+SNG01826
+SNG01825
+MUL2022
+MUL1895
+MUL1894
+WOZ20309
+MUL1890
+MUL2289
+MUL2288
+MUL2281
+MUL2280
+MUL2283
+MUL2282
+MUL2285
+MUL2284
+MUL2287
+MUL2286
+PMUL0778
+WOZ20305
+PMUL2140
+PMUL0770
+PMUL0771
+PMUL0773
+PMUL0775
+PMUL0776
+PMUL0777
+WOZ20306
+PMUL2145
+WOZ20300
+PMUL2147
+PMUL3979
+PMUL3978
+PMUL3976
+PMUL3975
+PMUL3974
+PMUL3973
+PMUL3972
+PMUL3970
+PMUL1894
+PMUL1895
+MUL0253
+PMUL2472
+SNG02224
+PMUL3933
+SNG02226
+SNG02227
+SNG02220
+SNG02221
+SNG02223
+SNG02229
+PMUL3653
+SNG0720
+SNG0721
+SNG0890
+SNG0723
+SNG0896
+SNG0725
+SNG0726
+SNG0727
+PMUL4583
+MUL0960
+PMUL4725
+PMUL4582
+MUL2439
+PMUL4729
+PMUL4728
+PMUL3308
+PMUL3309
+PMUL3304
+PMUL3305
+PMUL3306
+PMUL3307
+PMUL3300
+PMUL3301
+PMUL3302
+PMUL3303
+PMUL4848
+PMUL4849
+PMUL4842
+PMUL4843
+PMUL4840
+PMUL4841
+PMUL4846
+PMUL4847
+PMUL4844
+PMUL4845
+MUL1709
+SNG1128
+MUL1259
+MUL1258
+SNG1125
+SNG1124
+MUL1707
+MUL1706
+MUL1253
+SNG1120
+MUL1251
+MUL1250
+PMUL0276
+SNG0658
+MUL0079
+MUL0074
+MUL0075
+SNG0656
+MUL0077
+SNG0650
+MUL0071
+MUL0072
+MUL0073
+SSNG0106
+SSNG0107
+SSNG0104
+SSNG0105
+SSNG0102
+SSNG0103
+SSNG0100
+SSNG0101
+SSNG0108
+SSNG0109
+SNG1389
+SNG1388
+SNG1381
+SNG1380
+SNG1383
+SNG1382
+SNG1385
+SNG1384
+SNG1387
+SNG1386
+SNG0478
+MUL0619
+MUL0610
+MUL0611
+SNG0472
+SNG0473
+SNG0474
+MUL0615
+MUL0616
+SNG0477
+WOZ20271
+WOZ20270
+WOZ20273
+WOZ20272
+WOZ20275
+WOZ20274
+WOZ20277
+WOZ20276
+WOZ20279
+WOZ20278
+PMUL1232
+SNG1064
+PMUL1230
+PMUL1231
+PMUL1236
+PMUL1237
+PMUL1234
+PMUL1235
+PMUL1238
+PMUL1239
+SNG1066
+PMUL0543
+PMUL0014
+PMUL0017
+PMUL0540
+PMUL0011
+PMUL0010
+PMUL0013
+PMUL0544
+SNG1060
+PMUL0549
+PMUL0548
+PMUL0019
+PMUL0018
+SNG1062
+SNG02014
+SNG01976
+PMUL1450
+SNG01292
+SNG0386
+SNG0387
+SNG0384
+SNG0385
+SNG0382
+SNG0383
+SNG0380
+SNG0381
+SNG01294
+SNG0388
+SNG0389
+SNG01296
+SNG01624
+PMUL1451
+PMUL0885
+WOZ20662
+WOZ20663
+WOZ20660
+WOZ20661
+SNG1067
+WOZ20667
+WOZ20664
+WOZ20665
+WOZ20668
+WOZ20669
+PMUL1499
+PMUL1496
+PMUL1494
+PMUL1495
+SNG0098
+PMUL1490
+PMUL1491
+MUL0279
+MUL1201
+PMUL3894
+PMUL3895
+PMUL3896
+PMUL3897
+PMUL3890
+PMUL3891
+PMUL3892
+SNG0093
+PMUL3898
+MUL0270
+PMUL4204
+PMUL4207
+PMUL4200
+PMUL4201
+PMUL4202
+PMUL4203
+SNG0096
+MUL1207
+PMUL4208
+MUL0277
+SNG01404
+MUL0274
+SNG0095
+SNG0272
+PMUL3098
+PMUL3099
+SNG0273
+PMUL3095
+PMUL3096
+PMUL3097
+PMUL3090
+SNG0270
+PMUL3092
+PMUL3093
+MUL2612
+MUL2345
+MUL2346
+MUL2347
+MUL2340
+MUL2341
+MUL2342
+MUL2343
+PMUL1827
+PMUL1826
+PMUL1825
+PMUL1824
+PMUL1823
+PMUL1822
+PMUL1820
+SNG0274
+MUL0103
+PMUL4675
+PMUL4674
+PMUL4677
+PMUL2174
+PMUL4671
+PMUL4670
+PMUL4672
+PMUL1042
+PMUL4679
+PMUL4678
+PMUL2175
+MUL1028
+MUL1029
+PMUL2859
+PMUL2858
+PMUL2329
+PMUL2328
+PMUL2853
+PMUL2324
+PMUL2327
+PMUL2326
+PMUL2321
+PMUL2856
+PMUL2855
+PMUL2854
+SNG01788
+SNG01784
+SNG01785
+SNG01782
+SNG01783
+SNG01780
+SNG01781
+MUL1020
+SNG1201
+SNG1202
+SNG1203
+WOZ20068
+WOZ20069
+WOZ20064
+SNG1204
+WOZ20066
+WOZ20067
+WOZ20060
+WOZ20061
+WOZ20062
+MUL1025
+PMUL1046
+MUL1026
+SNG01910
+SNG1207
+SNG01254
+SNG01255
+SNG01256
+SNG01250
+SNG01252
+SNG01253
+SNG01258
+SNG01259
+MUL1064
+MUL1065
+MUL1066
+MUL1067
+SNG1240
+MUL1061
+MUL1062
+SNG1243
+PMUL2098
+MUL1068
+MUL1069
+SNG01339
+SNG01338
+SNG01337
+SNG01336
+SNG01335
+SNG01334
+SNG01332
+SNG01330
+MUL0449
+MUL0448
+MUL0445
+MUL0444
+MUL0447
+MUL0446
+MUL0441
+MUL0440
+MUL0443
+MUL0442
+SNG0002
+PMUL3537
+PMUL3536
+PMUL3535
+PMUL3534
+PMUL3533
+PMUL3531
+PMUL3539
+PMUL3538
+PMUL0309
+PMUL1009
+PMUL1008
+PMUL4079
+PMUL1558
+PMUL1557
+PMUL4076
+PMUL4075
+PMUL4074
+PMUL1553
+PMUL4072
+PMUL1003
+PMUL1002
+SNG0041
+SNG0040
+SNG0043
+SNG0042
+SNG0045
+SNG0044
+MUL0919
+MUL0918
+MUL0917
+MUL0916
+MUL0915
+MUL0914
+MUL0913
+MUL0912
+MUL0911
+MUL0910
+SSNG0371
+SSNG0370
+SSNG0373
+PMUL3026
+SSNG0375
+SSNG0374
+SSNG0377
+SSNG0376
+SSNG0379
+SSNG0378
+PMUL1554
+SNG01801
+SNG01800
+SNG01802
+SNG01804
+SNG01806
+SNG01809
+SNG01808
+MUL2643
+PMUL1873
+MUL1769
+MUL2644
+PMUL1876
+PMUL1877
+PMUL2668
+PMUL2669
+MUL2648
+PMUL2660
+PMUL2661
+PMUL2662
+PMUL2663
+PMUL2664
+PMUL2666
+PMUL0200
+PMUL0201
+PMUL0202
+PMUL0203
+PMUL0204
+PMUL0205
+PMUL0759
+PMUL0756
+PMUL0209
+PMUL0754
+PMUL0755
+PMUL0752
+PMUL0753
+PMUL3955
+PMUL3954
+PMUL3957
+PMUL3951
+PMUL3950
+PMUL3953
+PMUL3952
+PMUL3959
+PMUL3958
+PMUL2994
+PMUL0356
+SNG0915
+PMUL0357
+PMUL0354
+MUL2407
+MUL2406
+MUL2405
+MUL2404
+MUL2403
+MUL2402
+MUL2401
+MUL2400
+MUL2148
+SSNG0080
+MUL2409
+MUL2408
+SNG02202
+SNG02203
+SNG02201
+SNG02206
+SNG02207
+SNG02204
+SNG02205
+PMUL3322
+PMUL3323
+PMUL3320
+PMUL3321
+PMUL3326
+PMUL3327
+PMUL3324
+PMUL3325
+PMUL3328
+PMUL3329
+MUL1279
+MUL1278
+MUL1271
+MUL1270
+MUL1273
+MUL1272
+MUL1275
+MUL1274
+MUL1277
+MUL1276
+MUL0588
+MUL0589
+SSNG0168
+SSNG0169
+SSNG0164
+MUL0581
+SSNG0166
+SSNG0167
+SSNG0160
+MUL0585
+MUL0586
+SSNG0163
+SNG0625
+MUL0556
+SNG0627
+MUL1183
+MUL1182
+MUL1181
+SNG0626
+MUL1187
+MUL1186
+MUL1185
+MUL1184
+PMUL3886
+SNG0621
+MUL1189
+MUL1188
+SNG0620
+PMUL0989
+PMUL0988
+SNG0623
+PMUL0983
+PMUL0982
+PMUL0981
+PMUL0980
+PMUL0987
+PMUL0985
+PMUL0984
+SNG0005
+SNG0556
+MUL0775
+MUL0950
+SNG0553
+MUL0772
+WOZ20217
+WOZ20216
+WOZ20215
+PMUL2050
+WOZ20213
+WOZ20212
+WOZ20211
+WOZ20210
+MUL1983
+MUL1982
+PMUL2059
+MUL1980
+MUL1987
+MUL1986
+PMUL0746
+MUL1984
+SNG0676
+SNG0677
+SNG0674
+MUL0055
+MUL0052
+SNG0673
+MUL0050
+MUL0051
+PMUL1600
+SNG0678
+MUL0059
+MUL0958
+PMUL2589
+PMUL2588
+SNG0559
+PMUL2580
+PMUL2583
+SNG0558
+PMUL2585
+PMUL2584
+PMUL2587
+PMUL2586
+SNG0904
+MUL0633
+SNG0906
+SNG0451
+MUL0636
+MUL0637
+SNG0454
+MUL0635
+MUL0638
+MUL0639
+SNG0908
+SNG0909
+PMUL3881
+SNG1169
+SNG1168
+PMUL3880
+PMUL4197
+PMUL4190
+PMUL4191
+PMUL4193
+PMUL4198
+PMUL0569
+MUL1293
+MUL1740
+PMUL0561
+PMUL0560
+PMUL0565
+SNG1163
+PMUL0566
+SNG1162
+SNG1165
+MUL1744
+PMUL1618
+PMUL1619
+PMUL4228
+PMUL4229
+MUL2186
+MUL1747
+MUL2184
+MUL2185
+PMUL1610
+PMUL1611
+MUL2188
+PMUL4221
+PMUL4226
+PMUL1615
+PMUL4224
+PMUL4225
+PMUL1389
+PMUL0699
+PMUL0698
+PMUL0697
+PMUL0695
+PMUL0694
+PMUL0693
+PMUL0692
+PMUL0691
+PMUL0690
+PMUL1805
+PMUL1804
+PMUL1807
+PMUL1806
+PMUL1801
+PMUL1800
+PMUL1803
+MUL2369
+MUL2366
+MUL2367
+MUL2364
+MUL2365
+MUL2362
+PMUL1808
+MUL2360
+MUL2361
+PMUL0956
+SNG0481
+SNG0351
+PMUL4234
+SNG0554
+SNG0480
+SNG0951
+SNG0482
+SNG0485
+SNG0484
+PMUL2376
+SNG0487
+PMUL2377
+SNG0486
+MUL1347
+PMUL2375
+MUL1341
+PMUL2373
+PMUL2871
+PMUL2870
+PMUL2873
+PMUL2872
+PMUL2875
+PMUL2874
+PMUL2877
+PMUL2876
+PMUL2879
+PMUL2371
+SNG1266
+WOZ20566
+WOZ20042
+SNG1083
+PMUL1539
+WOZ20041
+SNG1086
+SNG1087
+SNG1084
+WOZ20045
+WOZ20048
+WOZ20049
+SNG01278
+SNG01279
+SNG01272
+SNG01270
+SNG01271
+SNG01276
+SNG01277
+SNG01274
+SNG01275
+MUL1518
+MUL1519
+MUL1048
+MUL1049
+MUL1046
+SNG1267
+MUL1044
+MUL1045
+MUL1510
+MUL1043
+MUL1040
+MUL1041
+SNG01315
+SNG01314
+SNG01317
+SNG01316
+SNG01311
+SNG01310
+SNG01313
+SNG01312
+MUL1737
+SNG01319
+SNG01318
+SNG0537
+PMUL3519
+PMUL3515
+PMUL3514
+PMUL3517
+PMUL3511
+PMUL3510
+PMUL3513
+PMUL3512
+MUL2067
+PMUL1574
+PMUL1577
+PMUL1576
+PMUL1571
+PMUL4050
+PMUL4053
+PMUL1572
+PMUL1579
+PMUL1578
+MUL0939
+MUL0938
+SNG0029
+SNG0028
+SNG0023
+SNG0022
+SNG0021
+MUL0932
+SNG0027
+MUL0934
+MUL0937
+MUL0936
+SSNG0317
+SSNG0316
+SSNG0315
+SSNG0314
+SSNG0313
+SSNG0312
+SSNG0311
+SSNG0310
+SNG0335
+PMUL3719
+SSNG0319
+SSNG0318
+PMUL3718
+SNG01867
+SNG01864
+SNG01863
+SNG01862
+SNG01861
+SNG01860
+SNG01869
+SNG01868
+PMUL3711
+MUL0801
+PMUL2648
+PMUL2644
+PMUL2645
+PMUL2642
+PMUL2643
+PMUL2640
+PMUL2641
+PMUL0734
+PMUL0735
+PMUL0224
+PMUL0737
+PMUL0222
+PMUL0731
+PMUL0220
+PMUL0733
+SNG0754
+PMUL0738
+PMUL0739
+PMUL0228
+PMUL0229
+PMUL0713
+PMUL0246
+MUL0802
+MUL1194
+PMUL4473
+PMUL1952
+PMUL0716
+PMUL1951
+PMUL0717
+PMUL4470
+PMUL0242
+PMUL0243
+MUL1195
+PMUL1955
+MUL2158
+MUL2509
+SSNG0192
+PMUL4479
+SNG01485
+WOZ20547
+SNG01487
+SNG01486
+SNG01481
+SNG01480
+SNG01483
+SNG01482
+SNG01489
+SNG01488
+MUL2503
+PMUL1628
+MUL0681
+PMUL4065
+PMUL4730
+MUL2420
+PMUL4732
+MUL2422
+MUL2425
+PMUL4735
+PMUL4736
+MUL2426
+MUL2429
+MUL2428
+PMUL0486
+SNG0902
+SNG1262
+PMUL2749
+WOZ20584
+SNG0339
+PMUL2745
+MUL1213
+MUL1212
+PMUL4884
+MUL1210
+MUL1217
+MUL1216
+PMUL4880
+PMUL4881
+MUL1219
+MUL1218
+PMUL4888
+PMUL4889
+SSNG0142
+SSNG0143
+SSNG0140
+SSNG0141
+SSNG0146
+SSNG0144
+SSNG0145
+SSNG0149
+WOZ20187
+WOZ20186
+WOZ20185
+WOZ20184
+WOZ20183
+WOZ20182
+WOZ20181
+WOZ20180
+SNG01367
+WOZ20189
+WOZ20188
+SNG01368
+SNG01842
+PMUL2079
+PMUL2078
+WOZ20239
+WOZ20238
+WOZ20235
+WOZ20234
+WOZ20237
+WOZ20236
+PMUL2075
+WOZ20230
+WOZ20233
+WOZ20232
+SNG1345
+MUL1124
+MUL1127
+MUL0030
+SNG0611
+SNG0612
+MUL0033
+MUL0034
+SNG0615
+SNG0616
+SNG0617
+SNG0618
+SNG0619
+MUL0307
+SNG1340
+MUL1123
+MUL1122
+SNG0162
+MUL0343
+PMUL3884
+SNG0160
+SNG0161
+MUL0430
+MUL0347
+PMUL4817
+MUL0344
+SNG02113
+SNG0929
+SNG0926
+SNG0927
+SNG0924
+SNG0925
+SNG0922
+SNG0923
+SNG0920
+SNG0921
+SNG0342
+SNG0435
+MUL0656
+SNG0341
+SNG0346
+MUL0651
+SNG0432
+SNG0532
+SNG0345
+PMUL4418
+PMUL3708
+PMUL3709
+PMUL0509
+PMUL0508
+PMUL0507
+PMUL3701
+PMUL3702
+PMUL0504
+PMUL0503
+PMUL3705
+PMUL3706
+PMUL0500
+PMUL3850
+PMUL3851
+PMUL3853
+PMUL3854
+PMUL3856
+PMUL3857
+PMUL3858
+SNG0438
+SNG0439
+MUL0214
+MUL2168
+MUL2169
+PMUL1638
+PMUL1639
+MUL2164
+MUL2165
+MUL2166
+PMUL1635
+MUL2160
+PMUL1633
+MUL2162
+MUL2163
+MUL2308
+MUL2309
+MUL2300
+MUL2301
+MUL2302
+MUL2303
+MUL2304
+MUL2305
+MUL2306
+MUL2307
+MUL0790
+PMUL2817
+PMUL2816
+PMUL2815
+PMUL2814
+PMUL2811
+PMUL2810
+PMUL2819
+PMUL2818
+PMUL4759
+SNG02018
+SNG1068
+SNG1069
+SNG02013
+SNG1065
+SNG02011
+SNG02010
+SNG02017
+SNG1061
+SNG02015
+SNG1063
+SNG01290
+SNG01291
+PMUL0880
+PMUL0881
+PMUL0886
+PMUL0887
+PMUL0884
+SNG01297
+SNG01298
+MUL0696
+PMUL0888
+PMUL2219
+SNG0965
+SNG1208
+SNG1209
+SNG1200
+MUL1021
+MUL1022
+MUL1023
+MUL1024
+SNG1205
+SNG1206
+MUL1027
+PMUL4564
+PMUL3289
+PMUL3288
+PMUL3284
+PMUL3287
+PMUL3281
+PMUL3280
+PMUL3283
+PMUL3282
+PMUL4949
+PMUL4948
+PMUL4943
+PMUL4942
+PMUL4941
+PMUL4940
+PMUL4947
+PMUL4946
+PMUL4945
+PMUL4944
+SSNG0087
+SSNG0086
+SSNG0085
+SSNG0084
+SSNG0083
+SSNG0082
+SSNG0081
+PMUL4021
+SSNG0089
+SSNG0088
+MUL1536
+MUL1537
+MUL1534
+MUL1535
+MUL1532
+MUL1533
+MUL1530
+MUL1531
+PMUL1504
+MUL1538
+MUL1539
+MUL0953
+SNG0004
+SNG0555
+SNG0006
+SNG0001
+PMUL4026
+MUL0955
+SNG0550
+MUL0959
+PMUL1507
+SNG0009
+SNG0008
+MUL0779
+MUL0778
+PMUL1056
+SSNG0339
+SSNG0338
+PMUL1509
+SSNG0335
+SSNG0334
+SSNG0337
+SSNG0336
+SSNG0331
+SSNG0330
+SSNG0333
+SSNG0332
+WOZ20204
+SNG0260
+PMUL2624
+PMUL2625
+PMUL2626
+PMUL2627
+PMUL2620
+PMUL2621
+PMUL2622
+PMUL2623
+MUL1886
+PMUL2628
+PMUL2629
+PMUL0718
+PMUL0719
+PMUL0248
+PMUL0249
+PMUL0712
+PMUL0245
+PMUL0710
+PMUL0247
+PMUL0240
+PMUL0241
+PMUL0714
+PMUL0715
+MUL1888
+SNG01188
+PMUL2137
+SNG01189
+PMUL2822
+PMUL0456
+SNG01849
+SNG01848
+PMUL2395
+PMUL1188
+SNG01847
+SNG01846
+SNG01841
+SNG01840
+SNG01843
+PMUL2562
+PMUL2821
+PMUL2391
+PMUL1184
+PMUL2824
+SNG01181
+PMUL2393
+SNG01182
+MUL1815
+SNG01184
+PMUL1181
+PMUL1182
+PMUL2568
+PMUL3906
+PMUL3907
+MUL2074
+PMUL3905
+PMUL3902
+MUL2073
+MUL2070
+PMUL3901
+MUL0215
+MUL2449
+SNG0867
+PMUL4715
+MUL2078
+SNG0866
+SNG0717
+PMUL4716
+PMUL4717
+PMUL4714
+MUL2448
+PMUL4712
+PMUL4713
+PMUL4711
+MUL2443
+MUL2442
+MUL2441
+MUL2440
+MUL2447
+MUL2446
+PMUL4718
+SNG0862
+SNG0713
+MUL1814
+SNG0712
+MUL2445
+PMUL4719
+MUL1239
+MUL1238
+MUL1390
+MUL1234
+MUL1237
+MUL1236
+MUL1231
+MUL1230
+MUL1233
+MUL1232
+MUL1989
+PMUL1517
+MUL1491
+MUL1490
+MUL1493
+MUL1492
+MUL1495
+MUL1494
+MUL1949
+MUL1496
+MUL1499
+MUL1946
+MUL1945
+MUL1944
+MUL1943
+MUL1942
+MUL1941
+PMUL2010
+SNG01981
+SNG1051
+MUL0018
+SNG0639
+MUL0548
+MUL0549
+SNG1050
+SNG0632
+MUL0013
+MUL0010
+SNG0631
+SNG0636
+MUL0017
+MUL0542
+MUL0015
+SNG02022
+SNG02020
+SNG02021
+SNG0496
+SNG0497
+SNG0494
+SNG0495
+SNG0492
+SNG0493
+SNG0490
+SNG0491
+PMUL0897
+SNG0498
+SNG0499
+SNG0948
+SNG0949
+PMUL3490
+PMUL0891
+PMUL3492
+PMUL3493
+PMUL3494
+SNG0945
+SNG0946
+PMUL3497
+MUL0828
+SNG01285
+SNG01284
+PMUL4150
+PMUL4151
+PMUL1432
+PMUL1433
+PMUL1434
+PMUL4155
+PMUL1388
+PMUL1437
+PMUL1386
+PMUL1387
+PMUL1384
+PMUL1385
+PMUL1382
+PMUL1380
+PMUL1381
+PMUL0525
+PMUL0524
+PMUL0527
+PMUL0526
+PMUL0521
+PMUL3728
+PMUL0522
+PMUL3727
+PMUL3724
+PMUL3725
+PMUL0529
+PMUL3723
+PMUL3720
+PMUL3721
+PMUL3876
+MUL2147
+PMUL3874
+MUL2145
+MUL2142
+MUL2143
+MUL2140
+PMUL3871
+PMUL3878
+MUL2149
+PMUL1655
+PMUL1656
+PMUL1657
+PMUL1650
+PMUL1651
+PMUL1652
+PMUL1653
+PMUL1658
+PMUL4433
+MUL1235
+MUL2322
+MUL2323
+MUL2320
+MUL2321
+MUL2326
+MUL2327
+MUL2324
+MUL2325
+MUL2328
+MUL2329
+MUL1088
+PMUL0381
+PMUL0383
+PMUL0382
+MUL0137
+PMUL0387
+PMUL0386
+PMUL0389
+PMUL0388
+SNG0288
+PMUL1606
+MUL0139
+SNG0286
+MUL1811
+PMUL1013
+MUL1985
+SNG1085
+PMUL2839
+PMUL2838
+PMUL2389
+PMUL2388
+PMUL2387
+PMUL2386
+PMUL2837
+PMUL2383
+PMUL2382
+PMUL2381
+PMUL2380
+SNG01720
+SNG01722
+SNG01723
+SNG01724
+SNG01725
+SNG01727
+SNG01728
+SNG01729
+PMUL1014
+MUL2189
+PMUL1790
+SNG02031
+SNG02030
+SNG02036
+SNG02038
+PMUL3128
+PMUL3129
+PMUL3120
+PMUL3121
+PMUL3122
+PMUL3123
+PMUL3124
+PMUL3125
+PMUL3126
+PMUL3127
+PMUL1772
+PMUL3263
+PMUL3262
+PMUL3261
+PMUL3260
+PMUL3267
+PMUL3266
+PMUL3265
+PMUL3264
+PMUL3269
+PMUL3268
+SNG01204
+SNG1046
+PMUL4960
+SNG1044
+PMUL4962
+SNG1042
+SNG1043
+PMUL4967
+PMUL4966
+PMUL4969
+PMUL4968
+MUL2063
+SNG1048
+SNG1049
+SNG0795
+SNG0794
+SNG0797
+SNG0796
+SNG0791
+SNG0790
+SNG0793
+SNG0792
+SNG0799
+SNG0798
+PMUL3622
+PMUL0213
+MUL1813
+SNG1222
+SNG1223
+SNG1220
+MUL1001
+MUL1554
+MUL1007
+MUL1556
+MUL1005
+MUL1558
+MUL1559
+MUL1008
+SNG1229
+MUL0751
+SNG0570
+MUL0753
+MUL0752
+SNG0575
+MUL0754
+MUL0209
+SNG0576
+MUL0975
+MUL0206
+MUL0977
+MUL0204
+MUL0203
+MUL0202
+MUL0201
+MUL0972
+SNG02067
+WOZ20378
+WOZ20379
+WOZ20370
+WOZ20371
+WOZ20372
+WOZ20373
+WOZ20374
+WOZ20375
+WOZ20376
+WOZ20377
+PMUL0210
+PMUL2608
+PMUL1865
+PMUL2602
+PMUL2603
+PMUL2600
+MUL2659
+PMUL2606
+PMUL2605
+MUL2654
+PMUL0262
+PMUL0263
+PMUL0260
+MUL2655
+PMUL0266
+PMUL0267
+PMUL0264
+PMUL0265
+PMUL0268
+PMUL0269
+MUL2560
+PMUL1431
+PMUL2468
+WOZ20470
+PMUL4369
+PMUL4368
+PMUL4362
+PMUL4361
+PMUL4367
+PMUL4366
+PMUL4365
+PMUL4364
+PMUL2460
+WOZ20478
+MUL1497
+MUL0827
+MUL1948
+MUL1947
+MUL1498
+PMUL2014
+MUL1940
+MUL0757
+MUL2465
+MUL2464
+MUL2467
+MUL2466
+PMUL4778
+MUL2460
+MUL2463
+MUL2462
+PMUL4774
+PMUL4775
+PMUL4777
+PMUL4770
+PMUL4771
+PMUL4772
+PMUL4773
+PMUL2847
+SNG01293
+MUL1015
+MUL1014
+MUL1541
+MUL0044
+MUL0019
+SNG1231
+MUL1546
+SNG1233
+SNG1232
+WOZ20143
+WOZ20142
+WOZ20141
+WOZ20140
+WOZ20147
+WOZ20146
+WOZ20145
+WOZ20144
+WOZ20149
+WOZ20148
+MUL0546
+MUL0547
+SNG01553
+MUL0016
+SNG01551
+SNG01550
+SNG01556
+SNG01555
+SNG0637
+PMUL1475
+SNG0635
+MUL0764
+MUL0765
+MUL0766
+PMUL2035
+PMUL2034
+PMUL2037
+SNG0011
+PMUL2031
+PMUL2030
+PMUL2033
+PMUL2032
+MUL1961
+MUL1960
+MUL1963
+MUL1962
+MUL1965
+PMUL2038
+MUL1967
+MUL1966
+MUL0566
+MUL0567
+MUL0564
+MUL0565
+MUL0562
+MUL0563
+MUL0560
+MUL0561
+SNG0015
+MUL0568
+MUL0569
+MUL1617
+MUL1616
+MUL1615
+MUL1614
+MUL1613
+MUL1612
+MUL1611
+MUL1610
+MUL0768
+MUL1619
+MUL1618
+MUL0690
+MUL0691
+SNG0960
+MUL0693
+MUL0694
+SNG0967
+SNG0964
+MUL0697
+MUL0698
+MUL0699
+SNG0968
+SNG0969
+MUL1288
+MUL1289
+PMUL1416
+PMUL1417
+PMUL4174
+PMUL4175
+PMUL1412
+PMUL1413
+PMUL4171
+MUL0730
+PMUL4178
+PMUL1419
+SSNG0278
+SSNG0279
+SSNG0270
+SSNG0271
+SSNG0272
+SSNG0273
+SSNG0274
+SSNG0275
+SSNG0276
+SSNG0277
+PMUL3744
+PMUL3745
+PMUL3746
+PMUL3747
+PMUL3740
+PMUL3741
+PMUL3742
+PMUL3743
+MUL2444
+PMUL3748
+PMUL3749
+MUL2120
+MUL2121
+MUL2122
+MUL2123
+MUL2124
+MUL2125
+MUL2126
+MUL2127
+MUL2128
+MUL2129
+PMUL1670
+PMUL1671
+PMUL4280
+PMUL4282
+PMUL4283
+SNG0214
+SNG0215
+SNG0216
+SNG0217
+SNG0210
+SNG0211
+SNG0212
+SNG0213
+SNG0218
+SNG0219
+PMUL0076
+MUL2698
+MUL2699
+MUL2692
+MUL2693
+MUL2690
+MUL2691
+MUL2696
+MUL2697
+MUL2694
+MUL2695
+PMUL3498
+PMUL3499
+MUL0737
+PMUL3818
+PMUL3814
+PMUL3815
+PMUL3816
+PMUL3817
+PMUL3810
+PMUL3811
+PMUL3812
+PMUL3813
+MUL1358
+SNG0940
+PMUL0109
+MUL1359
+PMUL3491
+PMUL0103
+PMUL0102
+PMUL0101
+PMUL0107
+PMUL0106
+PMUL0105
+PMUL0104
+SNG0943
+SNG0944
+PMUL3495
+MUL1352
+PMUL3496
+MUL1353
+SSNG0115
+SNG0947
+PMUL4457
+SNG01707
+PMUL0078
+SNG01705
+SNG01703
+SNG01701
+MUL0613
+SNG01708
+SNG01709
+PMUL4456
+SNG02057
+SNG02055
+SNG02053
+SNG02052
+SNG02051
+SNG02050
+SNG02059
+SNG02058
+PMUL3108
+PMUL3109
+PMUL3106
+PMUL3107
+PMUL3104
+PMUL3105
+PMUL3102
+PMUL3103
+PMUL3100
+PMUL3101
+PMUL4153
+PMUL4154
+PMUL1435
+PMUL4156
+PMUL4157
+PMUL3249
+PMUL3248
+MUL0617
+PMUL4159
+PMUL3241
+PMUL3240
+PMUL3243
+PMUL3242
+PMUL3245
+PMUL3244
+PMUL3247
+PMUL3246
+SNG0614
+SNG1020
+SNG1021
+SNG1022
+PMUL4904
+SNG1024
+PMUL4902
+SNG1026
+PMUL4900
+SNG1028
+SNG1029
+PMUL4908
+MUL1076
+MUL1031
+SNG0779
+SNG0778
+SNG0777
+SNG0776
+SNG0775
+SNG0774
+SNG0773
+SNG0772
+SNG0771
+SNG0770
+SSNG0043
+SSNG0042
+SSNG0041
+SSNG0040
+SSNG0047
+SSNG0046
+SSNG0045
+SSNG0044
+SSNG0049
+SSNG0048
+MUL1578
+MUL1579
+MUL1572
+MUL1573
+MUL1570
+MUL1571
+MUL1576
+MUL1577
+MUL1574
+MUL1575
+MUL0229
+MUL0228
+MUL0739
+MUL0738
+MUL0221
+SNG0512
+SNG0511
+MUL0222
+SNG0517
+MUL0736
+SNG0515
+SNG0514
+MUL1036
+WOZ20358
+WOZ20359
+PMUL2192
+PMUL2193
+PMUL2190
+PMUL2191
+PMUL2196
+PMUL2197
+WOZ20350
+WOZ20351
+MUL1035
+PMUL1549
+PMUL3722
+PMUL0528
+PMUL1085
+PMUL1084
+PMUL1087
+PMUL1086
+PMUL1080
+PMUL1083
+PMUL1082
+PMUL1088
+MUL2146
+PMUL3877
+MUL2144
+PMUL0807
+PMUL3875
+PMUL3873
+SNG01889
+PMUL4811
+PMUL3870
+MUL1757
+SNG01881
+SNG01880
+SNG01883
+MUL2141
+SNG01885
+SNG01884
+SNG01887
+SNG01886
+PMUL0705
+PMUL4812
+PMUL4815
+PMUL0255
+MUL1753
+PMUL4446
+PMUL0706
+MUL1750
+SNG1171
+MUL2579
+PMUL0700
+MUL2508
+MUL2578
+PMUL0251
+PMUL4442
+PMUL3879
+PMUL4443
+PMUL4341
+PMUL4340
+PMUL4343
+PMUL4342
+PMUL4345
+PMUL4344
+PMUL4347
+PMUL4349
+PMUL4441
+SNG1178
+MUL1759
+MUL0086
+PMUL4448
+PMUL1969
+PMUL4752
+PMUL4750
+PMUL4751
+PMUL4756
+PMUL4757
+MUL2489
+MUL2488
+MUL2487
+MUL2486
+PMUL4758
+MUL2484
+MUL2483
+MUL2482
+MUL2481
+MUL2480
+SNG02283
+SNG02281
+SNG02286
+SNG02284
+MUL2505
+SNG02288
+SNG02289
+PMUL2771
+MUL1083
+PMUL2978
+PMUL2979
+PMUL2970
+PMUL2973
+PMUL2974
+PMUL2975
+PMUL2976
+PMUL2977
+SNG02119
+MUL1334
+WOZ20169
+WOZ20168
+WOZ20161
+WOZ20160
+WOZ20163
+WOZ20162
+WOZ20165
+WOZ20164
+WOZ20167
+WOZ20166
+MUL1335
+PMUL0903
+SNG01570
+SNG01573
+SNG01572
+PMUL0907
+PMUL0906
+PMUL0905
+SNG01576
+SNG01579
+SNG01578
+PMUL0909
+PMUL0908
+MUL1903
+MUL1902
+MUL1901
+MUL1900
+MUL1907
+MUL1906
+MUL1905
+WOZ20298
+WOZ20297
+WOZ20296
+WOZ20295
+MUL1908
+WOZ20293
+WOZ20292
+WOZ20291
+WOZ20290
+PMUL1544
+MUL0500
+MUL1132
+MUL0502
+MUL0503
+MUL0504
+MUL0505
+MUL0506
+MUL0408
+MUL0508
+MUL0509
+MUL1130
+SNG1351
+MUL1136
+MUL1137
+MUL1631
+MUL1630
+MUL1633
+MUL1632
+MUL1635
+MUL1134
+MUL1637
+MUL1636
+MUL1639
+MUL1638
+SNG1355
+SNG01162
+SNG01163
+SNG01160
+SNG01161
+SNG01167
+SNG01164
+SNG01165
+SNG01169
+SNG1358
+MUL1139
+SNG0988
+SNG0989
+MUL0733
+SNG0984
+SNG0985
+SNG0986
+SNG0987
+SNG0980
+SNG0981
+SNG0982
+SNG0983
+SNG0401
+PMUL4118
+PMUL4119
+SNG0400
+PMUL1474
+PMUL4115
+PMUL4116
+PMUL4117
+PMUL4110
+PMUL1471
+PMUL4112
+PMUL4113
+SNG0184
+SNG0185
+SNG0186
+SNG0402
+SNG0180
+SNG0181
+SNG0182
+SNG0183
+MUL0665
+SNG0188
+SNG0189
+MUL0664
+PMUL3768
+PMUL3769
+MUL0667
+SSNG0258
+SSNG0259
+SSNG0256
+SSNG0257
+SSNG0254
+SSNG0255
+PMUL3766
+PMUL3767
+SSNG0250
+PMUL3765
+MUL0885
+MUL0668
+PMUL1690
+PMUL1691
+MUL2108
+PMUL1693
+PMUL1694
+PMUL1695
+PMUL1696
+PMUL1697
+PMUL1698
+MUL2103
+MUL2100
+MUL2101
+MUL2106
+MUL2107
+MUL2104
+MUL2105
+SNG0238
+SNG0239
+SNG0236
+SNG0237
+SNG0234
+SNG0235
+SNG0232
+SNG0233
+SNG0230
+SNG0231
+PMUL4952
+SNG0811
+MUL0317
+MUL0735
+MUL1396
+PMUL3832
+PMUL3833
+PMUL3830
+PMUL2418
+PMUL3836
+PMUL3837
+PMUL3834
+PMUL3835
+PMUL2413
+PMUL2412
+PMUL2411
+PMUL3839
+PMUL2417
+PMUL2416
+PMUL2414
+MUL1702
+SNG0440
+PMUL0121
+PMUL0120
+PMUL0123
+PMUL0122
+PMUL0125
+PMUL0124
+PMUL0126
+PMUL0129
+MUL1133
+MUL0570
+SNG01768
+SNG01769
+MUL1395
+SNG01764
+SNG01765
+SNG01767
+SNG01760
+SNG01761
+SNG01762
+SNG01763
+WOZ20246
+PMUL2084
+MUL0677
+MUL1393
+MUL1052
+MUL0674
+PMUL3164
+PMUL3166
+PMUL3167
+PMUL3160
+PMUL3161
+PMUL3162
+PMUL3163
+PMUL2088
+PMUL3168
+PMUL3169
+PMUL1997
+PMUL1996
+PMUL1995
+PMUL1994
+PMUL1993
+PMUL1990
+PMUL1999
+PMUL1998
+MUL0672
+PMUL3228
+PMUL3227
+PMUL3226
+PMUL3225
+PMUL3224
+PMUL3223
+PMUL3221
+PMUL3220
+PMUL4929
+PMUL4925
+PMUL4924
+PMUL4927
+PMUL4926
+PMUL4921
+PMUL4920
+PMUL4922
+SNG1008
+SNG1009
+SNG1002
+SNG1003
+SNG1000
+SNG1001
+SNG02071
+SNG1007
+SNG02073
+SNG1005
+SNG0759
+SNG0758
+MUL1056
+SNG0751
+SNG0750
+SSNG0063
+SNG0752
+SSNG0065
+SSNG0064
+SNG0757
+SSNG0066
+PMUL3595
+PMUL3594
+PMUL3597
+PMUL3596
+PMUL3591
+PMUL3590
+PMUL3593
+PMUL3592
+PMUL3599
+PMUL1041
+MUL1059
+PMUL1512
+PMUL4031
+PMUL1540
+PMUL1045
+PMUL4036
+MUL1058
+PMUL1047
+SSNG0397
+SSNG0396
+SSNG0395
+SSNG0394
+SSNG0393
+SSNG0392
+SSNG0391
+SSNG0390
+PMUL4039
+PMUL2170
+WOZ20335
+WOZ20336
+PMUL1518
+WOZ20330
+WOZ20331
+WOZ20332
+WOZ20333
+PMUL2178
+PMUL2179
+WOZ20338
+WOZ20339
+MUL0593
+MUL0436
+PMUL4033
+PMUL4474
+MUL0715
+MUL0714
+MUL0717
+MUL0240
+MUL0247
+SNG0530
+MUL0245
+MUL0712
+MUL0249
+MUL0248
+SNG0539
+MUL0718
+PMUL2129
+PMUL2126
+PMUL2125
+MUL1874
+PMUL2123
+MUL0590
+PMUL2122
+PMUL2121
+PMUL2834
+PMUL2120
+PMUL2385
+SNG1249
+MUL1151
+PMUL2831
+MUL0597
+MUL0432
+PMUL2830
+PMUL1197
+PMUL2833
+SNG01192
+SNG01191
+MUL0867
+MUL0866
+PMUL4325
+PMUL4324
+MUL0863
+PMUL4322
+PMUL4321
+PMUL4320
+MUL0596
+MUL0433
+PMUL4329
+PMUL4328
+PMUL4731
+PMUL1190
+MUL1256
+MUL0594
+PMUL4706
+SNG0874
+SNG0703
+SNG0876
+SNG0877
+SNG0870
+SNG0871
+SNG0872
+SNG0705
+MUL0496
+PMUL2959
+PMUL2956
+PMUL2957
+PMUL2954
+PMUL2955
+PMUL2952
+PMUL2953
+PMUL2950
+PMUL2951
+MUL1159
+WOZ20109
+WOZ20108
+WOZ20107
+WOZ20106
+WOZ20105
+WOZ20104
+WOZ20103
+WOZ20102
+WOZ20101
+WOZ20100
+PMUL0928
+MUL0431
+PMUL0921
+PMUL0920
+PMUL0925
+PMUL0924
+PMUL0926
+SNG01517
+SNG01515
+SNG01514
+SNG01513
+SNG01512
+SNG01511
+SNG01510
+SNG01519
+SNG01518
+MUL0631
+PMUL2691
+MUL1381
+MUL1380
+MUL1383
+MUL1382
+MUL1385
+MUL1384
+MUL1387
+MUL1438
+MUL1437
+MUL1924
+MUL1435
+MUL1926
+MUL1433
+MUL1920
+MUL1923
+MUL1922
+SNG0900
+MUL0493
+MUL0528
+MUL0529
+MUL0522
+MUL0523
+MUL0520
+MUL0521
+MUL0526
+MUL0527
+MUL0524
+MUL0525
+MUL1659
+MUL1658
+MUL1653
+MUL1652
+MUL1651
+MUL1650
+MUL1657
+MUL1656
+MUL1655
+MUL1654
+MUL0491
+SNG0903
+PMUL1452
+PMUL1453
+PMUL1322
+PMUL4131
+PMUL1324
+PMUL1454
+PMUL1455
+PMUL1329
+PMUL1458
+PMUL4139
+MUL0388
+MUL0389
+MUL0386
+MUL0387
+MUL0384
+MUL0385
+MUL0382
+MUL0383
+MUL0380
+MUL0381
+PMUL3780
+PMUL3781
+SSNG0236
+SSNG0237
+SSNG0230
+SSNG0231
+PMUL3786
+SSNG0233
+PMUL3788
+PMUL3789
+SSNG0238
+SSNG0239
+MUL1016
+MUL0759
+SNG0258
+SNG0259
+MUL1011
+SNG0250
+SNG0251
+SNG0252
+SNG0253
+SNG0254
+SNG0255
+SNG0256
+SNG0257
+MUL1693
+PMUL2789
+PMUL2788
+MUL1010
+PMUL2783
+PMUL2782
+PMUL2780
+PMUL2787
+PMUL2786
+MUL0654
+PMUL0491
+PMUL0322
+PMUL0493
+PMUL0492
+PMUL0327
+PMUL0326
+PMUL0497
+PMUL0324
+PMUL0498
+PMUL0329
+PMUL0328
+WOZ20488
+WOZ20489
+WOZ20482
+WOZ20483
+WOZ20480
+WOZ20481
+WOZ20486
+WOZ20487
+WOZ20484
+WOZ20485
+PMUL2431
+PMUL2430
+PMUL2433
+PMUL2434
+PMUL2437
+PMUL2436
+PMUL2439
+PMUL2438
+MUL0124
+MUL0125
+SNG0290
+SNG0291
+PMUL0147
+PMUL0146
+PMUL0145
+PMUL0144
+PMUL0143
+PMUL0142
+PMUL0141
+PMUL0140
+MUL0121
+PMUL0149
+PMUL0148
+MUL2380
+MUL2381
+MUL2382
+MUL2383
+MUL2384
+MUL2385
+MUL2386
+MUL2387
+MUL2388
+MUL2389
+SNG01742
+SNG01743
+SNG01740
+SNG01741
+SNG01747
+SNG01744
+SNG01749
+MUL0652
+PMUL3148
+PMUL3149
+PMUL3142
+PMUL3143
+PMUL3140
+PMUL3141
+PMUL3146
+PMUL3147
+PMUL3144
+PMUL3145
+MUL2524
+MUL2525
+MUL2526
+MUL2527
+MUL2520
+PMUL4498
+MUL2522
+MUL2523
+PMUL4494
+PMUL4497
+PMUL4496
+MUL2528
+MUL2529
+PMUL4493
+PMUL4492
+PMUL2899
+PMUL2898
+PMUL2896
+PMUL2895
+PMUL2894
+PMUL2893
+PMUL2892
+PMUL2891
+PMUL2890
+PMUL3205
+PMUL3204
+PMUL3207
+PMUL3206
+PMUL3201
+PMUL3200
+PMUL3203
+PMUL3202
+PMUL3209
+PMUL3208
+SNG02093
+SNG02092
+SNG02090
+SNG02097
+MUL0553
+SNG02095
+SNG02094
+SNG02099
+SNG02098
+SSNG0009
+SSNG0008
+SSNG0007
+SSNG0006
+SSNG0005
+SSNG0004
+SSNG0003
+SSNG0002
+SSNG0001
+SNG1280
+SNG1281
+SNG1282
+SNG1283
+SNG1284
+SNG1285
+SNG1286
+SNG1287
+SNG1288
+SNG1289
+PMUL2231
+PMUL2230
+PMUL2235
+MUL0551
+MUL2171
+WOZ20318
+WOZ20319
+MUL2663
+WOZ20312
+WOZ20313
+WOZ20310
+WOZ20311
+WOZ20316
+WOZ20317
+WOZ20314
+WOZ20315
+PMUL2156
+PMUL2157
+PMUL2154
+PMUL2155
+PMUL2152
+PMUL2150
+SNG1047
+PMUL2158
+PMUL2159
+SNG0885
+SNG0884
+SNG0887
+SNG0730
+SNG0881
+SNG0880
+SNG0883
+SNG0734
+PMUL4965
+SNG0739
+SNG0738
+SNG0889
+SNG0888
+PMUL4964
+PMUL0364
+SNG1040
+SNG1041
+MUL2629
+PMUL1855
+PMUL1107
+SNG0089
+SNG0088
+SNG0085
+SNG0084
+SNG0087
+MUL0266
+SNG0081
+SNG0080
+SNG0083
+SNG0082
+SNG0941
+MUL2625
+MUL2624
+PMUL1159
+PMUL1158
+PMUL4309
+PMUL4308
+PMUL1153
+PMUL1152
+PMUL1151
+PMUL4306
+PMUL1157
+PMUL1156
+PMUL4303
+PMUL4302
+MUL0841
+MUL0840
+MUL0843
+MUL0842
+MUL0845
+MUL0844
+MUL0847
+MUL0846
+MUL0849
+MUL0848
+PMUL0792
+PMUL0793
+PMUL0791
+PMUL0797
+PMUL0795
+MUL1958
+PMUL0798
+PMUL0799
+MUL1959
+PMUL2024
+MUL1954
+MUL1955
+SNG0942
+MUL1484
+MUL1485
+SNG02248
+MUL1482
+MUL1951
+MUL1952
+MUL1953
+SSNG0234
+SNG02243
+MUL0710
+MUL2668
+MUL0713
+PMUL2934
+PMUL2936
+PMUL2937
+PMUL2932
+PMUL2933
+PMUL2939
+SNG01687
+SNG01686
+SNG01685
+SNG01684
+SNG01683
+SNG01682
+SNG01681
+MUL1551
+MUL1000
+SNG01689
+SNG01688
+SNG1221
+MUL1006
+MUL1555
+SNG02138
+WOZ20124
+WOZ20127
+WOZ20126
+WOZ20121
+MUL1004
+WOZ20123
+WOZ20122
+SNG02130
+SNG02131
+SNG02132
+SNG02133
+SNG02134
+SNG02135
+SNG02136
+SNG02137
+SNG01539
+SNG01538
+PMUL0949
+PMUL0948
+SNG01535
+SNG01534
+SNG01537
+PMUL0944
+PMUL0943
+PMUL4877
+SNG01533
+PMUL0940
+MUL1009
+MUL2593
+MUL0576
+MUL1419
+SNG0571
+MUL0750
+MUL1411
+MUL1410
+MUL1413
+MUL1412
+MUL1415
+SNG0573
+MUL1417
+MUL1416
+SNG0572
+MUL0755
+MUL0978
+SNG0577
+MUL0208
+MUL0777
+PMUL4688
+PMUL4689
+MUL0758
+PMUL4681
+PMUL4682
+PMUL4684
+PMUL4685
+PMUL4686
+PMUL4687
+MUL0976
+MUL0971
+MUL0776
+MUL0970
+MUL0973
+SNG0475
+MUL0200
+PMUL3410
+PMUL3411
+PMUL3412
+PMUL3413
+PMUL3414
+PMUL3415
+PMUL3416
+PMUL3419
+PMUL1306
+PMUL1307
+PMUL1304
+PMUL1305
+PMUL4003
+PMUL1303
+PMUL1300
+PMUL1301
+MUL1521
+PMUL4871
+SSNG0218
+SSNG0219
+SSNG0212
+SSNG0213
+SSNG0210
+SSNG0211
+SSNG0216
+SSNG0217
+SSNG0214
+SSNG0215
+MUL0773
+MUL1675
+MUL1674
+MUL1677
+MUL1676
+MUL1671
+MUL1670
+MUL1673
+MUL1672
+MUL1679
+MUL1678
+MUL0104
+MUL0105
+MUL0106
+SNG0271
+MUL0100
+SNG0277
+MUL0102
+SNG0275
+SNG0278
+SNG0279
+MUL0108
+MUL0109
+SNG0976
+MUL0687
+MUL0686
+SNG1210
+MUL0685
+MUL0684
+MUL0770
+PMUL0308
+PMUL0300
+PMUL0303
+PMUL0302
+PMUL0305
+PMUL0304
+PMUL0307
+PMUL0306
+WOZ20460
+WOZ20461
+WOZ20462
+WOZ20463
+WOZ20464
+WOZ20465
+WOZ20466
+WOZ20467
+WOZ20468
+WOZ20469
+PMUL2457
+PMUL2456
+PMUL2455
+PMUL2454
+PMUL2453
+PMUL2452
+PMUL2451
+PMUL2450
+PMUL2459
+PMUL0169
+PMUL0168
+PMUL4057
+PMUL0165
+PMUL0167
+PMUL0166
+PMUL0161
+PMUL0160
+PMUL0163
+SNG1214
+PMUL4056
+MUL0756
+PMUL4518
+PMUL4519
+PMUL4510
+PMUL4511
+PMUL4512
+PMUL4513
+PMUL4514
+PMUL4515
+PMUL4516
+PMUL4517
+SNG1348
+PMUL4797
+PMUL1953
+PMUL4472
+PMUL4471
+PMUL1950
+PMUL4477
+PMUL4476
+PMUL4475
+PMUL1954
+MUL2506
+MUL2507
+MUL2504
+PMUL4478
+MUL2502
+PMUL1421
+MUL2500
+MUL2501
+SNG02303
+SNG02301
+PMUL1420
+SNG02307
+SNG02306
+SNG02305
+SNG02304
+PMUL1395
+SNG02309
+PMUL4791
+PMUL4146
+PMUL4145
+PMUL4532
+PMUL1424
+PMUL1429
+PMUL4148
+SSNG0025
+SSNG0024
+SSNG0027
+SSNG0026
+SSNG0021
+SSNG0020
+SSNG0023
+SSNG0022
+SSNG0029
+SSNG0028
+PMUL2211
+PMUL2210
+PMUL2213
+MUL1089
+PMUL2215
+PMUL2214
+PMUL2217
+PMUL2216
+MUL1082
+PMUL2218
+MUL1080
+MUL1081
+MUL1086
+MUL1087
+MUL1084
+MUL1085
+MUL1882
+MUL1883
+MUL1880
+MUL1881
+PMUL2138
+MUL1887
+MUL1884
+MUL1885
+PMUL2134
+PMUL2135
+PMUL2136
+MUL1889
+PMUL2130
+PMUL2131
+PMUL2132
+PMUL2133
+SNG0719
+SNG0718
+SNG0869
+SNG0868
+SNG0715
+SNG0714
+SNG0865
+SNG0864
+SNG0863
+SNG0710
+SNG0861
+SNG0860
+PMUL2906
+PMUL2682
+PMUL2680
+PMUL2681
+PMUL2687
+PMUL2684
+PMUL2685
+PMUL2688
+PMUL2689
+SNG1400
+PMUL1979
+PMUL4458
+PMUL0815
+SNG01201
+SNG01200
+PMUL0811
+SNG01206
+PMUL0261
+PMUL1799
+PMUL1798
+PMUL1970
+PMUL1795
+PMUL1794
+PMUL1797
+PMUL1796
+PMUL1791
+PMUL4453
+PMUL1793
+PMUL1792
+PMUL4864
+PMUL4452
+SNG1102
+PMUL4866
+WOZ20456
+PMUL1974
+MUL1743
+PMUL3629
+SNG1100
+PMUL3188
+PMUL3623
+MUL1727
+PMUL3621
+PMUL3620
+PMUL3627
+PMUL3626
+PMUL3625
+PMUL3624
+PMUL4862
+MUL1724
+MUL1742
+PMUL1171
+PMUL1170
+PMUL1173
+PMUL1172
+PMUL1175
+PMUL1174
+PMUL1177
+PMUL1176
+PMUL1179
+PMUL1178
+MUL1729
+PMUL1647
+MUL0829
+SNG1108
+SNG0206
+MUL0823
+MUL0822
+MUL0821
+MUL0820
+MUL1745
+MUL0826
+MUL0825
+MUL0824
+SNG0109
+SNG0204
+SNG02320
+PMUL1643
+MUL2562
+PMUL1642
+MUL2563
+MUL0220
+SNG0201
+MUL2564
+PMUL1640
+SNG02324
+MUL2567
+MUL0223
+SNG0209
+SNG0208
+MUL1746
+SNG0516
+PMUL2919
+PMUL2912
+PMUL2913
+PMUL2911
+PMUL2916
+PMUL2917
+PMUL2914
+SNG0653
+SNG02109
+MUL0226
+SNG02118
+MUL0417
+SNG02117
+SNG02114
+SNG02115
+SNG02112
+SNG01344
+SNG02110
+SNG02111
+PMUL0964
+PMUL0967
+PMUL0966
+PMUL0960
+PMUL0963
+PMUL0962
+MUL0412
+PMUL0969
+PMUL0968
+SNG01343
+MUL0410
+MUL1426
+MUL0411
+SNG1270
+MUL0338
+SNG01349
+SNG0416
+MUL1420
+SNG0417
+PMUL4294
+PMUL4133
+PMUL3436
+PMUL3437
+MUL0049
+PMUL3435
+PMUL3432
+PMUL3433
+PMUL3430
+PMUL3431
+PMUL3438
+PMUL3439
+MUL1473
+MUL1472
+MUL1471
+MUL1470
+MUL1477
+MUL1476
+MUL1475
+MUL1474
+MUL1479
+MUL1478
+PMUL4292
+SNG0412
+PMUL3057
+MUL0678
+PMUL4136
+MUL1509
+SNG0419
+MUL0892
+SNG0413
+MUL1699
+MUL1698
+MUL1697
+MUL1696
+MUL1695
+MUL1694
+PMUL4290
+MUL1692
+MUL1691
+MUL1690
+SNG0415
+SNG0298
+SNG0299
+MUL0128
+MUL0129
+SNG0294
+SNG0295
+SNG0296
+SNG0297
+MUL0122
+MUL0123
+SNG0292
+MUL0897
+MUL0670
+MUL0895
+WOZ20509
+WOZ20508
+MUL1507
+WOZ20503
+WOZ20502
+WOZ20501
+WOZ20500
+WOZ20507
+WOZ20506
+WOZ20505
+WOZ20504
+SNG0411
+PMUL1369
+PMUL1364
+PMUL1365
+PMUL1366
+PMUL1367
+PMUL1361
+PMUL1362
+PMUL1363
+MUL1506
+PMUL0369
+PMUL0368
+PMUL0367
+PMUL0366
+PMUL4816
+PMUL0363
+PMUL0362
+PMUL0361
+MUL0342
+WOZ20446
+WOZ20447
+WOZ20444
+WOZ20445
+PMUL2479
+WOZ20443
+WOZ20440
+WOZ20441
+PMUL2475
+PMUL2474
+PMUL2477
+PMUL2476
+PMUL2471
+PMUL2470
+WOZ20448
+WOZ20449
+PMUL2698
+PMUL0183
+PMUL0182
+PMUL0181
+PMUL0180
+PMUL0187
+PMUL0186
+PMUL0185
+MUL1013
+PMUL0189
+PMUL0188
+MUL0041
+PMUL1588
+PMUL1589
+PMUL1581
+PMUL1582
+PMUL1584
+PMUL1585
+PMUL1586
+PMUL1587
+MUL0040
+MUL0341
+SNG1337
+MUL0346
+PMUL3988
+PMUL3989
+PMUL3986
+PMUL3987
+PMUL3984
+PMUL3982
+PMUL3983
+PMUL3980
+PMUL4538
+PMUL4539
+PMUL4536
+PMUL4537
+PMUL4535
+MUL0042
+PMUL4533
+PMUL4530
+PMUL4531
+PMUL1218
+SNG01478
+MUL0045
+PMUL4459
+PMUL1978
+PMUL3184
+PMUL3185
+PMUL3182
+PMUL3183
+PMUL3180
+PMUL3181
+PMUL4451
+PMUL4450
+PMUL1973
+PMUL1972
+PMUL4455
+PMUL4454
+PMUL1977
+MUL1705
+MUL2568
+MUL2569
+SNG02321
+MUL2561
+SNG02323
+SNG02322
+SNG02325
+MUL2565
+MUL2566
+SNG02326
+PMUL2099
+MUL0268
+PMUL1213
+MUL0047
+SNG01475
+PMUL2279
+PMUL4989
+PMUL4988
+PMUL4987
+PMUL4986
+PMUL4985
+PMUL4984
+PMUL4983
+PMUL4981
+PMUL4980
+PMUL4078
+MUL1701
+PMUL2277
+PMUL4006
+PMUL2275
+PMUL2274
+PMUL2273
+PMUL2272
+PMUL2271
+PMUL2270
+SNG01470
+SNG01471
+SNG01473
+PMUL1036
+SNG01476
+PMUL2278
+PMUL1037
+MUL1700
+PMUL1522
+PMUL1031
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz.json b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz.json
new file mode 100644
index 0000000..d56e91c
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz.json
@@ -0,0 +1,5143 @@
+{
+ "requestable": [
+ "Train-Id",
+ "Train-Ticket",
+ "Train-Dest",
+ "Restaurant-Phone",
+ "Restaurant-Addr",
+ "Taxi-Dest",
+ "Attraction-Post",
+ "Restaurant-Area",
+ "Booking-Stay",
+ "Taxi-Car",
+ "Hotel-Internet",
+ "Attraction-Type",
+ "Hotel-Addr",
+ "Booking-Time",
+ "Train-Arrive",
+ "Hotel-Parking",
+ "Police-Addr",
+ "Train-Leave",
+ "Restaurant-Food",
+ "Train-Ref",
+ "Restaurant-Ref",
+ "Hotel-Phone",
+ "Restaurant-Name",
+ "Attraction-Fee",
+ "Train-Depart",
+ "Taxi-Leave",
+ "Hotel-Stars",
+ "Restaurant-Price",
+ "Taxi-Phone",
+ "Attraction-Addr",
+ "Attraction-Area",
+ "Police-Post",
+ "Hospital-Post",
+ "Restaurant-Post",
+ "Attraction-Price",
+ "Hotel-Type",
+ "Hospital-Phone",
+ "Hotel-Ref",
+ "Attraction-Phone",
+ "Hotel-Price",
+ "Hotel-Area",
+ "Hotel-Post",
+ "Police-Phone",
+ "Hospital-Addr",
+ "Taxi-Depart",
+ "Train-Time",
+ "Taxi-Arrive",
+ "Train-People",
+ "Hotel-Name",
+ "Booking-Day",
+ "Attraction-Name",
+ "Train-Day",
+ "Booking-People"
+ ],
+ "all_tuples": [
+ [
+ "Train-OfferBook",
+ "none",
+ "none"
+ ],
+ [
+ "Train-OfferBook",
+ "Depart"
+ ],
+ [
+ "Train-OfferBook",
+ "People"
+ ],
+ [
+ "Train-OfferBook",
+ "Dest"
+ ],
+ [
+ "Train-OfferBook",
+ "Choice"
+ ],
+ [
+ "Train-OfferBook",
+ "Id"
+ ],
+ [
+ "Train-OfferBook",
+ "Leave"
+ ],
+ [
+ "Train-OfferBook",
+ "Time"
+ ],
+ [
+ "Train-OfferBook",
+ "Ticket"
+ ],
+ [
+ "Train-OfferBook",
+ "Arrive"
+ ],
+ [
+ "Train-OfferBook",
+ "Ref"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Restaurant-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Inform",
+ "Name"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Inform",
+ "Food"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Inform",
+ "People"
+ ],
+ [
+ "Restaurant-Inform",
+ "Choice"
+ ],
+ [
+ "Restaurant-Inform",
+ "Phone"
+ ],
+ [
+ "Restaurant-Inform",
+ "Time"
+ ],
+ [
+ "Restaurant-Inform",
+ "Post"
+ ],
+ [
+ "Restaurant-Inform",
+ "Ref"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Restaurant-Inform",
+ "Addr"
+ ],
+ [
+ "general-reqmore",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Book",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Book",
+ "Name"
+ ],
+ [
+ "Booking-Book",
+ "People"
+ ],
+ [
+ "Booking-Book",
+ "Stay"
+ ],
+ [
+ "Booking-Book",
+ "Time"
+ ],
+ [
+ "Booking-Book",
+ "Ref"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "monday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "friday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Name"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Food"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Choice"
+ ],
+ [
+ "Hotel-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Name"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Choice"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Stars"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Booking-NoBook",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-NoBook",
+ "Name"
+ ],
+ [
+ "Booking-NoBook",
+ "People"
+ ],
+ [
+ "Booking-NoBook",
+ "Stay"
+ ],
+ [
+ "Booking-NoBook",
+ "Time"
+ ],
+ [
+ "Booking-NoBook",
+ "Ref"
+ ],
+ [
+ "Booking-NoBook",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Booking-NoBook",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Restaurant-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Name"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Food"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Choice"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Phone"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Post"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Addr"
+ ],
+ [
+ "Attraction-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Fee"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Addr"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Choice"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "mutliple sports"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Name"
+ ],
+ [
+ "Hotel-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Recommend",
+ "Name"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Recommend",
+ "Choice"
+ ],
+ [
+ "Hotel-Recommend",
+ "Phone"
+ ],
+ [
+ "Hotel-Recommend",
+ "Stars"
+ ],
+ [
+ "Hotel-Recommend",
+ "Post"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "restaurant"
+ ],
+ [
+ "Hotel-Recommend",
+ "Addr"
+ ],
+ [
+ "Restaurant-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Select",
+ "Name"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Select",
+ "Food"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Select",
+ "Choice"
+ ],
+ [
+ "Restaurant-Select",
+ "Addr"
+ ],
+ [
+ "Attraction-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Select",
+ "Fee"
+ ],
+ [
+ "Attraction-Select",
+ "Name"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Select",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Select",
+ "Choice"
+ ],
+ [
+ "Attraction-Select",
+ "Phone"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Select",
+ "Addr"
+ ],
+ [
+ "Train-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Train-Inform",
+ "Depart"
+ ],
+ [
+ "Train-Inform",
+ "People"
+ ],
+ [
+ "Train-Inform",
+ "Dest"
+ ],
+ [
+ "Train-Inform",
+ "Choice"
+ ],
+ [
+ "Train-Inform",
+ "Id"
+ ],
+ [
+ "Train-Inform",
+ "Leave"
+ ],
+ [
+ "Train-Inform",
+ "Time"
+ ],
+ [
+ "Train-Inform",
+ "Ticket"
+ ],
+ [
+ "Train-Inform",
+ "Arrive"
+ ],
+ [
+ "Train-Inform",
+ "Ref"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "none",
+ "none"
+ ],
+ [
+ "Train-OfferBooked",
+ "Depart"
+ ],
+ [
+ "Train-OfferBooked",
+ "People"
+ ],
+ [
+ "Train-OfferBooked",
+ "Dest"
+ ],
+ [
+ "Train-OfferBooked",
+ "Choice"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Leave"
+ ],
+ [
+ "Train-OfferBooked",
+ "Time"
+ ],
+ [
+ "Train-OfferBooked",
+ "Ticket"
+ ],
+ [
+ "Train-OfferBooked",
+ "Arrive"
+ ],
+ [
+ "Train-OfferBooked",
+ "Ref"
+ ],
+ [
+ "Train-OfferBooked",
+ "Id"
+ ],
+ [
+ "general-bye",
+ "none",
+ "none"
+ ],
+ [
+ "general-thank",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Recommend",
+ "Fee"
+ ],
+ [
+ "Attraction-Recommend",
+ "Name"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Recommend",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Recommend",
+ "Choice"
+ ],
+ [
+ "Attraction-Recommend",
+ "Phone"
+ ],
+ [
+ "Attraction-Recommend",
+ "Post"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "concerthall"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Recommend",
+ "Addr"
+ ],
+ [
+ "general-greet",
+ "none",
+ "none"
+ ],
+ [
+ "general-welcome",
+ "none",
+ "none"
+ ],
+ [
+ "Taxi-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Taxi-Inform",
+ "Depart"
+ ],
+ [
+ "Taxi-Inform",
+ "Dest"
+ ],
+ [
+ "Taxi-Inform",
+ "Car"
+ ],
+ [
+ "Taxi-Inform",
+ "Leave"
+ ],
+ [
+ "Taxi-Inform",
+ "Phone"
+ ],
+ [
+ "Taxi-Inform",
+ "Arrive"
+ ],
+ [
+ "Booking-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Inform",
+ "Name"
+ ],
+ [
+ "Booking-Inform",
+ "People"
+ ],
+ [
+ "Booking-Inform",
+ "Stay"
+ ],
+ [
+ "Booking-Inform",
+ "Time"
+ ],
+ [
+ "Booking-Inform",
+ "Ref"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Hotel-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Inform",
+ "Name"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Inform",
+ "Internet",
+ "no"
+ ],
+ [
+ "Hotel-Inform",
+ "Internet",
+ "yes"
+ ],
+ [
+ "Hotel-Inform",
+ "Ref"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "free"
+ ],
+ [
+ "Hotel-Inform",
+ "People"
+ ],
+ [
+ "Hotel-Inform",
+ "Stay"
+ ],
+ [
+ "Hotel-Inform",
+ "Phone"
+ ],
+ [
+ "Hotel-Inform",
+ "Stars"
+ ],
+ [
+ "Hotel-Inform",
+ "Parking",
+ "no"
+ ],
+ [
+ "Hotel-Inform",
+ "Parking",
+ "yes"
+ ],
+ [
+ "Hotel-Inform",
+ "Post"
+ ],
+ [
+ "Hotel-Inform",
+ "Choice"
+ ],
+ [
+ "Hotel-Inform",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Inform",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Hotel-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Hotel-Inform",
+ "Addr"
+ ],
+ [
+ "Attraction-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Inform",
+ "Fee"
+ ],
+ [
+ "Attraction-Inform",
+ "Addr"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Attraction-Inform",
+ "Choice"
+ ],
+ [
+ "Attraction-Inform",
+ "Phone"
+ ],
+ [
+ "Attraction-Inform",
+ "Post"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "mutliple sports"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "concerthall"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Inform",
+ "Name"
+ ],
+ [
+ "Hospital-Inform",
+ "Department"
+ ],
+ [
+ "Hospital-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Train-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Train-NoOffer",
+ "Depart"
+ ],
+ [
+ "Train-NoOffer",
+ "Dest"
+ ],
+ [
+ "Train-NoOffer",
+ "Choice"
+ ],
+ [
+ "Train-NoOffer",
+ "Id"
+ ],
+ [
+ "Train-NoOffer",
+ "Leave"
+ ],
+ [
+ "Train-NoOffer",
+ "Arrive"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Police-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Select",
+ "Name"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Select",
+ "Choice"
+ ],
+ [
+ "Hotel-Select",
+ "Phone"
+ ],
+ [
+ "Hotel-Select",
+ "Stars"
+ ],
+ [
+ "Hotel-Select",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Select",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Select",
+ "Addr"
+ ],
+ [
+ "Train-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Train-Select",
+ "Id"
+ ],
+ [
+ "Train-Select",
+ "Depart"
+ ],
+ [
+ "Train-Select",
+ "People"
+ ],
+ [
+ "Train-Select",
+ "Dest"
+ ],
+ [
+ "Train-Select",
+ "Choice"
+ ],
+ [
+ "Train-Select",
+ "Leave"
+ ],
+ [
+ "Train-Select",
+ "Ticket"
+ ],
+ [
+ "Train-Select",
+ "Arrive"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "sunday"
+ ]
+ ],
+ "informable": {
+ "Fee": [
+ "4 pounds",
+ "5 pounds",
+ "3.50 pounds",
+ "free",
+ "2 pounds",
+ "2.50 pounds",
+ "1 pound",
+ "?"
+ ],
+ "Addr": [
+ "108 Regent Street City Centre",
+ "24 Green Street City Centre",
+ "lensfield road",
+ "43 High Street Cherry Hinton Cherry Hinton",
+ "35 Newnham Road Newnham",
+ "30 Bridge Street City Centre",
+ "144 thornton road",
+ "saint andrew's street",
+ "castle street",
+ "saint john's street",
+ "100 Mill Road City Centre",
+ "152 - 154 Hills Road",
+ "98 king street",
+ "herschel road",
+ "cambridge passenger cruisers, jubilee house",
+ "56 saint barnabas road",
+ "151 hills road",
+ "De Vere University Arms Regent Street City Centre",
+ "unit 8, viking way, bar hill",
+ "78-80 milton road",
+ "cherry hinton road",
+ "82 Cherry Hinton Road Cherry Hinton",
+ "12 Bridge Street City Centre",
+ "732-734 newmarket road",
+ "jesus lane",
+ "university of cambridge, downing street",
+ "wheeler street",
+ "49 newnham road",
+ "kingfisher way, hinchinbrook business park, huntingdon",
+ "88 Mill Road City Centre",
+ "cafe jello gallery, 13 magdalene street",
+ "86 Regent Street City Centre",
+ "14 -16 Bridge Street",
+ "251a chesterton road",
+ "328a histon road",
+ "196 Mill Road City Centre",
+ "8 market passage",
+ "64 Cherry Hinton Road Cherry Hinton",
+ "74 chesterton road",
+ "Thompsons Lane Fen Ditton",
+ "529 Newmarket Road Fen Ditton",
+ "sidgwick avenue",
+ "storey's way",
+ "31 Newnham Road Newnham",
+ "cambridge leisure park, clifton way",
+ "6 Lensfield Road",
+ "free school lane",
+ "365 milton road",
+ "22 sidney street",
+ "cherry hinton hall, cherry hinton road",
+ "Victoria Avenue Chesterton",
+ "Huntingdon Road City Centre",
+ "little saint mary's lane",
+ "51 Trumpington Street City Centre",
+ "fulbourn",
+ "710 newmarket road",
+ "4 Kings Parade City Centre",
+ "15 Magdalene Street City Centre",
+ "63 milton road",
+ "53-57 lensfield road",
+ "Corn Exchange Street",
+ "154 chesterton road",
+ "205 Victoria Road Chesterton",
+ "gwydir street, no. 5 dale's brewery",
+ "22 Chesterton Road Chesterton",
+ "Parkside, Cambridge",
+ "St. Michael's Church Trinity Street City Centre",
+ "between victoria road and the river",
+ "jedburgh court, kings hedges",
+ "12 Market Hill City Centre",
+ "68 Histon Road Chesterton",
+ "6 trinity street",
+ "74 Mill Road City Centre",
+ "21 - 24 Northampton Road",
+ "trumpington street",
+ "54 King Street City Centre",
+ "anglia ruskin university, east road",
+ "Jesus Lane Fen Ditton",
+ "17 Hills Road City Centre",
+ "2 Sturton Street City Centre",
+ "sleeperz hotel, station road",
+ "Napier Street City Centre",
+ "172 chesterton road",
+ "fen causeway, newnham road,",
+ "5 Jordans Yard Bridge Street City Centre",
+ "silver street",
+ "41518 Castle Street City Centre",
+ "84 Regent Street City Centre",
+ "Hills Road City Centre",
+ "66 Chesterton Road Chesterton",
+ "82 arbury road",
+ "1-6 corn exchange street",
+ "trinity street",
+ "the grafton centre, east road",
+ "regent street",
+ "33 Bridge Street",
+ "8 mercers row, mercers row industrial estate",
+ "king's parade",
+ "32 Bridge Street City Centre",
+ "clifton way",
+ "35 Saint Andrews Street City Centre",
+ "7 Milton Road Chesterton",
+ "Quayside Off Bridge Street",
+ "20 Milton Road Chesterton",
+ "market square",
+ "40210 Millers Yard City Centre",
+ "2 norfolk street",
+ "124 tenison road",
+ "Newmarket Road Fen Ditton",
+ "bateman street",
+ "40270 King Street City Centre",
+ "106 Mill Road City Centre",
+ "83 Regent Street",
+ "1 Kings Parade",
+ "21 - 24 Northampton Street",
+ "2-3 castle street",
+ "1 station road",
+ "magdalene street",
+ "517a coldham lane",
+ "52 Mill Road City Centre",
+ "Cambridge Retail Park Newmarket Road Fen Ditton",
+ "gonville place",
+ "62 gilbert road",
+ "girton college, huntingdon road",
+ "The Little Rose 37 Trumpington Street",
+ "Crowne Plaza Hotel 20 Downing Street",
+ "park street",
+ "2 Rose Crescent City Centre",
+ "unit su43, grande arcade, saint andrews street",
+ "40428 King Street City Centre",
+ "10 king s parade",
+ "anglia ruskin enterprise, east road",
+ "11 Peas Hill City Centre",
+ "King Street City Centre",
+ "Market Hill City Centre",
+ "Cambridge City Football Club Milton Road Chesterton",
+ "152 chesterton road",
+ "Cambridge Leisure Park Clifton Way",
+ "41 warkworth street",
+ "Cambridge Lodge Hotel 139 Huntingdon Road City Centre",
+ "12 St. Johns Street City Centre",
+ "47-53 Regent Street",
+ "53 roseford road",
+ "1 wheeler street",
+ "3 - 5 Millers Yard Mill Lane",
+ "Hotel Felix Whitehouse Lane Huntingdon Road",
+ "Regent Street City Centre",
+ "the plough, green end, fen ditton,",
+ "4 - 6 Rose Crescent",
+ "Grafton Hotel 619 Newmarket Road Fen Ditton",
+ "10 Homerton Street City Centre",
+ "unit g6, cambridge leisure park, clifton road",
+ "183 East Road City Centre",
+ "wollaston road",
+ "8 Norfolk Street City Centre",
+ "37 Newnham Road Newnham",
+ "colville road, cherry hinton",
+ "Free School Lane City Centre",
+ "Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "96 barton road",
+ "7 Barnwell Road Fen Ditton",
+ "138 perne road",
+ "wandlebury ring, gog magog hills, babraham",
+ "451 Newmarket Road Fen Ditton",
+ "71 Castle Street City Centre",
+ "169 High Street Chesterton Chesterton",
+ "106 Regent Street City Centre",
+ "15 - 19 Trumpington Street",
+ "17 Magdalene Street City Centre",
+ "39 fitzroy street",
+ "12 Norfolk Street City Centre",
+ "72 Regent Street City Centre",
+ "back lane, cambourne",
+ "290 Mill Road City Centre",
+ "39 Burleigh Street City Centre",
+ "2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton",
+ "34 - 35 Green Street",
+ "52 gilbert road",
+ "12 Lensfield Road City Centre",
+ "Doubletree by Hilton Cambridge Granta Place Mill Lane",
+ "191 Histon Road Chesterton",
+ "23 high street, fen ditton",
+ "36 Saint Andrews Street",
+ "warkworth terrace",
+ "Finders Corner Newmarket Road",
+ "market street",
+ "5 greens road",
+ "Bridge Street City Centre",
+ "5 mowbray road",
+ "the old pumping station, cheddars lane",
+ "156 chesterton road",
+ "sidney street",
+ "milton country park, milton",
+ "trinity lane",
+ "33-34 Saint Andrews Street",
+ "21 Burleigh Street City Centre",
+ "15-17 norman way, coldhams business park",
+ "Milton Road Chesterton",
+ "G4 Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "the belfast yard, coldham's road",
+ "6 saint edward's passage",
+ "Mill Road City Centre",
+ "Midsummer Common",
+ "granta place, mill lane",
+ "heidelberg gardens, lion yard",
+ "59 Hills Road City Centre",
+ "14 king's parade",
+ "pool way, whitehill road, off newmarket road"
+ ],
+ "Area": [
+ "west",
+ "east",
+ "north",
+ "south",
+ "centre"
+ ],
+ "Stars": [
+ "0",
+ "3",
+ "2",
+ "4",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five"
+ ],
+ "Internet": [
+ "yes",
+ "no"
+ ],
+ "Department": [
+ "paediatric clinic",
+ "hepatology",
+ "medical short stay unit",
+ "theatre admissions unit",
+ "neurosciences",
+ "children's surgical and medicine",
+ "cambridge eye unit",
+ "oncology",
+ "neurology neurosurgery",
+ "inpatient occupational therapy",
+ "diabetes and endocrinology",
+ "emergency department",
+ "surgery",
+ "antenatal",
+ "respiratory medicine",
+ "postnatal",
+ "cardiology and coronary care unit",
+ "teenage cancer trust unit",
+ "infectious diseases",
+ "urology",
+ "major trauma unit",
+ "haematology and haematological oncology",
+ "transplant high dependency unit",
+ "neonatal unit",
+ "oncology neurosurgery",
+ "transitional care",
+ "colorectal surgery",
+ "acute medicine for the elderly",
+ "transplant unit",
+ "intermediate dependency area",
+ "intermediate dependancy area",
+ "clinical research facility",
+ "haematology day unit",
+ "gastroenterology",
+ "cardiology",
+ "general medicine and nephrology",
+ "john farman intensive care unit",
+ "coronary care unit",
+ "plastic and vascular surgery plastics",
+ "paediatric day unit",
+ "trauma high dependency unit",
+ "neurosciences critical care unit",
+ "infusion services",
+ "paediatric intensive care unit",
+ "lewin stroke and rehabilitation unit",
+ "medical decisions unit",
+ "gynaecology",
+ "clinical decisions unit",
+ "acute medical assessment unit",
+ "clinical investigation ward",
+ "trauma and orthopaedics",
+ "delivery unit",
+ "oral and maxillofacial surgery and ent",
+ "neurology",
+ "medicine for the elderly",
+ "haematology",
+ "children's oncology and haematology",
+ "psychiatry",
+ "hepatobillary and gastrointestinal surgery regional referral centre"
+ ],
+ "Choice": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "10",
+ "11",
+ "12",
+ "13",
+ "14",
+ "15",
+ "16",
+ "17",
+ "18",
+ "19",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Type": [
+ "concerthall",
+ "guesthouse",
+ "theatre",
+ "entertainment",
+ "museum",
+ "hotel",
+ "park",
+ "nightclub",
+ "mutliple sports",
+ "cinema",
+ "architecture",
+ "college",
+ "swimmingpool",
+ "boat",
+ "restaurant"
+ ],
+ "Food": [
+ "portuguese",
+ "asian oriental",
+ "mexican",
+ "chinese",
+ "mediterranean",
+ "japanese",
+ "spanish",
+ "turkish",
+ "gastropub",
+ "indian",
+ "international",
+ "korean",
+ "european",
+ "african",
+ "french",
+ "modern european",
+ "thai",
+ "lebanese",
+ "seafood",
+ "vietnamese",
+ "british",
+ "north american",
+ "italian"
+ ],
+ "Ref": [],
+ "Price": [
+ "moderate",
+ "cheap",
+ "free",
+ "expensive",
+ "?"
+ ],
+ "Stay": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Phone": [],
+ "Ticket": [
+ "3.52 pounds",
+ "16.60 pounds",
+ "75.10 pounds",
+ "7.84 pounds",
+ "30.24 pounds",
+ "37.80 pounds",
+ "17.90 pounds",
+ "60.08 pounds",
+ "17.60 pounds",
+ "13.28 pounds",
+ "8.08 pounds",
+ "14.32 pounds",
+ "23.60 pounds",
+ "9.80 pounds",
+ "16.50 pounds",
+ "4.40 pounds",
+ "10.24 pounds",
+ "14.08 pounds",
+ "13.20 pounds",
+ "10.10 pounds",
+ "12.80 pounds",
+ "18.88 pounds"
+ ],
+ "Day": [
+ "monday",
+ "tuesday",
+ "friday",
+ "wednesday",
+ "thursday",
+ "sunday",
+ "saturday"
+ ],
+ "Name": [
+ "cambridge artworks",
+ "el shaddai",
+ "india house",
+ "pizza hut fen ditton",
+ "michaelhouse cafe",
+ "clare college",
+ "tandoori palace",
+ "hk fusion",
+ "great saint mary's church",
+ "saffron brasserie",
+ "restaurant one seven",
+ "curry king",
+ "all saints church",
+ "frankie and bennys",
+ "cambridge contemporary art",
+ "broughton house gallery",
+ "byard art",
+ "ask restaurant",
+ "clare hall",
+ "the lucky star",
+ "cambridge arts theatre",
+ "cotto",
+ "city centre north b and b",
+ "museum of archaelogy and anthropology",
+ "castle galleries",
+ "restaurant alimentum",
+ "the golden curry",
+ "meze bar",
+ "whale of a time",
+ "avalon",
+ "cote",
+ "king's college",
+ "thanh binh",
+ "gallery at twelve a high street",
+ "the nirala",
+ "ashley hotel",
+ "lynne strover gallery",
+ "zizzi cambridge",
+ "panahar",
+ "backstreet bistro",
+ "cambridge book and print gallery",
+ "yu garden",
+ "yippee noodle bar",
+ "golden house",
+ "peking restaurant",
+ "rice house",
+ "rice boat",
+ "hakka",
+ "fitzbillies restaurant",
+ "sitar tandoori",
+ "scott polar museum",
+ "eraina",
+ "vue cinema",
+ "taj tandoori",
+ "the good luck chinese food takeaway",
+ "pembroke college",
+ "da vinci pizzeria",
+ "camboats",
+ "the hotpot",
+ "jinling noodle bar",
+ "anatolia",
+ "cambridge museum of technology",
+ "la tasca",
+ "ali baba",
+ "alpha-milton guest house",
+ "sheep's green and lammas land park fen causeway",
+ "soul tree nightclub",
+ "pizza express",
+ "magdalene college",
+ "the fitzwilliam museum",
+ "charlie chan",
+ "cafe jello gallery",
+ "warkworth house",
+ "jesus green outdoor pool",
+ "travellers rest",
+ "parkside pools",
+ "the junction",
+ "express by holiday inn cambridge",
+ "city stop restaurant",
+ "the cambridge belfry",
+ "bangkok city",
+ "acorn guest house",
+ "curry prince",
+ "pipasha restaurant",
+ "dojo noodle bar",
+ "wagamama",
+ "aylesbray lodge guest house",
+ "sesame restaurant and bar",
+ "nusha",
+ "maharajah tandoori restaurant",
+ "riverside brasserie",
+ "efes restaurant",
+ "christ's college",
+ "loch fyne",
+ "gourmet burger kitchen",
+ "huntingdon marriott hotel",
+ "little saint mary's church",
+ "saint barnabas press gallery",
+ "the place",
+ "kettle's yard",
+ "kohinoor",
+ "clowns cafe",
+ "worth house",
+ "cambridge university botanic gardens",
+ "cambridge lodge restaurant",
+ "cherry hinton hall and grounds",
+ "la mimosa",
+ "adc theatre",
+ "la margherita",
+ "the missing sock",
+ "curry garden",
+ "don pasquale pizzeria",
+ "grafton hotel restaurant",
+ "rajmahal",
+ "the gardenia",
+ "j restaurant",
+ "alexander bed and breakfast",
+ "bridge guest house",
+ "cambridge and county folk museum",
+ "ballare",
+ "restaurant two two",
+ "pizza hut city centre",
+ "hamilton lodge",
+ "kings hedges learner pool",
+ "pizza express Fen Ditton",
+ "arbury lodge guesthouse",
+ "wandlebury country park",
+ "chiquito restaurant bar",
+ "kymmoy",
+ "rosa's bed and breakfast",
+ "the river bar steakhouse and grill",
+ "hobsons house",
+ "scudamores punting co",
+ "cherry hinton water play",
+ "leverton house",
+ "bloomsbury restaurant",
+ "club salsa",
+ "saigon city",
+ "kambar",
+ "holy trinity church",
+ "prezzo",
+ "home from home",
+ "the cambridge chop house",
+ "royal spice",
+ "museum of classical archaeology",
+ "saint johns chop house",
+ "old schools",
+ "carolina bed and breakfast",
+ "the cherry hinton village centre",
+ "shanghai family restaurant",
+ "shiraz restaurant",
+ "primavera",
+ "darrys cookhouse and wine shop",
+ "stazione restaurant and coffee bar",
+ "the gandhi",
+ "corpus christi",
+ "funky fun house",
+ "little seoul",
+ "williams art and antiques",
+ "milton country park",
+ "gonville hotel",
+ "saint john's college",
+ "queens' college",
+ "pizza hut cherry hinton",
+ "regency gallery",
+ "emmanuel college",
+ "downing college",
+ "riverboat georgina",
+ "a and b guest house",
+ "hotel du vin and bistro",
+ "kirkwood house",
+ "bedouin",
+ "archway house",
+ "nandos",
+ "the man on the moon",
+ "the copper kettle",
+ "the fez club",
+ "lan hong house",
+ "graffiti",
+ "the varsity restaurant",
+ "caffe uno",
+ "the oak bistro",
+ "midsummer house restaurant",
+ "de luca cucina and bar",
+ "cityroomz",
+ "golden wok",
+ "finches bed and breakfast",
+ "sala thong",
+ "abbey pool and astroturf pitch",
+ "ugly duckling",
+ "curry queen",
+ "galleria",
+ "churchill college",
+ "cineworld cinema",
+ "autumn house",
+ "the slug and lettuce",
+ "Parkside Police Station",
+ "tang chinese",
+ "hughes hall",
+ "la raza",
+ "allenbell",
+ "gonville and caius college",
+ "tenpin",
+ "lovell lodge",
+ "the cow pizza kitchen and bar",
+ "limehouse",
+ "cocum",
+ "nandos city centre",
+ "mahal of cambridge",
+ "trinity college",
+ "university arms hotel",
+ "the cambridge corn exchange",
+ "royal standard",
+ "whipple museum of the history of science",
+ "ruskin gallery",
+ "meghna",
+ "the cambridge punter",
+ "mumford theatre",
+ "the lensfield hotel",
+ "people's portraits exhibition at girton college",
+ "sidney sussex college",
+ "saint catharine's college",
+ "jesus college"
+ ],
+ "Car": [
+ "black toyota",
+ "black skoda",
+ "black bmw",
+ "black honda",
+ "black ford",
+ "black audi",
+ "black lexus",
+ "black volvo",
+ "black volkswagen",
+ "black tesla",
+ "white toyota",
+ "white skoda",
+ "white bmw",
+ "white honda",
+ "white ford",
+ "white audi",
+ "white lexus",
+ "white volvo",
+ "white volkswagen",
+ "white tesla",
+ "red toyota",
+ "red skoda",
+ "red bmw",
+ "red honda",
+ "red ford",
+ "red audi",
+ "red lexus",
+ "red volvo",
+ "red volkswagen",
+ "red tesla",
+ "yellow toyota",
+ "yellow skoda",
+ "yellow bmw",
+ "yellow honda",
+ "yellow ford",
+ "yellow audi",
+ "yellow lexus",
+ "yellow volvo",
+ "yellow volkswagen",
+ "yellow tesla",
+ "blue toyota",
+ "blue skoda",
+ "blue bmw",
+ "blue honda",
+ "blue ford",
+ "blue audi",
+ "blue lexus",
+ "blue volvo",
+ "blue volkswagen",
+ "blue tesla",
+ "grey toyota",
+ "grey skoda",
+ "grey bmw",
+ "grey honda",
+ "grey ford",
+ "grey audi",
+ "grey lexus",
+ "grey volvo",
+ "grey volkswagen",
+ "grey tesla"
+ ],
+ "Leave": [],
+ "Time": [],
+ "Arrive": [],
+ "Post": [
+ "cb12qa",
+ "cb23hg",
+ "cb13nx",
+ "cb21dp",
+ "cb21db",
+ "cb41xa",
+ "cb21dq",
+ "cb259aq",
+ "cb13nf",
+ "cb23hx",
+ "cb58jj",
+ "cb13nl",
+ "cb41ha",
+ "cb21ta",
+ "cb23pj",
+ "cb17gx",
+ "pe296fl",
+ "cb21tl",
+ "cb58aq",
+ "cb21tp",
+ "cb21tq",
+ "cb21tw",
+ "cb21qa",
+ "cb21ad",
+ "cb43lf",
+ "cb43le",
+ "cb23pp",
+ "cb23pq",
+ "cb41sr",
+ "cb12as",
+ "cb18dw",
+ "cb12az",
+ "cb23na",
+ "cb3ojg",
+ "cb58pa",
+ "cb43hl",
+ "cb30ad",
+ "cb19hx",
+ "cb11pt",
+ "cb17dy",
+ "cb21sj",
+ "cb21su",
+ "cb21st",
+ "cb11hr",
+ "cb39da",
+ "cb58ld",
+ "cb58sx",
+ "cb42je",
+ "cb12de",
+ "cb11ps",
+ "cb39al",
+ "cb39lh",
+ "cb12dp",
+ "cb12lj",
+ "cb21nw",
+ "cb11dg",
+ "cb19ej",
+ "cb12lf",
+ "cb21la",
+ "cb41nl",
+ "cb23dt",
+ "cb23nz",
+ "cb30aq",
+ "cb30ah",
+ "cb30ag",
+ "cb30af",
+ "cb17aa",
+ "cb23nj",
+ "cb17ag",
+ "cb28rj",
+ "cb21er",
+ "cb11er",
+ "cb23ar",
+ "cb23ap",
+ "cb58rs",
+ "cb11ee",
+ "cb11eg",
+ "cb41as",
+ "cb21eg",
+ "cb58rg",
+ "cb21en",
+ "cb58bl",
+ "cb21ug",
+ "cb21uf",
+ "cb23qb",
+ "cb21uj",
+ "cb58ba",
+ "cb23qe",
+ "cb21uw",
+ "cb58bs",
+ "cb11bg",
+ "cb21qy",
+ "cb41da",
+ "cb12bd",
+ "cb23dz",
+ "cb58nt",
+ "cb43ht",
+ "cb13js",
+ "cb21rb",
+ "cb43pd",
+ "cb43pe",
+ "cb58as",
+ "cb41la",
+ "cb23ll",
+ "cb28pb",
+ "cb236bw",
+ "cb23hu",
+ "cb21tt",
+ "cb17sr",
+ "cb30nd",
+ "cb12ew",
+ "cb21nt",
+ "cb11lh",
+ "cb11ln",
+ "cb12tz",
+ "cb238el",
+ "cb15dh",
+ "cb11ly",
+ "cb13lh",
+ "cb58wr",
+ "cb23bu",
+ "cb23qf",
+ "cb58hy",
+ "cb23bj",
+ "cb41uy",
+ "cb13ef",
+ "cb39ey",
+ "cb23rh",
+ "cb23ju",
+ "cb13ew",
+ "cb21jf",
+ "cb28nx",
+ "cb22ha",
+ "cb41jy",
+ "cb30df",
+ "cb41eh",
+ "cb30lx",
+ "cb21rq",
+ "cb43px",
+ "cb21rs",
+ "cb21rt",
+ "cb23jx",
+ "cb21ab",
+ "cb21rh",
+ "cb46az",
+ "cb21rl",
+ "cb30dq",
+ "cb30ds",
+ "cb41er",
+ "cb21aw",
+ "cb41ep",
+ "cb21rf",
+ "cb21rg",
+ "cb12jb",
+ "cb22ad",
+ "cb223ae",
+ "cb43ax",
+ "cb42xh",
+ "cb39et"
+ ],
+ "none": [
+ "none"
+ ],
+ "Depart": [
+ "cambridge",
+ "peterborough",
+ "leicester",
+ "london kings cross",
+ "bishops stortford",
+ "norwich",
+ "london liverpool street",
+ "birmingham new street",
+ "ely",
+ "stevenage",
+ "kings lynn",
+ "broxbourne",
+ "stansted airport"
+ ],
+ "People": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Dest": [
+ "cambridge",
+ "peterborough",
+ "norwich",
+ "london kings cross",
+ "bishops stortford",
+ "leicester",
+ "london liverpool street",
+ "birmingham new street",
+ "ely",
+ "stevenage",
+ "kings lynn",
+ "broxbourne",
+ "stansted airport"
+ ],
+ "Parking": [
+ "yes",
+ "no"
+ ],
+ "Id": [
+ "TR6334",
+ "TR6844",
+ "TR1828",
+ "TR6332",
+ "TR5995",
+ "TR8868",
+ "TR1530",
+ "TR1537",
+ "TR1536",
+ "TR8633",
+ "TR1534",
+ "TR2324",
+ "TR7793",
+ "TR2820",
+ "TR7556",
+ "TR7554",
+ "TR9792",
+ "TR7551",
+ "TR9790",
+ "TR1180",
+ "TR5689",
+ "TR1827",
+ "TR9817",
+ "TR1820",
+ "TR6203",
+ "TR3867",
+ "TR5687",
+ "TR3864",
+ "TR7654",
+ "TR1347",
+ "TR9246",
+ "TR8836",
+ "TR8948",
+ "TR3350",
+ "TR7223",
+ "TR1646",
+ "TR1316",
+ "TR3607",
+ "TR1319",
+ "TR1649",
+ "TR9303",
+ "TR7796",
+ "TR6447",
+ "TR1797",
+ "TR8707",
+ "TR1791",
+ "TR1790",
+ "TR3609",
+ "TR1799",
+ "TR2775",
+ "TR9018",
+ "TR4826",
+ "TR1009",
+ "TR1008",
+ "TR5234",
+ "TR1006",
+ "TR5237",
+ "TR5230",
+ "TR9016",
+ "TR4463",
+ "TR3884",
+ "TR3886",
+ "TR3883",
+ "TR3889",
+ "TR3888",
+ "TR5831",
+ "TR5836",
+ "TR5782",
+ "TR3211",
+ "TR8301",
+ "TR8300",
+ "TR8307",
+ "TR8306",
+ "TR8304",
+ "TR5301",
+ "TR5163",
+ "TR5164",
+ "TR5167",
+ "TR0664",
+ "TR0665",
+ "TR0667",
+ "TR9876",
+ "TR0661",
+ "TR0662",
+ "TR5496",
+ "TR0469",
+ "TR0466",
+ "TR0467",
+ "TR0465",
+ "TR0460",
+ "TR5941",
+ "TR8272",
+ "TR4781",
+ "TR4787",
+ "TR5015",
+ "TR2912",
+ "TR2913",
+ "TR4549",
+ "TR5547",
+ "TR0064",
+ "TR2919",
+ "TR0068",
+ "TR4546",
+ "TR4017",
+ "TR4016",
+ "TR4015",
+ "TR4941",
+ "TR4943",
+ "TR9905",
+ "TR4761",
+ "TR4944",
+ "TR9900",
+ "TR4769",
+ "TR9908",
+ "TR9909",
+ "TR0209",
+ "TR0201",
+ "TR8056",
+ "TR8054",
+ "TR7944",
+ "TR7946",
+ "TR5949",
+ "TR7940",
+ "TR8411",
+ "TR7942",
+ "TR7943",
+ "TR3466",
+ "TR4305",
+ "TR3463",
+ "TR3462",
+ "TR4300",
+ "TR3468",
+ "TR7307",
+ "TR7305",
+ "TR3085",
+ "TR3087",
+ "TR7309",
+ "TR0516",
+ "TR0517",
+ "TR0514",
+ "TR0515",
+ "TR3319",
+ "TR3315",
+ "TR3646",
+ "TR3645",
+ "TR3316",
+ "TR3310",
+ "TR3312",
+ "TR0686",
+ "TR0687",
+ "TR0684",
+ "TR8793",
+ "TR0680",
+ "TR7852",
+ "TR4162",
+ "TR4161",
+ "TR3792",
+ "TR8699",
+ "TR3798",
+ "TR6146",
+ "TR9495",
+ "TR6923",
+ "TR6925",
+ "TR2170",
+ "TR9492",
+ "TR9493",
+ "TR9758",
+ "TR2138",
+ "TR2687",
+ "TR7417",
+ "TR2135",
+ "TR7413",
+ "TR2130",
+ "TR7411",
+ "TR7092",
+ "TR7094",
+ "TR7095",
+ "TR7098",
+ "TR2178",
+ "TR6855",
+ "TR1819",
+ "TR8873",
+ "TR6856",
+ "TR6851",
+ "TR6850",
+ "TR6324",
+ "TR2077",
+ "TR1817",
+ "TR5245",
+ "TR2357",
+ "TR2354",
+ "TR7528",
+ "TR7522",
+ "TR7727",
+ "TR8286",
+ "TR4800",
+ "TR1256",
+ "TR1257",
+ "TR1494",
+ "TR9276",
+ "TR1492",
+ "TR1493",
+ "TR1499",
+ "TR6210",
+ "TR7634",
+ "TR9473",
+ "TR9478",
+ "TR0768",
+ "TR4597",
+ "TR1670",
+ "TR1672",
+ "TR1674",
+ "TR9312",
+ "TR9310",
+ "TR9317",
+ "TR9314",
+ "TR6453",
+ "TR6454",
+ "TR6457",
+ "TR6456",
+ "TR6319",
+ "TR0192",
+ "TR9003",
+ "TR9001",
+ "TR8188",
+ "TR1079",
+ "TR9969",
+ "TR1071",
+ "TR7807",
+ "TR5225",
+ "TR5793",
+ "TR5790",
+ "TR5797",
+ "TR4448",
+ "TR5314",
+ "TR1108",
+ "TR1640",
+ "TR0678",
+ "TR0672",
+ "TR0677",
+ "TR0675",
+ "TR5170",
+ "TR8192",
+ "TR1090",
+ "TR8190",
+ "TR8194",
+ "TR5488",
+ "TR4414",
+ "TR8199",
+ "TR0471",
+ "TR5953",
+ "TR8202",
+ "TR2398",
+ "TR8204",
+ "TR8208",
+ "TR5003",
+ "TR4579",
+ "TR0073",
+ "TR5552",
+ "TR0075",
+ "TR5554",
+ "TR0077",
+ "TR5556",
+ "TR5558",
+ "TR5009",
+ "TR1097",
+ "TR2900",
+ "TR4750",
+ "TR7888",
+ "TR4752",
+ "TR9911",
+ "TR3259",
+ "TR4208",
+ "TR4757",
+ "TR4758",
+ "TR3255",
+ "TR3256",
+ "TR3257",
+ "TR3250",
+ "TR4203",
+ "TR4972",
+ "TR8252",
+ "TR0212",
+ "TR0217",
+ "TR4689",
+ "TR7956",
+ "TR3412",
+ "TR4373",
+ "TR4376",
+ "TR5562",
+ "TR8519",
+ "TR4964",
+ "TR8517",
+ "TR5408",
+ "TR8510",
+ "TR8736",
+ "TR7310",
+ "TR7313",
+ "TR2232",
+ "TR8733",
+ "TR7317",
+ "TR2236",
+ "TR2239",
+ "TR0990",
+ "TR0852",
+ "TR0503",
+ "TR0502",
+ "TR3322",
+ "TR3325",
+ "TR3634",
+ "TR9925",
+ "TR0694",
+ "TR0690",
+ "TR0995",
+ "TR4747",
+ "TR2417",
+ "TR4194",
+ "TR0998",
+ "TR9488",
+ "TR6883",
+ "TR4967",
+ "TR9487",
+ "TR3246",
+ "TR3747",
+ "TR2129",
+ "TR2125",
+ "TR2696",
+ "TR2694",
+ "TR9641",
+ "TR7400",
+ "TR4997",
+ "TR4992",
+ "TR4990",
+ "TR5921",
+ "TR6688",
+ "TR6689",
+ "TR6866",
+ "TR6684",
+ "TR8845",
+ "TR8846",
+ "TR6681",
+ "TR8842",
+ "TR6045",
+ "TR6043",
+ "TR7535",
+ "TR7537",
+ "TR6914",
+ "TR1240",
+ "TR1242",
+ "TR1245",
+ "TR1247",
+ "TR1246",
+ "TR9263",
+ "TR1482",
+ "TR1480",
+ "TR9266",
+ "TR9265",
+ "TR6590",
+ "TR6595",
+ "TR8131",
+ "TR7621",
+ "TR9460",
+ "TR9462",
+ "TR8991",
+ "TR9468",
+ "TR1802",
+ "TR1800",
+ "TR1809",
+ "TR1162",
+ "TR6464",
+ "TR1668",
+ "TR1667",
+ "TR1662",
+ "TR1661",
+ "TR6662",
+ "TR6668",
+ "TR4365",
+ "TR4364",
+ "TR9076",
+ "TR9077",
+ "TR9074",
+ "TR4368",
+ "TR3378",
+ "TR1069",
+ "TR8808",
+ "TR1060",
+ "TR1062",
+ "TR9531",
+ "TR8500",
+ "TR9530",
+ "TR9536",
+ "TR9013",
+ "TR5818",
+ "TR3336",
+ "TR5767",
+ "TR5816",
+ "TR5765",
+ "TR5761",
+ "TR4158",
+ "TR6310",
+ "TR1111",
+ "TR1110",
+ "TR5365",
+ "TR9107",
+ "TR4137",
+ "TR9102",
+ "TR1118",
+ "TR5108",
+ "TR5100",
+ "TR5106",
+ "TR7678",
+ "TR0449",
+ "TR8183",
+ "TR8185",
+ "TR0440",
+ "TR5961",
+ "TR3338",
+ "TR0196",
+ "TR5965",
+ "TR0446",
+ "TR4567",
+ "TR8218",
+ "TR0044",
+ "TR2973",
+ "TR2970",
+ "TR5567",
+ "TR2977",
+ "TR2974",
+ "TR0992",
+ "TR9921",
+ "TR4969",
+ "TR0996",
+ "TR4218",
+ "TR0222",
+ "TR4748",
+ "TR8431",
+ "TR3534",
+ "TR4745",
+ "TR4216",
+ "TR3247",
+ "TR4210",
+ "TR3245",
+ "TR7677",
+ "TR5587",
+ "TR5584",
+ "TR5580",
+ "TR5589",
+ "TR4698",
+ "TR9854",
+ "TR0413",
+ "TR8509",
+ "TR9851",
+ "TR8504",
+ "TR8501",
+ "TR9859",
+ "TR2808",
+ "TR8724",
+ "TR8726",
+ "TR7328",
+ "TR7329",
+ "TR8723",
+ "TR2759",
+ "TR7324",
+ "TR2205",
+ "TR7326",
+ "TR2755",
+ "TR2753",
+ "TR3339",
+ "TR5392",
+ "TR0530",
+ "TR3628",
+ "TR0532",
+ "TR0143",
+ "TR0537",
+ "TR3624",
+ "TR3626",
+ "TR4188",
+ "TR4187",
+ "TR4186",
+ "TR4180",
+ "TR4182",
+ "TR7188",
+ "TR6122",
+ "TR6125",
+ "TR6129",
+ "TR7186",
+ "TR7187",
+ "TR7438",
+ "TR3756",
+ "TR3753",
+ "TR7430",
+ "TR9675",
+ "TR2116",
+ "TR4987",
+ "TR8001",
+ "TR4626",
+ "TR2599",
+ "TR9582",
+ "TR2375",
+ "TR6699",
+ "TR6698",
+ "TR8852",
+ "TR6691",
+ "TR9589",
+ "TR6697",
+ "TR2379",
+ "TR6871",
+ "TR6870",
+ "TR2576",
+ "TR7057",
+ "TR7055",
+ "TR6056",
+ "TR7509",
+ "TR2578",
+ "TR6052",
+ "TR6224",
+ "TR7930",
+ "TR6557",
+ "TR6906",
+ "TR6908",
+ "TR3844",
+ "TR6121",
+ "TR6585",
+ "TR6583",
+ "TR1270",
+ "TR1903",
+ "TR1272",
+ "TR7020",
+ "TR1478",
+ "TR1476",
+ "TR1477",
+ "TR6272",
+ "TR1472",
+ "TR9293",
+ "TR9291",
+ "TR7610",
+ "TR9452",
+ "TR7618",
+ "TR9776",
+ "TR8985",
+ "TR1873",
+ "TR1871",
+ "TR7477",
+ "TR8373",
+ "TR1879",
+ "TR7706",
+ "TR6473",
+ "TR6477",
+ "TR3989",
+ "TR1612",
+ "TR1610",
+ "TR1616",
+ "TR1617",
+ "TR1615",
+ "TR6675",
+ "TR2118",
+ "TR9540",
+ "TR6673",
+ "TR1581",
+ "TR6679",
+ "TR6678",
+ "TR1584",
+ "TR6655",
+ "TR3240",
+ "TR1726",
+ "TR1727",
+ "TR9063",
+ "TR9062",
+ "TR1051",
+ "TR1053",
+ "TR1058",
+ "TR1728",
+ "TR1729",
+ "TR1292",
+ "TR1291",
+ "TR3057",
+ "TR7436",
+ "TR5802",
+ "TR5777",
+ "TR5806",
+ "TR5773",
+ "TR6998",
+ "TR7208",
+ "TR4061",
+ "TR1120",
+ "TR5370",
+ "TR5373",
+ "TR9119",
+ "TR9115",
+ "TR9114",
+ "TR9110",
+ "TR9113",
+ "TR3962",
+ "TR5119",
+ "TR5975",
+ "TR0454",
+ "TR5972",
+ "TR0451",
+ "TR5110",
+ "TR5497",
+ "TR5117",
+ "TR5116",
+ "TR0189",
+ "TR0188",
+ "TR5499",
+ "TR0181",
+ "TR2855",
+ "TR0184",
+ "TR2616",
+ "TR8224",
+ "TR8225",
+ "TR8220",
+ "TR8222",
+ "TR2969",
+ "TR2968",
+ "TR5579",
+ "TR5578",
+ "TR0053",
+ "TR5570",
+ "TR2965",
+ "TR0055",
+ "TR5574",
+ "TR5605",
+ "TR5604",
+ "TR0236",
+ "TR9939",
+ "TR0234",
+ "TR9937",
+ "TR4221",
+ "TR3503",
+ "TR9933",
+ "TR9932",
+ "TR4734",
+ "TR4227",
+ "TR5594",
+ "TR5590",
+ "TR9883",
+ "TR6336",
+ "TR5599",
+ "TR8089",
+ "TR8080",
+ "TR8082",
+ "TR2815",
+ "TR9842",
+ "TR9048",
+ "TR4429",
+ "TR8530",
+ "TR8531",
+ "TR8533",
+ "TR2819",
+ "TR4351",
+ "TR3433",
+ "TR3342",
+ "TR3615",
+ "TR8714",
+ "TR3347",
+ "TR8716",
+ "TR7996",
+ "TR2211",
+ "TR7994",
+ "TR9580",
+ "TR2215",
+ "TR4649",
+ "TR6975",
+ "TR3183",
+ "TR0525",
+ "TR3188",
+ "TR0521",
+ "TR6971",
+ "TR0060",
+ "TR8406",
+ "TR5541",
+ "TR8151",
+ "TR9588",
+ "TR2106",
+ "TR2105",
+ "TR2104",
+ "TR7423",
+ "TR9662",
+ "TR2101",
+ "TR7420",
+ "TR6110",
+ "TR9669",
+ "TR3762",
+ "TR3765",
+ "TR2850",
+ "TR3769",
+ "TR4011",
+ "TR3293",
+ "TR3297",
+ "TR4541",
+ "TR4540",
+ "TR2588",
+ "TR4543",
+ "TR2586",
+ "TR7976",
+ "TR4765",
+ "TR2361",
+ "TR6809",
+ "TR9595",
+ "TR9594",
+ "TR2365",
+ "TR2368",
+ "TR6806",
+ "TR9904",
+ "TR6068",
+ "TR2564",
+ "TR7047",
+ "TR7046",
+ "TR2561",
+ "TR7040",
+ "TR7043",
+ "TR7514",
+ "TR3265",
+ "TR6062",
+ "TR6063",
+ "TR2569",
+ "TR6067",
+ "TR3267",
+ "TR2473",
+ "TR7195",
+ "TR6053",
+ "TR6247",
+ "TR6242",
+ "TR8453",
+ "TR1911",
+ "TR1469",
+ "TR4604",
+ "TR1465",
+ "TR9286",
+ "TR1460",
+ "TR9282",
+ "TR9448",
+ "TR9445",
+ "TR7604",
+ "TR0367",
+ "TR7600",
+ "TR1863",
+ "TR6488",
+ "TR6487",
+ "TR1606",
+ "TR8882",
+ "TR8885",
+ "TR8888",
+ "TR1590",
+ "TR1596",
+ "TR3495",
+ "TR1731",
+ "TR1044",
+ "TR1049",
+ "TR9057",
+ "TR1283",
+ "TR5298",
+ "TR5299",
+ "TR5293",
+ "TR5291",
+ "TR5297",
+ "TR5294",
+ "TR5747",
+ "TR5348",
+ "TR5349",
+ "TR5344",
+ "TR9125",
+ "TR1131",
+ "TR5343",
+ "TR3976",
+ "TR3971",
+ "TR5902",
+ "TR5903",
+ "TR5901",
+ "TR0426",
+ "TR0427",
+ "TR5908",
+ "TR5358",
+ "TR7700",
+ "TR0254",
+ "TR5600",
+ "TR8239",
+ "TR2957",
+ "TR2950",
+ "TR2952",
+ "TR4506",
+ "TR4509",
+ "TR4508",
+ "TR8231",
+ "TR8230",
+ "TR8237",
+ "TR4308",
+ "TR5630",
+ "TR8620",
+ "TR5635",
+ "TR5638",
+ "TR9941",
+ "TR4724",
+ "TR4727",
+ "TR9033",
+ "TR8095",
+ "TR7468",
+ "TR8092",
+ "TR6270",
+ "TR0088",
+ "TR0737",
+ "TR0734",
+ "TR8522",
+ "TR2225",
+ "TR6219",
+ "TR5124",
+ "TR9623",
+ "TR2823",
+ "TR5120",
+ "TR2826",
+ "TR3420",
+ "TR4431",
+ "TR2141",
+ "TR4344",
+ "TR4655",
+ "TR3602",
+ "TR3353",
+ "TR9620",
+ "TR4651",
+ "TR3606",
+ "TR3356",
+ "TR3359",
+ "TR3358",
+ "TR8705",
+ "TR8704",
+ "TR4659",
+ "TR8702",
+ "TR2776",
+ "TR2777",
+ "TR3190",
+ "TR3197",
+ "TR5325",
+ "TR3194",
+ "TR0552",
+ "TR0550",
+ "TR2144",
+ "TR0554",
+ "TR3515",
+ "TR8410",
+ "TR4233",
+ "TR4232",
+ "TR8143",
+ "TR4230",
+ "TR7855",
+ "TR8149",
+ "TR7853",
+ "TR7850",
+ "TR9610",
+ "TR7451",
+ "TR2176",
+ "TR7457",
+ "TR2175",
+ "TR7458",
+ "TR6105",
+ "TR6104",
+ "TR7291",
+ "TR7293",
+ "TR3775",
+ "TR7299",
+ "TR3770",
+ "TR0953",
+ "TR3289",
+ "TR7578",
+ "TR3285",
+ "TR3284",
+ "TR3283",
+ "TR0002",
+ "TR6076",
+ "TR6072",
+ "TR6071",
+ "TR2394",
+ "TR2392",
+ "TR6774",
+ "TR2551",
+ "TR7075",
+ "TR7076",
+ "TR2557",
+ "TR7078",
+ "TR9724",
+ "TR9722",
+ "TR2000",
+ "TR2001",
+ "TR9942",
+ "TR3262",
+ "TR2483",
+ "TR2485",
+ "TR2488",
+ "TR1928",
+ "TR6251",
+ "TR6255",
+ "TR1923",
+ "TR1925",
+ "TR1458",
+ "TR8026",
+ "TR9438",
+ "TR3264",
+ "TR7673",
+ "TR7676",
+ "TR9437",
+ "TR5153",
+ "TR1854",
+ "TR1855",
+ "TR7879",
+ "TR1634",
+ "TR1636",
+ "TR1633",
+ "TR2061",
+ "TR6499",
+ "TR6495",
+ "TR6496",
+ "TR9546",
+ "TR9547",
+ "TR9545",
+ "TR7703",
+ "TR8899",
+ "TR8898",
+ "TR5979",
+ "TR8893",
+ "TR8890",
+ "TR6368",
+ "TR1701",
+ "TR1703",
+ "TR1704",
+ "TR7319",
+ "TR1709",
+ "TR6479",
+ "TR5285",
+ "TR3672",
+ "TR2015",
+ "TR0559",
+ "TR9139",
+ "TR1148",
+ "TR1149",
+ "TR5159",
+ "TR1147",
+ "TR1144",
+ "TR1145",
+ "TR3940",
+ "TR3947",
+ "TR3948",
+ "TR3949",
+ "TR0431",
+ "TR5910",
+ "TR0435",
+ "TR5914",
+ "TR9811",
+ "TR0439",
+ "TR6576",
+ "TR9659",
+ "TR7001",
+ "TR3118",
+ "TR0646",
+ "TR7450",
+ "TR2941",
+ "TR2946",
+ "TR4535",
+ "TR4537",
+ "TR4533",
+ "TR5756",
+ "TR5754",
+ "TR5751",
+ "TR5750",
+ "TR2131",
+ "TR3111",
+ "TR5758",
+ "TR7399",
+ "TR4080",
+ "TR4082",
+ "TR5628",
+ "TR5626",
+ "TR9956",
+ "TR0728",
+ "TR7683",
+ "TR4480",
+ "TR0094",
+ "TR0721",
+ "TR0720",
+ "TR0723",
+ "TR0722",
+ "TR9561",
+ "TR7873",
+ "TR8394",
+ "TR8390",
+ "TR2835",
+ "TR2834",
+ "TR4404",
+ "TR8399",
+ "TR2831",
+ "TR0897",
+ "TR8778",
+ "TR4664",
+ "TR4669",
+ "TR4886",
+ "TR4887",
+ "TR3360",
+ "TR8777",
+ "TR0899",
+ "TR4883",
+ "TR4390",
+ "TR4391",
+ "TR3166",
+ "TR0545",
+ "TR3566",
+ "TR3567",
+ "TR8176",
+ "TR8177",
+ "TR7846",
+ "TR7843",
+ "TR7441",
+ "TR8604",
+ "TR2162",
+ "TR9605",
+ "TR2164",
+ "TR8600",
+ "TR2166",
+ "TR7285",
+ "TR7284",
+ "TR3702",
+ "TR3704",
+ "TR0945",
+ "TR0940",
+ "TR0943",
+ "TR0942",
+ "TR2764",
+ "TR2762",
+ "TR2761",
+ "TR2545",
+ "TR6003",
+ "TR6000",
+ "TR6009",
+ "TR2380",
+ "TR3017",
+ "TR3014",
+ "TR3010",
+ "TR2547",
+ "TR2017",
+ "TR2016",
+ "TR9731",
+ "TR7062",
+ "TR7061",
+ "TR9732",
+ "TR3387",
+ "TR4863",
+ "TR4861",
+ "TR2493",
+ "TR2494",
+ "TR2497",
+ "TR6807",
+ "TR8954",
+ "TR6715",
+ "TR8952",
+ "TR8950",
+ "TR7661",
+ "TR2833",
+ "TR7663",
+ "TR9422",
+ "TR9424",
+ "TR7667",
+ "TR7666",
+ "TR6391",
+ "TR1843",
+ "TR1840",
+ "TR6828",
+ "TR4660",
+ "TR2078",
+ "TR2452",
+ "TR9557",
+ "TR6629",
+ "TR7713",
+ "TR2459",
+ "TR4920",
+ "TR6626",
+ "TR1931",
+ "TR4885",
+ "TR8977",
+ "TR4882",
+ "TR1719",
+ "TR4676",
+ "TR4928",
+ "TR6536",
+ "TR6530",
+ "TR6538",
+ "TR6539",
+ "TR8233",
+ "TR9148",
+ "TR1159",
+ "TR1158",
+ "TR9386",
+ "TR9387",
+ "TR9382",
+ "TR9383",
+ "TR1152",
+ "TR1154",
+ "TR1156",
+ "TR5774",
+ "TR3953",
+ "TR5383",
+ "TR5928",
+ "TR5385",
+ "TR0158",
+ "TR5387",
+ "TR5925",
+ "TR5926",
+ "TR5435",
+ "TR5920",
+ "TR5433",
+ "TR5431",
+ "TR0793",
+ "TR7895",
+ "TR7967",
+ "TR0796",
+ "TR4520",
+ "TR4526",
+ "TR5722",
+ "TR5720",
+ "TR5721",
+ "TR5725",
+ "TR9098",
+ "TR9099",
+ "TR5729",
+ "TR4093",
+ "TR5659",
+ "TR4096",
+ "TR4095",
+ "TR4094",
+ "TR5650",
+ "TR5656",
+ "TR5657",
+ "TR5654",
+ "TR0718",
+ "TR0713",
+ "TR8542",
+ "TR8549",
+ "TR4419",
+ "TR4418",
+ "TR8383",
+ "TR2848",
+ "TR8387",
+ "TR8385",
+ "TR0394",
+ "TR9891",
+ "TR2840",
+ "TR0397",
+ "TR9894",
+ "TR2847",
+ "TR0392",
+ "TR7848",
+ "TR8769",
+ "TR5371",
+ "TR4898",
+ "TR3564",
+ "TR4679",
+ "TR0573",
+ "TR3373",
+ "TR8760",
+ "TR3371",
+ "TR4890",
+ "TR4673",
+ "TR4896",
+ "TR4670",
+ "TR0373",
+ "TR4389",
+ "TR4387",
+ "TR3174",
+ "TR3177",
+ "TR4383",
+ "TR4382",
+ "TR0378",
+ "TR4658",
+ "TR4249",
+ "TR6941",
+ "TR3331",
+ "TR4115",
+ "TR9964",
+ "TR4250",
+ "TR4706",
+ "TR4257",
+ "TR4256",
+ "TR8167",
+ "TR8166",
+ "TR7872",
+ "TR4708",
+ "TR8162",
+ "TR7877",
+ "TR7478",
+ "TR9639",
+ "TR9634",
+ "TR9635",
+ "TR7476",
+ "TR9637",
+ "TR2623",
+ "TR2620",
+ "TR2621",
+ "TR3718",
+ "TR7278",
+ "TR7276",
+ "TR3710",
+ "TR3713",
+ "TR0974",
+ "TR7447",
+ "TR2711",
+ "TR2716",
+ "TR2715",
+ "TR1552",
+ "TR6012",
+ "TR6016",
+ "TR9708",
+ "TR2029",
+ "TR3006",
+ "TR3000",
+ "TR7012",
+ "TR2021",
+ "TR7010",
+ "TR7011",
+ "TR9704",
+ "TR2025",
+ "TR2534",
+ "TR7015",
+ "TR4875",
+ "TR3396",
+ "TR3390",
+ "TR0459",
+ "TR7386",
+ "TR3398",
+ "TR1433",
+ "TR1430",
+ "TR1431",
+ "TR1437",
+ "TR1434",
+ "TR4588",
+ "TR7126",
+ "TR2792",
+ "TR7656",
+ "TR9417",
+ "TR2442",
+ "TR7123",
+ "TR8945",
+ "TR8944",
+ "TR8947",
+ "TR6706",
+ "TR7658",
+ "TR7494",
+ "TR5971",
+ "TR7499",
+ "TR6833",
+ "TR6383",
+ "TR6387",
+ "TR6386",
+ "TR6838",
+ "TR0757",
+ "TR1388",
+ "TR1389",
+ "TR1384",
+ "TR1386",
+ "TR1387",
+ "TR1382",
+ "TR1891",
+ "TR1892",
+ "TR1895",
+ "TR1549",
+ "TR1898",
+ "TR1542",
+ "TR7721",
+ "TR9565",
+ "TR9566",
+ "TR9567",
+ "TR7728",
+ "TR7729",
+ "TR6633",
+ "TR1942",
+ "TR1947",
+ "TR2814",
+ "TR1099",
+ "TR1036",
+ "TR1762",
+ "TR1766",
+ "TR1764",
+ "TR1765",
+ "TR6524",
+ "TR6527",
+ "TR6523",
+ "TR3810",
+ "TR1165",
+ "TR1160",
+ "TR9157",
+ "TR1163",
+ "TR9390",
+ "TR9395",
+ "TR3928",
+ "TR3929",
+ "TR3922",
+ "TR3921",
+ "TR6946",
+ "TR5933",
+ "TR5424",
+ "TR5395",
+ "TR0146",
+ "TR0141",
+ "TR5936",
+ "TR0415",
+ "TR5390",
+ "TR7147",
+ "TR7143",
+ "TR5731",
+ "TR6763",
+ "TR5734",
+ "TR5737",
+ "TR5736",
+ "TR9086",
+ "TR9084",
+ "TR9083",
+ "TR9082",
+ "TR9081",
+ "TR5648",
+ "TR8288",
+ "TR4068",
+ "TR4067",
+ "TR5643",
+ "TR5645",
+ "TR8285",
+ "TR8925",
+ "TR8924",
+ "TR9887",
+ "TR9886",
+ "TR4466",
+ "TR4467",
+ "TR8574",
+ "TR8575",
+ "TR8571",
+ "TR4149",
+ "TR8573",
+ "TR2851",
+ "TR8377",
+ "TR8374",
+ "TR2966",
+ "TR8372",
+ "TR2854",
+ "TR0385",
+ "TR8596",
+ "TR4602",
+ "TR4606",
+ "TR8598",
+ "TR4605",
+ "TR9735",
+ "TR3498",
+ "TR0363",
+ "TR6164",
+ "TR3492",
+ "TR3144",
+ "TR0368",
+ "TR3147",
+ "TR7864",
+ "TR8118",
+ "TR3548",
+ "TR4269",
+ "TR3544",
+ "TR4266",
+ "TR3547",
+ "TR4260",
+ "TR3543",
+ "TR3724",
+ "TR4117",
+ "TR9629",
+ "TR2148",
+ "TR3720",
+ "TR3721",
+ "TR4110",
+ "TR8627",
+ "TR2635",
+ "TR2634",
+ "TR2637",
+ "TR7460",
+ "TR2631",
+ "TR2146",
+ "TR2145",
+ "TR4119",
+ "TR7269",
+ "TR4283",
+ "TR7261",
+ "TR4288",
+ "TR0969",
+ "TR0962",
+ "TR2701",
+ "TR8025",
+ "TR2705",
+ "TR2704",
+ "TR2708",
+ "TR4226",
+ "TR9717",
+ "TR9714",
+ "TR6028",
+ "TR2031",
+ "TR6024",
+ "TR3034",
+ "TR2521",
+ "TR6868",
+ "TR7002",
+ "TR7005",
+ "TR7007",
+ "TR4840",
+ "TR7398",
+ "TR4844",
+ "TR4848",
+ "TR4849",
+ "TR7397",
+ "TR0335",
+ "TR6289",
+ "TR1426",
+ "TR1428",
+ "TR6283",
+ "TR6739",
+ "TR2457",
+ "TR9407",
+ "TR9404",
+ "TR0228",
+ "TR9408",
+ "TR8974",
+ "TR2133",
+ "TR6737",
+ "TR7484",
+ "TR6831",
+ "TR7481",
+ "TR7483",
+ "TR1393",
+ "TR1392",
+ "TR1391",
+ "TR1395",
+ "TR6357",
+ "TR6607",
+ "TR6351",
+ "TR1887",
+ "TR6608",
+ "TR1553",
+ "TR6359",
+ "TR7738",
+ "TR9577",
+ "TR7734",
+ "TR7733",
+ "TR1951",
+ "TR1952",
+ "TR1955",
+ "TR1958",
+ "TR1086",
+ "TR1085",
+ "TR1082",
+ "TR2812",
+ "TR1088",
+ "TR4354",
+ "TR1773",
+ "TR1772",
+ "TR1775",
+ "TR6511",
+ "TR3809",
+ "TR3808",
+ "TR6516",
+ "TR6517",
+ "TR3805",
+ "TR3802",
+ "TR6834",
+ "TR8860",
+ "TR3343",
+ "TR4642",
+ "TR7785",
+ "TR9369",
+ "TR9366",
+ "TR6712",
+ "TR9362",
+ "TR9360",
+ "TR3938",
+ "TR2744",
+ "TR3932",
+ "TR3934",
+ "TR5411",
+ "TR5412",
+ "TR5413",
+ "TR7990",
+ "TR2998",
+ "TR5098",
+ "TR5094",
+ "TR5095",
+ "TR5097",
+ "TR5091",
+ "TR7548",
+ "TR9420",
+ "TR5256",
+ "TR5253",
+ "TR5703",
+ "TR5077",
+ "TR0771",
+ "TR0776",
+ "TR4078",
+ "TR5070",
+ "TR5071",
+ "TR8290",
+ "TR8293",
+ "TR8292",
+ "TR8297",
+ "TR4905",
+ "TR9427",
+ "TR5892",
+ "TR5825",
+ "TR5899",
+ "TR2865",
+ "TR4475",
+ "TR2863",
+ "TR8563",
+ "TR0523",
+ "TR9187",
+ "TR9183",
+ "TR8365",
+ "TR8364",
+ "TR8361",
+ "TR8363",
+ "TR8585",
+ "TR3154",
+ "TR8580",
+ "TR3151",
+ "TR8582",
+ "TR0596",
+ "TR3158",
+ "TR3489",
+ "TR0354",
+ "TR0357",
+ "TR0358",
+ "TR0607",
+ "TR0605",
+ "TR0601",
+ "TR8108",
+ "TR5677",
+ "TR3553",
+ "TR9984",
+ "TR9985",
+ "TR8105",
+ "TR4276",
+ "TR4274",
+ "TR4104",
+ "TR3730",
+ "TR4101",
+ "TR4100",
+ "TR3735",
+ "TR3734",
+ "TR8636",
+ "TR2602",
+ "TR4109",
+ "TR8632",
+ "TR8631",
+ "TR4294",
+ "TR4296",
+ "TR7253",
+ "TR7256",
+ "TR0919",
+ "TR0916",
+ "TR0914",
+ "TR7928",
+ "TR2735",
+ "TR7924",
+ "TR2730",
+ "TR7920",
+ "TR2514",
+ "TR2515",
+ "TR7036",
+ "TR2041",
+ "TR9766",
+ "TR2512",
+ "TR2045",
+ "TR9768",
+ "TR6037",
+ "TR2519",
+ "TR6034",
+ "TR7900",
+ "TR2286",
+ "TR3027",
+ "TR2289",
+ "TR3021",
+ "TR0826",
+ "TR0822",
+ "TR0823",
+ "TR4859",
+ "TR4858",
+ "TR6727",
+ "TR8966",
+ "TR6725",
+ "TR2993",
+ "TR6723",
+ "TR1419",
+ "TR6720",
+ "TR1412",
+ "TR2995",
+ "TR7103",
+ "TR2465",
+ "TR2466",
+ "TR7107",
+ "TR2102",
+ "TR2192",
+ "TR3877",
+ "TR9611",
+ "TR6628",
+ "TR7581",
+ "TR6616",
+ "TR9616",
+ "TR1562",
+ "TR1567",
+ "TR7743",
+ "TR7747",
+ "TR7744",
+ "TR7745",
+ "TR7372",
+ "TR6293",
+ "TR1965",
+ "TR6298",
+ "TR1744",
+ "TR1745",
+ "TR1749",
+ "TR1985",
+ "TR9217",
+ "TR9212",
+ "TR0774",
+ "TR3833",
+ "TR3834",
+ "TR3836",
+ "TR9219",
+ "TR4076",
+ "TR5173",
+ "TR9179",
+ "TR9178",
+ "TR5078",
+ "TR1188",
+ "TR0674",
+ "TR9175",
+ "TR1342",
+ "TR1344",
+ "TR3903",
+ "TR1349",
+ "TR9376",
+ "TR3908",
+ "TR3299",
+ "TR2987",
+ "TR2986",
+ "TR2985",
+ "TR2984",
+ "TR2982",
+ "TR5089",
+ "TR5484",
+ "TR5718",
+ "TR5713",
+ "TR5711",
+ "TR5241",
+ "TR5240",
+ "TR5060",
+ "TR0767",
+ "TR5062",
+ "TR4041",
+ "TR4045",
+ "TR4594",
+ "TR2860",
+ "TR8207",
+ "TR9331",
+ "TR2877",
+ "TR2876",
+ "TR2874",
+ "TR4447",
+ "TR4440",
+ "TR9195",
+ "TR9197",
+ "TR0164",
+ "TR0162",
+ "TR5401",
+ "TR0160",
+ "TR8350",
+ "TR9199",
+ "TR0168",
+ "TR3128",
+ "TR9593",
+ "TR0583",
+ "TR0615",
+ "TR0345",
+ "TR0611",
+ "TR0613",
+ "TR0612",
+ "TR8134",
+ "TR8135",
+ "TR7803",
+ "TR7802",
+ "TR7804",
+ "TR8132",
+ "TR5550",
+ "TR7808",
+ "TR5443",
+ "TR5662",
+ "TR0292",
+ "TR9999",
+ "TR5664",
+ "TR5669",
+ "TR1659",
+ "TR9992",
+ "TR7245",
+ "TR4134",
+ "TR4136",
+ "TR7240",
+ "TR8643",
+ "TR1228",
+ "TR0076",
+ "TR3330",
+ "TR7248",
+ "TR3587",
+ "TR3237",
+ "TR3234",
+ "TR4915",
+ "TR4912",
+ "TR0904",
+ "TR4625",
+ "TR8002",
+ "TR7169",
+ "TR7938",
+ "TR7935",
+ "TR8009",
+ "TR7931",
+ "TR4629",
+ "TR2503",
+ "TR2052",
+ "TR9775",
+ "TR2506",
+ "TR7024",
+ "TR2058",
+ "TR2508",
+ "TR2293",
+ "TR2292",
+ "TR3058",
+ "TR2297",
+ "TR3052",
+ "TR7519",
+ "TR3055",
+ "TR0835",
+ "TR0837",
+ "TR6188",
+ "TR0831",
+ "TR0839",
+ "TR4824",
+ "TR2617",
+ "TR3254",
+ "TR2615",
+ "TR2614",
+ "TR2613",
+ "TR4975",
+ "TR7883",
+ "TR8913",
+ "TR6974",
+ "TR4977",
+ "TR8917",
+ "TR6755",
+ "TR7885",
+ "TR6759",
+ "TR1404",
+ "TR5507",
+ "TR8424",
+ "TR2479",
+ "TR2478",
+ "TR2475",
+ "TR2474",
+ "TR6198",
+ "TR6199",
+ "TR2471",
+ "TR2188",
+ "TR2182",
+ "TR2181",
+ "TR1577",
+ "TR1575",
+ "TR1574",
+ "TR0609",
+ "TR6373",
+ "TR6374",
+ "TR8828",
+ "TR8829",
+ "TR8824",
+ "TR8825",
+ "TR8820",
+ "TR8821",
+ "TR7759",
+ "TR4259",
+ "TR7753",
+ "TR9515",
+ "TR9517",
+ "TR1978",
+ "TR1971",
+ "TR1975",
+ "TR1752",
+ "TR1750",
+ "TR1756",
+ "TR1755",
+ "TR1759",
+ "TR1997",
+ "TR3824",
+ "TR3823",
+ "TR1992",
+ "TR1999",
+ "TR3828",
+ "TR6578",
+ "TR9202",
+ "TR6572",
+ "TR9209",
+ "TR6574",
+ "TR4346",
+ "TR9193",
+ "TR4018",
+ "TR1268",
+ "TR1193",
+ "TR1192",
+ "TR3912",
+ "TR6405",
+ "TR0283",
+ "TR1357",
+ "TR1356",
+ "TR3918",
+ "TR9345",
+ "TR9346",
+ "TR1262",
+ "TR9384",
+ "TR3415",
+ "TR9332",
+ "TR5207",
+ "TR5678",
+ "TR5679",
+ "TR0635",
+ "TR4212",
+ "TR5273",
+ "TR4217",
+ "TR5050",
+ "TR5051",
+ "TR5054",
+ "TR5056",
+ "TR3732",
+ "TR0755",
+ "TR5504",
+ "TR0025",
+ "TR5502",
+ "TR5503",
+ "TR5500",
+ "TR0021",
+ "TR4106",
+ "TR5879",
+ "TR5874",
+ "TR5870",
+ "TR3736",
+ "TR8347",
+ "TR5181",
+ "TR8730",
+ "TR2887",
+ "TR2885",
+ "TR4455",
+ "TR8830",
+ "TR0112",
+ "TR5473",
+ "TR5476",
+ "TR0117",
+ "TR5474",
+ "TR0115",
+ "TR5478",
+ "TR3130",
+ "TR9835",
+ "TR3137",
+ "TR9831",
+ "TR3138",
+ "TR9839",
+ "TR0339",
+ "TR0330",
+ "TR0623",
+ "TR0625",
+ "TR0334",
+ "TR0627",
+ "TR8121",
+ "TR8126",
+ "TR8124",
+ "TR7834",
+ "TR5985",
+ "TR4057",
+ "TR4056",
+ "TR4050",
+ "TR5694",
+ "TR5695",
+ "TR5693",
+ "TR5691",
+ "TR8659",
+ "TR7233",
+ "TR9444",
+ "TR4127",
+ "TR4125",
+ "TR7239",
+ "TR8655",
+ "TR4122",
+ "TR4121",
+ "TR0934",
+ "TR0247",
+ "TR3228",
+ "TR0240",
+ "TR3598",
+ "TR3225",
+ "TR3596",
+ "TR3221",
+ "TR3637",
+ "TR7909",
+ "TR4631",
+ "TR3326",
+ "TR5389",
+ "TR8017",
+ "TR4638",
+ "TR9741",
+ "TR7583",
+ "TR7349",
+ "TR2266",
+ "TR3043",
+ "TR7341",
+ "TR6989",
+ "TR6982",
+ "TR6980",
+ "TR6985",
+ "TR4836",
+ "TR2662",
+ "TR6741",
+ "TR8903",
+ "TR6742",
+ "TR6745",
+ "TR6183",
+ "TR6180",
+ "TR2402",
+ "TR7692",
+ "TR7693",
+ "TR7696",
+ "TR7165",
+ "TR9693",
+ "TR1502",
+ "TR7648",
+ "TR7766",
+ "TR7767",
+ "TR9522",
+ "TR2311",
+ "TR6366",
+ "TR6364",
+ "TR7768",
+ "TR7769",
+ "TR0932",
+ "TR2083",
+ "TR2088",
+ "TR2089",
+ "TR8316",
+ "TR8008",
+ "TR9760",
+ "TR6038",
+ "TR3854",
+ "TR1600",
+ "TR1217",
+ "TR3858",
+ "TR1213",
+ "TR1210",
+ "TR6568",
+ "TR9236",
+ "TR9237",
+ "TR6560",
+ "TR9765",
+ "TR6564",
+ "TR4207",
+ "TR1691",
+ "TR1699",
+ "TR2048",
+ "TR4204",
+ "TR9356",
+ "TR9352",
+ "TR9351",
+ "TR6645",
+ "TR1328",
+ "TR1329",
+ "TR6411",
+ "TR6413",
+ "TR8658",
+ "TR0127",
+ "TR1321",
+ "TR6419",
+ "TR6418",
+ "TR4205",
+ "TR2013",
+ "TR7409",
+ "TR3478",
+ "TR7763",
+ "TR4202",
+ "TR9890",
+ "TR9644",
+ "TR5266",
+ "TR5267",
+ "TR1037",
+ "TR7406",
+ "TR0305",
+ "TR1031",
+ "TR1038",
+ "TR3022",
+ "TR0749",
+ "TR5049",
+ "TR0743",
+ "TR3474",
+ "TR5517",
+ "TR0740",
+ "TR0031",
+ "TR5042",
+ "TR0033",
+ "TR0032",
+ "TR5867",
+ "TR5863",
+ "TR5862",
+ "TR5190",
+ "TR8331",
+ "TR5194",
+ "TR8335",
+ "TR5199",
+ "TR5198",
+ "TR2897",
+ "TR0821",
+ "TR5465",
+ "TR0104",
+ "TR0106",
+ "TR7518",
+ "TR0637",
+ "TR4481",
+ "TR9827",
+ "TR3108",
+ "TR9823",
+ "TR4488",
+ "TR4334",
+ "TR3102",
+ "TR0638",
+ "TR0328",
+ "TR5998",
+ "TR8488",
+ "TR7822",
+ "TR7827",
+ "TR4005",
+ "TR7824",
+ "TR4026",
+ "TR5688",
+ "TR8247",
+ "TR8244",
+ "TR5686",
+ "TR8241",
+ "TR8466",
+ "TR8464",
+ "TR0071",
+ "TR0922",
+ "TR0256",
+ "TR0927",
+ "TR0925",
+ "TR4931",
+ "TR3212",
+ "TR7917",
+ "TR7918",
+ "TR8799",
+ "TR3698",
+ "TR3699",
+ "TR8653",
+ "TR3694",
+ "TR3695",
+ "TR8792",
+ "TR3697",
+ "TR3692",
+ "TR3074",
+ "TR3076",
+ "TR7598",
+ "TR3071",
+ "TR4000",
+ "TR7593",
+ "TR9751",
+ "TR9757",
+ "TR9756",
+ "TR7594",
+ "TR4804",
+ "TR3677",
+ "TR7359",
+ "TR3673",
+ "TR4803",
+ "TR7355",
+ "TR6864",
+ "TR9678",
+ "TR4809",
+ "TR2925",
+ "TR0813",
+ "TR0811",
+ "TR8665",
+ "TR2673",
+ "TR2926",
+ "TR2674",
+ "TR8662",
+ "TR8669",
+ "TR0012",
+ "TR6954",
+ "TR6956",
+ "TR6958",
+ "TR8935",
+ "TR8932",
+ "TR8933",
+ "TR7179",
+ "TR7178",
+ "TR6416",
+ "TR8261",
+ "TR7170",
+ "TR9892",
+ "TR7177",
+ "TR7176",
+ "TR9688",
+ "TR6880",
+ "TR6886",
+ "TR6885",
+ "TR9680",
+ "TR9683",
+ "TR9682",
+ "TR9685",
+ "TR8265",
+ "TR5539",
+ "TR0393",
+ "TR1512",
+ "TR1327",
+ "TR9533",
+ "TR7771",
+ "TR2306",
+ "TR2301",
+ "TR7776",
+ "TR6312",
+ "TR7779",
+ "TR8805",
+ "TR8806",
+ "TR4957",
+ "TR2095",
+ "TR6088",
+ "TR0572",
+ "TR7573",
+ "TR6080",
+ "TR4678",
+ "TR7579",
+ "TR2098",
+ "TR2006",
+ "TR2601",
+ "TR4892",
+ "TR7505",
+ "TR3370",
+ "TR8765",
+ "TR2274",
+ "TR0579",
+ "TR6226",
+ "TR6227",
+ "TR3843",
+ "TR3842",
+ "TR6692",
+ "TR6223",
+ "TR3847",
+ "TR1206",
+ "TR1200",
+ "TR1202",
+ "TR6795",
+ "TR6792",
+ "TR9226",
+ "TR9225",
+ "TR6799",
+ "TR1681",
+ "TR1686",
+ "TR1688",
+ "TR9320",
+ "TR9327",
+ "TR1339",
+ "TR6426",
+ "TR3171",
+ "TR2605",
+ "TR3173",
+ "TR5745",
+ "TR7599",
+ "TR3445",
+ "TR5212",
+ "TR5216",
+ "TR5217",
+ "TR9039",
+ "TR5219",
+ "TR1029",
+ "TR1028",
+ "TR9030",
+ "TR5529",
+ "TR5039",
+ "TR5030",
+ "TR0003",
+ "TR5034",
+ "TR0007",
+ "TR5859",
+ "TR5853",
+ "TR7878",
+ "TR8327",
+ "TR4702",
+ "TR0135",
+ "TR0137",
+ "TR0133",
+ "TR5146",
+ "TR0315",
+ "TR9812",
+ "TR9813",
+ "TR4329",
+ "TR5143",
+ "TR0644",
+ "TR4498",
+ "TR3113",
+ "TR3112",
+ "TR3447",
+ "TR4494",
+ "TR4321",
+ "TR3440",
+ "TR4322",
+ "TR0485",
+ "TR0481",
+ "TR0488",
+ "TR0489",
+ "TR8498",
+ "TR2771",
+ "TR8495",
+ "TR8494",
+ "TR4031",
+ "TR4032",
+ "TR8259",
+ "TR4034",
+ "TR2930",
+ "TR8255",
+ "TR2938",
+ "TR2939",
+ "TR3207",
+ "TR8477",
+ "TR8476",
+ "TR8472",
+ "TR4141",
+ "TR7215",
+ "TR7217",
+ "TR7213",
+ "TR4244",
+ "TR5342",
+ "TR0268",
+ "TR0269",
+ "TR1039",
+ "TR8610",
+ "TR0792",
+ "TR7961",
+ "TR7966",
+ "TR8782",
+ "TR7964",
+ "TR0797",
+ "TR0798",
+ "TR8078",
+ "TR3688",
+ "TR8070",
+ "TR3685",
+ "TR3062",
+ "TR2625",
+ "TR3066",
+ "TR3069",
+ "TR3068",
+ "TR4813",
+ "TR3661",
+ "TR7472",
+ "TR4814",
+ "TR7360",
+ "TR3434",
+ "TR2153",
+ "TR5538",
+ "TR0862",
+ "TR0867",
+ "TR0864",
+ "TR8676",
+ "TR8674",
+ "TR2647",
+ "TR2640",
+ "TR2641",
+ "TR9737",
+ "TR2643",
+ "TR6769",
+ "TR8928",
+ "TR2420",
+ "TR2421",
+ "TR6948",
+ "TR8923",
+ "TR6762",
+ "TR6761",
+ "TR8920",
+ "TR6765",
+ "TR6940",
+ "TR6168",
+ "TR5906",
+ "TR6167",
+ "TR6161",
+ "TR7274",
+ "TR6163",
+ "TR6162",
+ "TR3571",
+ "TR6892",
+ "TR6898",
+ "TR0035",
+ "TR8813",
+ "TR8811",
+ "TR5511",
+ "TR1526",
+ "TR1835",
+ "TR1832",
+ "TR1830",
+ "TR6309",
+ "TR2334",
+ "TR7786",
+ "TR6300",
+ "TR6302",
+ "TR6305",
+ "TR7222",
+ "TR9781",
+ "TR7542",
+ "TR9783",
+ "TR0310",
+ "TR9788",
+ "TR9733",
+ "TR8645",
+ "TR1784",
+ "TR6542",
+ "TR6230",
+ "TR6232",
+ "TR6549",
+ "TR1233",
+ "TR1234",
+ "TR6238",
+ "TR3873",
+ "TR4174",
+ "TR1047",
+ "TR6788",
+ "TR3600",
+ "TR8104",
+ "TR4173",
+ "TR1656",
+ "TR9330",
+ "TR1654",
+ "TR8238",
+ "TR1301",
+ "TR9339",
+ "TR1309",
+ "TR2636",
+ "TR8337",
+ "TR2650",
+ "TR6437",
+ "TR6433",
+ "TR2895",
+ "TR2894",
+ "TR4470",
+ "TR9802",
+ "TR2958",
+ "TR2437",
+ "TR1012",
+ "TR1016",
+ "TR9025",
+ "TR9024",
+ "TR9020",
+ "TR9022",
+ "TR3892",
+ "TR3891",
+ "TR4235",
+ "TR6192",
+ "TR3899",
+ "TR5028",
+ "TR5844",
+ "TR2110",
+ "TR5842",
+ "TR5841",
+ "TR3839",
+ "TR5026",
+ "TR9213",
+ "TR3005",
+ "TR8314",
+ "TR9926",
+ "TR8310",
+ "TR5339",
+ "TR0123",
+ "TR0122",
+ "TR0121",
+ "TR5336",
+ "TR5331",
+ "TR5155",
+ "TR5154",
+ "TR9809",
+ "TR0304",
+ "TR3470",
+ "TR9805",
+ "TR3473",
+ "TR9803",
+ "TR3577",
+ "TR9640",
+ "TR0491",
+ "TR0497",
+ "TR7013",
+ "TR2530",
+ "TR3009",
+ "TR4792",
+ "TR0017",
+ "TR3456",
+ "TR0014",
+ "TR0013",
+ "TR2026",
+ "TR4558",
+ "TR2922",
+ "TR8260",
+ "TR4557",
+ "TR2929",
+ "TR4553",
+ "TR8266",
+ "TR4003",
+ "TR8443",
+ "TR8445",
+ "TR3078",
+ "TR3279",
+ "TR6193",
+ "TR4330",
+ "TR0279",
+ "TR0277",
+ "TR0275",
+ "TR0274",
+ "TR8044",
+ "TR8040",
+ "TR8041",
+ "TR8042",
+ "TR0788",
+ "TR7979",
+ "TR7978",
+ "TR3404",
+ "TR3727",
+ "TR0780",
+ "TR8094",
+ "TR8638",
+ "TR3450",
+ "TR4550",
+ "TR2257",
+ "TR7374",
+ "TR2279",
+ "TR3094",
+ "TR3093",
+ "TR7379",
+ "TR2788",
+ "TR3308",
+ "TR2781",
+ "TR3659",
+ "TR3304",
+ "TR3300",
+ "TR3782",
+ "TR3780",
+ "TR4170",
+ "TR4828",
+ "TR8685",
+ "TR2657",
+ "TR2656",
+ "TR2433",
+ "TR7151",
+ "TR6939",
+ "TR7157",
+ "TR2436",
+ "TR7155",
+ "TR6932",
+ "TR6930",
+ "TR6936",
+ "TR6934",
+ "TR8420",
+ "TR6159",
+ "TR2291"
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz_sys.json b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz_sys.json
new file mode 100644
index 0000000..a147248
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/ontology_multiwoz_sys.json
@@ -0,0 +1,4933 @@
+{
+ "requestable": [
+ "Train-Dest",
+ "Taxi-Dest",
+ "Restaurant-Area",
+ "Booking-Stay",
+ "Hotel-Internet",
+ "Attraction-Type",
+ "Booking-Time",
+ "Train-Arrive",
+ "Hotel-Parking",
+ "Train-Leave",
+ "Restaurant-Food",
+ "Restaurant-Name",
+ "Train-Depart",
+ "Taxi-Leave",
+ "Hotel-Stars",
+ "Restaurant-Price",
+ "Attraction-Area",
+ "Attraction-Price",
+ "Booking-People",
+ "Hotel-Price",
+ "Hotel-Area",
+ "Attraction-Name",
+ "Taxi-Depart",
+ "Taxi-Arrive",
+ "Train-Day",
+ "Hotel-Name",
+ "Booking-Day",
+ "Train-People",
+ "Hotel-Type"
+ ],
+ "all_tuples": [
+ [
+ "Train-OfferBook",
+ "none",
+ "none"
+ ],
+ [
+ "Train-OfferBook",
+ "Depart"
+ ],
+ [
+ "Train-OfferBook",
+ "People"
+ ],
+ [
+ "Train-OfferBook",
+ "Dest"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-OfferBook",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Train-OfferBook",
+ "Choice"
+ ],
+ [
+ "Train-OfferBook",
+ "Leave"
+ ],
+ [
+ "Train-OfferBook",
+ "Time"
+ ],
+ [
+ "Train-OfferBook",
+ "Ticket"
+ ],
+ [
+ "Train-OfferBook",
+ "Arrive"
+ ],
+ [
+ "Train-OfferBook",
+ "Ref"
+ ],
+ [
+ "Train-OfferBook",
+ "Id"
+ ],
+ [
+ "Restaurant-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Inform",
+ "Name"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Inform",
+ "Food"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Inform",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Inform",
+ "Choice"
+ ],
+ [
+ "Restaurant-Inform",
+ "Phone"
+ ],
+ [
+ "Restaurant-Inform",
+ "Post"
+ ],
+ [
+ "Restaurant-Inform",
+ "Ref"
+ ],
+ [
+ "Restaurant-Inform",
+ "Addr"
+ ],
+ [
+ "general-reqmore",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Book",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Book",
+ "Name"
+ ],
+ [
+ "Booking-Book",
+ "People"
+ ],
+ [
+ "Booking-Book",
+ "Stay"
+ ],
+ [
+ "Booking-Book",
+ "Time"
+ ],
+ [
+ "Booking-Book",
+ "Ref"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "monday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "friday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Booking-Book",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Name"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Food"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-NoOffer",
+ "Choice"
+ ],
+ [
+ "Hotel-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Name"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Choice"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Stars"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-NoOffer",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Inform",
+ "Name"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Inform",
+ "Ref"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Inform",
+ "Price",
+ "free"
+ ],
+ [
+ "Hotel-Inform",
+ "Choice"
+ ],
+ [
+ "Hotel-Inform",
+ "Phone"
+ ],
+ [
+ "Hotel-Inform",
+ "Stars"
+ ],
+ [
+ "Hotel-Inform",
+ "Post"
+ ],
+ [
+ "Hotel-Inform",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Inform",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Inform",
+ "Addr"
+ ],
+ [
+ "Booking-NoBook",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-NoBook",
+ "Name"
+ ],
+ [
+ "Booking-NoBook",
+ "People"
+ ],
+ [
+ "Booking-NoBook",
+ "Stay"
+ ],
+ [
+ "Booking-NoBook",
+ "Time"
+ ],
+ [
+ "Booking-NoBook",
+ "Ref"
+ ],
+ [
+ "Booking-NoBook",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Booking-NoBook",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Restaurant-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Addr"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Food"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Choice"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Phone"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Post"
+ ],
+ [
+ "Restaurant-Recommend",
+ "Name"
+ ],
+ [
+ "Attraction-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Fee"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Addr"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Choice"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "mutliple sports"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-NoOffer",
+ "Name"
+ ],
+ [
+ "Hotel-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Recommend",
+ "Addr"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Recommend",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Recommend",
+ "Choice"
+ ],
+ [
+ "Hotel-Recommend",
+ "Phone"
+ ],
+ [
+ "Hotel-Recommend",
+ "Stars"
+ ],
+ [
+ "Hotel-Recommend",
+ "Post"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Recommend",
+ "Type",
+ "restaurant"
+ ],
+ [
+ "Hotel-Recommend",
+ "Name"
+ ],
+ [
+ "Restaurant-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Restaurant-Select",
+ "Name"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Restaurant-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Restaurant-Select",
+ "Food"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Restaurant-Select",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Restaurant-Select",
+ "Choice"
+ ],
+ [
+ "Restaurant-Select",
+ "Addr"
+ ],
+ [
+ "Attraction-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Select",
+ "Fee"
+ ],
+ [
+ "Attraction-Select",
+ "Name"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Select",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Select",
+ "Choice"
+ ],
+ [
+ "Attraction-Select",
+ "Phone"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Select",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Select",
+ "Addr"
+ ],
+ [
+ "Train-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Train-Inform",
+ "Depart"
+ ],
+ [
+ "Train-Inform",
+ "People"
+ ],
+ [
+ "Train-Inform",
+ "Dest"
+ ],
+ [
+ "Train-Inform",
+ "Choice"
+ ],
+ [
+ "Train-Inform",
+ "Id"
+ ],
+ [
+ "Train-Inform",
+ "Leave"
+ ],
+ [
+ "Train-Inform",
+ "Time"
+ ],
+ [
+ "Train-Inform",
+ "Ticket"
+ ],
+ [
+ "Train-Inform",
+ "Arrive"
+ ],
+ [
+ "Train-Inform",
+ "Ref"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "none",
+ "none"
+ ],
+ [
+ "Train-OfferBooked",
+ "Depart"
+ ],
+ [
+ "Train-OfferBooked",
+ "People"
+ ],
+ [
+ "Train-OfferBooked",
+ "Dest"
+ ],
+ [
+ "Train-OfferBooked",
+ "Choice"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Train-OfferBooked",
+ "Leave"
+ ],
+ [
+ "Train-OfferBooked",
+ "Time"
+ ],
+ [
+ "Train-OfferBooked",
+ "Ticket"
+ ],
+ [
+ "Train-OfferBooked",
+ "Arrive"
+ ],
+ [
+ "Train-OfferBooked",
+ "Ref"
+ ],
+ [
+ "Train-OfferBooked",
+ "Id"
+ ],
+ [
+ "general-bye",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Recommend",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Recommend",
+ "Fee"
+ ],
+ [
+ "Attraction-Recommend",
+ "Name"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Recommend",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Recommend",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Recommend",
+ "Choice"
+ ],
+ [
+ "Attraction-Recommend",
+ "Phone"
+ ],
+ [
+ "Attraction-Recommend",
+ "Post"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "concerthall"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Recommend",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Recommend",
+ "Addr"
+ ],
+ [
+ "general-greet",
+ "none",
+ "none"
+ ],
+ [
+ "general-welcome",
+ "none",
+ "none"
+ ],
+ [
+ "Taxi-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Taxi-Inform",
+ "Depart"
+ ],
+ [
+ "Taxi-Inform",
+ "Dest"
+ ],
+ [
+ "Taxi-Inform",
+ "Car"
+ ],
+ [
+ "Taxi-Inform",
+ "Leave"
+ ],
+ [
+ "Taxi-Inform",
+ "Phone"
+ ],
+ [
+ "Taxi-Inform",
+ "Arrive"
+ ],
+ [
+ "Booking-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Booking-Inform",
+ "Name"
+ ],
+ [
+ "Booking-Inform",
+ "People"
+ ],
+ [
+ "Booking-Inform",
+ "Stay"
+ ],
+ [
+ "Booking-Inform",
+ "Time"
+ ],
+ [
+ "Booking-Inform",
+ "Ref"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "monday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "tuesday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "friday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "saturday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Booking-Inform",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Attraction-Inform",
+ "none",
+ "none"
+ ],
+ [
+ "Attraction-Inform",
+ "Fee"
+ ],
+ [
+ "Attraction-Inform",
+ "Addr"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "east"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "south"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "west"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "north"
+ ],
+ [
+ "Attraction-Inform",
+ "Area",
+ "centre"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "free"
+ ],
+ [
+ "Attraction-Inform",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Attraction-Inform",
+ "Choice"
+ ],
+ [
+ "Attraction-Inform",
+ "Phone"
+ ],
+ [
+ "Attraction-Inform",
+ "Post"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "college"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "theatre"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "entertainment"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "boat"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "architecture"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "concerthall"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "nightclub"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "museum"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "mutliple sports"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "park"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "swimmingpool"
+ ],
+ [
+ "Attraction-Inform",
+ "Type",
+ "cinema"
+ ],
+ [
+ "Attraction-Inform",
+ "Name"
+ ],
+ [
+ "Train-NoOffer",
+ "none",
+ "none"
+ ],
+ [
+ "Train-NoOffer",
+ "Id"
+ ],
+ [
+ "Train-NoOffer",
+ "Depart"
+ ],
+ [
+ "Train-NoOffer",
+ "Dest"
+ ],
+ [
+ "Train-NoOffer",
+ "Choice"
+ ],
+ [
+ "Train-NoOffer",
+ "Leave"
+ ],
+ [
+ "Train-NoOffer",
+ "Arrive"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "thursday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "wednesday"
+ ],
+ [
+ "Train-NoOffer",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Hotel-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Hotel-Select",
+ "Name"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "west"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "east"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "north"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "centre"
+ ],
+ [
+ "Hotel-Select",
+ "Area",
+ "south"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "cheap"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "expensive"
+ ],
+ [
+ "Hotel-Select",
+ "Price",
+ "moderate"
+ ],
+ [
+ "Hotel-Select",
+ "Choice"
+ ],
+ [
+ "Hotel-Select",
+ "Phone"
+ ],
+ [
+ "Hotel-Select",
+ "Stars"
+ ],
+ [
+ "Hotel-Select",
+ "Type",
+ "hotel"
+ ],
+ [
+ "Hotel-Select",
+ "Type",
+ "guesthouse"
+ ],
+ [
+ "Hotel-Select",
+ "Addr"
+ ],
+ [
+ "Train-Select",
+ "none",
+ "none"
+ ],
+ [
+ "Train-Select",
+ "Depart"
+ ],
+ [
+ "Train-Select",
+ "People"
+ ],
+ [
+ "Train-Select",
+ "Dest"
+ ],
+ [
+ "Train-Select",
+ "Choice"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "monday"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "friday"
+ ],
+ [
+ "Train-Select",
+ "Day",
+ "sunday"
+ ],
+ [
+ "Train-Select",
+ "Leave"
+ ],
+ [
+ "Train-Select",
+ "Ticket"
+ ],
+ [
+ "Train-Select",
+ "Arrive"
+ ],
+ [
+ "Train-Select",
+ "Id"
+ ]
+ ],
+ "informable": {
+ "Fee": [
+ "4 pounds",
+ "5 pounds",
+ "3.50 pounds",
+ "free",
+ "2 pounds",
+ "2.50 pounds",
+ "1 pound",
+ "?"
+ ],
+ "Addr": [
+ "108 Regent Street City Centre",
+ "24 Green Street City Centre",
+ "lensfield road",
+ "43 High Street Cherry Hinton Cherry Hinton",
+ "35 Newnham Road Newnham",
+ "30 Bridge Street City Centre",
+ "144 thornton road",
+ "saint andrew's street",
+ "castle street",
+ "saint john's street",
+ "100 Mill Road City Centre",
+ "152 - 154 Hills Road",
+ "98 king street",
+ "herschel road",
+ "cambridge passenger cruisers, jubilee house",
+ "56 saint barnabas road",
+ "151 hills road",
+ "De Vere University Arms Regent Street City Centre",
+ "unit 8, viking way, bar hill",
+ "78-80 milton road",
+ "cherry hinton road",
+ "82 Cherry Hinton Road Cherry Hinton",
+ "12 Bridge Street City Centre",
+ "732-734 newmarket road",
+ "jesus lane",
+ "university of cambridge, downing street",
+ "wheeler street",
+ "49 newnham road",
+ "kingfisher way, hinchinbrook business park, huntingdon",
+ "88 Mill Road City Centre",
+ "cafe jello gallery, 13 magdalene street",
+ "86 Regent Street City Centre",
+ "14 -16 Bridge Street",
+ "251a chesterton road",
+ "328a histon road",
+ "196 Mill Road City Centre",
+ "8 market passage",
+ "64 Cherry Hinton Road Cherry Hinton",
+ "74 chesterton road",
+ "Thompsons Lane Fen Ditton",
+ "529 Newmarket Road Fen Ditton",
+ "sidgwick avenue",
+ "storey's way",
+ "31 Newnham Road Newnham",
+ "cambridge leisure park, clifton way",
+ "6 Lensfield Road",
+ "free school lane",
+ "365 milton road",
+ "22 sidney street",
+ "cherry hinton hall, cherry hinton road",
+ "Victoria Avenue Chesterton",
+ "Huntingdon Road City Centre",
+ "little saint mary's lane",
+ "51 Trumpington Street City Centre",
+ "fulbourn",
+ "710 newmarket road",
+ "4 Kings Parade City Centre",
+ "15 Magdalene Street City Centre",
+ "63 milton road",
+ "53-57 lensfield road",
+ "Corn Exchange Street",
+ "154 chesterton road",
+ "205 Victoria Road Chesterton",
+ "gwydir street, no. 5 dale's brewery",
+ "22 Chesterton Road Chesterton",
+ "Parkside, Cambridge",
+ "St. Michael's Church Trinity Street City Centre",
+ "between victoria road and the river",
+ "jedburgh court, kings hedges",
+ "12 Market Hill City Centre",
+ "68 Histon Road Chesterton",
+ "6 trinity street",
+ "74 Mill Road City Centre",
+ "21 - 24 Northampton Road",
+ "trumpington street",
+ "54 King Street City Centre",
+ "anglia ruskin university, east road",
+ "Jesus Lane Fen Ditton",
+ "17 Hills Road City Centre",
+ "2 Sturton Street City Centre",
+ "sleeperz hotel, station road",
+ "Napier Street City Centre",
+ "172 chesterton road",
+ "fen causeway, newnham road,",
+ "5 Jordans Yard Bridge Street City Centre",
+ "silver street",
+ "41518 Castle Street City Centre",
+ "84 Regent Street City Centre",
+ "Hills Road City Centre",
+ "66 Chesterton Road Chesterton",
+ "82 arbury road",
+ "1-6 corn exchange street",
+ "trinity street",
+ "the grafton centre, east road",
+ "regent street",
+ "33 Bridge Street",
+ "8 mercers row, mercers row industrial estate",
+ "king's parade",
+ "32 Bridge Street City Centre",
+ "clifton way",
+ "35 Saint Andrews Street City Centre",
+ "7 Milton Road Chesterton",
+ "Quayside Off Bridge Street",
+ "20 Milton Road Chesterton",
+ "market square",
+ "40210 Millers Yard City Centre",
+ "2 norfolk street",
+ "124 tenison road",
+ "Newmarket Road Fen Ditton",
+ "bateman street",
+ "40270 King Street City Centre",
+ "106 Mill Road City Centre",
+ "83 Regent Street",
+ "1 Kings Parade",
+ "21 - 24 Northampton Street",
+ "2-3 castle street",
+ "1 station road",
+ "magdalene street",
+ "517a coldham lane",
+ "52 Mill Road City Centre",
+ "Cambridge Retail Park Newmarket Road Fen Ditton",
+ "gonville place",
+ "62 gilbert road",
+ "girton college, huntingdon road",
+ "The Little Rose 37 Trumpington Street",
+ "Crowne Plaza Hotel 20 Downing Street",
+ "park street",
+ "2 Rose Crescent City Centre",
+ "unit su43, grande arcade, saint andrews street",
+ "40428 King Street City Centre",
+ "10 king s parade",
+ "anglia ruskin enterprise, east road",
+ "11 Peas Hill City Centre",
+ "King Street City Centre",
+ "Market Hill City Centre",
+ "Cambridge City Football Club Milton Road Chesterton",
+ "152 chesterton road",
+ "Cambridge Leisure Park Clifton Way",
+ "41 warkworth street",
+ "Cambridge Lodge Hotel 139 Huntingdon Road City Centre",
+ "12 St. Johns Street City Centre",
+ "47-53 Regent Street",
+ "53 roseford road",
+ "1 wheeler street",
+ "3 - 5 Millers Yard Mill Lane",
+ "Hotel Felix Whitehouse Lane Huntingdon Road",
+ "Regent Street City Centre",
+ "the plough, green end, fen ditton,",
+ "4 - 6 Rose Crescent",
+ "Grafton Hotel 619 Newmarket Road Fen Ditton",
+ "10 Homerton Street City Centre",
+ "unit g6, cambridge leisure park, clifton road",
+ "183 East Road City Centre",
+ "wollaston road",
+ "8 Norfolk Street City Centre",
+ "37 Newnham Road Newnham",
+ "colville road, cherry hinton",
+ "Free School Lane City Centre",
+ "Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "96 barton road",
+ "7 Barnwell Road Fen Ditton",
+ "138 perne road",
+ "wandlebury ring, gog magog hills, babraham",
+ "451 Newmarket Road Fen Ditton",
+ "71 Castle Street City Centre",
+ "169 High Street Chesterton Chesterton",
+ "106 Regent Street City Centre",
+ "15 - 19 Trumpington Street",
+ "17 Magdalene Street City Centre",
+ "39 fitzroy street",
+ "12 Norfolk Street City Centre",
+ "72 Regent Street City Centre",
+ "back lane, cambourne",
+ "290 Mill Road City Centre",
+ "39 Burleigh Street City Centre",
+ "2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton",
+ "34 - 35 Green Street",
+ "52 gilbert road",
+ "12 Lensfield Road City Centre",
+ "Doubletree by Hilton Cambridge Granta Place Mill Lane",
+ "191 Histon Road Chesterton",
+ "23 high street, fen ditton",
+ "36 Saint Andrews Street",
+ "warkworth terrace",
+ "Finders Corner Newmarket Road",
+ "market street",
+ "5 greens road",
+ "Bridge Street City Centre",
+ "5 mowbray road",
+ "the old pumping station, cheddars lane",
+ "156 chesterton road",
+ "sidney street",
+ "milton country park, milton",
+ "trinity lane",
+ "33-34 Saint Andrews Street",
+ "21 Burleigh Street City Centre",
+ "15-17 norman way, coldhams business park",
+ "Milton Road Chesterton",
+ "G4 Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "the belfast yard, coldham's road",
+ "6 saint edward's passage",
+ "Mill Road City Centre",
+ "Midsummer Common",
+ "granta place, mill lane",
+ "heidelberg gardens, lion yard",
+ "59 Hills Road City Centre",
+ "14 king's parade",
+ "pool way, whitehill road, off newmarket road"
+ ],
+ "Area": [
+ "west",
+ "east",
+ "north",
+ "south",
+ "centre"
+ ],
+ "Stars": [
+ "0",
+ "3",
+ "2",
+ "4",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five"
+ ],
+ "Internet": [
+ "yes",
+ "no"
+ ],
+ "Choice": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "10",
+ "11",
+ "12",
+ "13",
+ "14",
+ "15",
+ "16",
+ "17",
+ "18",
+ "19",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Type": [
+ "concerthall",
+ "guesthouse",
+ "theatre",
+ "entertainment",
+ "museum",
+ "hotel",
+ "park",
+ "nightclub",
+ "mutliple sports",
+ "cinema",
+ "architecture",
+ "college",
+ "swimmingpool",
+ "boat",
+ "restaurant"
+ ],
+ "Food": [
+ "portuguese",
+ "asian oriental",
+ "mexican",
+ "chinese",
+ "mediterranean",
+ "japanese",
+ "spanish",
+ "turkish",
+ "gastropub",
+ "indian",
+ "international",
+ "korean",
+ "european",
+ "african",
+ "french",
+ "modern european",
+ "thai",
+ "lebanese",
+ "seafood",
+ "vietnamese",
+ "british",
+ "north american",
+ "italian"
+ ],
+ "Ref": [],
+ "Price": [
+ "moderate",
+ "cheap",
+ "free",
+ "expensive",
+ "?"
+ ],
+ "Stay": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Phone": [],
+ "Post": [
+ "cb12qa",
+ "cb23hg",
+ "cb13nx",
+ "cb21dp",
+ "cb21db",
+ "cb41xa",
+ "cb21dq",
+ "cb259aq",
+ "cb13nf",
+ "cb23hx",
+ "cb58jj",
+ "cb13nl",
+ "cb41ha",
+ "cb21ta",
+ "cb23pj",
+ "cb17gx",
+ "pe296fl",
+ "cb21tl",
+ "cb58aq",
+ "cb21tp",
+ "cb21tq",
+ "cb21tw",
+ "cb21qa",
+ "cb21ad",
+ "cb43lf",
+ "cb43le",
+ "cb23pp",
+ "cb23pq",
+ "cb41sr",
+ "cb12as",
+ "cb18dw",
+ "cb12az",
+ "cb23na",
+ "cb3ojg",
+ "cb58pa",
+ "cb43hl",
+ "cb30ad",
+ "cb19hx",
+ "cb11pt",
+ "cb17dy",
+ "cb21sj",
+ "cb21su",
+ "cb21st",
+ "cb11hr",
+ "cb39da",
+ "cb58ld",
+ "cb58sx",
+ "cb42je",
+ "cb12de",
+ "cb11ps",
+ "cb39al",
+ "cb39lh",
+ "cb12dp",
+ "cb12lj",
+ "cb21nw",
+ "cb11dg",
+ "cb19ej",
+ "cb12lf",
+ "cb21la",
+ "cb41nl",
+ "cb23dt",
+ "cb23nz",
+ "cb30aq",
+ "cb30ah",
+ "cb30ag",
+ "cb30af",
+ "cb17aa",
+ "cb23nj",
+ "cb17ag",
+ "cb28rj",
+ "cb21er",
+ "cb11er",
+ "cb23ar",
+ "cb23ap",
+ "cb58rs",
+ "cb11ee",
+ "cb11eg",
+ "cb41as",
+ "cb21eg",
+ "cb58rg",
+ "cb21en",
+ "cb58bl",
+ "cb21ug",
+ "cb21uf",
+ "cb23qb",
+ "cb21uj",
+ "cb58ba",
+ "cb23qe",
+ "cb21uw",
+ "cb58bs",
+ "cb11bg",
+ "cb21qy",
+ "cb41da",
+ "cb12bd",
+ "cb23dz",
+ "cb58nt",
+ "cb43ht",
+ "cb13js",
+ "cb21rb",
+ "cb43pd",
+ "cb43pe",
+ "cb58as",
+ "cb41la",
+ "cb23ll",
+ "cb28pb",
+ "cb236bw",
+ "cb23hu",
+ "cb21tt",
+ "cb17sr",
+ "cb30nd",
+ "cb12ew",
+ "cb21nt",
+ "cb11lh",
+ "cb11ln",
+ "cb12tz",
+ "cb238el",
+ "cb15dh",
+ "cb11ly",
+ "cb13lh",
+ "cb58wr",
+ "cb23bu",
+ "cb23qf",
+ "cb58hy",
+ "cb23bj",
+ "cb41uy",
+ "cb13ef",
+ "cb39ey",
+ "cb23rh",
+ "cb23ju",
+ "cb13ew",
+ "cb21jf",
+ "cb28nx",
+ "cb22ha",
+ "cb41jy",
+ "cb30df",
+ "cb41eh",
+ "cb30lx",
+ "cb21rq",
+ "cb43px",
+ "cb21rs",
+ "cb21rt",
+ "cb23jx",
+ "cb21ab",
+ "cb21rh",
+ "cb46az",
+ "cb21rl",
+ "cb30dq",
+ "cb30ds",
+ "cb41er",
+ "cb21aw",
+ "cb41ep",
+ "cb21rf",
+ "cb21rg",
+ "cb12jb",
+ "cb22ad",
+ "cb223ae",
+ "cb43ax",
+ "cb42xh",
+ "cb39et"
+ ],
+ "Day": [
+ "monday",
+ "tuesday",
+ "friday",
+ "wednesday",
+ "thursday",
+ "sunday",
+ "saturday"
+ ],
+ "Name": [
+ "cambridge artworks",
+ "el shaddai",
+ "india house",
+ "pizza hut fen ditton",
+ "michaelhouse cafe",
+ "clare college",
+ "tandoori palace",
+ "hk fusion",
+ "great saint mary's church",
+ "saffron brasserie",
+ "restaurant one seven",
+ "curry king",
+ "all saints church",
+ "frankie and bennys",
+ "cambridge contemporary art",
+ "broughton house gallery",
+ "byard art",
+ "ask restaurant",
+ "clare hall",
+ "the lucky star",
+ "cambridge arts theatre",
+ "cotto",
+ "city centre north b and b",
+ "museum of archaelogy and anthropology",
+ "castle galleries",
+ "restaurant alimentum",
+ "the golden curry",
+ "meze bar",
+ "whale of a time",
+ "avalon",
+ "cote",
+ "king's college",
+ "thanh binh",
+ "gallery at twelve a high street",
+ "the nirala",
+ "ashley hotel",
+ "lynne strover gallery",
+ "zizzi cambridge",
+ "panahar",
+ "backstreet bistro",
+ "cambridge book and print gallery",
+ "yu garden",
+ "yippee noodle bar",
+ "golden house",
+ "peking restaurant",
+ "rice house",
+ "rice boat",
+ "hakka",
+ "fitzbillies restaurant",
+ "sitar tandoori",
+ "scott polar museum",
+ "eraina",
+ "vue cinema",
+ "taj tandoori",
+ "the good luck chinese food takeaway",
+ "pembroke college",
+ "da vinci pizzeria",
+ "camboats",
+ "the hotpot",
+ "jinling noodle bar",
+ "anatolia",
+ "cambridge museum of technology",
+ "la tasca",
+ "ali baba",
+ "alpha-milton guest house",
+ "sheep's green and lammas land park fen causeway",
+ "soul tree nightclub",
+ "pizza express",
+ "magdalene college",
+ "the fitzwilliam museum",
+ "charlie chan",
+ "cafe jello gallery",
+ "warkworth house",
+ "jesus green outdoor pool",
+ "travellers rest",
+ "parkside pools",
+ "the junction",
+ "express by holiday inn cambridge",
+ "city stop restaurant",
+ "the cambridge belfry",
+ "bangkok city",
+ "acorn guest house",
+ "curry prince",
+ "pipasha restaurant",
+ "dojo noodle bar",
+ "wagamama",
+ "aylesbray lodge guest house",
+ "sesame restaurant and bar",
+ "nusha",
+ "maharajah tandoori restaurant",
+ "riverside brasserie",
+ "efes restaurant",
+ "christ's college",
+ "loch fyne",
+ "gourmet burger kitchen",
+ "huntingdon marriott hotel",
+ "little saint mary's church",
+ "saint barnabas press gallery",
+ "the place",
+ "kettle's yard",
+ "kohinoor",
+ "clowns cafe",
+ "worth house",
+ "cambridge university botanic gardens",
+ "cambridge lodge restaurant",
+ "cherry hinton hall and grounds",
+ "la mimosa",
+ "adc theatre",
+ "la margherita",
+ "the missing sock",
+ "curry garden",
+ "don pasquale pizzeria",
+ "grafton hotel restaurant",
+ "rajmahal",
+ "the gardenia",
+ "j restaurant",
+ "alexander bed and breakfast",
+ "bridge guest house",
+ "cambridge and county folk museum",
+ "ballare",
+ "restaurant two two",
+ "pizza hut city centre",
+ "hamilton lodge",
+ "kings hedges learner pool",
+ "pizza express Fen Ditton",
+ "arbury lodge guesthouse",
+ "wandlebury country park",
+ "chiquito restaurant bar",
+ "kymmoy",
+ "rosa's bed and breakfast",
+ "the river bar steakhouse and grill",
+ "hobsons house",
+ "scudamores punting co",
+ "cherry hinton water play",
+ "leverton house",
+ "bloomsbury restaurant",
+ "club salsa",
+ "saigon city",
+ "kambar",
+ "holy trinity church",
+ "prezzo",
+ "home from home",
+ "the cambridge chop house",
+ "royal spice",
+ "museum of classical archaeology",
+ "saint johns chop house",
+ "old schools",
+ "carolina bed and breakfast",
+ "the cherry hinton village centre",
+ "shanghai family restaurant",
+ "shiraz restaurant",
+ "primavera",
+ "darrys cookhouse and wine shop",
+ "stazione restaurant and coffee bar",
+ "the gandhi",
+ "corpus christi",
+ "funky fun house",
+ "little seoul",
+ "williams art and antiques",
+ "milton country park",
+ "gonville hotel",
+ "saint john's college",
+ "queens' college",
+ "pizza hut cherry hinton",
+ "regency gallery",
+ "emmanuel college",
+ "downing college",
+ "riverboat georgina",
+ "a and b guest house",
+ "hotel du vin and bistro",
+ "kirkwood house",
+ "bedouin",
+ "archway house",
+ "nandos",
+ "the man on the moon",
+ "the copper kettle",
+ "the fez club",
+ "lan hong house",
+ "graffiti",
+ "the varsity restaurant",
+ "caffe uno",
+ "the oak bistro",
+ "midsummer house restaurant",
+ "de luca cucina and bar",
+ "cityroomz",
+ "golden wok",
+ "finches bed and breakfast",
+ "sala thong",
+ "abbey pool and astroturf pitch",
+ "ugly duckling",
+ "curry queen",
+ "galleria",
+ "churchill college",
+ "cineworld cinema",
+ "autumn house",
+ "the slug and lettuce",
+ "Parkside Police Station",
+ "tang chinese",
+ "hughes hall",
+ "la raza",
+ "allenbell",
+ "gonville and caius college",
+ "tenpin",
+ "lovell lodge",
+ "the cow pizza kitchen and bar",
+ "limehouse",
+ "cocum",
+ "nandos city centre",
+ "mahal of cambridge",
+ "trinity college",
+ "university arms hotel",
+ "the cambridge corn exchange",
+ "royal standard",
+ "whipple museum of the history of science",
+ "ruskin gallery",
+ "meghna",
+ "the cambridge punter",
+ "mumford theatre",
+ "the lensfield hotel",
+ "people's portraits exhibition at girton college",
+ "sidney sussex college",
+ "saint catharine's college",
+ "jesus college"
+ ],
+ "Car": [
+ "black toyota",
+ "black skoda",
+ "black bmw",
+ "black honda",
+ "black ford",
+ "black audi",
+ "black lexus",
+ "black volvo",
+ "black volkswagen",
+ "black tesla",
+ "white toyota",
+ "white skoda",
+ "white bmw",
+ "white honda",
+ "white ford",
+ "white audi",
+ "white lexus",
+ "white volvo",
+ "white volkswagen",
+ "white tesla",
+ "red toyota",
+ "red skoda",
+ "red bmw",
+ "red honda",
+ "red ford",
+ "red audi",
+ "red lexus",
+ "red volvo",
+ "red volkswagen",
+ "red tesla",
+ "yellow toyota",
+ "yellow skoda",
+ "yellow bmw",
+ "yellow honda",
+ "yellow ford",
+ "yellow audi",
+ "yellow lexus",
+ "yellow volvo",
+ "yellow volkswagen",
+ "yellow tesla",
+ "blue toyota",
+ "blue skoda",
+ "blue bmw",
+ "blue honda",
+ "blue ford",
+ "blue audi",
+ "blue lexus",
+ "blue volvo",
+ "blue volkswagen",
+ "blue tesla",
+ "grey toyota",
+ "grey skoda",
+ "grey bmw",
+ "grey honda",
+ "grey ford",
+ "grey audi",
+ "grey lexus",
+ "grey volvo",
+ "grey volkswagen",
+ "grey tesla"
+ ],
+ "Leave": [],
+ "Time": [],
+ "Arrive": [],
+ "Ticket": [
+ "3.52 pounds",
+ "16.60 pounds",
+ "75.10 pounds",
+ "7.84 pounds",
+ "30.24 pounds",
+ "37.80 pounds",
+ "17.90 pounds",
+ "60.08 pounds",
+ "17.60 pounds",
+ "13.28 pounds",
+ "8.08 pounds",
+ "14.32 pounds",
+ "23.60 pounds",
+ "9.80 pounds",
+ "16.50 pounds",
+ "4.40 pounds",
+ "10.24 pounds",
+ "14.08 pounds",
+ "13.20 pounds",
+ "10.10 pounds",
+ "12.80 pounds",
+ "18.88 pounds"
+ ],
+ "none": [
+ "none"
+ ],
+ "Depart": [
+ "cambridge",
+ "peterborough",
+ "leicester",
+ "london kings cross",
+ "bishops stortford",
+ "norwich",
+ "london liverpool street",
+ "birmingham new street",
+ "ely",
+ "stevenage",
+ "kings lynn",
+ "broxbourne",
+ "stansted airport"
+ ],
+ "People": [
+ "0",
+ "1",
+ "2",
+ "3",
+ "4",
+ "5",
+ "6",
+ "7",
+ "8",
+ "9",
+ "zero",
+ "one",
+ "two",
+ "three",
+ "four",
+ "five",
+ "six",
+ "seven",
+ "eight",
+ "nine",
+ "ten"
+ ],
+ "Dest": [
+ "cambridge",
+ "peterborough",
+ "norwich",
+ "london kings cross",
+ "bishops stortford",
+ "leicester",
+ "london liverpool street",
+ "birmingham new street",
+ "ely",
+ "stevenage",
+ "kings lynn",
+ "broxbourne",
+ "stansted airport"
+ ],
+ "Parking": [
+ "yes",
+ "no"
+ ],
+ "Id": [
+ "TR6334",
+ "TR6844",
+ "TR1828",
+ "TR6332",
+ "TR5995",
+ "TR8868",
+ "TR1530",
+ "TR1537",
+ "TR1536",
+ "TR8633",
+ "TR1534",
+ "TR2324",
+ "TR7793",
+ "TR2820",
+ "TR7556",
+ "TR7554",
+ "TR9792",
+ "TR7551",
+ "TR9790",
+ "TR1180",
+ "TR5689",
+ "TR1827",
+ "TR9817",
+ "TR1820",
+ "TR6203",
+ "TR3867",
+ "TR5687",
+ "TR3864",
+ "TR7654",
+ "TR1347",
+ "TR9246",
+ "TR8836",
+ "TR8948",
+ "TR3350",
+ "TR7223",
+ "TR1646",
+ "TR1316",
+ "TR3607",
+ "TR1319",
+ "TR1649",
+ "TR9303",
+ "TR7796",
+ "TR6447",
+ "TR1797",
+ "TR8707",
+ "TR1791",
+ "TR1790",
+ "TR3609",
+ "TR1799",
+ "TR2775",
+ "TR9018",
+ "TR4826",
+ "TR1009",
+ "TR1008",
+ "TR5234",
+ "TR1006",
+ "TR5237",
+ "TR5230",
+ "TR9016",
+ "TR4463",
+ "TR3884",
+ "TR3886",
+ "TR3883",
+ "TR3889",
+ "TR3888",
+ "TR5831",
+ "TR5836",
+ "TR5782",
+ "TR3211",
+ "TR8301",
+ "TR8300",
+ "TR8307",
+ "TR8306",
+ "TR8304",
+ "TR5301",
+ "TR5163",
+ "TR5164",
+ "TR5167",
+ "TR0664",
+ "TR0665",
+ "TR0667",
+ "TR9876",
+ "TR0661",
+ "TR0662",
+ "TR5496",
+ "TR0469",
+ "TR0466",
+ "TR0467",
+ "TR0465",
+ "TR0460",
+ "TR5941",
+ "TR8272",
+ "TR4781",
+ "TR4787",
+ "TR5015",
+ "TR2912",
+ "TR2913",
+ "TR4549",
+ "TR5547",
+ "TR0064",
+ "TR2919",
+ "TR0068",
+ "TR4546",
+ "TR4017",
+ "TR4016",
+ "TR4015",
+ "TR4941",
+ "TR4943",
+ "TR9905",
+ "TR4761",
+ "TR4944",
+ "TR9900",
+ "TR4769",
+ "TR9908",
+ "TR9909",
+ "TR0209",
+ "TR0201",
+ "TR8056",
+ "TR8054",
+ "TR7944",
+ "TR7946",
+ "TR5949",
+ "TR7940",
+ "TR8411",
+ "TR7942",
+ "TR7943",
+ "TR3466",
+ "TR4305",
+ "TR3463",
+ "TR3462",
+ "TR4300",
+ "TR3468",
+ "TR7307",
+ "TR7305",
+ "TR3085",
+ "TR3087",
+ "TR7309",
+ "TR0516",
+ "TR0517",
+ "TR0514",
+ "TR0515",
+ "TR3319",
+ "TR3315",
+ "TR3646",
+ "TR3645",
+ "TR3316",
+ "TR3310",
+ "TR3312",
+ "TR0686",
+ "TR0687",
+ "TR0684",
+ "TR8793",
+ "TR0680",
+ "TR7852",
+ "TR4162",
+ "TR4161",
+ "TR3792",
+ "TR8699",
+ "TR3798",
+ "TR6146",
+ "TR9495",
+ "TR6923",
+ "TR6925",
+ "TR2170",
+ "TR9492",
+ "TR9493",
+ "TR9758",
+ "TR2138",
+ "TR2687",
+ "TR7417",
+ "TR2135",
+ "TR7413",
+ "TR2130",
+ "TR7411",
+ "TR7092",
+ "TR7094",
+ "TR7095",
+ "TR7098",
+ "TR2178",
+ "TR6855",
+ "TR1819",
+ "TR8873",
+ "TR6856",
+ "TR6851",
+ "TR6850",
+ "TR6324",
+ "TR2077",
+ "TR1817",
+ "TR5245",
+ "TR2357",
+ "TR2354",
+ "TR7528",
+ "TR7522",
+ "TR7727",
+ "TR8286",
+ "TR4800",
+ "TR1256",
+ "TR1257",
+ "TR1494",
+ "TR9276",
+ "TR1492",
+ "TR1493",
+ "TR1499",
+ "TR6210",
+ "TR7634",
+ "TR9473",
+ "TR9478",
+ "TR0768",
+ "TR4597",
+ "TR1670",
+ "TR1672",
+ "TR1674",
+ "TR9312",
+ "TR9310",
+ "TR9317",
+ "TR9314",
+ "TR6453",
+ "TR6454",
+ "TR6457",
+ "TR6456",
+ "TR6319",
+ "TR0192",
+ "TR9003",
+ "TR9001",
+ "TR8188",
+ "TR1079",
+ "TR9969",
+ "TR1071",
+ "TR7807",
+ "TR5225",
+ "TR5793",
+ "TR5790",
+ "TR5797",
+ "TR4448",
+ "TR5314",
+ "TR1108",
+ "TR1640",
+ "TR0678",
+ "TR0672",
+ "TR0677",
+ "TR0675",
+ "TR5170",
+ "TR8192",
+ "TR1090",
+ "TR8190",
+ "TR8194",
+ "TR5488",
+ "TR4414",
+ "TR8199",
+ "TR0471",
+ "TR5953",
+ "TR8202",
+ "TR2398",
+ "TR8204",
+ "TR8208",
+ "TR5003",
+ "TR4579",
+ "TR0073",
+ "TR5552",
+ "TR0075",
+ "TR5554",
+ "TR0077",
+ "TR5556",
+ "TR5558",
+ "TR5009",
+ "TR1097",
+ "TR2900",
+ "TR4750",
+ "TR7888",
+ "TR4752",
+ "TR9911",
+ "TR3259",
+ "TR4208",
+ "TR4757",
+ "TR4758",
+ "TR3255",
+ "TR3256",
+ "TR3257",
+ "TR3250",
+ "TR4203",
+ "TR4972",
+ "TR8252",
+ "TR0212",
+ "TR0217",
+ "TR4689",
+ "TR7956",
+ "TR3412",
+ "TR4373",
+ "TR4376",
+ "TR5562",
+ "TR8519",
+ "TR4964",
+ "TR8517",
+ "TR5408",
+ "TR8510",
+ "TR8736",
+ "TR7310",
+ "TR7313",
+ "TR2232",
+ "TR8733",
+ "TR7317",
+ "TR2236",
+ "TR2239",
+ "TR0990",
+ "TR0852",
+ "TR0503",
+ "TR0502",
+ "TR3322",
+ "TR3325",
+ "TR3634",
+ "TR9925",
+ "TR0694",
+ "TR0690",
+ "TR0995",
+ "TR4747",
+ "TR2417",
+ "TR4194",
+ "TR0998",
+ "TR9488",
+ "TR6883",
+ "TR4967",
+ "TR9487",
+ "TR3246",
+ "TR3747",
+ "TR2129",
+ "TR2125",
+ "TR2696",
+ "TR2694",
+ "TR9641",
+ "TR7400",
+ "TR4997",
+ "TR4992",
+ "TR4990",
+ "TR5921",
+ "TR6688",
+ "TR6689",
+ "TR6866",
+ "TR6684",
+ "TR8845",
+ "TR8846",
+ "TR6681",
+ "TR8842",
+ "TR6045",
+ "TR6043",
+ "TR7535",
+ "TR7537",
+ "TR6914",
+ "TR1240",
+ "TR1242",
+ "TR1245",
+ "TR1247",
+ "TR1246",
+ "TR9263",
+ "TR1482",
+ "TR1480",
+ "TR9266",
+ "TR9265",
+ "TR6590",
+ "TR6595",
+ "TR8131",
+ "TR7621",
+ "TR9460",
+ "TR9462",
+ "TR8991",
+ "TR9468",
+ "TR1802",
+ "TR1800",
+ "TR1809",
+ "TR1162",
+ "TR6464",
+ "TR1668",
+ "TR1667",
+ "TR1662",
+ "TR1661",
+ "TR6662",
+ "TR6668",
+ "TR4365",
+ "TR4364",
+ "TR9076",
+ "TR9077",
+ "TR9074",
+ "TR4368",
+ "TR3378",
+ "TR1069",
+ "TR8808",
+ "TR1060",
+ "TR1062",
+ "TR9531",
+ "TR8500",
+ "TR9530",
+ "TR9536",
+ "TR9013",
+ "TR5818",
+ "TR3336",
+ "TR5767",
+ "TR5816",
+ "TR5765",
+ "TR5761",
+ "TR4158",
+ "TR6310",
+ "TR1111",
+ "TR1110",
+ "TR5365",
+ "TR9107",
+ "TR4137",
+ "TR9102",
+ "TR1118",
+ "TR5108",
+ "TR5100",
+ "TR5106",
+ "TR7678",
+ "TR0449",
+ "TR8183",
+ "TR8185",
+ "TR0440",
+ "TR5961",
+ "TR3338",
+ "TR0196",
+ "TR5965",
+ "TR0446",
+ "TR4567",
+ "TR8218",
+ "TR0044",
+ "TR2973",
+ "TR2970",
+ "TR5567",
+ "TR2977",
+ "TR2974",
+ "TR0992",
+ "TR9921",
+ "TR4969",
+ "TR0996",
+ "TR4218",
+ "TR0222",
+ "TR4748",
+ "TR8431",
+ "TR3534",
+ "TR4745",
+ "TR4216",
+ "TR3247",
+ "TR4210",
+ "TR3245",
+ "TR7677",
+ "TR5587",
+ "TR5584",
+ "TR5580",
+ "TR5589",
+ "TR4698",
+ "TR9854",
+ "TR0413",
+ "TR8509",
+ "TR9851",
+ "TR8504",
+ "TR8501",
+ "TR9859",
+ "TR2808",
+ "TR8724",
+ "TR8726",
+ "TR7328",
+ "TR7329",
+ "TR8723",
+ "TR2759",
+ "TR7324",
+ "TR2205",
+ "TR7326",
+ "TR2755",
+ "TR2753",
+ "TR3339",
+ "TR5392",
+ "TR0530",
+ "TR3628",
+ "TR0532",
+ "TR0143",
+ "TR0537",
+ "TR3624",
+ "TR3626",
+ "TR4188",
+ "TR4187",
+ "TR4186",
+ "TR4180",
+ "TR4182",
+ "TR7188",
+ "TR6122",
+ "TR6125",
+ "TR6129",
+ "TR7186",
+ "TR7187",
+ "TR7438",
+ "TR3756",
+ "TR3753",
+ "TR7430",
+ "TR9675",
+ "TR2116",
+ "TR4987",
+ "TR8001",
+ "TR4626",
+ "TR2599",
+ "TR9582",
+ "TR2375",
+ "TR6699",
+ "TR6698",
+ "TR8852",
+ "TR6691",
+ "TR9589",
+ "TR6697",
+ "TR2379",
+ "TR6871",
+ "TR6870",
+ "TR2576",
+ "TR7057",
+ "TR7055",
+ "TR6056",
+ "TR7509",
+ "TR2578",
+ "TR6052",
+ "TR6224",
+ "TR7930",
+ "TR6557",
+ "TR6906",
+ "TR6908",
+ "TR3844",
+ "TR6121",
+ "TR6585",
+ "TR6583",
+ "TR1270",
+ "TR1903",
+ "TR1272",
+ "TR7020",
+ "TR1478",
+ "TR1476",
+ "TR1477",
+ "TR6272",
+ "TR1472",
+ "TR9293",
+ "TR9291",
+ "TR7610",
+ "TR9452",
+ "TR7618",
+ "TR9776",
+ "TR8985",
+ "TR1873",
+ "TR1871",
+ "TR7477",
+ "TR8373",
+ "TR1879",
+ "TR7706",
+ "TR6473",
+ "TR6477",
+ "TR3989",
+ "TR1612",
+ "TR1610",
+ "TR1616",
+ "TR1617",
+ "TR1615",
+ "TR6675",
+ "TR2118",
+ "TR9540",
+ "TR6673",
+ "TR1581",
+ "TR6679",
+ "TR6678",
+ "TR1584",
+ "TR6655",
+ "TR3240",
+ "TR1726",
+ "TR1727",
+ "TR9063",
+ "TR9062",
+ "TR1051",
+ "TR1053",
+ "TR1058",
+ "TR1728",
+ "TR1729",
+ "TR1292",
+ "TR1291",
+ "TR3057",
+ "TR7436",
+ "TR5802",
+ "TR5777",
+ "TR5806",
+ "TR5773",
+ "TR6998",
+ "TR7208",
+ "TR4061",
+ "TR1120",
+ "TR5370",
+ "TR5373",
+ "TR9119",
+ "TR9115",
+ "TR9114",
+ "TR9110",
+ "TR9113",
+ "TR3962",
+ "TR5119",
+ "TR5975",
+ "TR0454",
+ "TR5972",
+ "TR0451",
+ "TR5110",
+ "TR5497",
+ "TR5117",
+ "TR5116",
+ "TR0189",
+ "TR0188",
+ "TR5499",
+ "TR0181",
+ "TR2855",
+ "TR0184",
+ "TR2616",
+ "TR8224",
+ "TR8225",
+ "TR8220",
+ "TR8222",
+ "TR2969",
+ "TR2968",
+ "TR5579",
+ "TR5578",
+ "TR0053",
+ "TR5570",
+ "TR2965",
+ "TR0055",
+ "TR5574",
+ "TR5605",
+ "TR5604",
+ "TR0236",
+ "TR9939",
+ "TR0234",
+ "TR9937",
+ "TR4221",
+ "TR3503",
+ "TR9933",
+ "TR9932",
+ "TR4734",
+ "TR4227",
+ "TR5594",
+ "TR5590",
+ "TR9883",
+ "TR6336",
+ "TR5599",
+ "TR8089",
+ "TR8080",
+ "TR8082",
+ "TR2815",
+ "TR9842",
+ "TR9048",
+ "TR4429",
+ "TR8530",
+ "TR8531",
+ "TR8533",
+ "TR2819",
+ "TR4351",
+ "TR3433",
+ "TR3342",
+ "TR3615",
+ "TR8714",
+ "TR3347",
+ "TR8716",
+ "TR7996",
+ "TR2211",
+ "TR7994",
+ "TR9580",
+ "TR2215",
+ "TR4649",
+ "TR6975",
+ "TR3183",
+ "TR0525",
+ "TR3188",
+ "TR0521",
+ "TR6971",
+ "TR0060",
+ "TR8406",
+ "TR5541",
+ "TR8151",
+ "TR9588",
+ "TR2106",
+ "TR2105",
+ "TR2104",
+ "TR7423",
+ "TR9662",
+ "TR2101",
+ "TR7420",
+ "TR6110",
+ "TR9669",
+ "TR3762",
+ "TR3765",
+ "TR2850",
+ "TR3769",
+ "TR4011",
+ "TR3293",
+ "TR3297",
+ "TR4541",
+ "TR4540",
+ "TR2588",
+ "TR4543",
+ "TR2586",
+ "TR7976",
+ "TR4765",
+ "TR2361",
+ "TR6809",
+ "TR9595",
+ "TR9594",
+ "TR2365",
+ "TR2368",
+ "TR6806",
+ "TR9904",
+ "TR6068",
+ "TR2564",
+ "TR7047",
+ "TR7046",
+ "TR2561",
+ "TR7040",
+ "TR7043",
+ "TR7514",
+ "TR3265",
+ "TR6062",
+ "TR6063",
+ "TR2569",
+ "TR6067",
+ "TR3267",
+ "TR2473",
+ "TR7195",
+ "TR6053",
+ "TR6247",
+ "TR6242",
+ "TR8453",
+ "TR1911",
+ "TR1469",
+ "TR4604",
+ "TR1465",
+ "TR9286",
+ "TR1460",
+ "TR9282",
+ "TR9448",
+ "TR9445",
+ "TR7604",
+ "TR0367",
+ "TR7600",
+ "TR1863",
+ "TR6488",
+ "TR6487",
+ "TR1606",
+ "TR8882",
+ "TR8885",
+ "TR8888",
+ "TR1590",
+ "TR1596",
+ "TR3495",
+ "TR1731",
+ "TR1044",
+ "TR1049",
+ "TR9057",
+ "TR1283",
+ "TR5298",
+ "TR5299",
+ "TR5293",
+ "TR5291",
+ "TR5297",
+ "TR5294",
+ "TR5747",
+ "TR5348",
+ "TR5349",
+ "TR5344",
+ "TR9125",
+ "TR1131",
+ "TR5343",
+ "TR3976",
+ "TR3971",
+ "TR5902",
+ "TR5903",
+ "TR5901",
+ "TR0426",
+ "TR0427",
+ "TR5908",
+ "TR5358",
+ "TR7700",
+ "TR0254",
+ "TR5600",
+ "TR8239",
+ "TR2957",
+ "TR2950",
+ "TR2952",
+ "TR4506",
+ "TR4509",
+ "TR4508",
+ "TR8231",
+ "TR8230",
+ "TR8237",
+ "TR4308",
+ "TR5630",
+ "TR8620",
+ "TR5635",
+ "TR5638",
+ "TR9941",
+ "TR4724",
+ "TR4727",
+ "TR9033",
+ "TR8095",
+ "TR7468",
+ "TR8092",
+ "TR6270",
+ "TR0088",
+ "TR0737",
+ "TR0734",
+ "TR8522",
+ "TR2225",
+ "TR6219",
+ "TR5124",
+ "TR9623",
+ "TR2823",
+ "TR5120",
+ "TR2826",
+ "TR3420",
+ "TR4431",
+ "TR2141",
+ "TR4344",
+ "TR4655",
+ "TR3602",
+ "TR3353",
+ "TR9620",
+ "TR4651",
+ "TR3606",
+ "TR3356",
+ "TR3359",
+ "TR3358",
+ "TR8705",
+ "TR8704",
+ "TR4659",
+ "TR8702",
+ "TR2776",
+ "TR2777",
+ "TR3190",
+ "TR3197",
+ "TR5325",
+ "TR3194",
+ "TR0552",
+ "TR0550",
+ "TR2144",
+ "TR0554",
+ "TR3515",
+ "TR8410",
+ "TR4233",
+ "TR4232",
+ "TR8143",
+ "TR4230",
+ "TR7855",
+ "TR8149",
+ "TR7853",
+ "TR7850",
+ "TR9610",
+ "TR7451",
+ "TR2176",
+ "TR7457",
+ "TR2175",
+ "TR7458",
+ "TR6105",
+ "TR6104",
+ "TR7291",
+ "TR7293",
+ "TR3775",
+ "TR7299",
+ "TR3770",
+ "TR0953",
+ "TR3289",
+ "TR7578",
+ "TR3285",
+ "TR3284",
+ "TR3283",
+ "TR0002",
+ "TR6076",
+ "TR6072",
+ "TR6071",
+ "TR2394",
+ "TR2392",
+ "TR6774",
+ "TR2551",
+ "TR7075",
+ "TR7076",
+ "TR2557",
+ "TR7078",
+ "TR9724",
+ "TR9722",
+ "TR2000",
+ "TR2001",
+ "TR9942",
+ "TR3262",
+ "TR2483",
+ "TR2485",
+ "TR2488",
+ "TR1928",
+ "TR6251",
+ "TR6255",
+ "TR1923",
+ "TR1925",
+ "TR1458",
+ "TR8026",
+ "TR9438",
+ "TR3264",
+ "TR7673",
+ "TR7676",
+ "TR9437",
+ "TR5153",
+ "TR1854",
+ "TR1855",
+ "TR7879",
+ "TR1634",
+ "TR1636",
+ "TR1633",
+ "TR2061",
+ "TR6499",
+ "TR6495",
+ "TR6496",
+ "TR9546",
+ "TR9547",
+ "TR9545",
+ "TR7703",
+ "TR8899",
+ "TR8898",
+ "TR5979",
+ "TR8893",
+ "TR8890",
+ "TR6368",
+ "TR1701",
+ "TR1703",
+ "TR1704",
+ "TR7319",
+ "TR1709",
+ "TR6479",
+ "TR5285",
+ "TR3672",
+ "TR2015",
+ "TR0559",
+ "TR9139",
+ "TR1148",
+ "TR1149",
+ "TR5159",
+ "TR1147",
+ "TR1144",
+ "TR1145",
+ "TR3940",
+ "TR3947",
+ "TR3948",
+ "TR3949",
+ "TR0431",
+ "TR5910",
+ "TR0435",
+ "TR5914",
+ "TR9811",
+ "TR0439",
+ "TR6576",
+ "TR9659",
+ "TR7001",
+ "TR3118",
+ "TR0646",
+ "TR7450",
+ "TR2941",
+ "TR2946",
+ "TR4535",
+ "TR4537",
+ "TR4533",
+ "TR5756",
+ "TR5754",
+ "TR5751",
+ "TR5750",
+ "TR2131",
+ "TR3111",
+ "TR5758",
+ "TR7399",
+ "TR4080",
+ "TR4082",
+ "TR5628",
+ "TR5626",
+ "TR9956",
+ "TR0728",
+ "TR7683",
+ "TR4480",
+ "TR0094",
+ "TR0721",
+ "TR0720",
+ "TR0723",
+ "TR0722",
+ "TR9561",
+ "TR7873",
+ "TR8394",
+ "TR8390",
+ "TR2835",
+ "TR2834",
+ "TR4404",
+ "TR8399",
+ "TR2831",
+ "TR0897",
+ "TR8778",
+ "TR4664",
+ "TR4669",
+ "TR4886",
+ "TR4887",
+ "TR3360",
+ "TR8777",
+ "TR0899",
+ "TR4883",
+ "TR4390",
+ "TR4391",
+ "TR3166",
+ "TR0545",
+ "TR3566",
+ "TR3567",
+ "TR8176",
+ "TR8177",
+ "TR7846",
+ "TR7843",
+ "TR7441",
+ "TR8604",
+ "TR2162",
+ "TR9605",
+ "TR2164",
+ "TR8600",
+ "TR2166",
+ "TR7285",
+ "TR7284",
+ "TR3702",
+ "TR3704",
+ "TR0945",
+ "TR0940",
+ "TR0943",
+ "TR0942",
+ "TR2764",
+ "TR2762",
+ "TR2761",
+ "TR2545",
+ "TR6003",
+ "TR6000",
+ "TR6009",
+ "TR2380",
+ "TR3017",
+ "TR3014",
+ "TR3010",
+ "TR2547",
+ "TR2017",
+ "TR2016",
+ "TR9731",
+ "TR7062",
+ "TR7061",
+ "TR9732",
+ "TR3387",
+ "TR4863",
+ "TR4861",
+ "TR2493",
+ "TR2494",
+ "TR2497",
+ "TR6807",
+ "TR8954",
+ "TR6715",
+ "TR8952",
+ "TR8950",
+ "TR7661",
+ "TR2833",
+ "TR7663",
+ "TR9422",
+ "TR9424",
+ "TR7667",
+ "TR7666",
+ "TR6391",
+ "TR1843",
+ "TR1840",
+ "TR6828",
+ "TR4660",
+ "TR2078",
+ "TR2452",
+ "TR9557",
+ "TR6629",
+ "TR7713",
+ "TR2459",
+ "TR4920",
+ "TR6626",
+ "TR1931",
+ "TR4885",
+ "TR8977",
+ "TR4882",
+ "TR1719",
+ "TR4676",
+ "TR4928",
+ "TR6536",
+ "TR6530",
+ "TR6538",
+ "TR6539",
+ "TR8233",
+ "TR9148",
+ "TR1159",
+ "TR1158",
+ "TR9386",
+ "TR9387",
+ "TR9382",
+ "TR9383",
+ "TR1152",
+ "TR1154",
+ "TR1156",
+ "TR5774",
+ "TR3953",
+ "TR5383",
+ "TR5928",
+ "TR5385",
+ "TR0158",
+ "TR5387",
+ "TR5925",
+ "TR5926",
+ "TR5435",
+ "TR5920",
+ "TR5433",
+ "TR5431",
+ "TR0793",
+ "TR7895",
+ "TR7967",
+ "TR0796",
+ "TR4520",
+ "TR4526",
+ "TR5722",
+ "TR5720",
+ "TR5721",
+ "TR5725",
+ "TR9098",
+ "TR9099",
+ "TR5729",
+ "TR4093",
+ "TR5659",
+ "TR4096",
+ "TR4095",
+ "TR4094",
+ "TR5650",
+ "TR5656",
+ "TR5657",
+ "TR5654",
+ "TR0718",
+ "TR0713",
+ "TR8542",
+ "TR8549",
+ "TR4419",
+ "TR4418",
+ "TR8383",
+ "TR2848",
+ "TR8387",
+ "TR8385",
+ "TR0394",
+ "TR9891",
+ "TR2840",
+ "TR0397",
+ "TR9894",
+ "TR2847",
+ "TR0392",
+ "TR7848",
+ "TR8769",
+ "TR5371",
+ "TR4898",
+ "TR3564",
+ "TR4679",
+ "TR0573",
+ "TR3373",
+ "TR8760",
+ "TR3371",
+ "TR4890",
+ "TR4673",
+ "TR4896",
+ "TR4670",
+ "TR0373",
+ "TR4389",
+ "TR4387",
+ "TR3174",
+ "TR3177",
+ "TR4383",
+ "TR4382",
+ "TR0378",
+ "TR4658",
+ "TR4249",
+ "TR6941",
+ "TR3331",
+ "TR4115",
+ "TR9964",
+ "TR4250",
+ "TR4706",
+ "TR4257",
+ "TR4256",
+ "TR8167",
+ "TR8166",
+ "TR7872",
+ "TR4708",
+ "TR8162",
+ "TR7877",
+ "TR7478",
+ "TR9639",
+ "TR9634",
+ "TR9635",
+ "TR7476",
+ "TR9637",
+ "TR2623",
+ "TR2620",
+ "TR2621",
+ "TR3718",
+ "TR7278",
+ "TR7276",
+ "TR3710",
+ "TR3713",
+ "TR0974",
+ "TR7447",
+ "TR2711",
+ "TR2716",
+ "TR2715",
+ "TR1552",
+ "TR6012",
+ "TR6016",
+ "TR9708",
+ "TR2029",
+ "TR3006",
+ "TR3000",
+ "TR7012",
+ "TR2021",
+ "TR7010",
+ "TR7011",
+ "TR9704",
+ "TR2025",
+ "TR2534",
+ "TR7015",
+ "TR4875",
+ "TR3396",
+ "TR3390",
+ "TR0459",
+ "TR7386",
+ "TR3398",
+ "TR1433",
+ "TR1430",
+ "TR1431",
+ "TR1437",
+ "TR1434",
+ "TR4588",
+ "TR7126",
+ "TR2792",
+ "TR7656",
+ "TR9417",
+ "TR2442",
+ "TR7123",
+ "TR8945",
+ "TR8944",
+ "TR8947",
+ "TR6706",
+ "TR7658",
+ "TR7494",
+ "TR5971",
+ "TR7499",
+ "TR6833",
+ "TR6383",
+ "TR6387",
+ "TR6386",
+ "TR6838",
+ "TR0757",
+ "TR1388",
+ "TR1389",
+ "TR1384",
+ "TR1386",
+ "TR1387",
+ "TR1382",
+ "TR1891",
+ "TR1892",
+ "TR1895",
+ "TR1549",
+ "TR1898",
+ "TR1542",
+ "TR7721",
+ "TR9565",
+ "TR9566",
+ "TR9567",
+ "TR7728",
+ "TR7729",
+ "TR6633",
+ "TR1942",
+ "TR1947",
+ "TR2814",
+ "TR1099",
+ "TR1036",
+ "TR1762",
+ "TR1766",
+ "TR1764",
+ "TR1765",
+ "TR6524",
+ "TR6527",
+ "TR6523",
+ "TR3810",
+ "TR1165",
+ "TR1160",
+ "TR9157",
+ "TR1163",
+ "TR9390",
+ "TR9395",
+ "TR3928",
+ "TR3929",
+ "TR3922",
+ "TR3921",
+ "TR6946",
+ "TR5933",
+ "TR5424",
+ "TR5395",
+ "TR0146",
+ "TR0141",
+ "TR5936",
+ "TR0415",
+ "TR5390",
+ "TR7147",
+ "TR7143",
+ "TR5731",
+ "TR6763",
+ "TR5734",
+ "TR5737",
+ "TR5736",
+ "TR9086",
+ "TR9084",
+ "TR9083",
+ "TR9082",
+ "TR9081",
+ "TR5648",
+ "TR8288",
+ "TR4068",
+ "TR4067",
+ "TR5643",
+ "TR5645",
+ "TR8285",
+ "TR8925",
+ "TR8924",
+ "TR9887",
+ "TR9886",
+ "TR4466",
+ "TR4467",
+ "TR8574",
+ "TR8575",
+ "TR8571",
+ "TR4149",
+ "TR8573",
+ "TR2851",
+ "TR8377",
+ "TR8374",
+ "TR2966",
+ "TR8372",
+ "TR2854",
+ "TR0385",
+ "TR8596",
+ "TR4602",
+ "TR4606",
+ "TR8598",
+ "TR4605",
+ "TR9735",
+ "TR3498",
+ "TR0363",
+ "TR6164",
+ "TR3492",
+ "TR3144",
+ "TR0368",
+ "TR3147",
+ "TR7864",
+ "TR8118",
+ "TR3548",
+ "TR4269",
+ "TR3544",
+ "TR4266",
+ "TR3547",
+ "TR4260",
+ "TR3543",
+ "TR3724",
+ "TR4117",
+ "TR9629",
+ "TR2148",
+ "TR3720",
+ "TR3721",
+ "TR4110",
+ "TR8627",
+ "TR2635",
+ "TR2634",
+ "TR2637",
+ "TR7460",
+ "TR2631",
+ "TR2146",
+ "TR2145",
+ "TR4119",
+ "TR7269",
+ "TR4283",
+ "TR7261",
+ "TR4288",
+ "TR0969",
+ "TR0962",
+ "TR2701",
+ "TR8025",
+ "TR2705",
+ "TR2704",
+ "TR2708",
+ "TR4226",
+ "TR9717",
+ "TR9714",
+ "TR6028",
+ "TR2031",
+ "TR6024",
+ "TR3034",
+ "TR2521",
+ "TR6868",
+ "TR7002",
+ "TR7005",
+ "TR7007",
+ "TR4840",
+ "TR7398",
+ "TR4844",
+ "TR4848",
+ "TR4849",
+ "TR7397",
+ "TR0335",
+ "TR6289",
+ "TR1426",
+ "TR1428",
+ "TR6283",
+ "TR6739",
+ "TR2457",
+ "TR9407",
+ "TR9404",
+ "TR0228",
+ "TR9408",
+ "TR8974",
+ "TR2133",
+ "TR6737",
+ "TR7484",
+ "TR6831",
+ "TR7481",
+ "TR7483",
+ "TR1393",
+ "TR1392",
+ "TR1391",
+ "TR1395",
+ "TR6357",
+ "TR6607",
+ "TR6351",
+ "TR1887",
+ "TR6608",
+ "TR1553",
+ "TR6359",
+ "TR7738",
+ "TR9577",
+ "TR7734",
+ "TR7733",
+ "TR1951",
+ "TR1952",
+ "TR1955",
+ "TR1958",
+ "TR1086",
+ "TR1085",
+ "TR1082",
+ "TR2812",
+ "TR1088",
+ "TR4354",
+ "TR1773",
+ "TR1772",
+ "TR1775",
+ "TR6511",
+ "TR3809",
+ "TR3808",
+ "TR6516",
+ "TR6517",
+ "TR3805",
+ "TR3802",
+ "TR6834",
+ "TR8860",
+ "TR3343",
+ "TR4642",
+ "TR7785",
+ "TR9369",
+ "TR9366",
+ "TR6712",
+ "TR9362",
+ "TR9360",
+ "TR3938",
+ "TR2744",
+ "TR3932",
+ "TR3934",
+ "TR5411",
+ "TR5412",
+ "TR5413",
+ "TR7990",
+ "TR2998",
+ "TR5098",
+ "TR5094",
+ "TR5095",
+ "TR5097",
+ "TR5091",
+ "TR7548",
+ "TR9420",
+ "TR5256",
+ "TR5253",
+ "TR5703",
+ "TR5077",
+ "TR0771",
+ "TR0776",
+ "TR4078",
+ "TR5070",
+ "TR5071",
+ "TR8290",
+ "TR8293",
+ "TR8292",
+ "TR8297",
+ "TR4905",
+ "TR9427",
+ "TR5892",
+ "TR5825",
+ "TR5899",
+ "TR2865",
+ "TR4475",
+ "TR2863",
+ "TR8563",
+ "TR0523",
+ "TR9187",
+ "TR9183",
+ "TR8365",
+ "TR8364",
+ "TR8361",
+ "TR8363",
+ "TR8585",
+ "TR3154",
+ "TR8580",
+ "TR3151",
+ "TR8582",
+ "TR0596",
+ "TR3158",
+ "TR3489",
+ "TR0354",
+ "TR0357",
+ "TR0358",
+ "TR0607",
+ "TR0605",
+ "TR0601",
+ "TR8108",
+ "TR5677",
+ "TR3553",
+ "TR9984",
+ "TR9985",
+ "TR8105",
+ "TR4276",
+ "TR4274",
+ "TR4104",
+ "TR3730",
+ "TR4101",
+ "TR4100",
+ "TR3735",
+ "TR3734",
+ "TR8636",
+ "TR2602",
+ "TR4109",
+ "TR8632",
+ "TR8631",
+ "TR4294",
+ "TR4296",
+ "TR7253",
+ "TR7256",
+ "TR0919",
+ "TR0916",
+ "TR0914",
+ "TR7928",
+ "TR2735",
+ "TR7924",
+ "TR2730",
+ "TR7920",
+ "TR2514",
+ "TR2515",
+ "TR7036",
+ "TR2041",
+ "TR9766",
+ "TR2512",
+ "TR2045",
+ "TR9768",
+ "TR6037",
+ "TR2519",
+ "TR6034",
+ "TR7900",
+ "TR2286",
+ "TR3027",
+ "TR2289",
+ "TR3021",
+ "TR0826",
+ "TR0822",
+ "TR0823",
+ "TR4859",
+ "TR4858",
+ "TR6727",
+ "TR8966",
+ "TR6725",
+ "TR2993",
+ "TR6723",
+ "TR1419",
+ "TR6720",
+ "TR1412",
+ "TR2995",
+ "TR7103",
+ "TR2465",
+ "TR2466",
+ "TR7107",
+ "TR2102",
+ "TR2192",
+ "TR3877",
+ "TR9611",
+ "TR6628",
+ "TR7581",
+ "TR6616",
+ "TR9616",
+ "TR1562",
+ "TR1567",
+ "TR7743",
+ "TR7747",
+ "TR7744",
+ "TR7745",
+ "TR7372",
+ "TR6293",
+ "TR1965",
+ "TR6298",
+ "TR1744",
+ "TR1745",
+ "TR1749",
+ "TR1985",
+ "TR9217",
+ "TR9212",
+ "TR0774",
+ "TR3833",
+ "TR3834",
+ "TR3836",
+ "TR9219",
+ "TR4076",
+ "TR5173",
+ "TR9179",
+ "TR9178",
+ "TR5078",
+ "TR1188",
+ "TR0674",
+ "TR9175",
+ "TR1342",
+ "TR1344",
+ "TR3903",
+ "TR1349",
+ "TR9376",
+ "TR3908",
+ "TR3299",
+ "TR2987",
+ "TR2986",
+ "TR2985",
+ "TR2984",
+ "TR2982",
+ "TR5089",
+ "TR5484",
+ "TR5718",
+ "TR5713",
+ "TR5711",
+ "TR5241",
+ "TR5240",
+ "TR5060",
+ "TR0767",
+ "TR5062",
+ "TR4041",
+ "TR4045",
+ "TR4594",
+ "TR2860",
+ "TR8207",
+ "TR9331",
+ "TR2877",
+ "TR2876",
+ "TR2874",
+ "TR4447",
+ "TR4440",
+ "TR9195",
+ "TR9197",
+ "TR0164",
+ "TR0162",
+ "TR5401",
+ "TR0160",
+ "TR8350",
+ "TR9199",
+ "TR0168",
+ "TR3128",
+ "TR9593",
+ "TR0583",
+ "TR0615",
+ "TR0345",
+ "TR0611",
+ "TR0613",
+ "TR0612",
+ "TR8134",
+ "TR8135",
+ "TR7803",
+ "TR7802",
+ "TR7804",
+ "TR8132",
+ "TR5550",
+ "TR7808",
+ "TR5443",
+ "TR5662",
+ "TR0292",
+ "TR9999",
+ "TR5664",
+ "TR5669",
+ "TR1659",
+ "TR9992",
+ "TR7245",
+ "TR4134",
+ "TR4136",
+ "TR7240",
+ "TR8643",
+ "TR1228",
+ "TR0076",
+ "TR3330",
+ "TR7248",
+ "TR3587",
+ "TR3237",
+ "TR3234",
+ "TR4915",
+ "TR4912",
+ "TR0904",
+ "TR4625",
+ "TR8002",
+ "TR7169",
+ "TR7938",
+ "TR7935",
+ "TR8009",
+ "TR7931",
+ "TR4629",
+ "TR2503",
+ "TR2052",
+ "TR9775",
+ "TR2506",
+ "TR7024",
+ "TR2058",
+ "TR2508",
+ "TR2293",
+ "TR2292",
+ "TR3058",
+ "TR2297",
+ "TR3052",
+ "TR7519",
+ "TR3055",
+ "TR0835",
+ "TR0837",
+ "TR6188",
+ "TR0831",
+ "TR0839",
+ "TR4824",
+ "TR2617",
+ "TR3254",
+ "TR2615",
+ "TR2614",
+ "TR2613",
+ "TR4975",
+ "TR7883",
+ "TR8913",
+ "TR6974",
+ "TR4977",
+ "TR8917",
+ "TR6755",
+ "TR7885",
+ "TR6759",
+ "TR1404",
+ "TR5507",
+ "TR8424",
+ "TR2479",
+ "TR2478",
+ "TR2475",
+ "TR2474",
+ "TR6198",
+ "TR6199",
+ "TR2471",
+ "TR2188",
+ "TR2182",
+ "TR2181",
+ "TR1577",
+ "TR1575",
+ "TR1574",
+ "TR0609",
+ "TR6373",
+ "TR6374",
+ "TR8828",
+ "TR8829",
+ "TR8824",
+ "TR8825",
+ "TR8820",
+ "TR8821",
+ "TR7759",
+ "TR4259",
+ "TR7753",
+ "TR9515",
+ "TR9517",
+ "TR1978",
+ "TR1971",
+ "TR1975",
+ "TR1752",
+ "TR1750",
+ "TR1756",
+ "TR1755",
+ "TR1759",
+ "TR1997",
+ "TR3824",
+ "TR3823",
+ "TR1992",
+ "TR1999",
+ "TR3828",
+ "TR6578",
+ "TR9202",
+ "TR6572",
+ "TR9209",
+ "TR6574",
+ "TR4346",
+ "TR9193",
+ "TR4018",
+ "TR1268",
+ "TR1193",
+ "TR1192",
+ "TR3912",
+ "TR6405",
+ "TR0283",
+ "TR1357",
+ "TR1356",
+ "TR3918",
+ "TR9345",
+ "TR9346",
+ "TR1262",
+ "TR9384",
+ "TR3415",
+ "TR9332",
+ "TR5207",
+ "TR5678",
+ "TR5679",
+ "TR0635",
+ "TR4212",
+ "TR5273",
+ "TR4217",
+ "TR5050",
+ "TR5051",
+ "TR5054",
+ "TR5056",
+ "TR3732",
+ "TR0755",
+ "TR5504",
+ "TR0025",
+ "TR5502",
+ "TR5503",
+ "TR5500",
+ "TR0021",
+ "TR4106",
+ "TR5879",
+ "TR5874",
+ "TR5870",
+ "TR3736",
+ "TR8347",
+ "TR5181",
+ "TR8730",
+ "TR2887",
+ "TR2885",
+ "TR4455",
+ "TR8830",
+ "TR0112",
+ "TR5473",
+ "TR5476",
+ "TR0117",
+ "TR5474",
+ "TR0115",
+ "TR5478",
+ "TR3130",
+ "TR9835",
+ "TR3137",
+ "TR9831",
+ "TR3138",
+ "TR9839",
+ "TR0339",
+ "TR0330",
+ "TR0623",
+ "TR0625",
+ "TR0334",
+ "TR0627",
+ "TR8121",
+ "TR8126",
+ "TR8124",
+ "TR7834",
+ "TR5985",
+ "TR4057",
+ "TR4056",
+ "TR4050",
+ "TR5694",
+ "TR5695",
+ "TR5693",
+ "TR5691",
+ "TR8659",
+ "TR7233",
+ "TR9444",
+ "TR4127",
+ "TR4125",
+ "TR7239",
+ "TR8655",
+ "TR4122",
+ "TR4121",
+ "TR0934",
+ "TR0247",
+ "TR3228",
+ "TR0240",
+ "TR3598",
+ "TR3225",
+ "TR3596",
+ "TR3221",
+ "TR3637",
+ "TR7909",
+ "TR4631",
+ "TR3326",
+ "TR5389",
+ "TR8017",
+ "TR4638",
+ "TR9741",
+ "TR7583",
+ "TR7349",
+ "TR2266",
+ "TR3043",
+ "TR7341",
+ "TR6989",
+ "TR6982",
+ "TR6980",
+ "TR6985",
+ "TR4836",
+ "TR2662",
+ "TR6741",
+ "TR8903",
+ "TR6742",
+ "TR6745",
+ "TR6183",
+ "TR6180",
+ "TR2402",
+ "TR7692",
+ "TR7693",
+ "TR7696",
+ "TR7165",
+ "TR9693",
+ "TR1502",
+ "TR7648",
+ "TR7766",
+ "TR7767",
+ "TR9522",
+ "TR2311",
+ "TR6366",
+ "TR6364",
+ "TR7768",
+ "TR7769",
+ "TR0932",
+ "TR2083",
+ "TR2088",
+ "TR2089",
+ "TR8316",
+ "TR8008",
+ "TR9760",
+ "TR6038",
+ "TR3854",
+ "TR1600",
+ "TR1217",
+ "TR3858",
+ "TR1213",
+ "TR1210",
+ "TR6568",
+ "TR9236",
+ "TR9237",
+ "TR6560",
+ "TR9765",
+ "TR6564",
+ "TR4207",
+ "TR1691",
+ "TR1699",
+ "TR2048",
+ "TR4204",
+ "TR9356",
+ "TR9352",
+ "TR9351",
+ "TR6645",
+ "TR1328",
+ "TR1329",
+ "TR6411",
+ "TR6413",
+ "TR8658",
+ "TR0127",
+ "TR1321",
+ "TR6419",
+ "TR6418",
+ "TR4205",
+ "TR2013",
+ "TR7409",
+ "TR3478",
+ "TR7763",
+ "TR4202",
+ "TR9890",
+ "TR9644",
+ "TR5266",
+ "TR5267",
+ "TR1037",
+ "TR7406",
+ "TR0305",
+ "TR1031",
+ "TR1038",
+ "TR3022",
+ "TR0749",
+ "TR5049",
+ "TR0743",
+ "TR3474",
+ "TR5517",
+ "TR0740",
+ "TR0031",
+ "TR5042",
+ "TR0033",
+ "TR0032",
+ "TR5867",
+ "TR5863",
+ "TR5862",
+ "TR5190",
+ "TR8331",
+ "TR5194",
+ "TR8335",
+ "TR5199",
+ "TR5198",
+ "TR2897",
+ "TR0821",
+ "TR5465",
+ "TR0104",
+ "TR0106",
+ "TR7518",
+ "TR0637",
+ "TR4481",
+ "TR9827",
+ "TR3108",
+ "TR9823",
+ "TR4488",
+ "TR4334",
+ "TR3102",
+ "TR0638",
+ "TR0328",
+ "TR5998",
+ "TR8488",
+ "TR7822",
+ "TR7827",
+ "TR4005",
+ "TR7824",
+ "TR4026",
+ "TR5688",
+ "TR8247",
+ "TR8244",
+ "TR5686",
+ "TR8241",
+ "TR8466",
+ "TR8464",
+ "TR0071",
+ "TR0922",
+ "TR0256",
+ "TR0927",
+ "TR0925",
+ "TR4931",
+ "TR3212",
+ "TR7917",
+ "TR7918",
+ "TR8799",
+ "TR3698",
+ "TR3699",
+ "TR8653",
+ "TR3694",
+ "TR3695",
+ "TR8792",
+ "TR3697",
+ "TR3692",
+ "TR3074",
+ "TR3076",
+ "TR7598",
+ "TR3071",
+ "TR4000",
+ "TR7593",
+ "TR9751",
+ "TR9757",
+ "TR9756",
+ "TR7594",
+ "TR4804",
+ "TR3677",
+ "TR7359",
+ "TR3673",
+ "TR4803",
+ "TR7355",
+ "TR6864",
+ "TR9678",
+ "TR4809",
+ "TR2925",
+ "TR0813",
+ "TR0811",
+ "TR8665",
+ "TR2673",
+ "TR2926",
+ "TR2674",
+ "TR8662",
+ "TR8669",
+ "TR0012",
+ "TR6954",
+ "TR6956",
+ "TR6958",
+ "TR8935",
+ "TR8932",
+ "TR8933",
+ "TR7179",
+ "TR7178",
+ "TR6416",
+ "TR8261",
+ "TR7170",
+ "TR9892",
+ "TR7177",
+ "TR7176",
+ "TR9688",
+ "TR6880",
+ "TR6886",
+ "TR6885",
+ "TR9680",
+ "TR9683",
+ "TR9682",
+ "TR9685",
+ "TR8265",
+ "TR5539",
+ "TR0393",
+ "TR1512",
+ "TR1327",
+ "TR9533",
+ "TR7771",
+ "TR2306",
+ "TR2301",
+ "TR7776",
+ "TR6312",
+ "TR7779",
+ "TR8805",
+ "TR8806",
+ "TR4957",
+ "TR2095",
+ "TR6088",
+ "TR0572",
+ "TR7573",
+ "TR6080",
+ "TR4678",
+ "TR7579",
+ "TR2098",
+ "TR2006",
+ "TR2601",
+ "TR4892",
+ "TR7505",
+ "TR3370",
+ "TR8765",
+ "TR2274",
+ "TR0579",
+ "TR6226",
+ "TR6227",
+ "TR3843",
+ "TR3842",
+ "TR6692",
+ "TR6223",
+ "TR3847",
+ "TR1206",
+ "TR1200",
+ "TR1202",
+ "TR6795",
+ "TR6792",
+ "TR9226",
+ "TR9225",
+ "TR6799",
+ "TR1681",
+ "TR1686",
+ "TR1688",
+ "TR9320",
+ "TR9327",
+ "TR1339",
+ "TR6426",
+ "TR3171",
+ "TR2605",
+ "TR3173",
+ "TR5745",
+ "TR7599",
+ "TR3445",
+ "TR5212",
+ "TR5216",
+ "TR5217",
+ "TR9039",
+ "TR5219",
+ "TR1029",
+ "TR1028",
+ "TR9030",
+ "TR5529",
+ "TR5039",
+ "TR5030",
+ "TR0003",
+ "TR5034",
+ "TR0007",
+ "TR5859",
+ "TR5853",
+ "TR7878",
+ "TR8327",
+ "TR4702",
+ "TR0135",
+ "TR0137",
+ "TR0133",
+ "TR5146",
+ "TR0315",
+ "TR9812",
+ "TR9813",
+ "TR4329",
+ "TR5143",
+ "TR0644",
+ "TR4498",
+ "TR3113",
+ "TR3112",
+ "TR3447",
+ "TR4494",
+ "TR4321",
+ "TR3440",
+ "TR4322",
+ "TR0485",
+ "TR0481",
+ "TR0488",
+ "TR0489",
+ "TR8498",
+ "TR2771",
+ "TR8495",
+ "TR8494",
+ "TR4031",
+ "TR4032",
+ "TR8259",
+ "TR4034",
+ "TR2930",
+ "TR8255",
+ "TR2938",
+ "TR2939",
+ "TR3207",
+ "TR8477",
+ "TR8476",
+ "TR8472",
+ "TR4141",
+ "TR7215",
+ "TR7217",
+ "TR7213",
+ "TR4244",
+ "TR5342",
+ "TR0268",
+ "TR0269",
+ "TR1039",
+ "TR8610",
+ "TR0792",
+ "TR7961",
+ "TR7966",
+ "TR8782",
+ "TR7964",
+ "TR0797",
+ "TR0798",
+ "TR8078",
+ "TR3688",
+ "TR8070",
+ "TR3685",
+ "TR3062",
+ "TR2625",
+ "TR3066",
+ "TR3069",
+ "TR3068",
+ "TR4813",
+ "TR3661",
+ "TR7472",
+ "TR4814",
+ "TR7360",
+ "TR3434",
+ "TR2153",
+ "TR5538",
+ "TR0862",
+ "TR0867",
+ "TR0864",
+ "TR8676",
+ "TR8674",
+ "TR2647",
+ "TR2640",
+ "TR2641",
+ "TR9737",
+ "TR2643",
+ "TR6769",
+ "TR8928",
+ "TR2420",
+ "TR2421",
+ "TR6948",
+ "TR8923",
+ "TR6762",
+ "TR6761",
+ "TR8920",
+ "TR6765",
+ "TR6940",
+ "TR6168",
+ "TR5906",
+ "TR6167",
+ "TR6161",
+ "TR7274",
+ "TR6163",
+ "TR6162",
+ "TR3571",
+ "TR6892",
+ "TR6898",
+ "TR0035",
+ "TR8813",
+ "TR8811",
+ "TR5511",
+ "TR1526",
+ "TR1835",
+ "TR1832",
+ "TR1830",
+ "TR6309",
+ "TR2334",
+ "TR7786",
+ "TR6300",
+ "TR6302",
+ "TR6305",
+ "TR7222",
+ "TR9781",
+ "TR7542",
+ "TR9783",
+ "TR0310",
+ "TR9788",
+ "TR9733",
+ "TR8645",
+ "TR1784",
+ "TR6542",
+ "TR6230",
+ "TR6232",
+ "TR6549",
+ "TR1233",
+ "TR1234",
+ "TR6238",
+ "TR3873",
+ "TR4174",
+ "TR1047",
+ "TR6788",
+ "TR3600",
+ "TR8104",
+ "TR4173",
+ "TR1656",
+ "TR9330",
+ "TR1654",
+ "TR8238",
+ "TR1301",
+ "TR9339",
+ "TR1309",
+ "TR2636",
+ "TR8337",
+ "TR2650",
+ "TR6437",
+ "TR6433",
+ "TR2895",
+ "TR2894",
+ "TR4470",
+ "TR9802",
+ "TR2958",
+ "TR2437",
+ "TR1012",
+ "TR1016",
+ "TR9025",
+ "TR9024",
+ "TR9020",
+ "TR9022",
+ "TR3892",
+ "TR3891",
+ "TR4235",
+ "TR6192",
+ "TR3899",
+ "TR5028",
+ "TR5844",
+ "TR2110",
+ "TR5842",
+ "TR5841",
+ "TR3839",
+ "TR5026",
+ "TR9213",
+ "TR3005",
+ "TR8314",
+ "TR9926",
+ "TR8310",
+ "TR5339",
+ "TR0123",
+ "TR0122",
+ "TR0121",
+ "TR5336",
+ "TR5331",
+ "TR5155",
+ "TR5154",
+ "TR9809",
+ "TR0304",
+ "TR3470",
+ "TR9805",
+ "TR3473",
+ "TR9803",
+ "TR3577",
+ "TR9640",
+ "TR0491",
+ "TR0497",
+ "TR7013",
+ "TR2530",
+ "TR3009",
+ "TR4792",
+ "TR0017",
+ "TR3456",
+ "TR0014",
+ "TR0013",
+ "TR2026",
+ "TR4558",
+ "TR2922",
+ "TR8260",
+ "TR4557",
+ "TR2929",
+ "TR4553",
+ "TR8266",
+ "TR4003",
+ "TR8443",
+ "TR8445",
+ "TR3078",
+ "TR3279",
+ "TR6193",
+ "TR4330",
+ "TR0279",
+ "TR0277",
+ "TR0275",
+ "TR0274",
+ "TR8044",
+ "TR8040",
+ "TR8041",
+ "TR8042",
+ "TR0788",
+ "TR7979",
+ "TR7978",
+ "TR3404",
+ "TR3727",
+ "TR0780",
+ "TR8094",
+ "TR8638",
+ "TR3450",
+ "TR4550",
+ "TR2257",
+ "TR7374",
+ "TR2279",
+ "TR3094",
+ "TR3093",
+ "TR7379",
+ "TR2788",
+ "TR3308",
+ "TR2781",
+ "TR3659",
+ "TR3304",
+ "TR3300",
+ "TR3782",
+ "TR3780",
+ "TR4170",
+ "TR4828",
+ "TR8685",
+ "TR2657",
+ "TR2656",
+ "TR2433",
+ "TR7151",
+ "TR6939",
+ "TR7157",
+ "TR2436",
+ "TR7155",
+ "TR6932",
+ "TR6930",
+ "TR6936",
+ "TR6934",
+ "TR8420",
+ "TR6159",
+ "TR2291"
+ ]
+ }
+}
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test.flist
new file mode 100644
index 0000000..8efa025
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test.flist
@@ -0,0 +1,1000 @@
+MUL2320
+MUL2321
+SNG0768
+MUL1514
+MUL1515
+MUL1045
+MUL1901
+PMUL2433
+PMUL0674
+PMUL3423
+PMUL2119
+PMUL3425
+PMUL3424
+PMUL1008
+SNG0610
+MUL1192
+PMUL3549
+PMUL3348
+MUL1899
+MUL1596
+MUL2316
+MUL2281
+PMUL0832
+MUL1466
+SNG0840
+PMUL2146
+PMUL4800
+MUL0035
+PMUL1276
+MUL1633
+SNG0767
+MUL0116
+MUL0484
+SNG01752
+SNG0500
+MUL1638
+MUL0332
+MUL2284
+PMUL1931
+PMUL0578
+MUL2218
+SNG01165
+SNG0690
+SNG0691
+SNG0692
+SNG0280
+MUL2609
+MUL2359
+MUL2358
+SNG0590
+SNG01366
+SNG01367
+PMUL3514
+SNG0616
+SNG0601
+SNG0600
+MUL1122
+PMUL1412
+MUL0340
+MUL0341
+MUL0346
+MUL0432
+MUL0654
+PMUL4054
+SNG01155
+MUL0014
+PMUL4050
+SNG0433
+SNG0348
+PMUL1477
+PMUL4059
+MUL1787
+PMUL2380
+MUL0939
+PMUL1772
+PMUL4660
+PMUL3158
+PMUL1775
+PMUL2933
+PMUL1779
+PMUL3156
+MUL0937
+PMUL3014
+SNG01686
+PMUL4462
+PMUL1944
+PMUL3012
+PMUL1949
+MUL1552
+PMUL4641
+PMUL3600
+SNG0933
+PMUL2627
+SNG02315
+MUL0230
+PMUL4106
+SNG02319
+PMUL1374
+PMUL1373
+PMUL2756
+MUL0239
+MUL1838
+MUL0144
+MUL2106
+PMUL2848
+PMUL1113
+PMUL4025
+PMUL4026
+MUL2086
+SNG01534
+PMUL2330
+MUL1935
+SNG0898
+PMUL1118
+SNG01434
+SNG01733
+MUL1228
+PMUL2483
+SNG01432
+PMUL2489
+SNG0455
+PMUL3126
+PMUL3127
+PMUL0457
+PMUL0518
+PMUL1180
+PMUL1182
+PMUL1183
+MUL2077
+SNG01919
+MUL2072
+MUL1828
+MUL1410
+MUL1799
+PMUL0630
+MUL1417
+PMUL3465
+SNG0983
+PMUL4239
+PMUL3309
+PMUL0732
+MUL2177
+PMUL4234
+PMUL1600
+PMUL4231
+PMUL3301
+MUL0803
+PMUL4333
+PMUL1593
+MUL0199
+SNG01542
+PMUL2205
+MUL1091
+SNG0803
+SNG0446
+SNG1042
+PMUL4964
+PMUL3834
+MUL1258
+MUL1254
+MUL2063
+SNG1048
+PMUL3976
+MUL1076
+SNG0797
+SNG01767
+SNG0659
+MUL2254
+SNG0792
+SNG1150
+SNG0799
+SNG0832
+MUL0072
+MUL0073
+PMUL3992
+MUL1958
+MUL1489
+PMUL0129
+MUL2317
+MUL1898
+SNG01323
+MUL2089
+MUL0473
+MUL0474
+PMUL4524
+PMUL4318
+PMUL4246
+PMUL4247
+SNG0892
+SNG0721
+SNG0722
+PMUL0320
+MUL1554
+MUL1555
+MUL0570
+MUL1008
+MUL0575
+SNG0571
+SNG01755
+SNG0572
+MUL0978
+PMUL1739
+MUL0208
+PMUL4383
+SNG0471
+MUL0613
+SNG0477
+PMUL4842
+PMUL0276
+MUL2499
+MUL2491
+MUL2228
+MUL0682
+PMUL1867
+MUL2658
+MUL2657
+PMUL3647
+SNG0979
+MUL0373
+SNG0098
+MUL0370
+PMUL3520
+PMUL2980
+PMUL2983
+MUL0374
+SNG0531
+MUL0379
+MUL0677
+MUL1678
+SNG0095
+PMUL1344
+SNG02172
+PMUL0012
+PMUL0548
+PMUL4388
+MUL1607
+PMUL1788
+PMUL1420
+MUL0071
+PMUL1424
+PMUL3649
+SNG0078
+MUL1833
+PMUL4636
+PMUL4731
+MUL2423
+PMUL3160
+PMUL3162
+MUL1418
+PMUL3044
+PMUL3731
+SNG0897
+PMUL3734
+PMUL3737
+MUL0198
+MUL0197
+PMUL4343
+PMUL1869
+PMUL1998
+SNG01957
+MUL1289
+MUL2130
+MUL2137
+PMUL0267
+PMUL0265
+SNG1076
+MUL2139
+MUL2138
+MUL1285
+SNG02006
+SNG1070
+PMUL1834
+PMUL2746
+PMUL0069
+PMUL3224
+SNG01262
+MUL1212
+PMUL4884
+PMUL2362
+MUL0992
+PMUL4880
+SNG01503
+MUL1350
+MUL1351
+MUL0371
+PMUL0938
+PMUL2457
+SNG0099
+PMUL2452
+PMUL0782
+PMUL2513
+SNG1004
+PMUL3521
+PMUL2437
+MUL2686
+SNG0755
+MUL1527
+MUL0233
+PMUL3596
+PMUL3890
+SNG0061
+PMUL4564
+PMUL4567
+PMUL3599
+MUL2042
+PMUL1484
+SNG01359
+SNG0782
+PMUL4368
+MUL1059
+PMUL4362
+MUL0537
+MUL0536
+PMUL4366
+MUL0533
+MUL1756
+PMUL3868
+PMUL3940
+MUL1675
+PMUL3946
+MUL1753
+PMUL4819
+SNG0528
+MUL1759
+MUL0080
+MUL0498
+SNG01608
+MUL0496
+MUL1627
+MUL1624
+PMUL1046
+MUL0089
+MUL0088
+MUL1620
+MUL0323
+PMUL3688
+MUL2269
+MUL2347
+MUL1055
+PMUL2778
+PMUL2558
+PMUL3685
+PMUL0844
+PMUL1273
+PMUL0117
+SNG0580
+PMUL2174
+SNG0274
+SNG0586
+SNG0589
+PMUL4515
+PMUL0286
+MUL0409
+SNG0611
+MUL2294
+SNG0613
+MUL0034
+MUL1137
+MUL2290
+SNG0617
+PMUL1435
+MUL1139
+SNG0775
+MUL0148
+MUL0669
+MUL1475
+PMUL1463
+PMUL1462
+MUL0391
+MUL2466
+MUL0397
+PMUL4672
+PMUL1952
+MUL2665
+MUL2664
+PMUL3778
+MUL1268
+PMUL1895
+PMUL1342
+MUL0297
+PMUL2080
+PMUL1347
+PMUL3672
+SNG0927
+SNG0539
+PMUL3576
+PMUL1266
+SNG0073
+PMUL2286
+MUL0810
+MUL0814
+SNG0323
+MUL0818
+SNG0733
+PMUL2491
+PMUL4603
+PMUL2497
+PMUL4605
+SNG01784
+SNG0345
+PMUL3708
+PMUL3897
+PMUL0509
+PMUL0506
+PMUL1194
+PMUL3707
+PMUL0768
+MUL2001
+MUL1818
+SNG1147
+MUL1766
+MUL2009
+MUL1763
+MUL1860
+PMUL4034
+SNG0940
+MUL2162
+PMUL3310
+PMUL4326
+PMUL4325
+MUL0011
+PMUL2215
+MUL2427
+MUL1365
+PMUL2351
+SNG01551
+PMUL0615
+MUL0869
+SNG0941
+PMUL4140
+MUL1718
+MUL1248
+PMUL4911
+MUL1712
+SNG01850
+MUL1240
+PMUL4919
+MUL1064
+SNG01492
+MUL1066
+SNG0781
+MUL1060
+PMUL1332
+SNG0661
+MUL0594
+MUL1883
+PMUL1330
+MUL2301
+MUL2305
+PMUL3403
+MUL2099
+PMUL4259
+PMUL4258
+SNG0962
+MUL0947
+PMUL4255
+PMUL3919
+PMUL3858
+SNG0519
+MUL1569
+SNG0390
+SNG0715
+SNG0866
+PMUL3913
+PMUL0994
+MUL1560
+PMUL1253
+MUL1612
+PMUL1256
+MUL1811
+SNG01775
+PMUL3364
+MUL0212
+PMUL2729
+SNG01673
+PMUL0982
+SNG01683
+PMUL4432
+MUL1588
+MUL0690
+PMUL1854
+MUL1478
+MUL0694
+PMUL1853
+SNG0964
+PMUL3495
+SNG0448
+SNG01380
+SNG01386
+SNG02342
+PMUL0815
+MUL1661
+MUL0364
+MUL1664
+PMUL4357
+PMUL4644
+MUL0369
+PMUL0262
+PMUL0573
+SNG0289
+PMUL4078
+PMUL4077
+SNG0284
+MUL0739
+SNG02240
+PMUL1002
+PMUL4176
+SNG0518
+PMUL4648
+MUL0524
+SNG0360
+MUL2457
+MUL0912
+PMUL4643
+PMUL3171
+MUL2439
+SNG01819
+MUL2432
+PMUL3957
+MUL0624
+MUL1159
+PMUL1091
+MUL0621
+PMUL3742
+PMUL1311
+PMUL3748
+MUL0628
+PMUL2882
+PMUL1316
+MUL2120
+MUL2122
+SNG02018
+MUL0540
+SNG1066
+MUL1088
+SNG01290
+PMUL1173
+PMUL1172
+PMUL3217
+PMUL0685
+PMUL0079
+PMUL4894
+PMUL0076
+MUL1189
+MUL1202
+MUL0828
+PMUL2311
+PMUL1486
+MUL0822
+MUL0821
+MUL2646
+PMUL1920
+PMUL2503
+PMUL1370
+SNG01898
+MUL1028
+PMUL3921
+MUL1844
+MUL0881
+MUL0760
+SNG1126
+MUL1926
+MUL1024
+MUL1848
+MUL2195
+PMUL3886
+MUL2197
+PMUL0204
+PMUL0205
+MUL2193
+MUL2051
+MUL2053
+SNG0822
+MUL0528
+PMUL4356
+SNG01153
+MUL0527
+PMUL3283
+PMUL3282
+PMUL4949
+SNG1105
+PMUL3815
+PMUL4941
+PMUL4946
+SNG1036
+MUL1650
+PMUL3557
+SNG01634
+PMUL3085
+MUL0099
+MUL1657
+MUL1211
+MUL0316
+PMUL1812
+PMUL4693
+PMUL0109
+PMUL1811
+PMUL2009
+MUL2376
+MUL2270
+MUL2378
+PMUL2006
+PMUL2000
+MUL2275
+PMUL1521
+SNG01272
+PMUL2166
+SNG0081
+MUL0990
+PMUL4504
+MUL1983
+SNG0742
+MUL0004
+MUL0555
+PMUL1200
+PMUL0864
+MUL0003
+SNG01538
+SNG0005
+SNG0004
+SNG0007
+PMUL4131
+MUL0772
+PMUL4134
+PMUL1455
+SNG0468
+SNG01391
+MUL0890
+MUL0896
+PMUL2917
+PMUL4001
+MUL0671
+PMUL1284
+PMUL1283
+PMUL2194
+MUL0388
+MUL0389
+PMUL0006
+PMUL2195
+MUL0383
+PMUL1966
+MUL2675
+PMUL3785
+PMUL4440
+PMUL2719
+MUL2155
+PMUL1883
+SNG01530
+PMUL0558
+PMUL3663
+PMUL3662
+MUL2225
+SNG0483
+SNG0482
+PMUL1210
+PMUL3668
+PMUL0713
+PMUL4186
+PMUL1137
+PMUL1136
+PMUL1526
+PMUL1036
+PMUL4998
+SNG0317
+PMUL2869
+SNG0253
+SNG0256
+MUL0798
+MUL2405
+PMUL4610
+PMUL4616
+SNG01797
+PMUL3107
+PMUL1232
+MUL0353
+MUL0172
+SNG02202
+MUL0352
+SNG02207
+SNG02205
+MUL2012
+SNG1091
+SNG1090
+SNG01937
+SNG01936
+MUL1803
+MUL1800
+MUL1806
+SNG01835
+PMUL1148
+PMUL1623
+PMUL0089
+MUL2151
+PMUL3328
+PMUL4316
+PMUL4317
+PMUL3247
+PMUL1147
+SNG0305
+PMUL4048
+PMUL4044
+MUL1376
+PMUL3415
+PMUL0919
+SNG01924
+PMUL1320
+SNG01332
+MUL1278
+PMUL4905
+SNG0069
+SNG1026
+PMUL2436
+PMUL2563
+MUL1273
+PMUL4840
+MUL1274
+MUL1276
+MUL1050
+MUL0021
+PMUL4294
+SNG0779
+MUL1508
+MUL1110
+MUL1505
+SNG0772
+MUL1117
+MUL2410
+PMUL2124
+PMUL2123
+MUL1870
+PMUL4547
+PMUL3437
+MUL0510
+PMUL4542
+MUL0515
+PMUL0399
+SNG1078
+MUL0450
+MUL0457
+MUL0454
+PMUL3439
+PMUL2942
+MUL2386
+PMUL2275
+SNG0874
+PMUL4569
+SNG0701
+MUL1575
+MUL0228
+PMUL1241
+MUL0738
+PMUL1247
+PMUL3907
+PMUL1323
+MUL0222
+MUL0225
+MUL2074
+SNG0515
+SNG0855
+SNG0689
+SNG0006
+MUL2204
+SNG0412
+MUL2206
+PMUL2755
+SNG0681
+MUL1598
+PMUL1844
+PMUL3275
+PMUL0998
+SNG0055
+PMUL3918
+MUL2630
+MUL1855
+MUL1981
+SNG0994
+PMUL3506
+MUL1986
+SNG0991
+MUL2637
+SNG0416
+PMUL1987
+PMUL1329
+MUL1697
+MUL0354
+MUL1695
+MUL1692
+SNG0678
+MUL1690
+PMUL3523
+SNG0354
+SNG1075
+SNG0423
+MUL0641
+PMUL1755
+SNG0296
+PMUL0522
+SNG0429
+SNG0293
+SNG0867
+PMUL1762
+PMUL1763
+PMUL2945
+SNG0714
+PMUL3141
+MUL0901
+PMUL3145
+PMUL4716
+MUL2525
+PMUL4713
+SNG01692
+MUL2523
+MUL2442
+PMUL3066
+PMUL1087
+SNG0451
+SNG0456
+PMUL3293
+MUL0638
+SNG0459
+SNG0908
+PMUL3759
+MUL2119
+SNG01873
+PMUL0367
+MUL2116
+PMUL3304
+PMUL1106
+SNG01940
+PMUL1067
+PMUL0599
+PMUL0048
+MUL0838
+PMUL4958
+SNG0568
+MUL0831
+PMUL2477
+SNG01884
+PMUL4780
+SNG0322
+PMUL0441
+SNG02096
+PMUL1259
+SNG02153
+PMUL2670
+PMUL2578
+MUL0744
+PMUL0566
+PMUL3933
+PMUL0182
+PMUL3931
+MUL1836
+PMUL3935
+PMUL2898
+MUL1392
+MUL1422
+SNG01907
+MUL1455
+PMUL2210
+PMUL4229
+PMUL0745
+MUL2060
+PMUL4220
+PMUL1613
+PMUL4224
+PMUL3376
+SNG0830
+MUL2542
+PMUL2239
+PMUL4344
+MUL1606
+PMUL3279
+PMUL2209
+SNG0805
+PMUL1657
+PMUL1105
+MUL1739
+PMUL2859
+PMUL2403
+PMUL3803
+PMUL0692
+MUL1649
+SNG0649
+MUL1642
+SNG0644
+PMUL2953
+MUL1491
+PMUL1804
+MUL1493
+PMUL1801
+MUL2368
+SNG01353
+MUL2365
+PMUL1809
+MUL0260
+MUL0789
+MUL0466
+MUL0469
+PMUL3625
+MUL0787
+MUL0785
+MUL1015
+MUL0018
+SNG01983
+MUL1546
+SNG0735
+PMUL0873
+SNG01679
+SNG0636
+SNG0888
+PMUL0875
+SNG0527
+PMUL4125
+MUL0941
+SNG0547
+SNG0016
+MUL0761
+PMUL4122
+SNG0391
+SNG01710
+SNG1041
+SNG0466
+PMUL1978
+PMUL4756
+PMUL3027
+MUL2482
+SNG0008
+MUL0844
+PMUL2703
+MUL2569
+SNG0529
+PMUL3263
+PMUL2704
+PMUL1359
+PMUL2708
+PMUL1385
+MUL2567
+MUL0306
+SNG0338
+SNG0085
+PMUL3558
+SNG0954
+PMUL3494
+PMUL3264
+MUL0309
+PMUL0550
+MUL1077
+MUL0113
+SNG0263
+PMUL4011
+PMUL1533
+PMUL1537
+MUL0286
+PMUL4155
+SNG0308
+MUL1342
+SNG01403
+PMUL4626
+MUL2415
+PMUL4622
+MUL1071
+PMUL0899
+PMUL1109
+PMUL2636
+PMUL2634
+PMUL1980
+PMUL1981
+PMUL1982
+PMUL1983
+PMUL3723
+SNG02198
+MUL2146
+PMUL3875
+SNG1086
+SNG01943
+MUL0492
+MUL2148
+MUL1746
+PMUL3336
+PMUL3239
+PMUL0095
+SNG01270
+PMUL4306
+PMUL0090
+PMUL4303
+MUL0841
+MUL0843
+MUL0842
+MUL0845
+PMUL2272
+MUL0849
+PMUL4930
+PMUL2279
+MUL0264
+PMUL1470
+PMUL0795
+PMUL0410
+MUL0237
+SNG1016
+SNG1012
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_SVM_multiwoz.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_SVM_multiwoz.flist
new file mode 100644
index 0000000..e460c5a
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_SVM_multiwoz.flist
@@ -0,0 +1,10 @@
+PMUL2030
+PMUL2031
+PMUL2032
+PMUL2033
+PMUL2034
+PMUL2035
+PMUL2036
+PMUL2037
+PMUL2038
+PMUL2039
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_sys.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_sys.flist
new file mode 100644
index 0000000..8efa025
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/test_sys.flist
@@ -0,0 +1,1000 @@
+MUL2320
+MUL2321
+SNG0768
+MUL1514
+MUL1515
+MUL1045
+MUL1901
+PMUL2433
+PMUL0674
+PMUL3423
+PMUL2119
+PMUL3425
+PMUL3424
+PMUL1008
+SNG0610
+MUL1192
+PMUL3549
+PMUL3348
+MUL1899
+MUL1596
+MUL2316
+MUL2281
+PMUL0832
+MUL1466
+SNG0840
+PMUL2146
+PMUL4800
+MUL0035
+PMUL1276
+MUL1633
+SNG0767
+MUL0116
+MUL0484
+SNG01752
+SNG0500
+MUL1638
+MUL0332
+MUL2284
+PMUL1931
+PMUL0578
+MUL2218
+SNG01165
+SNG0690
+SNG0691
+SNG0692
+SNG0280
+MUL2609
+MUL2359
+MUL2358
+SNG0590
+SNG01366
+SNG01367
+PMUL3514
+SNG0616
+SNG0601
+SNG0600
+MUL1122
+PMUL1412
+MUL0340
+MUL0341
+MUL0346
+MUL0432
+MUL0654
+PMUL4054
+SNG01155
+MUL0014
+PMUL4050
+SNG0433
+SNG0348
+PMUL1477
+PMUL4059
+MUL1787
+PMUL2380
+MUL0939
+PMUL1772
+PMUL4660
+PMUL3158
+PMUL1775
+PMUL2933
+PMUL1779
+PMUL3156
+MUL0937
+PMUL3014
+SNG01686
+PMUL4462
+PMUL1944
+PMUL3012
+PMUL1949
+MUL1552
+PMUL4641
+PMUL3600
+SNG0933
+PMUL2627
+SNG02315
+MUL0230
+PMUL4106
+SNG02319
+PMUL1374
+PMUL1373
+PMUL2756
+MUL0239
+MUL1838
+MUL0144
+MUL2106
+PMUL2848
+PMUL1113
+PMUL4025
+PMUL4026
+MUL2086
+SNG01534
+PMUL2330
+MUL1935
+SNG0898
+PMUL1118
+SNG01434
+SNG01733
+MUL1228
+PMUL2483
+SNG01432
+PMUL2489
+SNG0455
+PMUL3126
+PMUL3127
+PMUL0457
+PMUL0518
+PMUL1180
+PMUL1182
+PMUL1183
+MUL2077
+SNG01919
+MUL2072
+MUL1828
+MUL1410
+MUL1799
+PMUL0630
+MUL1417
+PMUL3465
+SNG0983
+PMUL4239
+PMUL3309
+PMUL0732
+MUL2177
+PMUL4234
+PMUL1600
+PMUL4231
+PMUL3301
+MUL0803
+PMUL4333
+PMUL1593
+MUL0199
+SNG01542
+PMUL2205
+MUL1091
+SNG0803
+SNG0446
+SNG1042
+PMUL4964
+PMUL3834
+MUL1258
+MUL1254
+MUL2063
+SNG1048
+PMUL3976
+MUL1076
+SNG0797
+SNG01767
+SNG0659
+MUL2254
+SNG0792
+SNG1150
+SNG0799
+SNG0832
+MUL0072
+MUL0073
+PMUL3992
+MUL1958
+MUL1489
+PMUL0129
+MUL2317
+MUL1898
+SNG01323
+MUL2089
+MUL0473
+MUL0474
+PMUL4524
+PMUL4318
+PMUL4246
+PMUL4247
+SNG0892
+SNG0721
+SNG0722
+PMUL0320
+MUL1554
+MUL1555
+MUL0570
+MUL1008
+MUL0575
+SNG0571
+SNG01755
+SNG0572
+MUL0978
+PMUL1739
+MUL0208
+PMUL4383
+SNG0471
+MUL0613
+SNG0477
+PMUL4842
+PMUL0276
+MUL2499
+MUL2491
+MUL2228
+MUL0682
+PMUL1867
+MUL2658
+MUL2657
+PMUL3647
+SNG0979
+MUL0373
+SNG0098
+MUL0370
+PMUL3520
+PMUL2980
+PMUL2983
+MUL0374
+SNG0531
+MUL0379
+MUL0677
+MUL1678
+SNG0095
+PMUL1344
+SNG02172
+PMUL0012
+PMUL0548
+PMUL4388
+MUL1607
+PMUL1788
+PMUL1420
+MUL0071
+PMUL1424
+PMUL3649
+SNG0078
+MUL1833
+PMUL4636
+PMUL4731
+MUL2423
+PMUL3160
+PMUL3162
+MUL1418
+PMUL3044
+PMUL3731
+SNG0897
+PMUL3734
+PMUL3737
+MUL0198
+MUL0197
+PMUL4343
+PMUL1869
+PMUL1998
+SNG01957
+MUL1289
+MUL2130
+MUL2137
+PMUL0267
+PMUL0265
+SNG1076
+MUL2139
+MUL2138
+MUL1285
+SNG02006
+SNG1070
+PMUL1834
+PMUL2746
+PMUL0069
+PMUL3224
+SNG01262
+MUL1212
+PMUL4884
+PMUL2362
+MUL0992
+PMUL4880
+SNG01503
+MUL1350
+MUL1351
+MUL0371
+PMUL0938
+PMUL2457
+SNG0099
+PMUL2452
+PMUL0782
+PMUL2513
+SNG1004
+PMUL3521
+PMUL2437
+MUL2686
+SNG0755
+MUL1527
+MUL0233
+PMUL3596
+PMUL3890
+SNG0061
+PMUL4564
+PMUL4567
+PMUL3599
+MUL2042
+PMUL1484
+SNG01359
+SNG0782
+PMUL4368
+MUL1059
+PMUL4362
+MUL0537
+MUL0536
+PMUL4366
+MUL0533
+MUL1756
+PMUL3868
+PMUL3940
+MUL1675
+PMUL3946
+MUL1753
+PMUL4819
+SNG0528
+MUL1759
+MUL0080
+MUL0498
+SNG01608
+MUL0496
+MUL1627
+MUL1624
+PMUL1046
+MUL0089
+MUL0088
+MUL1620
+MUL0323
+PMUL3688
+MUL2269
+MUL2347
+MUL1055
+PMUL2778
+PMUL2558
+PMUL3685
+PMUL0844
+PMUL1273
+PMUL0117
+SNG0580
+PMUL2174
+SNG0274
+SNG0586
+SNG0589
+PMUL4515
+PMUL0286
+MUL0409
+SNG0611
+MUL2294
+SNG0613
+MUL0034
+MUL1137
+MUL2290
+SNG0617
+PMUL1435
+MUL1139
+SNG0775
+MUL0148
+MUL0669
+MUL1475
+PMUL1463
+PMUL1462
+MUL0391
+MUL2466
+MUL0397
+PMUL4672
+PMUL1952
+MUL2665
+MUL2664
+PMUL3778
+MUL1268
+PMUL1895
+PMUL1342
+MUL0297
+PMUL2080
+PMUL1347
+PMUL3672
+SNG0927
+SNG0539
+PMUL3576
+PMUL1266
+SNG0073
+PMUL2286
+MUL0810
+MUL0814
+SNG0323
+MUL0818
+SNG0733
+PMUL2491
+PMUL4603
+PMUL2497
+PMUL4605
+SNG01784
+SNG0345
+PMUL3708
+PMUL3897
+PMUL0509
+PMUL0506
+PMUL1194
+PMUL3707
+PMUL0768
+MUL2001
+MUL1818
+SNG1147
+MUL1766
+MUL2009
+MUL1763
+MUL1860
+PMUL4034
+SNG0940
+MUL2162
+PMUL3310
+PMUL4326
+PMUL4325
+MUL0011
+PMUL2215
+MUL2427
+MUL1365
+PMUL2351
+SNG01551
+PMUL0615
+MUL0869
+SNG0941
+PMUL4140
+MUL1718
+MUL1248
+PMUL4911
+MUL1712
+SNG01850
+MUL1240
+PMUL4919
+MUL1064
+SNG01492
+MUL1066
+SNG0781
+MUL1060
+PMUL1332
+SNG0661
+MUL0594
+MUL1883
+PMUL1330
+MUL2301
+MUL2305
+PMUL3403
+MUL2099
+PMUL4259
+PMUL4258
+SNG0962
+MUL0947
+PMUL4255
+PMUL3919
+PMUL3858
+SNG0519
+MUL1569
+SNG0390
+SNG0715
+SNG0866
+PMUL3913
+PMUL0994
+MUL1560
+PMUL1253
+MUL1612
+PMUL1256
+MUL1811
+SNG01775
+PMUL3364
+MUL0212
+PMUL2729
+SNG01673
+PMUL0982
+SNG01683
+PMUL4432
+MUL1588
+MUL0690
+PMUL1854
+MUL1478
+MUL0694
+PMUL1853
+SNG0964
+PMUL3495
+SNG0448
+SNG01380
+SNG01386
+SNG02342
+PMUL0815
+MUL1661
+MUL0364
+MUL1664
+PMUL4357
+PMUL4644
+MUL0369
+PMUL0262
+PMUL0573
+SNG0289
+PMUL4078
+PMUL4077
+SNG0284
+MUL0739
+SNG02240
+PMUL1002
+PMUL4176
+SNG0518
+PMUL4648
+MUL0524
+SNG0360
+MUL2457
+MUL0912
+PMUL4643
+PMUL3171
+MUL2439
+SNG01819
+MUL2432
+PMUL3957
+MUL0624
+MUL1159
+PMUL1091
+MUL0621
+PMUL3742
+PMUL1311
+PMUL3748
+MUL0628
+PMUL2882
+PMUL1316
+MUL2120
+MUL2122
+SNG02018
+MUL0540
+SNG1066
+MUL1088
+SNG01290
+PMUL1173
+PMUL1172
+PMUL3217
+PMUL0685
+PMUL0079
+PMUL4894
+PMUL0076
+MUL1189
+MUL1202
+MUL0828
+PMUL2311
+PMUL1486
+MUL0822
+MUL0821
+MUL2646
+PMUL1920
+PMUL2503
+PMUL1370
+SNG01898
+MUL1028
+PMUL3921
+MUL1844
+MUL0881
+MUL0760
+SNG1126
+MUL1926
+MUL1024
+MUL1848
+MUL2195
+PMUL3886
+MUL2197
+PMUL0204
+PMUL0205
+MUL2193
+MUL2051
+MUL2053
+SNG0822
+MUL0528
+PMUL4356
+SNG01153
+MUL0527
+PMUL3283
+PMUL3282
+PMUL4949
+SNG1105
+PMUL3815
+PMUL4941
+PMUL4946
+SNG1036
+MUL1650
+PMUL3557
+SNG01634
+PMUL3085
+MUL0099
+MUL1657
+MUL1211
+MUL0316
+PMUL1812
+PMUL4693
+PMUL0109
+PMUL1811
+PMUL2009
+MUL2376
+MUL2270
+MUL2378
+PMUL2006
+PMUL2000
+MUL2275
+PMUL1521
+SNG01272
+PMUL2166
+SNG0081
+MUL0990
+PMUL4504
+MUL1983
+SNG0742
+MUL0004
+MUL0555
+PMUL1200
+PMUL0864
+MUL0003
+SNG01538
+SNG0005
+SNG0004
+SNG0007
+PMUL4131
+MUL0772
+PMUL4134
+PMUL1455
+SNG0468
+SNG01391
+MUL0890
+MUL0896
+PMUL2917
+PMUL4001
+MUL0671
+PMUL1284
+PMUL1283
+PMUL2194
+MUL0388
+MUL0389
+PMUL0006
+PMUL2195
+MUL0383
+PMUL1966
+MUL2675
+PMUL3785
+PMUL4440
+PMUL2719
+MUL2155
+PMUL1883
+SNG01530
+PMUL0558
+PMUL3663
+PMUL3662
+MUL2225
+SNG0483
+SNG0482
+PMUL1210
+PMUL3668
+PMUL0713
+PMUL4186
+PMUL1137
+PMUL1136
+PMUL1526
+PMUL1036
+PMUL4998
+SNG0317
+PMUL2869
+SNG0253
+SNG0256
+MUL0798
+MUL2405
+PMUL4610
+PMUL4616
+SNG01797
+PMUL3107
+PMUL1232
+MUL0353
+MUL0172
+SNG02202
+MUL0352
+SNG02207
+SNG02205
+MUL2012
+SNG1091
+SNG1090
+SNG01937
+SNG01936
+MUL1803
+MUL1800
+MUL1806
+SNG01835
+PMUL1148
+PMUL1623
+PMUL0089
+MUL2151
+PMUL3328
+PMUL4316
+PMUL4317
+PMUL3247
+PMUL1147
+SNG0305
+PMUL4048
+PMUL4044
+MUL1376
+PMUL3415
+PMUL0919
+SNG01924
+PMUL1320
+SNG01332
+MUL1278
+PMUL4905
+SNG0069
+SNG1026
+PMUL2436
+PMUL2563
+MUL1273
+PMUL4840
+MUL1274
+MUL1276
+MUL1050
+MUL0021
+PMUL4294
+SNG0779
+MUL1508
+MUL1110
+MUL1505
+SNG0772
+MUL1117
+MUL2410
+PMUL2124
+PMUL2123
+MUL1870
+PMUL4547
+PMUL3437
+MUL0510
+PMUL4542
+MUL0515
+PMUL0399
+SNG1078
+MUL0450
+MUL0457
+MUL0454
+PMUL3439
+PMUL2942
+MUL2386
+PMUL2275
+SNG0874
+PMUL4569
+SNG0701
+MUL1575
+MUL0228
+PMUL1241
+MUL0738
+PMUL1247
+PMUL3907
+PMUL1323
+MUL0222
+MUL0225
+MUL2074
+SNG0515
+SNG0855
+SNG0689
+SNG0006
+MUL2204
+SNG0412
+MUL2206
+PMUL2755
+SNG0681
+MUL1598
+PMUL1844
+PMUL3275
+PMUL0998
+SNG0055
+PMUL3918
+MUL2630
+MUL1855
+MUL1981
+SNG0994
+PMUL3506
+MUL1986
+SNG0991
+MUL2637
+SNG0416
+PMUL1987
+PMUL1329
+MUL1697
+MUL0354
+MUL1695
+MUL1692
+SNG0678
+MUL1690
+PMUL3523
+SNG0354
+SNG1075
+SNG0423
+MUL0641
+PMUL1755
+SNG0296
+PMUL0522
+SNG0429
+SNG0293
+SNG0867
+PMUL1762
+PMUL1763
+PMUL2945
+SNG0714
+PMUL3141
+MUL0901
+PMUL3145
+PMUL4716
+MUL2525
+PMUL4713
+SNG01692
+MUL2523
+MUL2442
+PMUL3066
+PMUL1087
+SNG0451
+SNG0456
+PMUL3293
+MUL0638
+SNG0459
+SNG0908
+PMUL3759
+MUL2119
+SNG01873
+PMUL0367
+MUL2116
+PMUL3304
+PMUL1106
+SNG01940
+PMUL1067
+PMUL0599
+PMUL0048
+MUL0838
+PMUL4958
+SNG0568
+MUL0831
+PMUL2477
+SNG01884
+PMUL4780
+SNG0322
+PMUL0441
+SNG02096
+PMUL1259
+SNG02153
+PMUL2670
+PMUL2578
+MUL0744
+PMUL0566
+PMUL3933
+PMUL0182
+PMUL3931
+MUL1836
+PMUL3935
+PMUL2898
+MUL1392
+MUL1422
+SNG01907
+MUL1455
+PMUL2210
+PMUL4229
+PMUL0745
+MUL2060
+PMUL4220
+PMUL1613
+PMUL4224
+PMUL3376
+SNG0830
+MUL2542
+PMUL2239
+PMUL4344
+MUL1606
+PMUL3279
+PMUL2209
+SNG0805
+PMUL1657
+PMUL1105
+MUL1739
+PMUL2859
+PMUL2403
+PMUL3803
+PMUL0692
+MUL1649
+SNG0649
+MUL1642
+SNG0644
+PMUL2953
+MUL1491
+PMUL1804
+MUL1493
+PMUL1801
+MUL2368
+SNG01353
+MUL2365
+PMUL1809
+MUL0260
+MUL0789
+MUL0466
+MUL0469
+PMUL3625
+MUL0787
+MUL0785
+MUL1015
+MUL0018
+SNG01983
+MUL1546
+SNG0735
+PMUL0873
+SNG01679
+SNG0636
+SNG0888
+PMUL0875
+SNG0527
+PMUL4125
+MUL0941
+SNG0547
+SNG0016
+MUL0761
+PMUL4122
+SNG0391
+SNG01710
+SNG1041
+SNG0466
+PMUL1978
+PMUL4756
+PMUL3027
+MUL2482
+SNG0008
+MUL0844
+PMUL2703
+MUL2569
+SNG0529
+PMUL3263
+PMUL2704
+PMUL1359
+PMUL2708
+PMUL1385
+MUL2567
+MUL0306
+SNG0338
+SNG0085
+PMUL3558
+SNG0954
+PMUL3494
+PMUL3264
+MUL0309
+PMUL0550
+MUL1077
+MUL0113
+SNG0263
+PMUL4011
+PMUL1533
+PMUL1537
+MUL0286
+PMUL4155
+SNG0308
+MUL1342
+SNG01403
+PMUL4626
+MUL2415
+PMUL4622
+MUL1071
+PMUL0899
+PMUL1109
+PMUL2636
+PMUL2634
+PMUL1980
+PMUL1981
+PMUL1982
+PMUL1983
+PMUL3723
+SNG02198
+MUL2146
+PMUL3875
+SNG1086
+SNG01943
+MUL0492
+MUL2148
+MUL1746
+PMUL3336
+PMUL3239
+PMUL0095
+SNG01270
+PMUL4306
+PMUL0090
+PMUL4303
+MUL0841
+MUL0843
+MUL0842
+MUL0845
+PMUL2272
+MUL0849
+PMUL4930
+PMUL2279
+MUL0264
+PMUL1470
+PMUL0795
+PMUL0410
+MUL0237
+SNG1016
+SNG1012
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train.flist
new file mode 100644
index 0000000..36120b9
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train.flist
@@ -0,0 +1,8419 @@
+PMUL1032
+MUL0267
+PMUL2112
+PMUL2110
+MUL1703
+PMUL2116
+MUL1869
+PMUL2114
+PMUL2115
+MUL1864
+MUL1865
+PMUL2118
+MUL1867
+MUL1861
+MUL1862
+MUL1863
+SNG0849
+SNG0848
+SNG0453
+SNG0841
+PMUL1529
+SNG0844
+SNG0847
+SNG0450
+SNG0593
+SNG0592
+SNG0591
+SNG0596
+SNG0595
+SNG0594
+SNG0599
+SNG0598
+PMUL2111
+PMUL2544
+MUL1868
+PMUL2117
+PMUL4071
+PMUL1926
+PMUL1773
+PMUL1777
+PMUL1776
+PMUL1778
+MUL1866
+MUL0262
+PMUL3601
+PMUL3605
+PMUL3604
+PMUL3606
+PMUL3609
+PMUL3608
+MUL0322
+SNG0337
+MUL0804
+MUL0807
+SNG0334
+SNG0333
+MUL0800
+PMUL1111
+SNG0330
+MUL0809
+MUL0808
+PMUL1119
+MUL1542
+MUL2460
+SNG01918
+SNG01913
+SNG01911
+SNG01910
+SNG01917
+SNG01916
+SNG01915
+SNG01914
+MUL2469
+MUL1764
+SNG01830
+MUL2019
+SNG0579
+PMUL0648
+PMUL0649
+PMUL0640
+PMUL0641
+PMUL0642
+PMUL0643
+PMUL0644
+PMUL0645
+PMUL0647
+SNG0842
+MUL0205
+MUL1761
+SNG01642
+SNG01641
+SNG01640
+SNG01646
+SNG01645
+SNG01644
+SNG01649
+SNG01648
+MUL1760
+SNG0119
+SNG0118
+MUL0488
+SNG0872
+SNG0115
+SNG02176
+SNG02177
+SNG02171
+SNG02173
+MUL0333
+SNG02178
+SNG02179
+SNG0111
+MUL0330
+MUL0008
+PMUL3043
+PMUL3042
+PMUL3041
+PMUL3047
+PMUL3046
+PMUL3045
+MUL0554
+MUL0005
+SNG1239
+PMUL3458
+PMUL3459
+PMUL3454
+PMUL3455
+PMUL3457
+PMUL3450
+PMUL3451
+PMUL3452
+SNG1238
+MUL1459
+MUL1458
+MUL1329
+MUL1328
+MUL1327
+MUL1454
+MUL1325
+MUL1324
+MUL1451
+MUL1322
+MUL1321
+MUL1320
+MUL0328
+MUL0329
+MUL0499
+SNG0104
+SNG0105
+SNG0106
+SNG0107
+MUL0320
+SNG0101
+SNG0102
+SNG0103
+MUL0149
+MUL0140
+MUL0141
+MUL0143
+MUL0145
+MUL0146
+MUL0147
+MUL1121
+WOZ20521
+WOZ20520
+WOZ20523
+WOZ20522
+WOZ20525
+WOZ20524
+WOZ20527
+WOZ20526
+WOZ20529
+WOZ20528
+PMUL1343
+PMUL1341
+PMUL1348
+PMUL1349
+PMUL0433
+PMUL0344
+PMUL0347
+PMUL0430
+PMUL0341
+PMUL0340
+PMUL0435
+PMUL0342
+PMUL0439
+PMUL0438
+PMUL0349
+MUL0002
+WOZ20428
+WOZ20429
+WOZ20424
+WOZ20425
+WOZ20426
+WOZ20427
+WOZ20420
+WOZ20421
+WOZ20422
+WOZ20423
+PMUL2493
+PMUL2496
+PMUL2495
+PMUL2499
+PMUL2498
+PMUL4088
+PMUL4089
+PMUL4086
+PMUL4087
+PMUL4085
+PMUL4080
+PMUL4081
+PMUL3583
+MUL2098
+PMUL4556
+PMUL4550
+MUL1720
+PMUL4552
+PMUL4553
+MUL2090
+MUL2091
+MUL2093
+MUL2094
+MUL2095
+MUL2234
+MUL2543
+MUL2540
+MUL2237
+MUL2546
+MUL2231
+PMUL1919
+MUL2233
+PMUL4437
+PMUL1916
+PMUL1915
+MUL2549
+MUL2238
+PMUL1912
+PMUL1911
+PMUL4430
+MUL1726
+SNG02348
+SNG02345
+SNG02343
+SNG0537
+PMUL4111
+SNG0536
+PMUL2258
+PMUL2254
+PMUL2257
+PMUL2256
+PMUL2253
+PMUL2252
+SNG01458
+SNG01456
+SNG01457
+SNG01454
+SNG01450
+SNG01451
+MUL1846
+MUL1847
+MUL1845
+MUL1842
+MUL1840
+MUL1841
+PMUL0350
+MUL1849
+SNG1198
+SNG1199
+SNG1190
+SNG1191
+SNG1192
+SNG1193
+SNG1194
+SNG1195
+SNG1196
+SNG1197
+SNG0823
+PMUL4914
+SNG0821
+SNG0820
+SNG0827
+SNG0826
+SNG0825
+SNG0824
+PMUL0355
+PMUL4917
+SNG1037
+SNG1334
+SNG1335
+MUL1156
+MUL1157
+MUL1150
+SNG1331
+SNG1332
+MUL1153
+SNG1338
+SNG1339
+MUL0805
+MUL0799
+SNG0336
+MUL0795
+MUL0794
+MUL0797
+MUL0796
+PMUL1115
+MUL0793
+MUL0792
+MUL0801
+SNG0332
+PMUL1759
+PMUL1758
+PMUL1750
+PMUL1753
+PMUL1752
+PMUL1754
+PMUL1757
+PMUL1756
+PMUL1287
+PMUL1286
+PMUL1285
+PMUL1281
+PMUL1280
+PMUL1288
+SNG0557
+PMUL3667
+PMUL3666
+PMUL3664
+SNG0339
+PMUL3661
+PMUL3660
+WOZ20456
+PMUL1139
+PMUL1138
+PMUL1135
+PMUL1134
+PMUL1131
+PMUL1130
+SNG0311
+SNG0310
+SNG0313
+SNG0312
+SNG0315
+SNG0316
+SNG0319
+SNG0318
+MUL1969
+SSNG0051
+SNG01931
+SNG01930
+SNG01933
+SNG01932
+SNG01939
+SNG01938
+PMUL0088
+PMUL0082
+PMUL0081
+PMUL0086
+PMUL0087
+PMUL0085
+PMUL2039
+MUL1964
+PMUL2538
+PMUL2539
+PMUL2530
+PMUL2531
+PMUL2533
+PMUL2534
+PMUL2535
+PMUL2536
+PMUL2537
+PMUL0668
+PMUL0666
+PMUL0667
+PMUL0664
+PMUL0665
+PMUL0662
+PMUL0663
+PMUL0660
+PMUL0661
+SNG01753
+SNG01669
+SNG01668
+SNG01661
+SNG01660
+SNG01663
+SNG01662
+PMUL1527
+SNG01666
+MUL0009
+SNG01599
+MUL0022
+SNG01593
+SNG01592
+SNG01591
+PMUL3061
+PMUL3060
+PMUL3063
+PMUL3065
+PMUL3067
+PMUL3069
+PMUL1901
+WOZ20192
+SNG0569
+SSNG0382
+MUL0214
+SNG02158
+SNG02159
+MUL0747
+SNG02152
+SNG02150
+SNG02151
+SNG02156
+SNG02157
+MUL0217
+SNG0562
+SSNG0383
+MUL0743
+PMUL3472
+PMUL3473
+PMUL3471
+PMUL3476
+PMUL3477
+PMUL3474
+PMUL3475
+PMUL3478
+MUL0213
+MUL1309
+MUL1308
+MUL1301
+MUL1300
+MUL1303
+MUL1302
+MUL1305
+MUL1304
+MUL1307
+MUL1306
+WOZ20091
+WOZ20090
+WOZ20093
+WOZ20092
+WOZ20095
+WOZ20094
+WOZ20097
+WOZ20096
+WOZ20099
+WOZ20098
+PMUL0879
+PMUL0878
+PMUL0876
+MUL0692
+SNG0961
+MUL0695
+WOZ20547
+WOZ20546
+WOZ20545
+PMUL2700
+WOZ20543
+WOZ20542
+WOZ20541
+WOZ20540
+PMUL2709
+SNG0965
+WOZ20549
+WOZ20548
+SNG0126
+SNG0127
+SNG0124
+SNG0125
+SNG0122
+MUL0303
+SNG0120
+SNG0121
+MUL0308
+SNG0129
+WOZ20402
+WOZ20403
+WOZ20400
+WOZ20401
+WOZ20406
+WOZ20407
+WOZ20404
+WOZ20405
+WOZ20408
+WOZ20409
+MUL0304
+MUL0162
+MUL0163
+MUL0160
+MUL0161
+MUL0166
+MUL0167
+MUL0164
+MUL0165
+MUL0168
+MUL0169
+PMUL0419
+PMUL0418
+SNG1161
+PMUL0411
+PMUL0413
+PMUL0412
+PMUL0414
+PMUL0417
+PMUL0416
+PMUL4578
+PMUL4579
+PMUL4572
+PMUL4573
+PMUL4570
+PMUL4571
+PMUL4576
+PMUL4577
+PMUL4574
+PMUL4575
+PMUL4520
+PMUL4415
+PMUL1934
+PMUL1937
+PMUL1936
+PMUL4411
+PMUL4410
+PMUL4413
+PMUL4412
+MUL2216
+PMUL4874
+MUL2214
+MUL2215
+PMUL4419
+PMUL1938
+MUL2210
+MUL2211
+MUL0422
+PMUL4177
+PMUL1414
+PMUL1415
+PMUL4173
+SSNG0165
+MUL2080
+SNG1164
+PMUL1411
+SNG1167
+PMUL1418
+PMUL4179
+SNG01435
+SNG01436
+SNG01437
+SNG01430
+SNG01431
+SNG01433
+SNG01438
+SNG01439
+MUL1792
+MUL1793
+MUL1790
+MUL1791
+MUL1824
+MUL1797
+MUL1826
+WOZ20395
+MUL1829
+WOZ20398
+WOZ20399
+SSNG0162
+SNG0809
+SNG0808
+SNG0806
+SNG0801
+SNG0800
+SNG0802
+MUL1178
+SNG1319
+MUL1176
+MUL1177
+SNG1314
+MUL1175
+MUL1172
+SNG1313
+MUL1170
+SNG1311
+MUL2555
+MUL2554
+PMUL3395
+PMUL3394
+PMUL3393
+PMUL3391
+PMUL3390
+MUL2551
+PMUL3399
+PMUL1909
+MUL2221
+PMUL1738
+PMUL1737
+PMUL1736
+PMUL1735
+MUL2220
+PMUL1733
+PMUL1730
+PMUL1679
+PMUL4288
+SSNG0191
+SSNG0190
+PMUL4427
+SSNG0195
+SSNG0197
+MUL1731
+SSNG0199
+PMUL1900
+PMUL0272
+PMUL3640
+PMUL3643
+MUL2558
+SNG1113
+MUL2229
+MUL1734
+PMUL4423
+PMUL4286
+MUL1735
+PMUL4385
+PMUL4384
+PMUL4387
+PMUL4381
+PMUL4380
+PMUL4382
+PMUL1676
+MUL1737
+PMUL4389
+SNG0379
+SNG0378
+PMUL1674
+SNG0373
+SNG0372
+SNG0371
+PMUL1675
+PMUL2028
+SNG0376
+SNG0375
+PMUL2029
+PMUL4878
+SNG01955
+SNG01954
+SNG01952
+SNG01951
+SNG01950
+SNG01959
+SNG01958
+PMUL0060
+PMUL0061
+PMUL0063
+PMUL0064
+PMUL0065
+PMUL0068
+SNG0648
+MUL0067
+SNG0646
+PMUL2516
+PMUL2517
+PMUL2514
+PMUL2512
+PMUL2510
+PMUL2511
+SNG0643
+WOZ20392
+SNG0642
+PMUL0604
+PMUL0606
+MUL0061
+PMUL0602
+PMUL0603
+PMUL0608
+PMUL0609
+WOZ20059
+MUL0771
+SNG01606
+SNG01605
+SNG01604
+SNG01602
+SNG01601
+SNG01600
+WOZ20058
+SNG01352
+SNG0163
+PMUL3007
+PMUL3006
+PMUL1898
+PMUL3004
+PMUL3003
+MUL2662
+MUL2661
+MUL2660
+PMUL1893
+PMUL1890
+PMUL1896
+PMUL1897
+MUL2669
+PMUL3008
+SNG0663
+PMUL4600
+PMUL4601
+PMUL4602
+PMUL4604
+PMUL4606
+PMUL4607
+PMUL4608
+PMUL4609
+PMUL2744
+MUL1363
+PMUL2359
+MUL1361
+MUL1366
+MUL1364
+PMUL2352
+PMUL2353
+PMUL2354
+PMUL2355
+PMUL2356
+PMUL2357
+SSNG0292
+SSNG0293
+SSNG0290
+SSNG0291
+SSNG0296
+SSNG0297
+SSNG0294
+SSNG0295
+SSNG0298
+SSNG0299
+MUL0609
+SNG1127
+PMUL0851
+PMUL0850
+PMUL0853
+PMUL0852
+PMUL0855
+PMUL0854
+PMUL0859
+SNG0461
+SNG0392
+SNG0467
+MUL0606
+MUL1587
+PMUL2728
+MUL1585
+MUL1584
+MUL1583
+WOZ20568
+MUL1581
+MUL1580
+WOZ20565
+WOZ20564
+PMUL2723
+PMUL2722
+WOZ20561
+WOZ20560
+WOZ20563
+WOZ20562
+SNG01388
+SNG01389
+SNG01382
+SNG01381
+SNG01387
+SNG01384
+SNG01385
+SNG0140
+SNG0141
+SNG0142
+SNG0143
+SNG0144
+SNG0145
+MUL0366
+SNG0147
+SNG0148
+SNG0149
+MUL0188
+MUL0189
+MUL0184
+MUL0185
+MUL0186
+MUL0180
+MUL0181
+MUL0183
+PMUL1079
+PMUL1070
+PMUL1073
+PMUL1075
+PMUL1076
+PMUL1077
+MUL0984
+MUL0986
+MUL0987
+MUL0980
+MUL0981
+MUL0982
+MUL0983
+MUL0988
+MUL0989
+PMUL0479
+PMUL0478
+PMUL0477
+PMUL0476
+PMUL0474
+PMUL0473
+PMUL0472
+PMUL0471
+PMUL0470
+PMUL3922
+PMUL3924
+PMUL3927
+PMUL4590
+PMUL4591
+PMUL4593
+PMUL4594
+PMUL4595
+PMUL4596
+PMUL4597
+MUL2054
+MUL2055
+MUL2056
+MUL2057
+MUL2050
+MUL2052
+MUL2586
+MUL2584
+MUL2585
+MUL2582
+MUL2583
+MUL2580
+MUL2581
+MUL2588
+MUL2589
+MUL2278
+MUL2279
+MUL2272
+MUL2273
+MUL2274
+MUL2276
+PMUL0298
+PMUL0293
+PMUL0292
+PMUL0291
+PMUL0290
+PMUL0297
+PMUL0296
+PMUL0295
+PMUL1539
+PMUL1538
+SNG1145
+PMUL0001
+PMUL0005
+PMUL2299
+PMUL2298
+PMUL2291
+PMUL2290
+PMUL2293
+PMUL2292
+PMUL2294
+PMUL2297
+PMUL4014
+SNG01418
+SNG01413
+SNG01410
+PMUL4016
+SNG01416
+SNG01414
+MUL0974
+PMUL1027
+SNG0066
+PMUL1195
+SNG0065
+PMUL1024
+SNG0063
+MUL0282
+MUL1809
+SNG1158
+SNG1159
+MUL1774
+SNG1155
+SNG1156
+SNG1157
+MUL1807
+SNG1152
+MUL1805
+PMUL1028
+MUL1118
+MUL1119
+SNG1370
+MUL1111
+SNG1372
+MUL1113
+MUL1114
+MUL1115
+MUL1116
+SNG1377
+PMUL4838
+PMUL4831
+PMUL4830
+PMUL4837
+PMUL4835
+PMUL4834
+PMUL1715
+PMUL1714
+PMUL1717
+PMUL1716
+PMUL1246
+PMUL1713
+PMUL1244
+PMUL1249
+PMUL1248
+PMUL1719
+PMUL1718
+MUL1851
+SNG0688
+MUL1850
+SNG0683
+SNG0682
+SNG0680
+SNG0687
+MUL1853
+SNG0685
+SNG1180
+PMUL2108
+MUL1857
+PMUL4236
+MUL1856
+SNG0427
+SNG0426
+SNG0357
+SNG0356
+MUL0643
+SNG0350
+SNG0421
+SNG0420
+SNG0359
+SNG0358
+MUL0649
+SNG0428
+MUL2474
+MUL2475
+PMUL0046
+PMUL0595
+PMUL0044
+PMUL0597
+PMUL0042
+PMUL0591
+PMUL0040
+PMUL0041
+PMUL0598
+MUL2478
+PMUL0049
+MUL2479
+PMUL4232
+MUL2025
+PMUL2577
+PMUL2571
+PMUL2572
+PMUL2573
+PMUL2579
+PMUL0628
+PMUL0629
+SNG01827
+PMUL0620
+PMUL0621
+PMUL0627
+PMUL0625
+SNG01825
+SNG01824
+WOZ20613
+WOZ20612
+WOZ20611
+WOZ20610
+WOZ20617
+WOZ20616
+WOZ20615
+WOZ20614
+MUL1323
+WOZ20619
+WOZ20618
+SNG01979
+SNG01978
+SNG01975
+SNG01977
+SNG01976
+SNG01971
+SNG01970
+SNG01972
+SNG01625
+SNG1327
+SNG01622
+SNG01629
+MUL1145
+SNG0622
+PMUL4158
+SNG1324
+SNG0108
+MUL1142
+MUL1141
+MUL1140
+MUL0324
+MUL0325
+MUL0494
+MUL0327
+SNG0100
+PMUL3029
+SNG1329
+PMUL3025
+PMUL3024
+PMUL3026
+PMUL3021
+PMUL3020
+PMUL3022
+MUL2641
+PMUL1871
+PMUL1872
+PMUL1873
+MUL2645
+PMUL1875
+MUL2647
+PMUL1877
+MUL2648
+SNG0012
+PMUL2993
+PMUL2994
+PMUL2998
+PMUL2999
+SNG1101
+MUL1525
+MUL0356
+PMUL4624
+PMUL4625
+PMUL4621
+PMUL4629
+SNG02197
+SNG02194
+SNG02195
+SNG02192
+SNG02193
+SNG02190
+SNG02191
+SNG02199
+SNG1107
+SNG1081
+MUL1349
+MUL1348
+PMUL2378
+MUL1345
+MUL1344
+PMUL2374
+PMUL2375
+PMUL2372
+PMUL2373
+PMUL2370
+PMUL2371
+SNG1104
+MUL0351
+PMUL0837
+PMUL0836
+PMUL0834
+PMUL0833
+PMUL0838
+WOZ20583
+WOZ20582
+WOZ20581
+WOZ20580
+WOZ20587
+WOZ20586
+WOZ20585
+WOZ20584
+WOZ20589
+WOZ20588
+PMUL2743
+PMUL2742
+PMUL2741
+PMUL2740
+SNG01360
+SNG01361
+SNG01364
+PMUL0779
+SNG01368
+SNG0168
+SNG0169
+MUL0438
+MUL0439
+MUL0434
+MUL0435
+SNG0160
+SNG0161
+SNG0166
+SNG0167
+SNG0164
+SNG0165
+PMUL3568
+PMUL3569
+PMUL3560
+PMUL3561
+PMUL3562
+PMUL3563
+PMUL3565
+PMUL3566
+PMUL4020
+PMUL1501
+PMUL1503
+PMUL4024
+PMUL1505
+PMUL1058
+PMUL4027
+PMUL4028
+PMUL1509
+PMUL1053
+PMUL1050
+PMUL1051
+PMUL1746
+PMUL0455
+PMUL0454
+PMUL1745
+PMUL0451
+PMUL0450
+PMUL0453
+PMUL0452
+PMUL0459
+PMUL0458
+MUL2076
+PMUL3904
+MUL2075
+PMUL3902
+PMUL1292
+PMUL3900
+PMUL3901
+PMUL1741
+MUL2078
+MUL2079
+MUL2252
+MUL2253
+MUL2250
+MUL2256
+MUL2257
+MUL2255
+MUL0952
+MUL0951
+PMUL1948
+MUL1834
+PMUL4313
+PMUL3782
+SNG02273
+MUL0811
+SNG02271
+SNG02270
+SNG02277
+SNG02275
+MUL2357
+SNG01568
+MUL2604
+PMUL0917
+MUL2607
+SNG01566
+MUL2606
+MUL2601
+MUL2352
+SNG0002
+PMUL0345
+MUL1280
+MUL1281
+MUL1282
+MUL2602
+MUL1284
+PMUL0431
+MUL1287
+PMUL0346
+PMUL0437
+PMUL0436
+PMUL4907
+PMUL4906
+PMUL0434
+SNG1027
+PMUL2143
+PMUL3353
+MUL0812
+PMUL3351
+PMUL3350
+PMUL3357
+PMUL3356
+PMUL3355
+PMUL3354
+PMUL3359
+PMUL3358
+PMUL4811
+PMUL4810
+SNG1174
+MUL1755
+SNG1172
+SNG1173
+SNG1170
+MUL1751
+PMUL4818
+SNG1178
+SNG1179
+MUL0085
+MUL0084
+MUL0087
+MUL0086
+MUL0081
+MUL0083
+PMUL3689
+PMUL3681
+PMUL3682
+PMUL3687
+PMUL3686
+SNG1352
+SNG1353
+SNG1350
+SNG1351
+SNG1356
+SNG1357
+SNG1354
+MUL1135
+MUL1138
+SNG1359
+SNG0401
+SNG0400
+SNG0403
+MUL0662
+MUL0889
+SNG0404
+SNG0407
+MUL0666
+MUL0885
+SNG0408
+MUL0887
+MUL0886
+MUL0880
+MUL0883
+MUL0882
+MUL1978
+WOZ20283
+WOZ20248
+WOZ20249
+MUL1586
+WOZ20240
+WOZ20241
+WOZ20242
+WOZ20243
+WOZ20244
+WOZ20245
+SNG0014
+WOZ20247
+PMUL1269
+PMUL1268
+PMUL2086
+PMUL2087
+PMUL2082
+PMUL2083
+PMUL1261
+PMUL1260
+PMUL1262
+PMUL1265
+PMUL2089
+PMUL0028
+PMUL0029
+PMUL0024
+PMUL0026
+PMUL0027
+PMUL0020
+PMUL0021
+PMUL0022
+PMUL0023
+PMUL2559
+PMUL2552
+PMUL2553
+PMUL2550
+PMUL2551
+PMUL2557
+PMUL2554
+PMUL2555
+SNG01199
+SNG01198
+PMUL1199
+PMUL1198
+PMUL1197
+PMUL1196
+MUL0114
+SNG01190
+SNG01197
+PMUL1192
+SNG01194
+SNG1045
+WOZ20639
+WOZ20638
+WOZ20631
+WOZ20630
+WOZ20633
+WOZ20632
+WOZ20635
+WOZ20634
+WOZ20637
+WOZ20636
+SNG01991
+SNG01990
+SNG01997
+SNG01995
+SNG01999
+SNG01998
+PMUL3831
+PMUL4886
+PMUL4253
+PMUL4252
+PMUL4251
+PMUL4250
+PMUL4257
+PMUL4256
+PMUL4254
+PMUL2073
+SNG01921
+PMUL1856
+PMUL1857
+MUL2629
+MUL2628
+PMUL1852
+PMUL1850
+MUL2623
+MUL2622
+MUL2621
+MUL2620
+MUL2627
+MUL2626
+PMUL1858
+PMUL1859
+MUL0634
+PMUL4649
+MUL2201
+PMUL4645
+PMUL4646
+PMUL4647
+PMUL4640
+PMUL4642
+SNG0513
+MUL2200
+MUL0732
+MUL0223
+MUL0730
+MUL0224
+MUL0734
+PMUL2315
+PMUL2316
+PMUL2317
+PMUL2310
+PMUL2312
+PMUL1436
+PMUL2318
+PMUL2319
+WOZ20033
+WOZ20032
+WOZ20031
+WOZ20030
+WOZ20037
+WOZ20036
+WOZ20035
+WOZ20034
+WOZ20039
+WOZ20038
+SNG01209
+SNG01208
+PMUL0819
+PMUL0818
+SNG01203
+PMUL0814
+PMUL0817
+PMUL0816
+PMUL0811
+PMUL0810
+PMUL0813
+PMUL0812
+MUL2207
+PMUL2765
+PMUL2764
+PMUL2767
+PMUL2766
+PMUL2761
+PMUL2760
+PMUL2768
+MUL0416
+MUL0417
+MUL0414
+MUL0415
+MUL0412
+MUL0413
+MUL0410
+SNG01341
+MUL0419
+WOZ20356
+WOZ20357
+PMUL1112
+WOZ20355
+WOZ20352
+WOZ20353
+PMUL2332
+PMUL2843
+PMUL2337
+PMUL3548
+PMUL3547
+PMUL3545
+PMUL3542
+PMUL3543
+PMUL3540
+PMUL4006
+PMUL1035
+PMUL4004
+PMUL1037
+PMUL1030
+PMUL1523
+PMUL4000
+PMUL1033
+PMUL1038
+PMUL1039
+PMUL4008
+PMUL4009
+SSNG0348
+SSNG0349
+SSNG0340
+SSNG0341
+SSNG0342
+SSNG0343
+SSNG0344
+SSNG0345
+SSNG0346
+SSNG0347
+PMUL1886
+MUL2010
+MUL2011
+MUL2015
+MUL2017
+MUL2018
+SNG01831
+SNG01832
+SNG01833
+SNG01834
+SNG01836
+PMUL0652
+PMUL4161
+PMUL4164
+PMUL4167
+PMUL3968
+PMUL3969
+PMUL3964
+PMUL3965
+PMUL3967
+PMUL3960
+PMUL3961
+PMUL3962
+PMUL3963
+WOZ20018
+PMUL4558
+PMUL4559
+SNG0445
+SNG02251
+SNG02250
+SNG02253
+SNG02255
+SNG02254
+SNG02257
+SNG02256
+SNG02259
+SNG02258
+MUL0281
+MUL0280
+PMUL4781
+PMUL4783
+PMUL4782
+PMUL4785
+PMUL4784
+PMUL4787
+PMUL4786
+PMUL4789
+PMUL4788
+SNG01985
+PMUL3371
+PMUL3370
+PMUL3373
+PMUL3372
+PMUL3375
+PMUL3374
+PMUL3377
+MUL2235
+MUL2236
+MUL1730
+PMUL4876
+SNG1112
+MUL1733
+SNG1114
+PMUL4872
+MUL1736
+SNG1117
+SNG1118
+MUL2230
+PMUL4879
+MUL2547
+SSNG0327
+MUL2544
+MUL0069
+MUL0068
+SNG0647
+MUL0066
+SNG0645
+MUL0064
+MUL0063
+MUL0062
+SNG0641
+SNG0640
+SSNG0133
+SSNG0132
+SSNG0131
+SSNG0130
+SSNG0136
+SSNG0134
+SNG0902
+SSNG0139
+SSNG0138
+PMUL4435
+MUL2118
+PMUL4434
+PMUL4433
+MUL2239
+PMUL4297
+PMUL4296
+SNG1129
+PMUL1667
+MUL1708
+SNG0399
+SNG0398
+SNG0469
+MUL0608
+MUL0861
+SNG0462
+SNG0393
+SNG0460
+MUL0607
+SNG0394
+SNG0397
+MUL2110
+MUL1705
+MUL2113
+MUL1704
+MUL2112
+MUL1255
+WOZ20268
+WOZ20269
+WOZ20266
+WOZ20267
+WOZ20264
+WOZ20265
+WOZ20262
+WOZ20263
+WOZ20260
+SNG1120
+SNG1123
+PMUL1209
+PMUL1208
+PMUL1207
+PMUL1206
+PMUL1205
+MUL1702
+PMUL1447
+PMUL1202
+PMUL1201
+PMUL0002
+PMUL0551
+PMUL0552
+PMUL0553
+PMUL0007
+PMUL0557
+PMUL0008
+SNG1255
+SNG1254
+MUL1073
+MUL1072
+SNG1250
+SNG0654
+SNG0655
+MUL0076
+MUL0077
+MUL1079
+WOZ20659
+WOZ20658
+WOZ20657
+WOZ20656
+WOZ20655
+WOZ20654
+WOZ20653
+WOZ20652
+WOZ20651
+WOZ20650
+SNG01329
+SNG01882
+SNG01588
+PMUL4271
+PMUL4270
+PMUL4273
+PMUL4272
+PMUL4275
+PMUL4274
+PMUL4279
+PMUL4278
+MUL2605
+MUL2356
+MUL2355
+MUL2354
+MUL2353
+MUL2600
+MUL2603
+MUL2350
+PMUL1835
+PMUL1837
+PMUL1830
+MUL2608
+PMUL1832
+PMUL1833
+PMUL2167
+PMUL4662
+PMUL4663
+PMUL4661
+PMUL4666
+PMUL4667
+PMUL4664
+PMUL4665
+PMUL4668
+PMUL4669
+PMUL2840
+PMUL2842
+PMUL2331
+PMUL2336
+PMUL2845
+PMUL2334
+PMUL2335
+WOZ20595
+WOZ20019
+MUL0618
+SNG0479
+WOZ20011
+WOZ20010
+WOZ20013
+WOZ20012
+WOZ20015
+WOZ20014
+WOZ20017
+WOZ20016
+SNG01221
+SNG01220
+SNG01222
+PMUL2040
+MUL0612
+SNG1257
+SNG1256
+MUL1075
+MUL1074
+SNG1253
+SNG1252
+SNG1251
+MUL1070
+MUL0614
+SNG1259
+SNG1258
+MUL0616
+SNG01325
+SNG01326
+SNG01327
+MUL0470
+MUL0471
+MUL0472
+MUL0475
+MUL0477
+MUL0479
+SNG01531
+PMUL3524
+PMUL3526
+PMUL2542
+PMUL3522
+PMUL3528
+PMUL3529
+PMUL4068
+PMUL4069
+PMUL4064
+PMUL1545
+PMUL4066
+PMUL1011
+PMUL1540
+PMUL1541
+PMUL1542
+PMUL1015
+SNG0074
+PMUL3807
+MUL0296
+SNG0077
+SNG0070
+SNG0071
+SNG0072
+MUL0298
+MUL0299
+SSNG0368
+SSNG0369
+SSNG0366
+SSNG0367
+SSNG0364
+SSNG0365
+SSNG0362
+SSNG0363
+SSNG0360
+SSNG0361
+PMUL3801
+MUL2038
+SNG01818
+MUL2032
+SNG01817
+MUL2030
+MUL2031
+MUL2036
+MUL2037
+MUL2034
+MUL2035
+SNG02321
+PMUL3527
+PMUL0769
+PMUL0762
+PMUL0761
+PMUL0767
+PMUL0766
+PMUL3942
+PMUL3943
+PMUL3941
+PMUL3947
+PMUL3944
+PMUL3945
+PMUL3948
+PMUL3949
+PMUL0542
+PMUL0541
+PMUL0016
+PMUL0547
+PMUL1549
+MUL2296
+MUL2297
+MUL2295
+MUL2292
+MUL2293
+PMUL1013
+PMUL1010
+MUL2298
+MUL2299
+SNG02237
+SNG02235
+PMUL1547
+SNG02233
+SNG02232
+SNG02231
+SNG02230
+SNG02239
+PMUL1017
+PMUL4062
+PMUL4063
+MUL0294
+MUL0295
+SNG0076
+MUL0290
+MUL0291
+MUL0292
+SNG0079
+PMUL3319
+PMUL3318
+PMUL3317
+PMUL3316
+PMUL3315
+PMUL3313
+PMUL3312
+PMUL3311
+PMUL4858
+PMUL4855
+PMUL4854
+PMUL4857
+PMUL4856
+PMUL4851
+PMUL4852
+SNG1138
+SNG1139
+MUL1244
+MUL1713
+MUL1246
+SNG1131
+MUL1716
+MUL1717
+MUL1242
+MUL1715
+SSNG0119
+MUL0048
+MUL0599
+SSNG0111
+MUL0040
+MUL0043
+SSNG0112
+SSNG0115
+SNG0664
+MUL0595
+SSNG0116
+SNG1396
+SNG1397
+SNG1394
+SNG1395
+SNG1392
+SNG1393
+SNG1390
+SNG1391
+SNG1398
+SNG1399
+PMUL0999
+SNG0385
+PMUL0990
+PMUL0991
+PMUL0992
+PMUL0995
+PMUL0997
+SNG0686
+WOZ20204
+WOZ20205
+WOZ20206
+WOZ20207
+WOZ20200
+WOZ20201
+WOZ20202
+WOZ20203
+PMUL2048
+PMUL2049
+WOZ20208
+WOZ20209
+PMUL1225
+PMUL1224
+PMUL1227
+PMUL1221
+PMUL1220
+PMUL1223
+PMUL1222
+PMUL1229
+PMUL1228
+PMUL0576
+SNG0828
+PMUL0570
+PMUL4755
+MUL2485
+PMUL2596
+PMUL2597
+PMUL2595
+PMUL2592
+PMUL2593
+PMUL2590
+PMUL2591
+PMUL2598
+SNG0917
+SNG0444
+SNG0915
+MUL0626
+SNG0441
+MUL0620
+MUL0623
+MUL2033
+SNG0449
+SNG01814
+SNG0919
+SNG0918
+SNG01815
+SNG01813
+WOZ20675
+WOZ20674
+SNG01822
+WOZ20671
+SNG01810
+WOZ20673
+WOZ20672
+SNG01811
+MUL1440
+PMUL1481
+PMUL1480
+PMUL1483
+MUL1441
+PMUL1485
+PMUL1487
+PMUL1489
+MUL1446
+MUL1447
+MUL1332
+WOZ20666
+MUL1333
+MUL1154
+MUL1155
+SNG1336
+SNG01820
+PMUL3887
+MUL2194
+PMUL3885
+MUL2196
+MUL2191
+MUL2190
+PMUL3881
+MUL2192
+SNG1330
+MUL2198
+PMUL3889
+MUL1151
+PMUL4217
+PMUL4216
+PMUL4215
+PMUL4214
+PMUL4213
+MUL1152
+PMUL4210
+SNG1333
+PMUL4218
+SNG0130
+PMUL0684
+PMUL0686
+PMUL0681
+PMUL0682
+PMUL0683
+MUL2594
+PMUL3089
+PMUL3088
+PMUL3087
+PMUL3086
+PMUL3084
+PMUL3083
+PMUL3082
+PMUL3081
+SNG0134
+MUL2371
+MUL2370
+PMUL1810
+MUL2375
+MUL2374
+MUL2377
+PMUL1815
+MUL2379
+PMUL1818
+PMUL1819
+PMUL1466
+PMUL2868
+PMUL2867
+PMUL2864
+PMUL2865
+PMUL2862
+PMUL2860
+PMUL2861
+SNG01791
+SNG01790
+SNG01793
+SNG01794
+SNG01799
+SNG1095
+SNG1094
+SNG1097
+SNG1096
+SNG1093
+WOZ20078
+WOZ20077
+WOZ20076
+WOZ20075
+WOZ20074
+WOZ20073
+SNG1098
+WOZ20071
+WOZ20070
+SNG01247
+SNG01246
+SNG01245
+SNG01244
+SNG01243
+SNG01240
+SNG01249
+SNG01248
+MUL1051
+SNG1270
+SNG1273
+SNG1272
+SNG1275
+SNG1274
+SNG1277
+SNG1276
+MUL1507
+MUL1506
+MUL1504
+MUL1502
+MUL1501
+SNG01302
+SNG01303
+SNG01301
+SNG01306
+SNG01307
+SNG01304
+SNG01305
+SNG01309
+PMUL1056
+PMUL0003
+MUL0458
+MUL0459
+MUL0453
+MUL0451
+MUL0456
+MUL0455
+SNG0325
+PMUL3508
+PMUL3509
+PMUL3502
+PMUL3503
+PMUL3500
+PMUL3501
+PMUL0593
+PMUL3507
+PMUL3504
+PMUL3505
+PMUL1562
+PMUL4043
+PMUL1560
+PMUL1561
+PMUL1566
+PMUL1567
+PMUL1564
+PMUL4045
+PMUL1568
+PMUL1569
+MUL0908
+MUL0909
+SNG0059
+MUL0904
+SNG0057
+MUL0906
+MUL0907
+MUL0900
+SNG0053
+MUL0902
+MUL0903
+SSNG0304
+SSNG0305
+SSNG0306
+SSNG0307
+SSNG0300
+SSNG0301
+SSNG0302
+SSNG0303
+SSNG0309
+SNG0320
+SNG01874
+SNG01875
+SNG01876
+SNG01870
+SNG01871
+SNG01872
+SNG01879
+MUL0817
+PMUL2679
+PMUL2678
+PMUL2673
+PMUL2672
+PMUL2671
+PMUL2677
+PMUL2676
+PMUL2674
+PMUL2710
+PMUL2712
+PMUL0741
+PMUL0211
+PMUL0742
+PMUL0217
+PMUL0216
+PMUL0747
+PMUL0214
+PMUL0749
+PMUL0748
+PMUL0219
+PMUL0218
+PMUL2715
+PMUL2717
+SNG01493
+SNG01490
+PMUL2562
+SNG01496
+SNG01494
+SNG01495
+SNG01498
+PMUL0901
+PMUL0900
+SNG01575
+SNG01574
+PMUL0496
+SNG01577
+MUL2613
+MUL2610
+MUL2616
+MUL2342
+PMUL0405
+MUL2414
+MUL2416
+MUL2619
+MUL2411
+MUL2412
+MUL2413
+MUL2348
+MUL2419
+MUL2349
+SNG02219
+SNG02218
+SNG02215
+SNG02217
+SNG02216
+SNG02210
+SNG02212
+PMUL3334
+PMUL3337
+PMUL3331
+PMUL3330
+SNG02063
+PMUL0409
+PMUL3339
+PMUL3338
+MUL1266
+MUL1267
+MUL1264
+MUL1265
+MUL1262
+MUL1263
+MUL1260
+MUL1261
+MUL1269
+SSNG0179
+SSNG0178
+SSNG0177
+SSNG0176
+SSNG0175
+SSNG0174
+SSNG0173
+SSNG0172
+SSNG0171
+SSNG0170
+MUL1190
+MUL1191
+WOZ20196
+MUL1193
+WOZ20190
+WOZ20299
+MUL1196
+MUL1197
+MUL1198
+MUL1199
+WOZ20198
+WOZ20199
+MUL1909
+WOZ20228
+WOZ20229
+WOZ20222
+WOZ20223
+WOZ20220
+WOZ20221
+WOZ20226
+WOZ20227
+WOZ20224
+WOZ20225
+MUL1998
+MUL1999
+PMUL2064
+PMUL2065
+PMUL2062
+PMUL2063
+PMUL2060
+PMUL2061
+MUL1990
+MUL1991
+MUL1992
+MUL1993
+MUL1994
+PMUL2068
+PMUL2069
+MUL0023
+SNG0602
+PMUL3581
+SNG0607
+MUL0026
+SNG0605
+SNG0604
+SSNG0072
+MUL0029
+MUL0028
+SSNG0073
+SSNG0070
+PMUL3585
+SNG0931
+SNG0930
+SNG0932
+SNG0935
+SNG0936
+SNG0938
+MUL0501
+PMUL0757
+PMUL4187
+PMUL4185
+PMUL4184
+PMUL4183
+PMUL4182
+PMUL4181
+PMUL4180
+PMUL4189
+PMUL4188
+PMUL0519
+PMUL0514
+PMUL0516
+PMUL0517
+PMUL0510
+PMUL0511
+PMUL0513
+PMUL1609
+PMUL1608
+PMUL4238
+MUL2179
+MUL2178
+PMUL1603
+PMUL1602
+PMUL1601
+MUL2174
+PMUL1607
+PMUL4230
+PMUL1605
+MUL2170
+MUL2318
+MUL2313
+MUL2312
+MUL2311
+MUL2310
+MUL2315
+MUL2314
+SNG0508
+MUL1634
+MUL0720
+SSNG0385
+SNG0502
+SNG0503
+MUL0724
+SSNG0381
+PMUL2805
+PMUL2806
+PMUL2800
+PMUL2801
+PMUL2802
+PMUL2803
+SNG0507
+PMUL2808
+PMUL2809
+WOZ20055
+SNG02009
+WOZ20057
+WOZ20056
+WOZ20051
+WOZ20050
+SNG1079
+WOZ20052
+SNG1077
+SNG02002
+SNG02003
+SNG02004
+SNG02005
+SNG02007
+SNG01269
+SNG01268
+SNG01265
+SNG01264
+SNG01267
+SNG01266
+SNG01261
+SNG01260
+SNG01263
+SNG0062
+MUL1529
+MUL1528
+SNG1219
+SNG1218
+SNG1213
+MUL1032
+MUL1523
+MUL1522
+SNG1217
+SNG1216
+SNG1215
+MUL1526
+WOZ20345
+WOZ20344
+PMUL3298
+PMUL3299
+PMUL3292
+PMUL3290
+PMUL3291
+PMUL3296
+PMUL3297
+PMUL3295
+PMUL4959
+WOZ20348
+PMUL4950
+PMUL4951
+PMUL4952
+PMUL4953
+PMUL4954
+PMUL4956
+PMUL4957
+MUL1511
+PMUL2327
+SSNG0094
+SSNG0095
+SSNG0096
+PMUL2326
+SSNG0090
+SSNG0091
+SSNG0092
+SSNG0093
+PMUL2857
+SSNG0098
+SSNG0099
+PMUL2323
+PMUL2322
+MUL0926
+MUL0927
+MUL0924
+MUL0925
+MUL0922
+MUL0920
+MUL0921
+MUL0928
+MUL0929
+SNG0039
+SSNG0328
+SSNG0329
+SSNG0322
+SNG0031
+SNG0032
+SSNG0321
+SNG0034
+SNG0035
+SNG0036
+SNG0037
+PMUL1478
+PMUL2651
+PMUL2650
+PMUL2653
+PMUL2655
+PMUL2657
+PMUL2656
+PMUL2659
+PMUL2658
+PMUL0239
+PMUL0231
+PMUL0230
+PMUL0233
+PMUL0235
+PMUL0234
+PMUL0237
+PMUL0236
+PMUL0727
+PMUL0726
+PMUL0723
+PMUL4112
+PMUL0721
+SNG01858
+SNG0187
+SNG01852
+SNG01851
+SNG01856
+SNG01857
+SNG01854
+PMUL3051
+MUL0723
+PMUL3762
+PMUL3763
+PMUL3760
+PMUL3761
+SSNG0253
+PMUL3764
+SSNG0251
+PMUL4723
+PMUL4722
+PMUL4721
+PMUL4727
+PMUL4726
+MUL2438
+PMUL4724
+MUL2436
+MUL2437
+MUL2434
+MUL2435
+MUL2433
+MUL2430
+MUL2431
+SNG01665
+PMUL1524
+PMUL4899
+PMUL4891
+PMUL4890
+PMUL4893
+PMUL4892
+PMUL4895
+PMUL4896
+MUL1200
+PMUL1922
+MUL1203
+MUL1204
+MUL1205
+MUL1206
+WOZ20550
+MUL1208
+MUL1209
+MUL2614
+PMUL4401
+SSNG0186
+MUL2202
+MUL2205
+PMUL4407
+SSNG0155
+SSNG0154
+SSNG0156
+SSNG0151
+PMUL4404
+SSNG0153
+SSNG0152
+PMUL1925
+SSNG0159
+SSNG0158
+MUL2109
+SNG02062
+PMUL4408
+MUL2102
+PMUL1699
+PMUL1520
+SNG1132
+PMUL2008
+SNG1133
+PMUL2004
+PMUL2005
+PMUL2007
+SNG1130
+PMUL2002
+PMUL2003
+MUL1711
+SNG1136
+SNG1137
+SNG0629
+SNG1134
+MUL0558
+MUL0557
+MUL0556
+SNG0627
+MUL0006
+SNG0621
+MUL0552
+SNG0623
+MUL0550
+SNG0669
+MUL1065
+SNG1247
+MUL2066
+MUL1061
+MUL1062
+MUL1063
+SNG0489
+SNG0488
+SNG0959
+SNG0958
+MUL0592
+SNG0953
+SNG0952
+SNG0951
+SNG0950
+SNG0957
+MUL0591
+SNG0487
+SNG0486
+SNG0662
+SNG1248
+MUL2556
+MUL0596
+SNG0667
+SNG0666
+PMUL0532
+PMUL0533
+PMUL0530
+PMUL0531
+PMUL0536
+PMUL0537
+PMUL0534
+PMUL3713
+PMUL3712
+PMUL3711
+PMUL3710
+PMUL3716
+PMUL3715
+PMUL3714
+PMUL3843
+PMUL3842
+PMUL3841
+PMUL3847
+PMUL3846
+PMUL3845
+PMUL3849
+PMUL3848
+MUL2159
+MUL2158
+PMUL1622
+PMUL1625
+PMUL1627
+PMUL1626
+MUL2150
+MUL2153
+MUL2154
+MUL2157
+MUL2156
+MUL2335
+MUL2334
+MUL2337
+MUL2336
+MUL2331
+MUL2333
+MUL2332
+MUL2339
+MUL2338
+PMUL3628
+PMUL0396
+PMUL0397
+PMUL0394
+PMUL0395
+PMUL0392
+PMUL0393
+PMUL0390
+PMUL0391
+MUL1710
+MUL0683
+MUL2175
+PMUL2828
+PMUL2398
+PMUL2399
+PMUL2822
+PMUL2823
+PMUL2820
+PMUL2397
+PMUL2390
+PMUL2827
+PMUL2392
+PMUL2825
+SNG1059
+SNG1058
+SNG02028
+SNG02026
+SNG02027
+SNG1053
+SNG1052
+SNG02022
+SNG1054
+SNG02020
+SNG1056
+SNG01283
+SNG01282
+SNG01281
+SNG01280
+SNG01287
+PMUL0890
+PMUL0893
+PMUL0892
+PMUL0898
+MUL1369
+PMUL4331
+PMUL3270
+PMUL3271
+PMUL3272
+PMUL3273
+PMUL3274
+PMUL3276
+PMUL3277
+PMUL4979
+PMUL4977
+PMUL4974
+PMUL4975
+PMUL4973
+PMUL4970
+PMUL4971
+SNG1235
+SNG1234
+SNG1237
+SNG1236
+MUL1547
+SNG1230
+MUL1545
+MUL1544
+MUL1548
+MUL1019
+MUL1018
+MUL0764
+SNG0013
+SNG0546
+SNG0011
+MUL0944
+MUL0945
+MUL0762
+SNG0543
+MUL0948
+MUL0949
+SNG0548
+SNG0549
+PMUL2043
+PMUL2044
+PMUL3838
+PMUL2047
+SNG0672
+PMUL2637
+PMUL2635
+PMUL2633
+PMUL2632
+PMUL2631
+PMUL2630
+PMUL2639
+PMUL2638
+PMUL0709
+PMUL0708
+PMUL0259
+PMUL0258
+PMUL0257
+PMUL0704
+PMUL0707
+PMUL0254
+PMUL0253
+PMUL0252
+PMUL0703
+PMUL0702
+PMUL4378
+PMUL4379
+PMUL4370
+PMUL4371
+PMUL4372
+PMUL4373
+PMUL4375
+PMUL4376
+PMUL4377
+PMUL1555
+PMUL4074
+PMUL1000
+PMUL1003
+PMUL4070
+SNG0047
+MUL1784
+SNG0046
+PMUL4709
+PMUL4708
+MUL1830
+SNG0048
+PMUL4701
+PMUL4700
+PMUL4703
+PMUL4705
+PMUL4704
+PMUL4706
+MUL2458
+MUL2459
+MUL1835
+MUL2450
+MUL2451
+MUL2452
+MUL2453
+MUL2454
+MUL2455
+WOZ20194
+MUL1229
+WOZ20195
+MUL1222
+MUL1223
+MUL1220
+MUL1226
+MUL1224
+MUL1225
+WOZ20150
+WOZ20151
+WOZ20152
+WOZ20153
+WOZ20154
+WOZ20155
+WOZ20156
+WOZ20157
+WOZ20158
+WOZ20159
+SNG01548
+SNG01549
+PMUL3189
+SNG0916
+SNG01540
+SNG01541
+SNG01543
+SNG01545
+SNG01546
+SNG0914
+SNG0912
+SNG0911
+PMUL2022
+PMUL2020
+PMUL2026
+PMUL2027
+MUL1488
+MUL1486
+MUL1955
+MUL1956
+MUL1957
+MUL1950
+MUL1483
+MUL1480
+MUL1481
+MUL0629
+PMUL4428
+MUL0579
+MUL0578
+PMUL4741
+MUL0573
+MUL0572
+MUL0574
+MUL0577
+MUL0576
+SNG0975
+SNG0974
+SNG0977
+MUL0680
+SNG0971
+SNG0970
+SNG0973
+SNG0972
+MUL2490
+MUL0689
+MUL0688
+SNG0978
+PMUL3489
+PMUL3488
+PMUL3483
+PMUL3482
+PMUL3481
+PMUL3480
+PMUL3487
+PMUL3486
+PMUL3484
+PMUL1391
+PMUL1390
+PMUL4141
+PMUL1392
+PMUL4147
+PMUL1394
+PMUL1425
+PMUL1396
+PMUL1399
+PMUL1398
+PMUL4149
+PMUL1428
+PMUL3730
+PMUL3732
+PMUL3736
+PMUL3739
+PMUL3738
+WOZ20670
+MUL2133
+MUL2132
+MUL2131
+SNG02067
+MUL2136
+MUL2135
+MUL2134
+MUL1163
+SNG0207
+PMUL1646
+SNG0205
+SNG0204
+SNG0203
+SNG0202
+PMUL1641
+SNG0200
+MUL1165
+PMUL1649
+SNG1304
+SNG1309
+MUL1168
+MUL2689
+MUL2685
+MUL2684
+MUL2687
+MUL2681
+MUL2680
+MUL2682
+PMUL4420
+SNG01554
+PMUL3869
+PMUL3861
+PMUL3860
+PMUL3863
+PMUL3865
+PMUL3864
+PMUL3867
+PMUL3866
+PMUL0110
+PMUL0111
+PMUL0112
+PMUL0113
+PMUL0114
+PMUL0115
+PMUL0116
+SNG01210
+SNG01737
+SNG01736
+SNG01734
+SNG01739
+SNG02046
+SNG02047
+SNG02040
+SNG02041
+SNG02042
+SNG02043
+SNG02048
+SNG02049
+PMUL3139
+PMUL3138
+PMUL3132
+PMUL3131
+PMUL3130
+PMUL3137
+PMUL3136
+PMUL3135
+PMUL3134
+PMUL3381
+PMUL3256
+PMUL3254
+PMUL3255
+PMUL3253
+PMUL3250
+PMUL3251
+PMUL3258
+PMUL3259
+SNG1033
+PMUL4915
+SNG1031
+SNG1030
+PMUL4910
+PMUL4912
+SNG1034
+SNG1039
+SNG1038
+PMUL4918
+PMUL3882
+SNG0780
+SNG0786
+SNG0787
+SNG0784
+SNG0785
+SNG0788
+SNG0789
+SSNG0050
+PMUL0208
+SSNG0052
+SSNG0053
+SSNG0054
+SSNG0055
+SSNG0056
+SSNG0057
+SSNG0058
+SSNG0059
+MUL1568
+MUL1565
+MUL1567
+MUL1566
+MUL1561
+MUL1563
+MUL1562
+MUL0968
+MUL0969
+MUL0218
+MUL0748
+MUL0749
+MUL0746
+MUL0963
+MUL0216
+MUL0961
+MUL0742
+MUL0211
+MUL0964
+MUL0741
+PMUL4212
+WOZ20369
+WOZ20368
+WOZ20363
+WOZ20362
+WOZ20361
+WOZ20360
+WOZ20367
+WOZ20366
+WOZ20365
+WOZ20364
+PMUL2619
+PMUL2615
+PMUL2614
+PMUL2616
+PMUL2611
+PMUL2610
+PMUL2613
+PMUL2612
+PMUL1092
+PMUL1090
+PMUL1096
+PMUL1097
+PMUL1094
+PMUL1095
+PMUL1098
+PMUL1099
+PMUL0275
+PMUL0274
+PMUL0277
+WOZ20117
+PMUL0271
+PMUL0270
+PMUL2702
+PMUL0279
+PMUL0278
+MUL1103
+WOZ20544
+PMUL2707
+PMUL2706
+PMUL2705
+SNG01896
+SNG01897
+SNG01894
+SNG01895
+SNG01892
+SNG01893
+SNG01890
+SNG01891
+SSNG0184
+PMUL3651
+PMUL3656
+PMUL3657
+PMUL3654
+SSNG0181
+SNG0452
+PMUL4358
+MUL0307
+PMUL4355
+PMUL4352
+PMUL4353
+PMUL4350
+SNG0123
+SNG01505
+MUL0301
+PMUL0935
+SNG01500
+PMUL0930
+PMUL1813
+MUL1106
+MUL2373
+SNG0128
+PMUL1814
+MUL2472
+MUL2473
+MUL2471
+MUL2476
+MUL2477
+PMUL4769
+PMUL4768
+PMUL4767
+PMUL4766
+PMUL4765
+PMUL4764
+PMUL4763
+PMUL4761
+PMUL4760
+SNG02074
+SNG1005
+SSNG0068
+WOZ20176
+WOZ20177
+WOZ20174
+WOZ20175
+WOZ20172
+WOZ20173
+WOZ20170
+WOZ20171
+WOZ20178
+WOZ20179
+PMUL0910
+PMUL0911
+PMUL0913
+PMUL0914
+PMUL0915
+PMUL0916
+SNG01569
+PMUL0918
+SNG01564
+SNG01565
+SNG01562
+SNG01563
+SSNG0060
+SNG0753
+MUL1974
+WOZ20288
+WOZ20289
+MUL1970
+WOZ20284
+WOZ20285
+WOZ20286
+WOZ20287
+WOZ20280
+WOZ20281
+WOZ20282
+MUL1979
+SSNG0067
+SSNG0066
+MUL1283
+MUL0511
+MUL0516
+MUL0514
+MUL0519
+MUL0518
+MUL1605
+MUL1600
+MUL1601
+MUL1602
+MUL1608
+MUL1609
+SNG01158
+SNG01157
+SNG01154
+SNG01152
+SNG01151
+MUL1623
+SNG0999
+SNG0998
+SNG0997
+SNG0995
+SNG0992
+SNG0990
+MUL0722
+MUL0078
+PMUL4169
+PMUL4168
+PMUL1401
+PMUL4160
+PMUL4163
+PMUL4162
+PMUL1405
+PMUL1404
+PMUL1407
+PMUL4166
+SNG0197
+SNG0196
+SNG0195
+SNG0194
+SNG0193
+SNG0192
+SNG0191
+SNG0190
+SNG0199
+SNG0198
+SSNG0269
+SSNG0268
+SSNG0263
+SSNG0262
+SSNG0261
+SSNG0260
+SSNG0267
+SSNG0266
+SSNG0265
+SSNG0264
+PMUL3757
+PMUL3754
+PMUL3753
+PMUL3752
+PMUL3751
+PMUL3750
+PMUL3758
+PMUL1669
+PMUL1668
+PMUL4298
+MUL2115
+PMUL1664
+PMUL4295
+PMUL1666
+PMUL4293
+PMUL1660
+PMUL1663
+PMUL1662
+SNG0221
+SNG0220
+SNG0223
+SNG0222
+SNG0225
+SNG0224
+SNG0227
+SNG0226
+SNG0229
+SNG0228
+MUL1804
+MUL0726
+PMUL2408
+PMUL3809
+PMUL3808
+PMUL2400
+PMUL2401
+PMUL2402
+PMUL3804
+PMUL2406
+PMUL2407
+PMUL0138
+PMUL0139
+PMUL0136
+PMUL0135
+PMUL0132
+PMUL0133
+PMUL0130
+PMUL0131
+MUL0495
+SNG01711
+SNG01713
+SNG01712
+SNG01715
+SNG01717
+SNG01716
+PMUL2042
+MUL0601
+MUL0600
+PMUL3111
+PMUL3113
+PMUL3112
+PMUL3115
+PMUL3114
+PMUL3116
+PMUL3119
+PMUL3118
+PMUL1985
+PMUL1986
+PMUL1988
+PMUL1989
+WOZ20334
+PMUL2171
+PMUL2172
+WOZ20337
+PMUL3238
+PMUL3234
+PMUL3235
+PMUL3237
+PMUL3230
+PMUL3231
+PMUL3232
+PMUL2175
+PMUL4938
+MUL0605
+PMUL2176
+PMUL4932
+PMUL4931
+PMUL4936
+PMUL4937
+PMUL4934
+PMUL4935
+SNG02068
+SNG02069
+SNG1015
+SNG1014
+SNG02060
+SNG1010
+SNG1013
+MUL0604
+SNG0764
+SNG0765
+SNG0766
+SNG0760
+SNG0761
+SNG0762
+SNG0763
+PMUL3582
+SSNG0077
+SSNG0074
+SSNG0075
+PMUL3586
+PMUL3587
+PMUL3584
+SSNG0071
+PMUL3589
+SSNG0078
+SSNG0079
+MUL1161
+MUL0728
+SNG0509
+SSNG0388
+SSNG0389
+SSNG0384
+MUL0721
+SSNG0386
+SSNG0387
+SSNG0380
+MUL0725
+SNG0506
+MUL0727
+WOZ20341
+WOZ20340
+WOZ20343
+WOZ20342
+PMUL2189
+PMUL2188
+WOZ20347
+WOZ20346
+WOZ20349
+PMUL2184
+PMUL2187
+PMUL2186
+PMUL2181
+PMUL2180
+PMUL2183
+PMUL2182
+PMUL3028
+MUL2511
+MUL2510
+PMUL1468
+MUL0236
+MUL0234
+MUL0235
+MUL0232
+MUL0231
+PMUL4105
+MUL0238
+PMUL1461
+PMUL1460
+MUL2512
+MUL0585
+PMUL4334
+PMUL4335
+PMUL4336
+PMUL4330
+WOZ20079
+SNG1092
+PMUL4338
+SNG1099
+WOZ20072
+SSNG0249
+SSNG0248
+MUL1241
+PMUL4745
+PMUL4747
+PMUL4746
+MUL2498
+PMUL4740
+PMUL4743
+MUL2494
+MUL2496
+MUL2497
+PMUL4749
+MUL2492
+MUL2493
+SNG02295
+MUL0243
+SNG02297
+SNG02290
+SNG02293
+SNG0534
+SNG02298
+MUL0716
+MUL0247
+MUL0246
+MUL1243
+SNG0533
+SNG0532
+PMUL2969
+PMUL2963
+PMUL2960
+PMUL2967
+PMUL2966
+PMUL2965
+PMUL2964
+PMUL1935
+PMUL4417
+SNG0538
+PMUL1930
+WOZ20118
+WOZ20119
+WOZ20114
+WOZ20115
+WOZ20116
+MUL2219
+WOZ20110
+WOZ20111
+WOZ20112
+WOZ20113
+MUL2217
+PMUL0937
+PMUL0934
+SNG01507
+PMUL0932
+PMUL0933
+SNG01502
+PMUL0931
+MUL2212
+PMUL0939
+MUL1910
+MUL1911
+MUL1912
+MUL1913
+MUL1914
+MUL1915
+MUL1917
+MUL1918
+MUL1919
+MUL0538
+MUL0535
+MUL0534
+MUL0531
+MUL0530
+MUL0532
+SNG1271
+MUL1628
+MUL1629
+MUL1625
+MUL1053
+MUL1621
+SNG01177
+SNG01176
+SNG01170
+SNG01173
+SNG01179
+SNG01178
+MUL1054
+MUL1057
+MUL1056
+SNG1279
+MUL1058
+MUL0582
+MUL0583
+PMUL1469
+PMUL4108
+PMUL1467
+MUL0584
+PMUL1465
+PMUL4104
+PMUL4103
+PMUL4102
+PMUL4101
+PMUL4100
+MUL0390
+MUL0393
+MUL0392
+MUL0395
+MUL0394
+MUL0396
+MUL0399
+SSNG0163
+SSNG0241
+SSNG0240
+SSNG0243
+SSNG0242
+SSNG0245
+SSNG0244
+SSNG0247
+SSNG0246
+PMUL3775
+PMUL3774
+PMUL3777
+PMUL3771
+PMUL3770
+PMUL3773
+PMUL1682
+PMUL1680
+PMUL1687
+PMUL1685
+PMUL1689
+PMUL1688
+SNG0249
+SNG0248
+SNG0243
+SNG0242
+SNG0241
+SNG0240
+SNG0247
+SNG0246
+SNG0245
+SNG0244
+PMUL2799
+PMUL2790
+PMUL2791
+PMUL2793
+PMUL2794
+PMUL2795
+PMUL2797
+PMUL0330
+PMUL0331
+PMUL0332
+MUL1180
+PMUL0335
+PMUL0488
+PMUL0337
+PMUL0338
+PMUL0339
+PMUL0485
+PMUL0482
+PMUL0483
+PMUL0480
+PMUL0481
+PMUL3825
+PMUL3824
+PMUL3827
+PMUL3823
+PMUL3822
+PMUL2426
+PMUL2425
+PMUL3829
+PMUL3828
+PMUL2420
+MUL0740
+PMUL0154
+PMUL0156
+PMUL0150
+PMUL0151
+PMUL0152
+PMUL0153
+MUL1389
+PMUL0158
+PMUL0159
+MUL2392
+MUL2391
+MUL2390
+MUL2397
+MUL2396
+MUL2395
+MUL2394
+MUL2399
+MUL2398
+SNG01779
+SNG01776
+SNG01774
+SNG01773
+SNG01771
+SNG01770
+PMUL0333
+PMUL0336
+PMUL0486
+PMUL0487
+MUL2537
+MUL2536
+MUL2535
+MUL2534
+PMUL3173
+PMUL3172
+MUL2531
+MUL2530
+PMUL4483
+PMUL4480
+PMUL4481
+PMUL4487
+PMUL3179
+MUL2538
+PMUL2888
+PMUL2889
+PMUL2884
+PMUL2885
+PMUL2886
+PMUL2883
+PMUL4327
+PMUL3212
+PMUL3210
+PMUL4324
+PMUL3216
+PMUL3214
+PMUL4323
+PMUL3219
+MUL0862
+MUL0541
+MUL0860
+SNG02080
+SNG02081
+SNG02082
+SNG02084
+SNG02085
+SNG02086
+SNG02087
+SNG02088
+SSNG0018
+SSNG0019
+SSNG0014
+SSNG0015
+SSNG0016
+SSNG0017
+SSNG0010
+SSNG0011
+SSNG0012
+SSNG0013
+SNG1293
+SNG1292
+SNG1291
+SNG1290
+SNG1297
+SNG1296
+SNG1295
+SNG1294
+PMUL2221
+PMUL2222
+SNG1298
+PMUL2225
+PMUL2226
+PMUL2429
+WOZ20215
+WOZ20214
+PMUL2057
+WOZ20212
+PMUL2163
+WOZ20326
+PMUL2161
+WOZ20324
+WOZ20323
+WOZ20322
+PMUL2165
+PMUL2164
+PMUL2169
+WOZ20329
+PMUL2423
+SNG0746
+SNG0747
+SNG0744
+SNG0745
+SNG0743
+SNG0740
+SNG0741
+SNG0748
+SNG0749
+MUL1980
+WOZ20219
+WOZ20218
+SNG0676
+SNG01532
+MUL0057
+MUL0054
+MUL0250
+MUL0251
+SNG0520
+MUL0701
+SNG0526
+MUL0255
+MUL0704
+MUL0257
+MUL0258
+MUL0259
+MUL0708
+MUL0709
+MUL0053
+SNG0679
+PMUL4042
+PMUL1563
+MUL0700
+PMUL4040
+PMUL1149
+PMUL4319
+PMUL4312
+PMUL1141
+PMUL4310
+PMUL1143
+PMUL1144
+PMUL1145
+PMUL1146
+PMUL4047
+MUL0874
+MUL0875
+MUL0876
+MUL0877
+MUL0870
+MUL0872
+MUL0873
+MUL0879
+MUL2700
+MUL1820
+WOZ20393
+WOZ20390
+SNG0056
+WOZ20391
+MUL0905
+WOZ20396
+SNG0054
+WOZ20397
+WOZ20394
+SNG0052
+MUL1795
+MUL0655
+SNG0050
+SNG0051
+MUL0487
+MUL1798
+PMUL2941
+PMUL2940
+PMUL2943
+PMUL2944
+PMUL2946
+SNG01694
+SNG01696
+SNG01697
+SNG01690
+SNG01691
+WOZ20132
+WOZ20133
+WOZ20130
+WOZ20131
+WOZ20136
+WOZ20137
+WOZ20134
+WOZ20135
+WOZ20138
+WOZ20139
+SNG01528
+SNG01529
+PMUL0954
+PMUL0955
+SNG01520
+SNG01521
+SNG01526
+PMUL0951
+SNG01524
+SNG0904
+SNG0905
+MUL0630
+MUL0636
+MUL1938
+MUL1939
+MUL1428
+MUL1429
+MUL1398
+MUL1399
+MUL1932
+MUL1397
+MUL1394
+MUL1931
+MUL1936
+MUL1937
+MUL1390
+MUL1423
+MUL1648
+MUL1640
+MUL1641
+MUL1643
+MUL1644
+MUL1645
+MUL1646
+MUL0767
+PMUL1445
+PMUL1331
+PMUL1446
+PMUL1337
+PMUL1336
+PMUL4123
+PMUL1334
+PMUL1339
+PMUL1338
+PMUL1449
+PMUL4128
+PMUL3793
+SSNG0226
+PMUL3791
+PMUL3790
+SSNG0223
+PMUL3796
+SSNG0221
+PMUL3794
+PMUL3799
+SSNG0229
+SSNG0228
+SNG0265
+SNG0264
+SNG0267
+SNG0266
+SNG0261
+MUL0112
+MUL0111
+MUL0110
+SNG0269
+SNG0268
+MUL0119
+MUL0118
+MUL0763
+SNG1318
+MUL1179
+SNG1316
+SNG1317
+SNG1315
+SNG1312
+MUL1173
+PMUL0316
+PMUL0317
+PMUL0314
+PMUL0315
+SNG1310
+PMUL0310
+PMUL0311
+SNG0352
+MUL1171
+PMUL0319
+WOZ20499
+WOZ20498
+WOZ20495
+WOZ20494
+WOZ20497
+WOZ20496
+WOZ20491
+WOZ20490
+WOZ20493
+WOZ20492
+PMUL2444
+PMUL2445
+PMUL2446
+PMUL2440
+PMUL2443
+MUL0647
+PMUL2448
+PMUL2449
+PMUL0179
+PMUL0172
+PMUL0173
+PMUL0170
+PMUL0174
+PMUL0175
+PMUL0568
+MUL0645
+PMUL3009
+SNG01757
+SNG01756
+MUL0769
+SNG01759
+SNG1361
+PMUL3159
+PMUL3155
+PMUL3154
+PMUL3157
+PMUL3151
+PMUL3150
+PMUL3153
+PMUL3152
+PMUL1940
+PMUL4461
+PMUL1942
+PMUL1943
+PMUL4464
+MUL2514
+MUL2517
+MUL2516
+PMUL4468
+PMUL4469
+SNG02310
+SNG02312
+SNG02313
+SNG02314
+SNG02316
+SNG02317
+SNG02318
+PMUL3177
+PMUL3176
+PMUL3175
+PMUL4489
+MUL2533
+MUL2532
+MUL2182
+MUL2183
+PMUL3170
+PMUL4228
+PMUL0210
+PMUL3398
+SSNG0032
+SSNG0033
+SSNG0030
+SSNG0031
+SSNG0036
+PMUL0215
+SSNG0034
+SSNG0035
+SSNG0038
+SSNG0039
+PMUL4222
+MUL2539
+PMUL4223
+PMUL3178
+MUL2189
+SNG1364
+MUL1098
+PMUL2208
+PMUL2206
+PMUL2207
+MUL1097
+MUL1096
+PMUL2202
+PMUL2203
+MUL1093
+MUL1092
+PMUL1734
+PMUL2149
+PMUL2148
+MUL1896
+MUL1891
+MUL1890
+MUL1893
+MUL1892
+PMUL2141
+WOZ20304
+WOZ20307
+PMUL2142
+WOZ20301
+WOZ20300
+WOZ20303
+WOZ20302
+SNG0720
+SNG0890
+SNG0723
+SNG0724
+SNG0725
+SNG0894
+SNG0895
+SNG0728
+SNG0729
+WOZ20261
+MUL0278
+MUL0279
+SNG0092
+MUL0273
+MUL0270
+MUL0271
+SNG0096
+SNG0097
+SNG0094
+MUL0275
+PMUL1789
+PMUL1782
+PMUL1783
+PMUL1780
+PMUL1786
+PMUL1787
+PMUL1785
+SSNG0196
+PMUL3638
+PMUL3211
+SSNG0198
+PMUL3631
+PMUL3633
+PMUL3635
+PMUL3636
+PMUL3646
+PMUL1169
+PMUL1166
+PMUL1167
+PMUL1164
+PMUL3642
+PMUL1162
+PMUL1163
+PMUL1160
+PMUL1161
+MUL0858
+MUL0859
+MUL0856
+MUL0857
+MUL0854
+MUL0855
+MUL0852
+MUL0853
+MUL0850
+MUL0851
+PMUL0784
+PMUL0786
+PMUL0781
+SNG0157
+PMUL0789
+PMUL0788
+MUL0375
+MUL0378
+SNG0504
+SNG0505
+MUL2363
+PMUL2927
+PMUL2926
+PMUL2925
+PMUL2924
+PMUL2923
+PMUL2922
+PMUL2921
+PMUL2920
+PMUL2928
+SNG02129
+SNG02123
+SNG02122
+SNG02120
+SNG02127
+SNG02126
+SNG02124
+PMUL0970
+PMUL0971
+PMUL0976
+PMUL0977
+PMUL0975
+MUL1929
+PMUL0979
+MUL1928
+SNG0370
+MUL1439
+SNG0377
+MUL1386
+MUL1437
+MUL1388
+MUL1927
+MUL1922
+PMUL4699
+PMUL4698
+PMUL4692
+PMUL4690
+PMUL4697
+PMUL4696
+PMUL4695
+PMUL4694
+SNG1323
+SNG01491
+PMUL3402
+PMUL3400
+PMUL3407
+PMUL3404
+PMUL3409
+MUL1406
+MUL1404
+MUL1405
+MUL1402
+MUL1403
+MUL1400
+MUL1401
+MUL1408
+PMUL2228
+PMUL2229
+SSNG0209
+SSNG0208
+SSNG0205
+SSNG0204
+SSNG0207
+SSNG0206
+SSNG0201
+SSNG0200
+SSNG0203
+SSNG0202
+SNG0465
+MUL1662
+MUL1660
+MUL1666
+MUL1667
+SNG1266
+MUL1665
+MUL1668
+SNG1299
+MUL0543
+MUL0131
+MUL0130
+MUL0133
+MUL0132
+MUL0134
+MUL0137
+SNG0288
+SNG0287
+MUL0138
+SNG0285
+SNG0282
+SNG0281
+SNG0464
+WOZ20518
+WOZ20519
+WOZ20510
+WOZ20511
+WOZ20512
+WOZ20513
+WOZ20514
+WOZ20515
+WOZ20516
+WOZ20517
+PMUL1319
+PMUL1313
+PMUL1312
+PMUL1315
+PMUL1314
+PMUL1317
+PMUL0378
+PMUL0379
+PMUL0375
+PMUL0376
+PMUL0370
+PMUL0371
+PMUL0373
+WOZ20473
+WOZ20472
+WOZ20471
+WOZ20470
+WOZ20477
+WOZ20476
+WOZ20475
+WOZ20474
+PMUL2463
+WOZ20479
+PMUL2461
+PMUL2466
+PMUL2467
+SNG1262
+PMUL2465
+PMUL0190
+PMUL0191
+PMUL0192
+PMUL0193
+PMUL0194
+PMUL0195
+PMUL0196
+PMUL0197
+PMUL0199
+SNG1263
+SNG1260
+MUL0319
+SNG1261
+MUL0318
+PMUL4041
+PMUL4509
+PMUL4508
+PMUL4502
+PMUL4501
+PMUL4500
+PMUL4507
+PMUL4506
+PMUL1967
+MUL2579
+MUL2578
+PMUL1962
+PMUL1963
+PMUL1960
+PMUL1961
+MUL2573
+MUL2572
+MUL2571
+MUL2570
+MUL2577
+MUL2576
+PMUL4448
+PMUL1969
+SNG02336
+SNG02334
+SNG02335
+SNG02332
+SNG02333
+SNG02331
+SNG02338
+SNG02339
+WOZ20327
+WOZ20325
+PMUL2160
+PMUL4994
+PMUL4995
+PMUL4996
+PMUL4997
+PMUL4990
+PMUL4991
+PMUL4992
+WOZ20321
+MUL0210
+WOZ20320
+PMUL2874
+WOZ20328
+PMUL2264
+PMUL2265
+PMUL2267
+MUL1714
+PMUL2262
+PMUL2263
+PMUL2268
+PMUL2269
+MUL2417
+PMUL2129
+MUL1878
+MUL1877
+MUL1876
+PMUL2125
+MUL1874
+MUL1872
+PMUL2121
+PMUL2120
+SNG0708
+SNG0709
+SNG0878
+SNG0879
+SNG0702
+SNG0875
+SNG0876
+SNG0877
+SNG0706
+SNG0871
+SNG0704
+SNG0873
+PMUL4133
+PMUL4130
+PMUL2695
+PMUL2694
+PMUL2697
+PMUL2696
+MUL0315
+PMUL2690
+PMUL2692
+PMUL1324
+PMUL2699
+PMUL2698
+MUL2044
+MUL2043
+PMUL0894
+PMUL4138
+PMUL1760
+PMUL1761
+PMUL1764
+PMUL1765
+PMUL1766
+PMUL1767
+PMUL1769
+PMUL1933
+PMUL3618
+PMUL3619
+PMUL3616
+PMUL3617
+PMUL1932
+PMUL3615
+PMUL3612
+PMUL3613
+PMUL3610
+PMUL3611
+SNG1082
+MUL1456
+WOZ20043
+WOZ20040
+PMUL1107
+PMUL1101
+PMUL1102
+PMUL1103
+SNG1087
+WOZ20044
+MUL0832
+MUL0833
+MUL0834
+MUL0835
+MUL0836
+MUL0837
+WOZ20048
+SNG01908
+SNG01909
+SNG1089
+PMUL3781
+SNG01901
+SNG01902
+MUL1553
+SNG01904
+SNG01905
+SNG01906
+PMUL3783
+SSNG0230
+PMUL3787
+MUL0215
+MUL1452
+SNG0564
+SNG0522
+SNG1224
+SNG0523
+MUL0252
+MUL0253
+MUL1773
+MUL0254
+SNG1225
+PMUL2909
+SNG0524
+PMUL2905
+PMUL2904
+PMUL2907
+MUL0705
+PMUL2901
+PMUL2900
+PMUL2903
+SNG01651
+SNG01652
+SNG01653
+SNG01654
+SNG01656
+SNG01657
+SNG01658
+SNG0563
+SNG02101
+SNG02100
+SNG02103
+SNG02107
+SNG02106
+SNG0560
+SNG0405
+MUL2590
+MUL2593
+PMUL3058
+PMUL3059
+MUL2592
+SNG0561
+MUL2267
+PMUL3053
+PMUL3054
+PMUL3055
+PMUL3056
+PMUL3057
+MUL2597
+MUL1436
+MUL2596
+MUL1017
+PMUL3429
+PMUL3421
+PMUL3420
+PMUL3427
+SNG1268
+SNG1269
+MUL1460
+MUL1461
+MUL1464
+MUL1465
+MUL1467
+MUL1468
+MUL1469
+MUL1516
+MUL0481
+MUL0480
+MUL0483
+MUL0482
+MUL0485
+MUL0339
+MUL0486
+SNG0117
+MUL0336
+MUL0335
+MUL0334
+SNG0113
+SNG0112
+MUL0331
+SNG0110
+MUL1512
+MUL1513
+MUL1688
+MUL1689
+MUL1684
+MUL1685
+MUL1686
+MUL1687
+MUL1680
+MUL1681
+MUL1682
+MUL1683
+MUL0159
+MUL0158
+MUL0153
+MUL0152
+MUL0151
+MUL0150
+MUL0157
+MUL0156
+MUL0155
+WOZ20538
+WOZ20539
+WOZ20536
+WOZ20537
+WOZ20534
+WOZ20535
+WOZ20532
+WOZ20533
+WOZ20530
+WOZ20531
+PMUL1379
+PMUL1378
+PMUL1377
+PMUL1375
+PMUL1372
+PMUL1371
+SSNG0150
+PMUL0353
+PMUL0422
+PMUL0351
+PMUL0424
+PMUL0425
+PMUL0426
+PMUL0427
+PMUL0428
+PMUL0429
+PMUL0359
+WOZ20459
+WOZ20458
+WOZ20197
+WOZ20451
+WOZ20450
+WOZ20453
+WOZ20452
+WOZ20455
+WOZ20454
+WOZ20457
+WOZ20191
+PMUL2481
+PMUL2482
+PMUL2485
+PMUL2486
+PMUL2487
+PMUL2488
+WOZ20193
+MUL1732
+PMUL1590
+PMUL1597
+PMUL1596
+PMUL1595
+MUL2667
+MUL2666
+PMUL3005
+PMUL3991
+PMUL3990
+PMUL3993
+PMUL1899
+PMUL3995
+PMUL3994
+PMUL3997
+PMUL3996
+PMUL3998
+PMUL0323
+PMUL4523
+MUL2088
+PMUL4525
+PMUL3001
+PMUL4527
+PMUL0490
+PMUL4529
+PMUL4528
+MUL2081
+PMUL3000
+MUL2087
+MUL2085
+MUL2084
+PMUL0495
+PMUL0494
+PMUL3199
+PMUL3198
+PMUL0325
+PMUL3191
+PMUL3190
+PMUL3193
+PMUL3192
+PMUL3195
+PMUL3194
+PMUL3197
+PMUL3196
+MUL2227
+MUL2226
+MUL2557
+MUL2224
+PMUL1908
+MUL2550
+MUL2553
+MUL2552
+PMUL1904
+PMUL4425
+PMUL1906
+PMUL1907
+MUL2559
+PMUL4421
+PMUL4422
+PMUL1903
+PMUL4311
+SNG02350
+SNG1328
+MUL0256
+PMUL2249
+PMUL2242
+PMUL2243
+PMUL2240
+PMUL2241
+PMUL2246
+PMUL2247
+SNG0525
+SNG01469
+SNG01462
+SNG01460
+SNG01466
+SNG01465
+SNG01464
+SNG0956
+PMUL2066
+PMUL2067
+MUL1859
+PMUL2104
+SNG1189
+SNG1188
+PMUL2101
+PMUL2100
+PMUL2103
+PMUL2102
+SNG1183
+SNG1182
+SNG1181
+MUL1852
+SNG1187
+SNG1186
+SNG1185
+SNG1184
+SNG0857
+SNG0854
+SNG0852
+SNG0853
+SNG0850
+SNG0851
+SNG0858
+SNG0859
+MUL1147
+SNG1326
+SNG1325
+MUL1144
+MUL1143
+SNG1322
+SNG1321
+SNG1320
+MUL1149
+MUL1148
+MUL1996
+MUL1997
+SNG0581
+SNG0582
+SNG0583
+SNG0584
+SNG0585
+SNG0587
+MUL0020
+MUL0027
+SNG0606
+MUL0025
+MUL1796
+MUL0024
+PMUL1294
+PMUL1295
+PMUL1296
+PMUL1297
+PMUL1742
+PMUL1743
+PMUL1740
+PMUL1293
+PMUL1298
+PMUL1299
+SNG0545
+PMUL1749
+SNG0608
+PMUL3674
+PMUL3675
+PMUL3676
+PMUL3677
+PMUL3670
+PMUL3671
+PMUL3673
+PMUL3678
+PMUL3679
+MUL1794
+PMUL1123
+PMUL1120
+PMUL1126
+PMUL1127
+PMUL1124
+PMUL1125
+SNG0324
+MUL0813
+SNG0326
+PMUL4056
+MUL0816
+SNG0321
+MUL0815
+PMUL4051
+SNG0328
+SNG0440
+PMUL4052
+SNG0540
+SNG0443
+SNG01929
+SNG01926
+SNG01927
+SNG01925
+SNG01922
+SNG01920
+PMUL4058
+SNG0541
+MUL0931
+PMUL0658
+MUL0930
+MUL1819
+PMUL0651
+PMUL0650
+PMUL0657
+PMUL0656
+PMUL0654
+SNG0020
+WOZ20383
+MUL0935
+WOZ20382
+SNG0026
+MUL1815
+PMUL1397
+MUL1814
+SNG0024
+MUL1765
+MUL1816
+PMUL1914
+WOZ20388
+SNG01676
+SNG01677
+SNG01674
+SNG01675
+SNG01672
+MUL1813
+SNG01670
+SNG01671
+SNG1140
+SNG01678
+PMUL1913
+SNG02167
+SNG02164
+SNG02163
+SNG02162
+SNG02161
+SNG02160
+SNG01585
+SNG01587
+SNG01580
+SNG01581
+SNG01582
+SNG02168
+PMUL3078
+PMUL3079
+PMUL3076
+PMUL3077
+PMUL3075
+PMUL3070
+PMUL3071
+PMUL2358
+MUL1362
+SNG0424
+SNG0810
+SNG0811
+PMUL3449
+PMUL3447
+PMUL3446
+PMUL3445
+PMUL3444
+PMUL3443
+PMUL3442
+PMUL3441
+PMUL3440
+MUL0038
+MUL1448
+MUL1449
+MUL1339
+MUL1442
+MUL1443
+MUL1336
+MUL1337
+MUL1330
+MUL1331
+MUL1444
+MUL1445
+SNG0139
+SNG0138
+SNG0131
+MUL0310
+SNG0133
+SNG0132
+SNG0135
+MUL0314
+SNG0137
+SNG0136
+WOZ20088
+WOZ20089
+WOZ20086
+WOZ20087
+WOZ20084
+WOZ20085
+WOZ20082
+WOZ20083
+WOZ20080
+WOZ20081
+PMUL0868
+PMUL0869
+PMUL0860
+PMUL0861
+PMUL0862
+PMUL0865
+PMUL0866
+PMUL0867
+MUL1109
+MUL0372
+MUL1108
+WOZ20554
+WOZ20555
+WOZ20556
+WOZ20557
+PMUL2714
+WOZ20551
+WOZ20552
+WOZ20553
+WOZ20558
+WOZ20559
+PMUL1354
+PMUL1357
+PMUL1356
+PMUL1351
+PMUL1350
+MUL1102
+PMUL1358
+PMUL0406
+PMUL0407
+PMUL0404
+SNG1360
+PMUL0402
+PMUL0403
+PMUL0401
+MUL1107
+PMUL0408
+SNG1366
+MUL1105
+WOZ20439
+WOZ20438
+WOZ20437
+WOZ20436
+WOZ20435
+WOZ20434
+WOZ20433
+WOZ20432
+WOZ20431
+WOZ20430
+MUL0175
+MUL0174
+MUL0176
+MUL0171
+MUL0170
+MUL0173
+MUL0179
+PMUL4090
+PMUL4093
+PMUL4092
+PMUL4095
+PMUL4094
+PMUL4097
+PMUL4096
+PMUL4099
+PMUL4098
+MUL0966
+PMUL4546
+PMUL4545
+PMUL4544
+PMUL4543
+PMUL4541
+PMUL4540
+PMUL4549
+PMUL4548
+PMUL4402
+PMUL4403
+MUL2203
+PMUL1921
+PMUL4406
+PMUL1927
+PMUL1924
+PMUL4405
+MUL2209
+MUL2208
+PMUL1928
+PMUL4409
+MUL1752
+PMUL4499
+MUL2521
+PMUL0226
+PMUL0227
+PMUL0225
+PMUL0730
+PMUL1702
+PMUL1703
+PMUL1252
+PMUL4490
+MUL2176
+PMUL4237
+PMUL1838
+SNG01440
+SNG01443
+SNG01442
+SNG01445
+SNG01444
+SNG01447
+SNG01446
+SNG01449
+SNG01448
+MUL2172
+PMUL4233
+PMUL1604
+MUL1785
+MUL1832
+MUL1786
+MUL1781
+MUL1783
+MUL1782
+MUL1839
+MUL1789
+MUL1788
+SNG0831
+SNG0833
+SNG0834
+SNG0836
+SNG0837
+SNG0838
+SNG0839
+WOZ20569
+MUL1582
+SNG1301
+SNG1300
+SNG1303
+SNG1302
+SNG1305
+MUL1164
+SNG1307
+SNG1306
+MUL1169
+SNG1308
+PMUL2720
+WOZ20567
+MUL0788
+WOZ20566
+MUL0782
+MUL0783
+MUL0780
+MUL0781
+MUL0786
+MUL0784
+PMUL3385
+PMUL3386
+PMUL3387
+PMUL3380
+PMUL2727
+PMUL3382
+PMUL3383
+PMUL2726
+PMUL3389
+PMUL1728
+PMUL1729
+PMUL1724
+PMUL1725
+PMUL1726
+PMUL1720
+PMUL1723
+PMUL3658
+PMUL3659
+SSNG0188
+SSNG0189
+PMUL3652
+SSNG0187
+PMUL3650
+SSNG0185
+SSNG0182
+SSNG0183
+SSNG0180
+PMUL3655
+PMUL4392
+PMUL4393
+PMUL4390
+PMUL4391
+PMUL4396
+PMUL4397
+PMUL4394
+PMUL4395
+PMUL4398
+SNG0309
+SNG0306
+SNG0307
+SNG0304
+SNG0302
+SNG0303
+SNG0300
+SNG0301
+MUL0360
+MUL0361
+SNG0395
+PMUL0950
+MUL0363
+PMUL0952
+MUL0365
+SNG01944
+SNG01945
+SNG01946
+SNG01947
+SNG0146
+SNG01942
+MUL0367
+SNG01948
+SNG01949
+PMUL0099
+PMUL0098
+PMUL0094
+PMUL0097
+PMUL0091
+PMUL0092
+PMUL2529
+PMUL2528
+PMUL2523
+PMUL2522
+PMUL2521
+PMUL2527
+PMUL2526
+PMUL2525
+PMUL2524
+SNG0396
+PMUL0671
+PMUL0673
+PMUL0672
+PMUL0675
+PMUL0677
+PMUL0676
+PMUL0679
+PMUL0678
+SNG0882
+SNG01618
+SNG01619
+SNG01614
+SNG01616
+SNG01610
+SNG01611
+SNG01612
+MUL1047
+PMUL1117
+MUL1294
+PMUL3010
+PMUL3011
+PMUL4003
+PMUL3013
+PMUL3018
+PMUL3019
+MUL1396
+MUL1933
+MUL1930
+MUL1395
+MUL1420
+MUL1421
+MUL1391
+SNG02149
+SNG02148
+SNG02144
+SNG02147
+SNG02146
+SNG02141
+SNG02143
+SNG02142
+PMUL3467
+PMUL3461
+PMUL3460
+PMUL3463
+PMUL3462
+PMUL3469
+PMUL3468
+MUL1316
+MUL1317
+MUL1314
+MUL1315
+MUL1312
+MUL1313
+MUL1310
+MUL1311
+MUL1319
+PMUL2238
+PMUL2233
+PMUL0848
+PMUL0849
+PMUL0847
+PMUL0845
+PMUL0842
+PMUL0843
+PMUL0840
+PMUL0841
+WOZ20578
+WOZ20579
+WOZ20572
+WOZ20573
+WOZ20570
+WOZ20571
+WOZ20576
+WOZ20577
+WOZ20574
+WOZ20575
+PMUL2736
+PMUL2734
+PMUL2735
+PMUL2732
+PMUL2733
+PMUL2730
+PMUL2731
+PMUL2738
+PMUL2739
+SNG0153
+SNG0152
+SNG0151
+SNG0150
+MUL0377
+SNG0156
+SNG0155
+SNG0154
+SNG0159
+SNG0158
+SNG0091
+SNG1135
+WOZ20415
+WOZ20414
+WOZ20417
+WOZ20416
+WOZ20411
+WOZ20410
+WOZ20413
+WOZ20412
+WOZ20419
+WOZ20418
+MUL0196
+MUL0195
+MUL0194
+MUL0193
+MUL0192
+MUL0191
+MUL0190
+SSNG0118
+MUL0997
+MUL0996
+MUL0994
+MUL0993
+MUL0991
+MUL0999
+MUL0998
+PMUL0468
+PMUL0465
+PMUL0466
+PMUL0467
+PMUL0460
+PMUL0461
+PMUL0463
+PMUL4568
+MUL2049
+MUL2048
+MUL2047
+MUL2046
+MUL2045
+PMUL4566
+PMUL4561
+PMUL4560
+PMUL4563
+MUL2040
+SNG1154
+MUL2599
+MUL2598
+MUL2591
+MUL2262
+MUL2261
+MUL2260
+MUL2595
+MUL2266
+MUL2265
+MUL2264
+PMUL0288
+PMUL0280
+PMUL0282
+PMUL0283
+PMUL0284
+PMUL0285
+MUL1801
+SSNG0110
+SNG1151
+SSNG0113
+PMUL2287
+PMUL2284
+PMUL2283
+PMUL2280
+PMUL2281
+SNG0638
+PMUL2288
+PMUL2289
+SNG01427
+SNG01425
+SNG01424
+SNG01423
+SNG01422
+SNG01421
+SNG01420
+SNG0731
+SNG01429
+SNG01428
+SNG0737
+WOZ20385
+WOZ20384
+WOZ20387
+WOZ20386
+WOZ20381
+WOZ20380
+SNG1149
+SNG1148
+MUL1767
+SNG1146
+MUL1817
+SNG1144
+WOZ20389
+MUL1810
+SNG1141
+MUL1812
+PMUL4733
+PMUL4734
+MUL2424
+SNG0818
+SNG0819
+SNG0812
+SNG0813
+MUL0967
+PMUL4737
+SNG0816
+SNG0817
+SNG0814
+SNG0815
+PMUL4739
+MUL2059
+SNG1369
+SNG1368
+SSNG0117
+SNG1363
+SNG1362
+MUL1101
+MUL1100
+SNG1367
+PMUL4127
+SNG1365
+MUL1104
+PMUL4598
+PMUL4599
+PMUL4121
+PMUL1440
+PMUL1443
+MUL0965
+PMUL1442
+PMUL4829
+PMUL4821
+PMUL4822
+PMUL4824
+PMUL4825
+PMUL4827
+PMUL1250
+PMUL1251
+PMUL1700
+PMUL1701
+PMUL1254
+PMUL1255
+PMUL1704
+PMUL1705
+PMUL1258
+PMUL1708
+PMUL1709
+PMUL1448
+SNG01583
+WOZ20608
+SNG02008
+WOZ20054
+SNG0630
+SNG0361
+SNG0362
+SNG0363
+SNG0364
+SNG0365
+SNG0366
+SNG0367
+WOZ20053
+MUL0884
+MUL0894
+SNG02000
+SSNG0227
+SNG1074
+PMUL3792
+SNG1073
+PMUL4146
+SSNG0225
+SNG1072
+PMUL0073
+PMUL0070
+PMUL0075
+PMUL0074
+PMUL0078
+SSNG0222
+PMUL3795
+SSNG0220
+PMUL2501
+PMUL2500
+PMUL2502
+PMUL2505
+PMUL2507
+PMUL2509
+PMUL2508
+MUL0284
+SNG0634
+PMUL0617
+PMUL0614
+PMUL0613
+PMUL0612
+PMUL0610
+PMUL0619
+WOZ20600
+WOZ20601
+WOZ20602
+WOZ20603
+WOZ20604
+WOZ20605
+WOZ20606
+WOZ20607
+PMUL4565
+WOZ20609
+SNG01968
+SNG01969
+SNG01961
+SNG01966
+SNG01967
+SNG01964
+SNG01965
+SNG01632
+SNG01633
+SNG01631
+SNG01636
+SNG01637
+SNG01635
+SNG01638
+SNG01639
+SNG0276
+PMUL4885
+PMUL4882
+SNG1110
+PMUL4883
+SNG0086
+MUL0263
+SNG1111
+MUL0117
+SNG0175
+MUL0115
+PMUL3038
+PMUL3039
+PMUL3369
+PMUL3032
+PMUL3033
+PMUL3030
+PMUL3031
+PMUL3036
+PMUL3037
+PMUL3035
+MUL2674
+MUL2676
+PMUL1888
+MUL2672
+MUL2673
+PMUL1885
+PMUL1884
+PMUL1887
+SNG0262
+MUL2678
+MUL2679
+PMUL1882
+PMUL4023
+PMUL4613
+PMUL4611
+PMUL4617
+PMUL4615
+PMUL1665
+PMUL4618
+SNG1115
+SNG0716
+MUL1039
+SNG1116
+MUL1038
+MUL1371
+PMUL2349
+MUL1373
+MUL1374
+MUL1375
+MUL1377
+MUL1378
+PMUL2342
+PMUL2341
+PMUL2340
+PMUL2347
+PMUL2345
+PMUL2344
+MUL1033
+MUL1520
+SNG1211
+SSNG0285
+SSNG0284
+SSNG0287
+MUL1030
+SSNG0281
+SSNG0280
+SSNG0283
+SSNG0282
+MUL1037
+SSNG0289
+SSNG0288
+MUL1524
+MUL1035
+SNG1214
+MUL2114
+PMUL0824
+PMUL0825
+PMUL0826
+PMUL0827
+PMUL0822
+PMUL0823
+PMUL0829
+WOZ20590
+MUL1595
+WOZ20592
+MUL1597
+WOZ20594
+PMUL2759
+MUL1592
+MUL1593
+WOZ20598
+WOZ20599
+PMUL2750
+PMUL2751
+PMUL2752
+PMUL2753
+SNG01399
+SNG01398
+SNG01394
+SNG01397
+SNG01396
+SNG01393
+SNG01392
+MUL0359
+MUL0358
+MUL0429
+MUL0428
+MUL0427
+SNG0174
+SNG0177
+SNG0176
+MUL0423
+SNG0170
+MUL0421
+SNG0172
+MUL1012
+MUL1822
+PMUL1068
+SNG0116
+PMUL1062
+PMUL1060
+PMUL1066
+PMUL1064
+MUL1823
+PMUL0442
+PMUL0443
+PMUL0446
+PMUL0445
+PMUL0448
+PMUL0449
+MUL0940
+PMUL3932
+PMUL3937
+PMUL3936
+PMUL3934
+PMUL3939
+PMUL3938
+MUL2069
+MUL2068
+SNG0114
+PMUL4580
+PMUL4587
+PMUL4586
+PMUL4585
+PMUL4584
+MUL2061
+PMUL4589
+MUL2062
+MUL2671
+MUL1825
+SNG0010
+PMUL0313
+MUL2245
+MUL2244
+MUL2247
+MUL2246
+MUL2241
+MUL2240
+MUL2243
+MUL2242
+MUL2248
+PMUL1880
+PMUL4305
+PMUL4304
+MUL0943
+PMUL4307
+MUL1827
+PMUL3903
+PMUL4301
+PMUL4300
+PMUL1959
+SSNG0076
+MUL0946
+SNG02269
+SNG02263
+SNG02264
+SNG02265
+SNG02266
+PMUL2071
+SNG01409
+SNG01408
+SNG01405
+SNG01404
+SNG01407
+SNG01406
+SNG01401
+SNG01400
+WOZ20236
+PMUL2074
+MUL1749
+MUL1748
+MUL1299
+MUL1298
+MUL1293
+SNG1160
+SNG1163
+MUL1290
+SNG1165
+MUL1296
+MUL1747
+SNG1166
+SSNG0097
+PMUL2296
+PMUL3340
+PMUL3341
+PMUL3342
+PMUL3343
+PMUL3345
+PMUL3346
+PMUL3347
+PMUL3349
+MUL2545
+PMUL4808
+PMUL4807
+PMUL4804
+PMUL4805
+PMUL4802
+PMUL4803
+PMUL4801
+PMUL1277
+PMUL1275
+PMUL1270
+PMUL1271
+PMUL1278
+PMUL1279
+SNG0699
+SNG0693
+SNG0695
+SNG0696
+PMUL3696
+PMUL3697
+PMUL3694
+PMUL3692
+PMUL3693
+PMUL3690
+PMUL3691
+PMUL3698
+PMUL3699
+SNG1345
+SNG1344
+SNG1347
+SNG1346
+SNG1341
+MUL1120
+SNG1343
+SNG1342
+MUL1129
+SNG1348
+SNG0434
+SNG0343
+MUL0656
+SNG0341
+SNG0346
+SNG0347
+SNG0432
+MUL0653
+SNG0349
+MUL0658
+MUL0659
+MUL0942
+SNG1032
+PMUL0421
+PMUL0059
+PMUL0058
+PMUL0050
+PMUL0053
+PMUL0052
+PMUL0055
+PMUL0054
+PMUL0057
+PMUL0056
+PMUL0587
+PMUL0586
+PMUL0585
+PMUL0584
+PMUL0583
+PMUL0581
+PMUL0580
+PMUL2567
+PMUL2566
+PMUL2564
+PMUL1188
+PMUL1189
+PMUL2561
+PMUL2560
+SNG01180
+SNG01181
+SNG01182
+PMUL1187
+SNG01185
+PMUL2569
+PMUL2568
+PMUL0639
+PMUL0638
+PMUL0635
+PMUL0637
+PMUL0636
+PMUL0631
+PMUL0633
+PMUL0632
+SSNG0323
+MUL1778
+SSNG0320
+MUL1779
+WOZ20626
+WOZ20627
+WOZ20624
+WOZ20625
+WOZ20622
+WOZ20623
+WOZ20620
+WOZ20621
+SSNG0326
+PMUL1204
+WOZ20628
+WOZ20629
+MUL1802
+SNG01982
+SNG01984
+SSNG0324
+MUL1775
+SNG01988
+SSNG0325
+MUL1776
+MUL1777
+MUL1771
+MUL1772
+SNG1153
+PMUL4248
+PMUL4249
+PMUL4240
+PMUL4241
+PMUL4242
+PMUL4243
+PMUL4245
+PMUL1863
+PMUL1862
+PMUL1861
+PMUL1860
+PMUL1866
+PMUL1865
+PMUL1864
+MUL2656
+MUL2654
+PMUL1868
+MUL2652
+MUL2653
+MUL2650
+MUL2651
+PMUL2984
+PMUL2987
+PMUL2981
+PMUL2982
+SNG1176
+PMUL2989
+PMUL2988
+PMUL1870
+MUL1372
+PMUL4639
+PMUL4638
+SNG1177
+PMUL4631
+PMUL4630
+PMUL4633
+PMUL4632
+PMUL4635
+PMUL4637
+SNG02189
+SNG02181
+SNG02180
+SNG02183
+SNG02185
+SNG02187
+SNG02186
+PMUL2343
+PMUL2361
+PMUL2360
+MUL1358
+MUL1359
+PMUL2365
+PMUL2364
+PMUL2367
+PMUL2366
+PMUL2369
+MUL1353
+MUL1356
+MUL1354
+MUL1355
+WOZ20020
+WOZ20021
+WOZ20022
+WOZ20023
+WOZ20024
+WOZ20025
+WOZ20026
+WOZ20027
+WOZ20028
+WOZ20029
+SNG01219
+PMUL0808
+PMUL0809
+PMUL0802
+PMUL0803
+PMUL0800
+PMUL0801
+SNG01214
+SNG01215
+SNG01216
+SNG1378
+SNG1379
+PMUL2772
+PMUL2770
+SSNG0286
+PMUL2776
+PMUL2777
+PMUL2774
+PMUL2775
+PMUL2779
+SNG01373
+SNG01372
+SNG01377
+SNG01375
+SNG01379
+SNG01378
+MUL0408
+SNG1371
+MUL0400
+MUL0403
+MUL0402
+MUL0405
+MUL1112
+MUL0407
+MUL0406
+SNG1373
+SNG1374
+SNG1375
+SNG1376
+PMUL3579
+PMUL3578
+PMUL3573
+PMUL3572
+PMUL3571
+PMUL3570
+PMUL3577
+PMUL1513
+PMUL1040
+PMUL4031
+PMUL1510
+PMUL1045
+PMUL1044
+PMUL4035
+PMUL1514
+PMUL1049
+PMUL1519
+PMUL4038
+MUL2213
+MUL2003
+MUL2002
+MUL2007
+MUL2006
+MUL2005
+MUL2008
+PMUL3700
+PMUL3703
+PMUL3704
+PMUL0502
+PMUL1645
+PMUL0501
+SNG0732
+PMUL3912
+PMUL3915
+PMUL3914
+PMUL3917
+PMUL3916
+PMUL4460
+PMUL1941
+MUL2513
+PMUL4463
+MUL2515
+PMUL1945
+PMUL1946
+MUL2519
+MUL2518
+PMUL0722
+PMUL1243
+SNG02248
+SNG02246
+SNG02247
+SNG02244
+SNG02242
+SNG02243
+SNG02241
+PMUL1240
+PMUL1637
+PMUL1634
+PMUL1710
+PMUL1245
+MUL2161
+WOZ20591
+MUL2027
+WOZ20593
+PMUL4798
+PMUL4799
+PMUL4796
+PMUL4797
+PMUL4794
+PMUL4795
+PMUL4792
+PMUL4790
+MUL1591
+WOZ20125
+WOZ20596
+SNG02139
+WOZ20597
+PMUL3366
+PMUL3367
+PMUL3365
+PMUL3360
+PMUL3361
+PMUL3368
+MUL1599
+SNG1103
+SNG1102
+MUL1721
+PMUL4867
+MUL1727
+PMUL4861
+MUL1725
+PMUL4863
+SNG1109
+MUL1728
+PMUL4868
+PMUL4869
+MUL0092
+MUL0090
+MUL0091
+MUL0096
+MUL0097
+MUL0094
+SNG02134
+MUL0098
+WOZ20128
+SSNG0120
+SSNG0121
+SSNG0122
+SSNG0123
+SSNG0124
+SSNG0125
+SSNG0126
+SSNG0127
+SSNG0128
+SSNG0129
+MUL0898
+SNG0418
+MUL0679
+MUL0892
+SNG0417
+SNG0415
+MUL0672
+MUL0897
+SNG0410
+MUL0895
+PMUL0947
+PMUL0945
+WOZ20259
+WOZ20258
+WOZ20253
+WOZ20252
+WOZ20251
+WOZ20250
+WOZ20257
+WOZ20256
+WOZ20255
+WOZ20254
+PMUL2097
+PMUL2096
+PMUL2094
+PMUL1218
+PMUL2092
+PMUL2091
+PMUL2090
+PMUL1214
+SNG0179
+PMUL1216
+PMUL1217
+PMUL1212
+SNG0178
+PMUL0039
+PMUL0038
+PMUL0037
+PMUL0035
+PMUL0034
+PMUL0031
+PMUL0030
+MUL0355
+MUL0357
+MUL0424
+PMUL2545
+SNG0171
+PMUL2547
+PMUL2546
+PMUL2540
+MUL0350
+SNG0173
+MUL0420
+SNG0355
+MUL0646
+SNG0425
+MUL0644
+WOZ20648
+WOZ20649
+WOZ20644
+WOZ20645
+WOZ20646
+WOZ20647
+WOZ20640
+WOZ20641
+WOZ20642
+WOZ20643
+SNG0353
+MUL0640
+MUL0648
+PMUL4268
+PMUL4266
+PMUL4267
+PMUL4265
+PMUL4263
+PMUL4260
+PMUL4261
+PMUL1849
+PMUL1848
+PMUL1841
+PMUL1840
+PMUL1843
+PMUL1842
+PMUL1845
+PMUL1847
+SSNG0037
+MUL2639
+MUL2631
+MUL2632
+MUL2633
+MUL2634
+MUL2635
+MUL2636
+MUL1414
+PMUL4658
+PMUL4657
+PMUL4656
+PMUL4655
+PMUL4654
+PMUL4653
+PMUL4652
+PMUL4651
+PMUL4650
+MUL0345
+PMUL2305
+PMUL2303
+PMUL2302
+PMUL2309
+SNG0033
+WOZ20006
+WOZ20007
+WOZ20004
+WOZ20005
+WOZ20002
+WOZ20003
+WOZ20000
+WOZ20001
+MUL1099
+WOZ20008
+WOZ20009
+SNG01238
+SNG01239
+SNG01236
+SNG01237
+SNG01234
+SNG01232
+SNG01233
+SNG01230
+SNG01231
+MUL1095
+MUL1094
+MUL1090
+SNG01358
+PMUL2200
+SNG01350
+PMUL2201
+SNG01355
+SNG01356
+MUL0462
+MUL0461
+MUL0460
+MUL0467
+MUL0465
+MUL0464
+MUL0468
+MUL2232
+PMUL2056
+PMUL0594
+PMUL0047
+PMUL2055
+PMUL3550
+PMUL3552
+PMUL3555
+PMUL3556
+PMUL3559
+PMUL0043
+PMUL4019
+PMUL4018
+PMUL0592
+PMUL1531
+PMUL4010
+PMUL4013
+PMUL1532
+PMUL4015
+PMUL1534
+PMUL4017
+PMUL1536
+SNG0067
+PMUL1026
+MUL0285
+SNG0064
+MUL0283
+PMUL1022
+PMUL1021
+PMUL1020
+MUL0289
+MUL0288
+SSNG0359
+SSNG0358
+SSNG0353
+SSNG0352
+SSNG0351
+SSNG0350
+SSNG0357
+SSNG0356
+SSNG0355
+SSNG0354
+SNG01829
+SNG01828
+MUL2029
+MUL2028
+SNG01823
+MUL2024
+SNG01821
+MUL2026
+MUL2021
+SNG01826
+MUL2023
+MUL2022
+MUL1895
+MUL1894
+WOZ20309
+WOZ20308
+MUL2288
+MUL2280
+MUL2283
+MUL2285
+MUL2287
+MUL2286
+PMUL0778
+WOZ20305
+PMUL2140
+PMUL0770
+PMUL0771
+PMUL0773
+PMUL0775
+PMUL0776
+PMUL0777
+WOZ20306
+PMUL2145
+PMUL2147
+PMUL3978
+PMUL3975
+PMUL3973
+PMUL3972
+PMUL3970
+PMUL1894
+SNG02224
+SNG02225
+SNG02226
+SNG02227
+SNG02223
+SNG02229
+PMUL3653
+SNG0726
+SNG0727
+PMUL4725
+PMUL4582
+PMUL4728
+PMUL3308
+PMUL3305
+PMUL3306
+PMUL3307
+PMUL3300
+PMUL3302
+PMUL3303
+PMUL4848
+PMUL4849
+PMUL4843
+PMUL4841
+PMUL4847
+PMUL4844
+PMUL4845
+MUL1709
+SNG1128
+MUL1259
+MUL1257
+SNG1124
+MUL1707
+MUL1706
+MUL1253
+MUL1700
+MUL1251
+MUL1250
+SNG0658
+MUL0079
+MUL0074
+MUL0075
+SNG0656
+SNG0657
+MUL0070
+SNG0652
+SNG0653
+SSNG0106
+SSNG0107
+SSNG0104
+SSNG0105
+SSNG0102
+SSNG0103
+SSNG0100
+SSNG0101
+SSNG0108
+SSNG0109
+SNG1389
+SNG1388
+SNG1381
+SNG1380
+SNG1383
+SNG1382
+SNG1385
+SNG1384
+SNG1387
+SNG1386
+SNG0478
+MUL0619
+SNG0470
+MUL0611
+SNG0472
+SNG0473
+SNG0474
+MUL0615
+SNG0476
+MUL0617
+WOZ20271
+WOZ20270
+WOZ20273
+WOZ20272
+WOZ20275
+WOZ20274
+WOZ20277
+WOZ20276
+WOZ20279
+WOZ20278
+SNG1064
+PMUL1230
+PMUL1231
+PMUL1236
+PMUL1237
+PMUL1234
+PMUL1238
+PMUL1239
+PMUL0014
+PMUL0017
+PMUL0540
+PMUL0011
+PMUL0546
+PMUL0013
+PMUL0544
+SNG1060
+PMUL0549
+PMUL0019
+PMUL0018
+SNG1062
+SNG02014
+SNG01292
+SNG0387
+SNG01293
+SNG0382
+SNG0383
+SNG0380
+SNG01294
+SNG0388
+SNG0389
+SNG01296
+SNG01624
+WOZ20662
+WOZ20663
+WOZ20660
+WOZ20661
+SNG1067
+WOZ20667
+WOZ20664
+WOZ20665
+WOZ20668
+WOZ20669
+PMUL1456
+PMUL1499
+PMUL1494
+PMUL1495
+PMUL1490
+PMUL1491
+MUL1201
+PMUL3894
+PMUL3895
+PMUL3896
+PMUL3892
+SNG0093
+PMUL3898
+PMUL4204
+PMUL4207
+PMUL4200
+PMUL4201
+PMUL4202
+PMUL4203
+MUL1207
+PMUL4208
+MUL0277
+MUL0274
+SNG0272
+PMUL3098
+PMUL3099
+SNG0273
+PMUL3095
+PMUL3096
+PMUL3097
+PMUL3090
+PMUL3092
+PMUL3093
+MUL2345
+MUL2346
+MUL2611
+MUL2340
+MUL2617
+PMUL1829
+MUL2343
+PMUL1827
+PMUL1826
+PMUL1825
+PMUL1824
+PMUL1823
+PMUL1822
+PMUL1820
+MUL0103
+PMUL4675
+PMUL4674
+PMUL4677
+PMUL4671
+PMUL4670
+PMUL1042
+PMUL4679
+PMUL4678
+MUL1029
+PMUL2858
+PMUL2329
+PMUL2328
+PMUL2853
+PMUL2851
+PMUL2850
+PMUL2321
+PMUL2856
+PMUL2855
+PMUL2854
+SNG01788
+SNG01785
+SNG01782
+SNG01783
+SNG01780
+SNG01781
+MUL1020
+SNG1201
+SNG1203
+WOZ20068
+WOZ20069
+WOZ20064
+WOZ20065
+WOZ20066
+WOZ20067
+WOZ20060
+WOZ20061
+WOZ20062
+WOZ20063
+MUL1026
+SNG1207
+SNG01254
+SNG01255
+SNG01256
+SNG01250
+SNG01252
+SNG01253
+SNG01258
+SNG01259
+SNG1244
+SNG1245
+SNG1246
+MUL1067
+SNG1240
+SNG1241
+SNG1242
+SNG1243
+PMUL2098
+MUL1068
+MUL1069
+SNG01339
+SNG01338
+SNG01337
+SNG01336
+SNG01335
+SNG01334
+SNG01330
+MUL0449
+MUL0444
+MUL0447
+MUL0446
+MUL0441
+MUL0440
+MUL0443
+MUL0442
+PMUL3536
+PMUL3535
+PMUL3534
+PMUL3533
+PMUL3531
+PMUL3539
+PMUL3538
+PMUL1009
+PMUL4079
+PMUL1558
+PMUL1556
+PMUL1007
+PMUL1006
+PMUL1553
+PMUL4072
+PMUL1551
+PMUL1550
+SNG0040
+SNG0043
+SNG0042
+SNG0045
+SNG0044
+MUL0919
+MUL0918
+MUL0917
+MUL0916
+MUL0914
+MUL0913
+MUL0911
+MUL0910
+SSNG0371
+SSNG0370
+SSNG0373
+SSNG0372
+SSNG0375
+SSNG0374
+SSNG0377
+SSNG0376
+SSNG0379
+SSNG0378
+PMUL1554
+SNG01800
+SNG01802
+SNG01806
+SNG01809
+SNG01808
+MUL2643
+MUL2642
+MUL1769
+PMUL1876
+PMUL2668
+PMUL2669
+PMUL2660
+PMUL2662
+PMUL2663
+PMUL2664
+PMUL2666
+PMUL0200
+PMUL0201
+PMUL0202
+PMUL0203
+PMUL0756
+PMUL0209
+PMUL0754
+PMUL0755
+PMUL0752
+PMUL0753
+PMUL3955
+PMUL3954
+PMUL3951
+PMUL3950
+PMUL3953
+PMUL3952
+PMUL3959
+PMUL3958
+PMUL0357
+PMUL2001
+PMUL0354
+MUL2407
+MUL2406
+MUL2404
+MUL2403
+MUL2402
+MUL2401
+MUL2400
+SSNG0080
+MUL2409
+MUL2408
+SNG02203
+SNG02201
+SNG02206
+SNG02204
+PMUL3322
+PMUL3323
+PMUL3321
+PMUL3326
+PMUL3327
+PMUL3325
+PMUL3329
+MUL1279
+MUL1270
+MUL1272
+MUL1275
+MUL1277
+SNG0628
+MUL0588
+MUL0589
+SSNG0168
+SSNG0169
+SSNG0164
+MUL0581
+SSNG0166
+SSNG0167
+SSNG0160
+SSNG0161
+MUL0586
+MUL0587
+SNG0625
+SNG0624
+MUL0007
+MUL1182
+MUL1181
+SNG0626
+MUL1187
+MUL1186
+MUL1185
+MUL1184
+MUL0001
+MUL1188
+SNG0620
+PMUL0989
+PMUL0988
+MUL0551
+PMUL0983
+PMUL0981
+PMUL0980
+PMUL0985
+MUL0777
+MUL0776
+MUL0775
+MUL0774
+SNG0553
+SNG0552
+WOZ20217
+WOZ20216
+PMUL2051
+PMUL2050
+WOZ20213
+SNG0003
+WOZ20211
+WOZ20210
+MUL1982
+PMUL2059
+MUL0770
+MUL1987
+PMUL0746
+MUL1984
+MUL0056
+SNG0677
+SNG0674
+SNG0675
+MUL0052
+SNG0673
+MUL0050
+SNG0671
+MUL0058
+MUL0059
+MUL0958
+PMUL2589
+PMUL2588
+SNG0559
+PMUL2580
+PMUL2583
+SNG0558
+PMUL2584
+PMUL2587
+PMUL2586
+MUL0632
+MUL0633
+SNG0906
+PMUL1606
+SNG0901
+SNG0454
+SNG0903
+SNG0458
+MUL0639
+SNG0909
+SNG1169
+SNG1168
+PMUL4197
+PMUL4190
+PMUL4191
+PMUL4193
+MUL1741
+PMUL0561
+PMUL0560
+PMUL0565
+MUL1743
+SNG1162
+MUL1745
+MUL1744
+PMUL1618
+PMUL1619
+MUL2180
+MUL2181
+MUL2186
+MUL2187
+MUL2185
+PMUL1610
+PMUL1611
+MUL2188
+PMUL4221
+PMUL4226
+PMUL4227
+PMUL1616
+PMUL4225
+PMUL0699
+PMUL0695
+PMUL0694
+PMUL0693
+PMUL0691
+PMUL1805
+PMUL1807
+PMUL1806
+PMUL1800
+PMUL1803
+MUL2369
+MUL2367
+MUL2364
+MUL2362
+PMUL1808
+PMUL0956
+SNG0481
+SNG0075
+SNG0351
+SNG0480
+SNG0485
+SNG0484
+PMUL2376
+SNG0955
+PMUL2377
+PMUL1474
+MUL1346
+MUL1340
+PMUL2871
+PMUL2870
+PMUL2873
+PMUL2872
+PMUL2875
+MUL1343
+PMUL2877
+PMUL2876
+PMUL2879
+WOZ20042
+SNG1083
+SNG1080
+WOZ20041
+WOZ20046
+WOZ20047
+SNG1084
+WOZ20045
+SNG1088
+WOZ20049
+SNG01278
+SNG01279
+SNG01271
+SNG01276
+SNG01277
+SNG01274
+SNG01275
+MUL1518
+MUL1519
+MUL1048
+MUL1049
+MUL1046
+SNG1267
+SNG1264
+SNG1265
+MUL1510
+MUL1043
+MUL1040
+MUL1041
+SNG01315
+SNG01314
+SNG01316
+SNG01310
+SNG01313
+SNG01312
+SNG01319
+SNG01318
+PMUL3519
+PMUL3515
+PMUL3517
+PMUL3511
+PMUL3510
+PMUL3513
+PMUL3512
+PMUL1574
+PMUL1577
+PMUL1576
+PMUL1571
+PMUL1570
+PMUL1573
+PMUL1572
+PMUL1578
+MUL0938
+SNG0029
+SNG0028
+SNG0023
+SNG0022
+SNG0021
+MUL0932
+SNG0027
+MUL0934
+SNG0025
+MUL0936
+SSNG0317
+SSNG0316
+SSNG0315
+SSNG0314
+SSNG0313
+SSNG0312
+SSNG0311
+SSNG0310
+SNG0335
+PMUL3719
+SSNG0319
+SSNG0318
+PMUL3718
+SNG01867
+SNG01864
+SNG01863
+SNG01861
+SNG01860
+SNG01869
+SNG01868
+PMUL0538
+PMUL2644
+PMUL2645
+PMUL2642
+PMUL2643
+PMUL2640
+PMUL2641
+PMUL0734
+PMUL0735
+PMUL0224
+PMUL0737
+PMUL0222
+PMUL0731
+PMUL0220
+PMUL0733
+PMUL0738
+PMUL0228
+PMUL0229
+PMUL1535
+PMUL0246
+MUL0802
+MUL1194
+PMUL1950
+PMUL0242
+PMUL0243
+MUL1195
+PMUL1955
+MUL2509
+SSNG0192
+PMUL4479
+SNG01485
+SNG01487
+SNG01486
+SNG01481
+SNG01480
+SNG01483
+SNG01482
+SNG01489
+SNG01488
+MUL2503
+PMUL1628
+PMUL4065
+PMUL4730
+MUL2420
+PMUL4732
+MUL2422
+MUL2425
+PMUL4735
+PMUL4736
+MUL2426
+MUL2429
+MUL2428
+PMUL2749
+PMUL2745
+MUL1213
+PMUL4887
+MUL1210
+MUL1217
+MUL1216
+MUL1215
+MUL1214
+MUL1219
+MUL1218
+PMUL4888
+PMUL4889
+SSNG0142
+SSNG0143
+SSNG0140
+SSNG0141
+SSNG0146
+SSNG0144
+SSNG0145
+SSNG0149
+WOZ20187
+WOZ20186
+WOZ20185
+WOZ20184
+WOZ20183
+WOZ20182
+WOZ20181
+WOZ20180
+WOZ20189
+WOZ20188
+PMUL2079
+PMUL2078
+WOZ20239
+WOZ20238
+WOZ20235
+WOZ20234
+WOZ20237
+PMUL2072
+WOZ20231
+WOZ20230
+WOZ20233
+WOZ20232
+MUL1124
+MUL1127
+MUL0030
+MUL0031
+SNG0612
+MUL0033
+SNG0614
+SNG0615
+MUL0037
+SNG0618
+SNG0619
+SNG1340
+MUL1123
+SNG0162
+MUL0343
+MUL0436
+MUL0437
+SNG1349
+MUL0347
+PMUL4817
+SNG0928
+SNG0929
+SNG0926
+SNG0924
+SNG0925
+SNG0923
+SNG0920
+SNG0342
+SNG0435
+SNG0436
+SNG0430
+SNG0431
+MUL0652
+PMUL4418
+PMUL3709
+PMUL0507
+PMUL3701
+PMUL0505
+PMUL0504
+PMUL0503
+PMUL3705
+PMUL3706
+PMUL0500
+PMUL3851
+PMUL3853
+PMUL3854
+PMUL3856
+PMUL3857
+SNG0438
+SNG0439
+MUL2168
+MUL2169
+PMUL1638
+PMUL1639
+MUL2164
+MUL2165
+MUL2166
+MUL2167
+PMUL1633
+PMUL1630
+MUL2163
+MUL2308
+MUL2300
+MUL2302
+MUL2303
+MUL2304
+MUL2306
+MUL2548
+MUL0790
+PMUL2817
+PMUL2816
+PMUL2815
+PMUL2814
+PMUL2811
+PMUL2810
+PMUL2819
+PMUL2818
+PMUL4759
+SNG1068
+SNG02013
+SNG1065
+SNG02011
+SNG02010
+SNG02017
+SNG1061
+SNG02015
+SNG1063
+SNG01291
+PMUL0880
+PMUL0881
+PMUL0886
+PMUL0887
+PMUL0884
+PMUL0885
+SNG01298
+PMUL0888
+MUL1083
+SNG1208
+SNG1209
+SNG1200
+MUL1021
+SNG1202
+MUL1023
+SNG1204
+SNG1205
+SNG1206
+MUL1027
+PMUL3289
+PMUL3288
+PMUL3284
+PMUL3287
+PMUL3281
+PMUL3280
+PMUL4948
+PMUL4943
+PMUL4942
+PMUL4940
+PMUL4947
+PMUL4945
+PMUL4944
+SSNG0087
+SSNG0086
+SSNG0085
+SSNG0084
+SSNG0083
+SSNG0082
+SSNG0081
+PMUL4021
+SSNG0089
+SSNG0088
+MUL1536
+MUL1537
+MUL1534
+MUL1535
+MUL1532
+MUL1533
+MUL1530
+PMUL1504
+MUL1538
+MUL1539
+MUL0953
+SNG0556
+SNG0555
+MUL0950
+SNG0001
+MUL0956
+MUL0955
+MUL0954
+PMUL1507
+SNG0009
+MUL0779
+MUL0778
+PMUL1508
+SSNG0339
+SSNG0338
+SSNG0335
+SSNG0334
+SSNG0337
+SSNG0336
+SSNG0331
+SSNG0330
+SSNG0333
+SSNG0332
+SNG0260
+PMUL2624
+PMUL2625
+PMUL2626
+PMUL2620
+PMUL2621
+PMUL2622
+MUL1886
+PMUL2628
+PMUL2629
+PMUL0718
+PMUL0719
+PMUL0248
+PMUL0249
+PMUL0712
+PMUL0245
+PMUL0710
+PMUL0247
+PMUL0240
+PMUL0241
+PMUL0714
+PMUL0715
+SNG01188
+MUL1889
+SNG01189
+PMUL0456
+SNG01849
+SNG01848
+PMUL2395
+SNG01847
+SNG01846
+SNG01841
+SNG01840
+SNG01843
+SNG01842
+PMUL2391
+PMUL2824
+PMUL1185
+PMUL2393
+SNG01186
+PMUL3906
+PMUL3905
+MUL2073
+MUL2070
+MUL2071
+MUL2449
+PMUL3908
+SNG0717
+PMUL4717
+PMUL4714
+PMUL4715
+PMUL4712
+MUL2443
+MUL2441
+MUL2440
+MUL2447
+MUL2446
+PMUL4718
+MUL2444
+SNG0713
+SNG0712
+MUL2445
+MUL1239
+MUL1238
+MUL1235
+MUL1234
+MUL1237
+MUL1236
+MUL1231
+MUL1230
+MUL1233
+MUL1232
+MUL1989
+MUL1490
+MUL1495
+MUL1494
+MUL1949
+MUL1496
+MUL1499
+MUL1946
+MUL1945
+MUL1944
+MUL1943
+MUL1942
+MUL1941
+PMUL2010
+SNG01981
+SNG1051
+PMUL1515
+SNG0639
+MUL0548
+SNG0632
+MUL0545
+MUL0010
+SNG0631
+MUL0017
+MUL0542
+MUL0015
+SNG1057
+SNG02021
+SNG0496
+PMUL0895
+SNG0492
+SNG0493
+SNG0491
+PMUL0897
+SNG0498
+SNG0499
+SNG0948
+PMUL3499
+PMUL3490
+PMUL0891
+PMUL3492
+PMUL3493
+SNG0944
+SNG0945
+SNG0946
+SNG0947
+SNG01285
+PMUL4150
+PMUL4151
+PMUL1432
+PMUL1433
+PMUL1434
+PMUL1388
+PMUL1437
+PMUL1386
+PMUL1387
+PMUL1384
+PMUL1382
+PMUL1380
+PMUL1381
+PMUL0525
+PMUL0524
+PMUL0527
+PMUL0526
+PMUL3727
+PMUL3724
+PMUL3725
+PMUL3722
+PMUL0528
+PMUL3720
+PMUL3721
+PMUL3876
+MUL2147
+PMUL3874
+MUL2145
+MUL2142
+MUL2143
+MUL2140
+PMUL3871
+PMUL3878
+MUL2149
+PMUL1655
+PMUL1656
+PMUL1651
+PMUL1652
+PMUL1658
+MUL2322
+MUL2323
+MUL2326
+MUL2327
+MUL2325
+MUL2328
+MUL2329
+PMUL0381
+PMUL0383
+PMUL0382
+PMUL0384
+PMUL0387
+PMUL0386
+PMUL0388
+MUL0136
+MUL0139
+SNG0286
+SSNG0064
+MUL1985
+PMUL2838
+PMUL2388
+PMUL2387
+PMUL2834
+PMUL2837
+PMUL2831
+PMUL2830
+PMUL2381
+SNG01720
+SNG01722
+SNG01723
+SNG01724
+SNG01725
+SNG01727
+SNG01728
+SNG01729
+PMUL1790
+SNG02031
+SNG02030
+SNG02036
+SNG02038
+PMUL3128
+PMUL3129
+PMUL3120
+PMUL3121
+PMUL3122
+PMUL3124
+PMUL3125
+PMUL3261
+PMUL3260
+PMUL3267
+PMUL3266
+PMUL3265
+PMUL3269
+PMUL3268
+SNG01204
+PMUL4961
+PMUL4960
+SNG1044
+PMUL4962
+PMUL4965
+PMUL4967
+PMUL4966
+PMUL4969
+PMUL4968
+SNG0795
+SNG0794
+SNG0796
+SNG0791
+SNG0790
+SNG0793
+SNG0798
+PMUL3622
+PMUL0213
+SNG1222
+SNG1223
+SNG1220
+MUL1001
+MUL1006
+MUL1007
+MUL1004
+MUL1005
+MUL1558
+MUL1559
+SNG1228
+SNG1229
+SNG0570
+MUL0753
+MUL0752
+SNG0575
+SNG0574
+SNG0577
+MUL0756
+MUL0975
+SNG0578
+MUL0977
+MUL0204
+MUL0203
+MUL0970
+MUL0201
+MUL0972
+WOZ20378
+WOZ20379
+WOZ20370
+WOZ20371
+WOZ20372
+WOZ20373
+WOZ20374
+WOZ20375
+WOZ20376
+WOZ20377
+PMUL2608
+PMUL2602
+PMUL2603
+PMUL2600
+MUL2659
+PMUL2606
+PMUL2605
+PMUL0263
+PMUL0260
+MUL2655
+PMUL0264
+PMUL0268
+PMUL0269
+MUL2560
+PMUL2468
+PMUL4369
+PMUL4361
+PMUL4367
+PMUL4365
+PMUL4364
+PMUL2460
+WOZ20478
+MUL1497
+MUL1948
+MUL1947
+MUL1498
+PMUL2014
+MUL1940
+MUL2465
+MUL2464
+MUL2461
+PMUL4779
+MUL2463
+MUL2462
+PMUL4774
+PMUL4775
+PMUL4777
+PMUL4770
+PMUL4771
+PMUL4772
+PMUL4773
+PMUL2847
+MUL1543
+MUL1014
+MUL1541
+MUL0019
+SNG1231
+PMUL1014
+MUL1013
+SNG1232
+WOZ20143
+WOZ20142
+WOZ20141
+WOZ20140
+WOZ20147
+WOZ20146
+WOZ20145
+WOZ20144
+WOZ20149
+WOZ20148
+MUL0546
+MUL0547
+SNG01552
+SNG01550
+SNG01556
+SNG01555
+SNG0637
+PMUL1475
+SNG0635
+SNG0544
+MUL0765
+MUL0766
+PMUL2035
+PMUL2034
+PMUL2037
+PMUL2036
+PMUL2031
+PMUL2030
+PMUL2033
+PMUL2032
+MUL1961
+MUL1960
+MUL1962
+MUL1965
+PMUL2038
+MUL1966
+MUL0566
+MUL0567
+MUL0564
+MUL0565
+MUL0562
+MUL0563
+MUL0560
+MUL0561
+SNG0015
+MUL0568
+MUL0569
+MUL1616
+MUL1614
+MUL1613
+MUL1611
+MUL1610
+MUL0768
+MUL1619
+MUL1618
+SNG0963
+SNG0960
+MUL0693
+SNG0966
+SNG0967
+MUL0697
+MUL0698
+MUL0699
+SNG0969
+PMUL1416
+PMUL1417
+PMUL4174
+PMUL4175
+PMUL4172
+PMUL1413
+PMUL4171
+PMUL4178
+PMUL1419
+SSNG0278
+SSNG0279
+SSNG0270
+SSNG0271
+SSNG0272
+SSNG0273
+SSNG0274
+SSNG0275
+SSNG0276
+SSNG0277
+PMUL3745
+PMUL3746
+PMUL3747
+PMUL3741
+PMUL3743
+PMUL3749
+MUL2121
+MUL2123
+MUL2124
+MUL2125
+MUL2126
+MUL2127
+MUL2128
+MUL2129
+PMUL1670
+PMUL1671
+PMUL4280
+PMUL4282
+PMUL4283
+SNG0214
+SNG0215
+SNG0216
+SNG0217
+SNG0210
+SNG0211
+SNG0212
+SNG0213
+SNG0218
+SNG0219
+MUL2698
+MUL2692
+MUL2691
+MUL2696
+MUL2697
+MUL2694
+MUL2695
+PMUL3818
+PMUL3814
+PMUL3816
+PMUL3810
+PMUL3811
+PMUL3812
+PMUL3813
+PMUL3491
+PMUL0103
+PMUL0102
+PMUL0101
+PMUL0107
+PMUL0106
+PMUL0105
+PMUL0104
+SNG0943
+MUL1352
+PMUL3496
+PMUL4457
+SNG01707
+SNG01705
+SNG01701
+SNG01708
+SNG01709
+PMUL4456
+SNG02055
+SNG02053
+SNG02051
+SNG02050
+SNG02059
+SNG02058
+PMUL3108
+PMUL1431
+PMUL3104
+PMUL3102
+PMUL3103
+PMUL3100
+PMUL3101
+PMUL4153
+PMUL4154
+PMUL4156
+PMUL4157
+SSNG0114
+PMUL3249
+PMUL3248
+PMUL4159
+PMUL3241
+PMUL3240
+PMUL3243
+PMUL3242
+PMUL3245
+PMUL3246
+SNG1020
+SNG1021
+SNG1022
+PMUL4904
+SNG1024
+SNG1025
+PMUL4901
+PMUL4900
+SNG1028
+SNG1029
+PMUL4908
+MUL1031
+SNG0778
+SNG0777
+SNG0776
+SNG0774
+SNG0773
+SSNG0043
+SSNG0042
+SSNG0041
+SSNG0040
+SSNG0047
+SSNG0046
+SSNG0045
+SSNG0044
+SSNG0049
+SSNG0048
+MUL1578
+MUL1579
+MUL1572
+MUL1573
+MUL1570
+MUL1577
+MUL1574
+MUL0221
+SNG0512
+SNG0511
+SNG0510
+SNG0517
+MUL0736
+MUL0735
+SNG0514
+MUL1036
+WOZ20358
+WOZ20359
+PMUL2192
+PMUL2193
+WOZ20354
+PMUL2191
+PMUL2196
+PMUL2197
+WOZ20350
+WOZ20351
+PMUL1085
+PMUL1084
+PMUL1086
+PMUL1080
+PMUL1083
+PMUL1082
+PMUL1088
+PMUL3877
+MUL2144
+PMUL0807
+PMUL3873
+SNG01888
+PMUL3870
+MUL1757
+SNG01881
+SNG01880
+SNG01883
+MUL2141
+SNG01885
+MUL1754
+SNG01887
+SNG01886
+SNG1175
+PMUL4815
+PMUL0255
+PMUL0706
+MUL1750
+SNG1171
+PMUL4444
+PMUL0700
+MUL2508
+PMUL1965
+PMUL0251
+PMUL4442
+PMUL3879
+PMUL4443
+PMUL4341
+PMUL4340
+PMUL4342
+PMUL4345
+PMUL4347
+PMUL4349
+PMUL4441
+MUL2575
+PMUL4752
+PMUL4750
+PMUL4751
+MUL2488
+PMUL4758
+MUL2484
+MUL2483
+MUL2481
+MUL2480
+SNG02283
+SNG02281
+SNG02286
+SNG02284
+MUL2505
+SNG02288
+SNG02289
+PMUL2771
+PMUL2978
+PMUL2979
+PMUL2974
+PMUL2976
+PMUL2977
+SNG02119
+MUL1334
+SNG02114
+WOZ20169
+WOZ20168
+WOZ20161
+WOZ20160
+WOZ20163
+WOZ20162
+WOZ20165
+WOZ20164
+WOZ20167
+WOZ20166
+MUL1335
+PMUL0903
+SNG01570
+SNG01573
+SNG01572
+PMUL0907
+PMUL0906
+PMUL0905
+SNG01576
+SNG01578
+PMUL0909
+PMUL0908
+MUL1902
+MUL1907
+MUL1906
+MUL1905
+WOZ20298
+WOZ20297
+WOZ20296
+WOZ20295
+WOZ20294
+WOZ20293
+WOZ20292
+WOZ20291
+WOZ20290
+PMUL1544
+MUL0500
+MUL1132
+MUL0502
+MUL0503
+MUL0504
+MUL0506
+MUL0507
+MUL0508
+MUL1291
+MUL1136
+MUL1631
+MUL1630
+MUL1632
+MUL1134
+MUL1637
+MUL1639
+SNG1355
+SNG01162
+SNG01163
+SNG01160
+SNG01161
+SNG01167
+SNG01164
+SNG01169
+SNG1358
+SNG0988
+SNG0989
+MUL0733
+SNG0984
+SNG0985
+SNG0986
+SNG0987
+SNG0980
+SNG0981
+SNG0982
+MUL0404
+PMUL4118
+PMUL4119
+MUL0660
+PMUL4114
+PMUL4115
+PMUL4116
+PMUL4117
+PMUL4110
+PMUL1471
+PMUL1472
+PMUL4113
+SNG0184
+SNG0185
+SNG0186
+SNG0402
+SNG0180
+SNG0181
+SNG0182
+SNG0183
+MUL0665
+SNG0188
+SNG0189
+MUL0664
+PMUL3768
+PMUL3769
+MUL0667
+SSNG0258
+SSNG0259
+SSNG0256
+SSNG0257
+SSNG0254
+SSNG0255
+SSNG0252
+PMUL3767
+SSNG0250
+PMUL3765
+SNG0409
+MUL0668
+PMUL1690
+PMUL1691
+PMUL1693
+PMUL1694
+PMUL1695
+PMUL1696
+PMUL1697
+PMUL1698
+MUL2103
+MUL2101
+MUL2107
+MUL2104
+MUL2105
+SNG0238
+SNG0239
+SNG0236
+SNG0237
+SNG0234
+SNG0235
+SNG0232
+SNG0233
+SNG0230
+SNG0231
+PMUL3832
+PMUL3833
+PMUL3830
+PMUL2418
+PMUL3836
+PMUL3837
+PMUL2413
+PMUL2411
+PMUL3839
+PMUL2417
+PMUL2416
+PMUL2414
+PMUL0121
+PMUL0120
+PMUL0123
+PMUL0122
+PMUL0125
+PMUL0126
+SNG01768
+SNG01769
+SNG01764
+SNG01765
+SNG01760
+SNG01761
+SNG01762
+SNG01763
+WOZ20246
+PMUL2084
+MUL1393
+MUL1052
+PMUL3164
+PMUL3167
+PMUL3161
+PMUL3163
+PMUL3168
+PMUL1997
+PMUL1996
+PMUL1995
+PMUL1994
+PMUL1993
+PMUL1999
+PMUL3229
+PMUL3228
+PMUL3227
+PMUL3226
+PMUL3225
+PMUL3223
+PMUL3221
+PMUL3220
+PMUL4929
+PMUL4925
+PMUL4924
+PMUL4927
+PMUL4926
+PMUL4921
+PMUL4920
+PMUL4922
+SNG1008
+SNG1009
+SNG1003
+SNG1000
+SNG1001
+SNG1006
+SNG02070
+SNG02073
+SNG02072
+SSNG0069
+SNG0758
+SSNG0061
+SNG0750
+SSNG0063
+SSNG0062
+SSNG0065
+SNG0754
+SNG0757
+SNG0756
+PMUL3595
+PMUL3594
+PMUL3597
+PMUL3590
+PMUL3593
+PMUL3592
+PMUL1041
+PMUL1512
+PMUL1043
+PMUL4030
+PMUL4037
+PMUL4036
+PMUL1047
+SSNG0397
+SSNG0396
+SSNG0395
+SSNG0394
+SSNG0393
+SSNG0392
+SSNG0391
+SSNG0390
+PMUL4039
+PMUL2170
+WOZ20335
+WOZ20336
+PMUL2173
+WOZ20330
+WOZ20331
+WOZ20332
+WOZ20333
+WOZ20338
+WOZ20339
+MUL0593
+PMUL4474
+MUL0715
+MUL0714
+MUL0241
+MUL0240
+MUL0711
+SNG0530
+MUL0245
+MUL0712
+MUL0249
+MUL0248
+MUL0718
+PMUL2126
+MUL1875
+MUL0590
+PMUL2122
+MUL1871
+SNG1249
+MUL0597
+SNG01193
+PMUL2833
+SNG01192
+SNG01191
+MUL0867
+MUL0866
+MUL0865
+MUL0864
+MUL0863
+PMUL4322
+PMUL4321
+PMUL4320
+MUL0433
+PMUL4329
+MUL0868
+PMUL1190
+SNG0870
+SNG0707
+MUL1252
+SNG0705
+PMUL2959
+PMUL2956
+PMUL2957
+PMUL2954
+PMUL2955
+PMUL2952
+PMUL2950
+PMUL2951
+MUL0497
+WOZ20109
+WOZ20108
+WOZ20107
+WOZ20106
+WOZ20105
+WOZ20104
+WOZ20103
+WOZ20102
+WOZ20101
+WOZ20100
+MUL0431
+PMUL0921
+PMUL0920
+PMUL0925
+PMUL0924
+PMUL0926
+SNG01517
+SNG01515
+SNG01514
+SNG01513
+SNG01512
+SNG01511
+SNG01510
+SNG01519
+SNG01518
+PMUL2691
+MUL1380
+MUL1383
+MUL1385
+MUL1384
+MUL1387
+MUL1438
+MUL1925
+MUL1924
+MUL1435
+MUL1434
+MUL1921
+MUL1432
+MUL1431
+MUL1430
+MUL0529
+MUL0522
+MUL0523
+MUL0520
+MUL0521
+MUL0526
+MUL0525
+MUL1659
+MUL1658
+MUL1653
+MUL0755
+MUL1656
+MUL1654
+MUL0491
+PMUL1452
+PMUL1321
+PMUL1450
+PMUL4136
+PMUL1454
+PMUL4135
+PMUL1458
+PMUL4139
+MUL0387
+MUL0385
+MUL0382
+MUL0380
+MUL0381
+PMUL3780
+SSNG0235
+SSNG0236
+SSNG0237
+PMUL3784
+SSNG0231
+SSNG0232
+SSNG0233
+PMUL3788
+PMUL3789
+SSNG0238
+SSNG0239
+MUL1016
+SNG0258
+SNG0259
+MUL1011
+SNG0250
+SNG0251
+SNG0252
+SNG0254
+SNG0255
+SNG0257
+PMUL2789
+PMUL2788
+MUL1010
+PMUL2783
+PMUL2782
+PMUL2787
+PMUL0491
+PMUL0322
+PMUL0493
+PMUL0492
+PMUL0327
+PMUL0326
+PMUL0497
+PMUL0324
+PMUL0498
+PMUL0329
+PMUL0328
+WOZ20488
+WOZ20489
+WOZ20482
+WOZ20483
+WOZ20480
+WOZ20481
+WOZ20486
+WOZ20487
+WOZ20484
+WOZ20485
+PMUL2431
+PMUL2430
+PMUL2434
+MUL0127
+PMUL2439
+PMUL2438
+MUL0125
+SNG1233
+SNG0290
+SNG0291
+PMUL0147
+PMUL0146
+PMUL0145
+PMUL0144
+PMUL0143
+MUL0120
+PMUL0141
+PMUL0140
+MUL0121
+PMUL0149
+PMUL0148
+MUL2380
+MUL2381
+MUL2382
+MUL2383
+MUL2385
+MUL2388
+SNG01742
+SNG01743
+SNG01740
+SNG01741
+SNG01747
+SNG01744
+SNG01749
+PMUL3148
+PMUL3149
+PMUL3142
+PMUL3143
+PMUL3140
+PMUL3146
+PMUL3147
+PMUL3144
+MUL2524
+MUL2527
+MUL2520
+PMUL4498
+MUL2522
+PMUL4494
+PMUL4497
+PMUL4496
+MUL2528
+MUL2529
+PMUL4493
+PMUL2899
+PMUL2896
+PMUL2895
+PMUL2893
+PMUL2892
+PMUL2891
+PMUL2890
+PMUL3205
+PMUL3204
+PMUL3207
+PMUL3206
+PMUL3201
+PMUL3203
+PMUL3202
+PMUL3209
+PMUL3208
+SNG02093
+SNG02092
+SNG02090
+SNG02097
+MUL0553
+SNG02095
+SNG02094
+SNG02099
+SNG02098
+SSNG0009
+SSNG0008
+SSNG0007
+SSNG0006
+SSNG0005
+SSNG0004
+SSNG0003
+SSNG0002
+SSNG0001
+SNG1280
+SNG1281
+SNG1282
+SNG1283
+SNG1284
+SNG1285
+SNG1286
+SNG1287
+SNG1288
+SNG1289
+PMUL2231
+PMUL2230
+MUL2171
+WOZ20318
+WOZ20319
+MUL2663
+WOZ20312
+WOZ20313
+WOZ20310
+WOZ20311
+WOZ20316
+WOZ20317
+WOZ20314
+WOZ20315
+PMUL2156
+PMUL2157
+PMUL2155
+PMUL2152
+PMUL2150
+PMUL2151
+PMUL2158
+PMUL2159
+SNG0885
+SNG0884
+SNG0887
+SNG0886
+SNG0881
+SNG0880
+SNG0734
+SNG0739
+SNG0738
+PMUL0364
+SNG1040
+PMUL1855
+SNG0089
+SNG0088
+MUL0265
+SNG0087
+MUL0266
+MUL0261
+SNG0083
+SNG0082
+MUL2625
+MUL2624
+PMUL1158
+PMUL4309
+PMUL4308
+PMUL1153
+WOZ20442
+PMUL1151
+PMUL1157
+PMUL1156
+PMUL1155
+PMUL1154
+MUL0840
+MUL0847
+MUL0846
+PMUL0792
+PMUL0793
+PMUL0791
+PMUL0797
+MUL0717
+PMUL0798
+PMUL0799
+MUL1959
+PMUL2024
+MUL1954
+MUL1484
+MUL1485
+MUL1951
+MUL1952
+MUL1953
+SSNG0234
+MUL0710
+MUL2668
+PMUL2934
+PMUL2936
+PMUL2937
+PMUL2932
+PMUL2939
+SNG01687
+MUL1002
+SNG01685
+SNG01682
+SNG01681
+MUL1551
+MUL1000
+SNG01689
+SNG01688
+SNG1221
+SNG1226
+SNG1227
+SNG02138
+WOZ20124
+WOZ20127
+WOZ20126
+WOZ20121
+WOZ20120
+WOZ20123
+WOZ20122
+SNG02130
+SNG02131
+SNG02132
+MUL1557
+WOZ20129
+SNG02135
+SNG02136
+SNG02137
+SNG01539
+PMUL0949
+PMUL0948
+SNG01535
+PMUL0946
+SNG01537
+PMUL0944
+PMUL0943
+PMUL0942
+SNG01533
+PMUL0940
+MUL1009
+MUL0750
+MUL1411
+MUL1413
+MUL1412
+SNG0573
+MUL1416
+MUL0979
+MUL0757
+SNG0576
+PMUL4689
+MUL0758
+PMUL4681
+PMUL4682
+PMUL4684
+PMUL4685
+MUL0976
+MUL0973
+MUL0200
+PMUL3411
+PMUL3412
+PMUL3413
+PMUL3414
+PMUL3416
+PMUL3419
+PMUL1306
+PMUL1307
+PMUL1304
+PMUL1305
+PMUL1302
+PMUL1303
+PMUL1300
+PMUL1301
+MUL1521
+PMUL4871
+SSNG0218
+SSNG0219
+SSNG0212
+SSNG0213
+SSNG0210
+SSNG0211
+SSNG0216
+SSNG0217
+SSNG0214
+SSNG0215
+SNG1212
+MUL1674
+MUL1677
+MUL1671
+MUL1670
+MUL1672
+MUL1679
+MUL0104
+MUL0105
+SNG0270
+MUL0100
+MUL0101
+MUL0102
+SNG0275
+SNG0278
+SNG0279
+MUL0108
+MUL0109
+SNG0976
+MUL0686
+SNG1210
+MUL0685
+MUL0684
+PMUL0309
+PMUL0308
+PMUL0300
+PMUL0303
+PMUL0302
+PMUL0305
+PMUL0304
+PMUL0307
+PMUL0306
+WOZ20460
+WOZ20461
+WOZ20462
+WOZ20463
+WOZ20464
+WOZ20465
+WOZ20466
+WOZ20467
+WOZ20468
+WOZ20469
+PMUL2456
+PMUL2455
+PMUL2454
+PMUL2453
+PMUL2451
+PMUL2450
+PMUL2459
+PMUL0169
+PMUL0168
+PMUL4057
+PMUL0165
+PMUL0167
+PMUL0166
+PMUL0161
+PMUL0160
+PMUL0163
+PMUL4518
+PMUL4519
+PMUL4510
+PMUL4511
+PMUL4512
+PMUL4513
+PMUL4514
+PMUL4516
+PMUL4517
+PMUL4472
+PMUL4470
+PMUL4477
+PMUL4476
+PMUL4475
+PMUL1954
+MUL2506
+MUL2504
+PMUL4478
+MUL2502
+PMUL1421
+MUL2500
+MUL2501
+SNG02303
+SNG02301
+SNG02307
+SNG02306
+SNG02305
+SNG02304
+PMUL1395
+SNG02309
+SNG02308
+PMUL1426
+PMUL4145
+PMUL4532
+PMUL4144
+PMUL4148
+SSNG0025
+SSNG0024
+SSNG0027
+SSNG0026
+SSNG0021
+SSNG0020
+SSNG0023
+SSNG0022
+SSNG0029
+SSNG0028
+PMUL2211
+PMUL2213
+MUL1089
+PMUL2214
+PMUL2217
+PMUL2216
+MUL1082
+PMUL2218
+MUL1080
+MUL1081
+MUL1086
+MUL1087
+MUL1084
+MUL1085
+MUL1882
+MUL1880
+PMUL2138
+MUL1887
+MUL1885
+PMUL2134
+PMUL2135
+PMUL2136
+PMUL2137
+PMUL2130
+PMUL2131
+PMUL2132
+PMUL2133
+SNG0719
+SNG0718
+SNG0869
+SNG0868
+SNG0865
+SNG0864
+SNG0863
+SNG0710
+SNG0861
+SNG0860
+PMUL2682
+PMUL2680
+PMUL2681
+PMUL2687
+PMUL2684
+PMUL2685
+PMUL2688
+PMUL2689
+SNG1400
+PMUL1979
+SNG01200
+PMUL0261
+PMUL1799
+PMUL1798
+PMUL1970
+PMUL1794
+PMUL1797
+PMUL1796
+PMUL4453
+PMUL1793
+PMUL1792
+MUL1723
+PMUL4452
+PMUL4865
+PMUL4866
+PMUL4454
+PMUL3629
+SNG1100
+PMUL3188
+PMUL3623
+PMUL4860
+PMUL3621
+PMUL3620
+PMUL3627
+PMUL3626
+PMUL3624
+PMUL4862
+MUL1724
+MUL1742
+PMUL1171
+PMUL1170
+PMUL1175
+PMUL1174
+PMUL1177
+PMUL1176
+PMUL1179
+PMUL1178
+MUL1729
+PMUL1647
+MUL0829
+SNG1108
+SNG0206
+MUL0823
+MUL0820
+MUL0826
+MUL0825
+MUL0824
+SNG0109
+SNG02320
+PMUL1643
+MUL2562
+PMUL1642
+MUL2563
+MUL0220
+SNG0201
+MUL2564
+PMUL1640
+MUL2565
+SNG0209
+SNG0208
+SNG0516
+PMUL2919
+PMUL2912
+PMUL2913
+PMUL2911
+PMUL2916
+PMUL2914
+MUL1424
+MUL0226
+SNG02118
+SNG01347
+SNG02117
+MUL1425
+SNG02112
+SNG02113
+SNG02110
+SNG02111
+PMUL0964
+PMUL0967
+PMUL0966
+PMUL0960
+PMUL0962
+SNG01342
+PMUL0969
+PMUL0968
+SNG01343
+SNG01340
+MUL0411
+MUL1427
+PMUL3436
+PMUL3435
+PMUL3432
+PMUL3433
+PMUL3430
+PMUL3431
+PMUL3438
+MUL1473
+MUL1471
+MUL1470
+MUL1477
+MUL1474
+MUL1479
+PMUL4292
+MUL0349
+PMUL4812
+MUL0678
+MUL1509
+SNG0419
+MUL1699
+MUL1698
+MUL1696
+MUL1694
+MUL1693
+MUL1691
+MUL0891
+SNG0298
+SNG0294
+SNG0295
+MUL0124
+SNG0297
+MUL0122
+MUL0123
+SNG0292
+SNG0413
+MUL0670
+SNG0411
+WOZ20509
+WOZ20508
+WOZ20503
+WOZ20502
+WOZ20501
+WOZ20500
+WOZ20507
+WOZ20506
+WOZ20505
+WOZ20504
+PMUL1369
+PMUL1364
+PMUL1365
+PMUL1366
+PMUL1367
+PMUL1361
+PMUL1362
+PMUL1363
+SNG1278
+PMUL0369
+PMUL0368
+PMUL0366
+PMUL4816
+PMUL0363
+PMUL0362
+PMUL0361
+MUL0342
+WOZ20446
+WOZ20447
+WOZ20444
+WOZ20445
+PMUL2479
+WOZ20443
+WOZ20440
+WOZ20441
+PMUL2475
+PMUL2474
+PMUL2476
+PMUL2471
+PMUL2470
+WOZ20448
+WOZ20449
+PMUL0183
+PMUL0181
+PMUL0180
+PMUL0186
+PMUL0185
+PMUL0189
+PMUL0188
+MUL0041
+PMUL1588
+PMUL1589
+PMUL1581
+PMUL1582
+PMUL1584
+PMUL1585
+PMUL1586
+PMUL1587
+SNG1337
+PMUL3988
+PMUL3989
+PMUL3986
+PMUL3987
+PMUL3984
+PMUL3982
+PMUL3980
+PMUL4538
+PMUL4539
+PMUL4536
+PMUL4537
+PMUL4535
+MUL0042
+PMUL4533
+PMUL4530
+PMUL4531
+PMUL2277
+MUL0045
+PMUL4459
+PMUL4458
+PMUL3184
+PMUL3185
+PMUL3182
+PMUL3183
+PMUL3180
+PMUL3181
+PMUL4450
+PMUL1973
+PMUL1972
+PMUL4455
+PMUL1974
+PMUL1977
+PMUL1976
+MUL2568
+MUL0044
+MUL2561
+SNG02323
+SNG02322
+SNG02325
+SNG02324
+MUL2566
+SNG02326
+PMUL2099
+MUL0268
+PMUL1213
+PMUL4989
+PMUL4988
+PMUL4987
+PMUL4986
+PMUL4985
+SNG01477
+PMUL4983
+PMUL4981
+PMUL4980
+MUL1701
+SNG01478
+PMUL2273
+PMUL2271
+PMUL2270
+SNG01470
+SNG01471
+SNG01473
+SNG01475
+SNG01476
+PMUL2278
+PMUL1522
+PMUL1031
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train_sys.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train_sys.flist
new file mode 100644
index 0000000..36120b9
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/train_sys.flist
@@ -0,0 +1,8419 @@
+PMUL1032
+MUL0267
+PMUL2112
+PMUL2110
+MUL1703
+PMUL2116
+MUL1869
+PMUL2114
+PMUL2115
+MUL1864
+MUL1865
+PMUL2118
+MUL1867
+MUL1861
+MUL1862
+MUL1863
+SNG0849
+SNG0848
+SNG0453
+SNG0841
+PMUL1529
+SNG0844
+SNG0847
+SNG0450
+SNG0593
+SNG0592
+SNG0591
+SNG0596
+SNG0595
+SNG0594
+SNG0599
+SNG0598
+PMUL2111
+PMUL2544
+MUL1868
+PMUL2117
+PMUL4071
+PMUL1926
+PMUL1773
+PMUL1777
+PMUL1776
+PMUL1778
+MUL1866
+MUL0262
+PMUL3601
+PMUL3605
+PMUL3604
+PMUL3606
+PMUL3609
+PMUL3608
+MUL0322
+SNG0337
+MUL0804
+MUL0807
+SNG0334
+SNG0333
+MUL0800
+PMUL1111
+SNG0330
+MUL0809
+MUL0808
+PMUL1119
+MUL1542
+MUL2460
+SNG01918
+SNG01913
+SNG01911
+SNG01910
+SNG01917
+SNG01916
+SNG01915
+SNG01914
+MUL2469
+MUL1764
+SNG01830
+MUL2019
+SNG0579
+PMUL0648
+PMUL0649
+PMUL0640
+PMUL0641
+PMUL0642
+PMUL0643
+PMUL0644
+PMUL0645
+PMUL0647
+SNG0842
+MUL0205
+MUL1761
+SNG01642
+SNG01641
+SNG01640
+SNG01646
+SNG01645
+SNG01644
+SNG01649
+SNG01648
+MUL1760
+SNG0119
+SNG0118
+MUL0488
+SNG0872
+SNG0115
+SNG02176
+SNG02177
+SNG02171
+SNG02173
+MUL0333
+SNG02178
+SNG02179
+SNG0111
+MUL0330
+MUL0008
+PMUL3043
+PMUL3042
+PMUL3041
+PMUL3047
+PMUL3046
+PMUL3045
+MUL0554
+MUL0005
+SNG1239
+PMUL3458
+PMUL3459
+PMUL3454
+PMUL3455
+PMUL3457
+PMUL3450
+PMUL3451
+PMUL3452
+SNG1238
+MUL1459
+MUL1458
+MUL1329
+MUL1328
+MUL1327
+MUL1454
+MUL1325
+MUL1324
+MUL1451
+MUL1322
+MUL1321
+MUL1320
+MUL0328
+MUL0329
+MUL0499
+SNG0104
+SNG0105
+SNG0106
+SNG0107
+MUL0320
+SNG0101
+SNG0102
+SNG0103
+MUL0149
+MUL0140
+MUL0141
+MUL0143
+MUL0145
+MUL0146
+MUL0147
+MUL1121
+WOZ20521
+WOZ20520
+WOZ20523
+WOZ20522
+WOZ20525
+WOZ20524
+WOZ20527
+WOZ20526
+WOZ20529
+WOZ20528
+PMUL1343
+PMUL1341
+PMUL1348
+PMUL1349
+PMUL0433
+PMUL0344
+PMUL0347
+PMUL0430
+PMUL0341
+PMUL0340
+PMUL0435
+PMUL0342
+PMUL0439
+PMUL0438
+PMUL0349
+MUL0002
+WOZ20428
+WOZ20429
+WOZ20424
+WOZ20425
+WOZ20426
+WOZ20427
+WOZ20420
+WOZ20421
+WOZ20422
+WOZ20423
+PMUL2493
+PMUL2496
+PMUL2495
+PMUL2499
+PMUL2498
+PMUL4088
+PMUL4089
+PMUL4086
+PMUL4087
+PMUL4085
+PMUL4080
+PMUL4081
+PMUL3583
+MUL2098
+PMUL4556
+PMUL4550
+MUL1720
+PMUL4552
+PMUL4553
+MUL2090
+MUL2091
+MUL2093
+MUL2094
+MUL2095
+MUL2234
+MUL2543
+MUL2540
+MUL2237
+MUL2546
+MUL2231
+PMUL1919
+MUL2233
+PMUL4437
+PMUL1916
+PMUL1915
+MUL2549
+MUL2238
+PMUL1912
+PMUL1911
+PMUL4430
+MUL1726
+SNG02348
+SNG02345
+SNG02343
+SNG0537
+PMUL4111
+SNG0536
+PMUL2258
+PMUL2254
+PMUL2257
+PMUL2256
+PMUL2253
+PMUL2252
+SNG01458
+SNG01456
+SNG01457
+SNG01454
+SNG01450
+SNG01451
+MUL1846
+MUL1847
+MUL1845
+MUL1842
+MUL1840
+MUL1841
+PMUL0350
+MUL1849
+SNG1198
+SNG1199
+SNG1190
+SNG1191
+SNG1192
+SNG1193
+SNG1194
+SNG1195
+SNG1196
+SNG1197
+SNG0823
+PMUL4914
+SNG0821
+SNG0820
+SNG0827
+SNG0826
+SNG0825
+SNG0824
+PMUL0355
+PMUL4917
+SNG1037
+SNG1334
+SNG1335
+MUL1156
+MUL1157
+MUL1150
+SNG1331
+SNG1332
+MUL1153
+SNG1338
+SNG1339
+MUL0805
+MUL0799
+SNG0336
+MUL0795
+MUL0794
+MUL0797
+MUL0796
+PMUL1115
+MUL0793
+MUL0792
+MUL0801
+SNG0332
+PMUL1759
+PMUL1758
+PMUL1750
+PMUL1753
+PMUL1752
+PMUL1754
+PMUL1757
+PMUL1756
+PMUL1287
+PMUL1286
+PMUL1285
+PMUL1281
+PMUL1280
+PMUL1288
+SNG0557
+PMUL3667
+PMUL3666
+PMUL3664
+SNG0339
+PMUL3661
+PMUL3660
+WOZ20456
+PMUL1139
+PMUL1138
+PMUL1135
+PMUL1134
+PMUL1131
+PMUL1130
+SNG0311
+SNG0310
+SNG0313
+SNG0312
+SNG0315
+SNG0316
+SNG0319
+SNG0318
+MUL1969
+SSNG0051
+SNG01931
+SNG01930
+SNG01933
+SNG01932
+SNG01939
+SNG01938
+PMUL0088
+PMUL0082
+PMUL0081
+PMUL0086
+PMUL0087
+PMUL0085
+PMUL2039
+MUL1964
+PMUL2538
+PMUL2539
+PMUL2530
+PMUL2531
+PMUL2533
+PMUL2534
+PMUL2535
+PMUL2536
+PMUL2537
+PMUL0668
+PMUL0666
+PMUL0667
+PMUL0664
+PMUL0665
+PMUL0662
+PMUL0663
+PMUL0660
+PMUL0661
+SNG01753
+SNG01669
+SNG01668
+SNG01661
+SNG01660
+SNG01663
+SNG01662
+PMUL1527
+SNG01666
+MUL0009
+SNG01599
+MUL0022
+SNG01593
+SNG01592
+SNG01591
+PMUL3061
+PMUL3060
+PMUL3063
+PMUL3065
+PMUL3067
+PMUL3069
+PMUL1901
+WOZ20192
+SNG0569
+SSNG0382
+MUL0214
+SNG02158
+SNG02159
+MUL0747
+SNG02152
+SNG02150
+SNG02151
+SNG02156
+SNG02157
+MUL0217
+SNG0562
+SSNG0383
+MUL0743
+PMUL3472
+PMUL3473
+PMUL3471
+PMUL3476
+PMUL3477
+PMUL3474
+PMUL3475
+PMUL3478
+MUL0213
+MUL1309
+MUL1308
+MUL1301
+MUL1300
+MUL1303
+MUL1302
+MUL1305
+MUL1304
+MUL1307
+MUL1306
+WOZ20091
+WOZ20090
+WOZ20093
+WOZ20092
+WOZ20095
+WOZ20094
+WOZ20097
+WOZ20096
+WOZ20099
+WOZ20098
+PMUL0879
+PMUL0878
+PMUL0876
+MUL0692
+SNG0961
+MUL0695
+WOZ20547
+WOZ20546
+WOZ20545
+PMUL2700
+WOZ20543
+WOZ20542
+WOZ20541
+WOZ20540
+PMUL2709
+SNG0965
+WOZ20549
+WOZ20548
+SNG0126
+SNG0127
+SNG0124
+SNG0125
+SNG0122
+MUL0303
+SNG0120
+SNG0121
+MUL0308
+SNG0129
+WOZ20402
+WOZ20403
+WOZ20400
+WOZ20401
+WOZ20406
+WOZ20407
+WOZ20404
+WOZ20405
+WOZ20408
+WOZ20409
+MUL0304
+MUL0162
+MUL0163
+MUL0160
+MUL0161
+MUL0166
+MUL0167
+MUL0164
+MUL0165
+MUL0168
+MUL0169
+PMUL0419
+PMUL0418
+SNG1161
+PMUL0411
+PMUL0413
+PMUL0412
+PMUL0414
+PMUL0417
+PMUL0416
+PMUL4578
+PMUL4579
+PMUL4572
+PMUL4573
+PMUL4570
+PMUL4571
+PMUL4576
+PMUL4577
+PMUL4574
+PMUL4575
+PMUL4520
+PMUL4415
+PMUL1934
+PMUL1937
+PMUL1936
+PMUL4411
+PMUL4410
+PMUL4413
+PMUL4412
+MUL2216
+PMUL4874
+MUL2214
+MUL2215
+PMUL4419
+PMUL1938
+MUL2210
+MUL2211
+MUL0422
+PMUL4177
+PMUL1414
+PMUL1415
+PMUL4173
+SSNG0165
+MUL2080
+SNG1164
+PMUL1411
+SNG1167
+PMUL1418
+PMUL4179
+SNG01435
+SNG01436
+SNG01437
+SNG01430
+SNG01431
+SNG01433
+SNG01438
+SNG01439
+MUL1792
+MUL1793
+MUL1790
+MUL1791
+MUL1824
+MUL1797
+MUL1826
+WOZ20395
+MUL1829
+WOZ20398
+WOZ20399
+SSNG0162
+SNG0809
+SNG0808
+SNG0806
+SNG0801
+SNG0800
+SNG0802
+MUL1178
+SNG1319
+MUL1176
+MUL1177
+SNG1314
+MUL1175
+MUL1172
+SNG1313
+MUL1170
+SNG1311
+MUL2555
+MUL2554
+PMUL3395
+PMUL3394
+PMUL3393
+PMUL3391
+PMUL3390
+MUL2551
+PMUL3399
+PMUL1909
+MUL2221
+PMUL1738
+PMUL1737
+PMUL1736
+PMUL1735
+MUL2220
+PMUL1733
+PMUL1730
+PMUL1679
+PMUL4288
+SSNG0191
+SSNG0190
+PMUL4427
+SSNG0195
+SSNG0197
+MUL1731
+SSNG0199
+PMUL1900
+PMUL0272
+PMUL3640
+PMUL3643
+MUL2558
+SNG1113
+MUL2229
+MUL1734
+PMUL4423
+PMUL4286
+MUL1735
+PMUL4385
+PMUL4384
+PMUL4387
+PMUL4381
+PMUL4380
+PMUL4382
+PMUL1676
+MUL1737
+PMUL4389
+SNG0379
+SNG0378
+PMUL1674
+SNG0373
+SNG0372
+SNG0371
+PMUL1675
+PMUL2028
+SNG0376
+SNG0375
+PMUL2029
+PMUL4878
+SNG01955
+SNG01954
+SNG01952
+SNG01951
+SNG01950
+SNG01959
+SNG01958
+PMUL0060
+PMUL0061
+PMUL0063
+PMUL0064
+PMUL0065
+PMUL0068
+SNG0648
+MUL0067
+SNG0646
+PMUL2516
+PMUL2517
+PMUL2514
+PMUL2512
+PMUL2510
+PMUL2511
+SNG0643
+WOZ20392
+SNG0642
+PMUL0604
+PMUL0606
+MUL0061
+PMUL0602
+PMUL0603
+PMUL0608
+PMUL0609
+WOZ20059
+MUL0771
+SNG01606
+SNG01605
+SNG01604
+SNG01602
+SNG01601
+SNG01600
+WOZ20058
+SNG01352
+SNG0163
+PMUL3007
+PMUL3006
+PMUL1898
+PMUL3004
+PMUL3003
+MUL2662
+MUL2661
+MUL2660
+PMUL1893
+PMUL1890
+PMUL1896
+PMUL1897
+MUL2669
+PMUL3008
+SNG0663
+PMUL4600
+PMUL4601
+PMUL4602
+PMUL4604
+PMUL4606
+PMUL4607
+PMUL4608
+PMUL4609
+PMUL2744
+MUL1363
+PMUL2359
+MUL1361
+MUL1366
+MUL1364
+PMUL2352
+PMUL2353
+PMUL2354
+PMUL2355
+PMUL2356
+PMUL2357
+SSNG0292
+SSNG0293
+SSNG0290
+SSNG0291
+SSNG0296
+SSNG0297
+SSNG0294
+SSNG0295
+SSNG0298
+SSNG0299
+MUL0609
+SNG1127
+PMUL0851
+PMUL0850
+PMUL0853
+PMUL0852
+PMUL0855
+PMUL0854
+PMUL0859
+SNG0461
+SNG0392
+SNG0467
+MUL0606
+MUL1587
+PMUL2728
+MUL1585
+MUL1584
+MUL1583
+WOZ20568
+MUL1581
+MUL1580
+WOZ20565
+WOZ20564
+PMUL2723
+PMUL2722
+WOZ20561
+WOZ20560
+WOZ20563
+WOZ20562
+SNG01388
+SNG01389
+SNG01382
+SNG01381
+SNG01387
+SNG01384
+SNG01385
+SNG0140
+SNG0141
+SNG0142
+SNG0143
+SNG0144
+SNG0145
+MUL0366
+SNG0147
+SNG0148
+SNG0149
+MUL0188
+MUL0189
+MUL0184
+MUL0185
+MUL0186
+MUL0180
+MUL0181
+MUL0183
+PMUL1079
+PMUL1070
+PMUL1073
+PMUL1075
+PMUL1076
+PMUL1077
+MUL0984
+MUL0986
+MUL0987
+MUL0980
+MUL0981
+MUL0982
+MUL0983
+MUL0988
+MUL0989
+PMUL0479
+PMUL0478
+PMUL0477
+PMUL0476
+PMUL0474
+PMUL0473
+PMUL0472
+PMUL0471
+PMUL0470
+PMUL3922
+PMUL3924
+PMUL3927
+PMUL4590
+PMUL4591
+PMUL4593
+PMUL4594
+PMUL4595
+PMUL4596
+PMUL4597
+MUL2054
+MUL2055
+MUL2056
+MUL2057
+MUL2050
+MUL2052
+MUL2586
+MUL2584
+MUL2585
+MUL2582
+MUL2583
+MUL2580
+MUL2581
+MUL2588
+MUL2589
+MUL2278
+MUL2279
+MUL2272
+MUL2273
+MUL2274
+MUL2276
+PMUL0298
+PMUL0293
+PMUL0292
+PMUL0291
+PMUL0290
+PMUL0297
+PMUL0296
+PMUL0295
+PMUL1539
+PMUL1538
+SNG1145
+PMUL0001
+PMUL0005
+PMUL2299
+PMUL2298
+PMUL2291
+PMUL2290
+PMUL2293
+PMUL2292
+PMUL2294
+PMUL2297
+PMUL4014
+SNG01418
+SNG01413
+SNG01410
+PMUL4016
+SNG01416
+SNG01414
+MUL0974
+PMUL1027
+SNG0066
+PMUL1195
+SNG0065
+PMUL1024
+SNG0063
+MUL0282
+MUL1809
+SNG1158
+SNG1159
+MUL1774
+SNG1155
+SNG1156
+SNG1157
+MUL1807
+SNG1152
+MUL1805
+PMUL1028
+MUL1118
+MUL1119
+SNG1370
+MUL1111
+SNG1372
+MUL1113
+MUL1114
+MUL1115
+MUL1116
+SNG1377
+PMUL4838
+PMUL4831
+PMUL4830
+PMUL4837
+PMUL4835
+PMUL4834
+PMUL1715
+PMUL1714
+PMUL1717
+PMUL1716
+PMUL1246
+PMUL1713
+PMUL1244
+PMUL1249
+PMUL1248
+PMUL1719
+PMUL1718
+MUL1851
+SNG0688
+MUL1850
+SNG0683
+SNG0682
+SNG0680
+SNG0687
+MUL1853
+SNG0685
+SNG1180
+PMUL2108
+MUL1857
+PMUL4236
+MUL1856
+SNG0427
+SNG0426
+SNG0357
+SNG0356
+MUL0643
+SNG0350
+SNG0421
+SNG0420
+SNG0359
+SNG0358
+MUL0649
+SNG0428
+MUL2474
+MUL2475
+PMUL0046
+PMUL0595
+PMUL0044
+PMUL0597
+PMUL0042
+PMUL0591
+PMUL0040
+PMUL0041
+PMUL0598
+MUL2478
+PMUL0049
+MUL2479
+PMUL4232
+MUL2025
+PMUL2577
+PMUL2571
+PMUL2572
+PMUL2573
+PMUL2579
+PMUL0628
+PMUL0629
+SNG01827
+PMUL0620
+PMUL0621
+PMUL0627
+PMUL0625
+SNG01825
+SNG01824
+WOZ20613
+WOZ20612
+WOZ20611
+WOZ20610
+WOZ20617
+WOZ20616
+WOZ20615
+WOZ20614
+MUL1323
+WOZ20619
+WOZ20618
+SNG01979
+SNG01978
+SNG01975
+SNG01977
+SNG01976
+SNG01971
+SNG01970
+SNG01972
+SNG01625
+SNG1327
+SNG01622
+SNG01629
+MUL1145
+SNG0622
+PMUL4158
+SNG1324
+SNG0108
+MUL1142
+MUL1141
+MUL1140
+MUL0324
+MUL0325
+MUL0494
+MUL0327
+SNG0100
+PMUL3029
+SNG1329
+PMUL3025
+PMUL3024
+PMUL3026
+PMUL3021
+PMUL3020
+PMUL3022
+MUL2641
+PMUL1871
+PMUL1872
+PMUL1873
+MUL2645
+PMUL1875
+MUL2647
+PMUL1877
+MUL2648
+SNG0012
+PMUL2993
+PMUL2994
+PMUL2998
+PMUL2999
+SNG1101
+MUL1525
+MUL0356
+PMUL4624
+PMUL4625
+PMUL4621
+PMUL4629
+SNG02197
+SNG02194
+SNG02195
+SNG02192
+SNG02193
+SNG02190
+SNG02191
+SNG02199
+SNG1107
+SNG1081
+MUL1349
+MUL1348
+PMUL2378
+MUL1345
+MUL1344
+PMUL2374
+PMUL2375
+PMUL2372
+PMUL2373
+PMUL2370
+PMUL2371
+SNG1104
+MUL0351
+PMUL0837
+PMUL0836
+PMUL0834
+PMUL0833
+PMUL0838
+WOZ20583
+WOZ20582
+WOZ20581
+WOZ20580
+WOZ20587
+WOZ20586
+WOZ20585
+WOZ20584
+WOZ20589
+WOZ20588
+PMUL2743
+PMUL2742
+PMUL2741
+PMUL2740
+SNG01360
+SNG01361
+SNG01364
+PMUL0779
+SNG01368
+SNG0168
+SNG0169
+MUL0438
+MUL0439
+MUL0434
+MUL0435
+SNG0160
+SNG0161
+SNG0166
+SNG0167
+SNG0164
+SNG0165
+PMUL3568
+PMUL3569
+PMUL3560
+PMUL3561
+PMUL3562
+PMUL3563
+PMUL3565
+PMUL3566
+PMUL4020
+PMUL1501
+PMUL1503
+PMUL4024
+PMUL1505
+PMUL1058
+PMUL4027
+PMUL4028
+PMUL1509
+PMUL1053
+PMUL1050
+PMUL1051
+PMUL1746
+PMUL0455
+PMUL0454
+PMUL1745
+PMUL0451
+PMUL0450
+PMUL0453
+PMUL0452
+PMUL0459
+PMUL0458
+MUL2076
+PMUL3904
+MUL2075
+PMUL3902
+PMUL1292
+PMUL3900
+PMUL3901
+PMUL1741
+MUL2078
+MUL2079
+MUL2252
+MUL2253
+MUL2250
+MUL2256
+MUL2257
+MUL2255
+MUL0952
+MUL0951
+PMUL1948
+MUL1834
+PMUL4313
+PMUL3782
+SNG02273
+MUL0811
+SNG02271
+SNG02270
+SNG02277
+SNG02275
+MUL2357
+SNG01568
+MUL2604
+PMUL0917
+MUL2607
+SNG01566
+MUL2606
+MUL2601
+MUL2352
+SNG0002
+PMUL0345
+MUL1280
+MUL1281
+MUL1282
+MUL2602
+MUL1284
+PMUL0431
+MUL1287
+PMUL0346
+PMUL0437
+PMUL0436
+PMUL4907
+PMUL4906
+PMUL0434
+SNG1027
+PMUL2143
+PMUL3353
+MUL0812
+PMUL3351
+PMUL3350
+PMUL3357
+PMUL3356
+PMUL3355
+PMUL3354
+PMUL3359
+PMUL3358
+PMUL4811
+PMUL4810
+SNG1174
+MUL1755
+SNG1172
+SNG1173
+SNG1170
+MUL1751
+PMUL4818
+SNG1178
+SNG1179
+MUL0085
+MUL0084
+MUL0087
+MUL0086
+MUL0081
+MUL0083
+PMUL3689
+PMUL3681
+PMUL3682
+PMUL3687
+PMUL3686
+SNG1352
+SNG1353
+SNG1350
+SNG1351
+SNG1356
+SNG1357
+SNG1354
+MUL1135
+MUL1138
+SNG1359
+SNG0401
+SNG0400
+SNG0403
+MUL0662
+MUL0889
+SNG0404
+SNG0407
+MUL0666
+MUL0885
+SNG0408
+MUL0887
+MUL0886
+MUL0880
+MUL0883
+MUL0882
+MUL1978
+WOZ20283
+WOZ20248
+WOZ20249
+MUL1586
+WOZ20240
+WOZ20241
+WOZ20242
+WOZ20243
+WOZ20244
+WOZ20245
+SNG0014
+WOZ20247
+PMUL1269
+PMUL1268
+PMUL2086
+PMUL2087
+PMUL2082
+PMUL2083
+PMUL1261
+PMUL1260
+PMUL1262
+PMUL1265
+PMUL2089
+PMUL0028
+PMUL0029
+PMUL0024
+PMUL0026
+PMUL0027
+PMUL0020
+PMUL0021
+PMUL0022
+PMUL0023
+PMUL2559
+PMUL2552
+PMUL2553
+PMUL2550
+PMUL2551
+PMUL2557
+PMUL2554
+PMUL2555
+SNG01199
+SNG01198
+PMUL1199
+PMUL1198
+PMUL1197
+PMUL1196
+MUL0114
+SNG01190
+SNG01197
+PMUL1192
+SNG01194
+SNG1045
+WOZ20639
+WOZ20638
+WOZ20631
+WOZ20630
+WOZ20633
+WOZ20632
+WOZ20635
+WOZ20634
+WOZ20637
+WOZ20636
+SNG01991
+SNG01990
+SNG01997
+SNG01995
+SNG01999
+SNG01998
+PMUL3831
+PMUL4886
+PMUL4253
+PMUL4252
+PMUL4251
+PMUL4250
+PMUL4257
+PMUL4256
+PMUL4254
+PMUL2073
+SNG01921
+PMUL1856
+PMUL1857
+MUL2629
+MUL2628
+PMUL1852
+PMUL1850
+MUL2623
+MUL2622
+MUL2621
+MUL2620
+MUL2627
+MUL2626
+PMUL1858
+PMUL1859
+MUL0634
+PMUL4649
+MUL2201
+PMUL4645
+PMUL4646
+PMUL4647
+PMUL4640
+PMUL4642
+SNG0513
+MUL2200
+MUL0732
+MUL0223
+MUL0730
+MUL0224
+MUL0734
+PMUL2315
+PMUL2316
+PMUL2317
+PMUL2310
+PMUL2312
+PMUL1436
+PMUL2318
+PMUL2319
+WOZ20033
+WOZ20032
+WOZ20031
+WOZ20030
+WOZ20037
+WOZ20036
+WOZ20035
+WOZ20034
+WOZ20039
+WOZ20038
+SNG01209
+SNG01208
+PMUL0819
+PMUL0818
+SNG01203
+PMUL0814
+PMUL0817
+PMUL0816
+PMUL0811
+PMUL0810
+PMUL0813
+PMUL0812
+MUL2207
+PMUL2765
+PMUL2764
+PMUL2767
+PMUL2766
+PMUL2761
+PMUL2760
+PMUL2768
+MUL0416
+MUL0417
+MUL0414
+MUL0415
+MUL0412
+MUL0413
+MUL0410
+SNG01341
+MUL0419
+WOZ20356
+WOZ20357
+PMUL1112
+WOZ20355
+WOZ20352
+WOZ20353
+PMUL2332
+PMUL2843
+PMUL2337
+PMUL3548
+PMUL3547
+PMUL3545
+PMUL3542
+PMUL3543
+PMUL3540
+PMUL4006
+PMUL1035
+PMUL4004
+PMUL1037
+PMUL1030
+PMUL1523
+PMUL4000
+PMUL1033
+PMUL1038
+PMUL1039
+PMUL4008
+PMUL4009
+SSNG0348
+SSNG0349
+SSNG0340
+SSNG0341
+SSNG0342
+SSNG0343
+SSNG0344
+SSNG0345
+SSNG0346
+SSNG0347
+PMUL1886
+MUL2010
+MUL2011
+MUL2015
+MUL2017
+MUL2018
+SNG01831
+SNG01832
+SNG01833
+SNG01834
+SNG01836
+PMUL0652
+PMUL4161
+PMUL4164
+PMUL4167
+PMUL3968
+PMUL3969
+PMUL3964
+PMUL3965
+PMUL3967
+PMUL3960
+PMUL3961
+PMUL3962
+PMUL3963
+WOZ20018
+PMUL4558
+PMUL4559
+SNG0445
+SNG02251
+SNG02250
+SNG02253
+SNG02255
+SNG02254
+SNG02257
+SNG02256
+SNG02259
+SNG02258
+MUL0281
+MUL0280
+PMUL4781
+PMUL4783
+PMUL4782
+PMUL4785
+PMUL4784
+PMUL4787
+PMUL4786
+PMUL4789
+PMUL4788
+SNG01985
+PMUL3371
+PMUL3370
+PMUL3373
+PMUL3372
+PMUL3375
+PMUL3374
+PMUL3377
+MUL2235
+MUL2236
+MUL1730
+PMUL4876
+SNG1112
+MUL1733
+SNG1114
+PMUL4872
+MUL1736
+SNG1117
+SNG1118
+MUL2230
+PMUL4879
+MUL2547
+SSNG0327
+MUL2544
+MUL0069
+MUL0068
+SNG0647
+MUL0066
+SNG0645
+MUL0064
+MUL0063
+MUL0062
+SNG0641
+SNG0640
+SSNG0133
+SSNG0132
+SSNG0131
+SSNG0130
+SSNG0136
+SSNG0134
+SNG0902
+SSNG0139
+SSNG0138
+PMUL4435
+MUL2118
+PMUL4434
+PMUL4433
+MUL2239
+PMUL4297
+PMUL4296
+SNG1129
+PMUL1667
+MUL1708
+SNG0399
+SNG0398
+SNG0469
+MUL0608
+MUL0861
+SNG0462
+SNG0393
+SNG0460
+MUL0607
+SNG0394
+SNG0397
+MUL2110
+MUL1705
+MUL2113
+MUL1704
+MUL2112
+MUL1255
+WOZ20268
+WOZ20269
+WOZ20266
+WOZ20267
+WOZ20264
+WOZ20265
+WOZ20262
+WOZ20263
+WOZ20260
+SNG1120
+SNG1123
+PMUL1209
+PMUL1208
+PMUL1207
+PMUL1206
+PMUL1205
+MUL1702
+PMUL1447
+PMUL1202
+PMUL1201
+PMUL0002
+PMUL0551
+PMUL0552
+PMUL0553
+PMUL0007
+PMUL0557
+PMUL0008
+SNG1255
+SNG1254
+MUL1073
+MUL1072
+SNG1250
+SNG0654
+SNG0655
+MUL0076
+MUL0077
+MUL1079
+WOZ20659
+WOZ20658
+WOZ20657
+WOZ20656
+WOZ20655
+WOZ20654
+WOZ20653
+WOZ20652
+WOZ20651
+WOZ20650
+SNG01329
+SNG01882
+SNG01588
+PMUL4271
+PMUL4270
+PMUL4273
+PMUL4272
+PMUL4275
+PMUL4274
+PMUL4279
+PMUL4278
+MUL2605
+MUL2356
+MUL2355
+MUL2354
+MUL2353
+MUL2600
+MUL2603
+MUL2350
+PMUL1835
+PMUL1837
+PMUL1830
+MUL2608
+PMUL1832
+PMUL1833
+PMUL2167
+PMUL4662
+PMUL4663
+PMUL4661
+PMUL4666
+PMUL4667
+PMUL4664
+PMUL4665
+PMUL4668
+PMUL4669
+PMUL2840
+PMUL2842
+PMUL2331
+PMUL2336
+PMUL2845
+PMUL2334
+PMUL2335
+WOZ20595
+WOZ20019
+MUL0618
+SNG0479
+WOZ20011
+WOZ20010
+WOZ20013
+WOZ20012
+WOZ20015
+WOZ20014
+WOZ20017
+WOZ20016
+SNG01221
+SNG01220
+SNG01222
+PMUL2040
+MUL0612
+SNG1257
+SNG1256
+MUL1075
+MUL1074
+SNG1253
+SNG1252
+SNG1251
+MUL1070
+MUL0614
+SNG1259
+SNG1258
+MUL0616
+SNG01325
+SNG01326
+SNG01327
+MUL0470
+MUL0471
+MUL0472
+MUL0475
+MUL0477
+MUL0479
+SNG01531
+PMUL3524
+PMUL3526
+PMUL2542
+PMUL3522
+PMUL3528
+PMUL3529
+PMUL4068
+PMUL4069
+PMUL4064
+PMUL1545
+PMUL4066
+PMUL1011
+PMUL1540
+PMUL1541
+PMUL1542
+PMUL1015
+SNG0074
+PMUL3807
+MUL0296
+SNG0077
+SNG0070
+SNG0071
+SNG0072
+MUL0298
+MUL0299
+SSNG0368
+SSNG0369
+SSNG0366
+SSNG0367
+SSNG0364
+SSNG0365
+SSNG0362
+SSNG0363
+SSNG0360
+SSNG0361
+PMUL3801
+MUL2038
+SNG01818
+MUL2032
+SNG01817
+MUL2030
+MUL2031
+MUL2036
+MUL2037
+MUL2034
+MUL2035
+SNG02321
+PMUL3527
+PMUL0769
+PMUL0762
+PMUL0761
+PMUL0767
+PMUL0766
+PMUL3942
+PMUL3943
+PMUL3941
+PMUL3947
+PMUL3944
+PMUL3945
+PMUL3948
+PMUL3949
+PMUL0542
+PMUL0541
+PMUL0016
+PMUL0547
+PMUL1549
+MUL2296
+MUL2297
+MUL2295
+MUL2292
+MUL2293
+PMUL1013
+PMUL1010
+MUL2298
+MUL2299
+SNG02237
+SNG02235
+PMUL1547
+SNG02233
+SNG02232
+SNG02231
+SNG02230
+SNG02239
+PMUL1017
+PMUL4062
+PMUL4063
+MUL0294
+MUL0295
+SNG0076
+MUL0290
+MUL0291
+MUL0292
+SNG0079
+PMUL3319
+PMUL3318
+PMUL3317
+PMUL3316
+PMUL3315
+PMUL3313
+PMUL3312
+PMUL3311
+PMUL4858
+PMUL4855
+PMUL4854
+PMUL4857
+PMUL4856
+PMUL4851
+PMUL4852
+SNG1138
+SNG1139
+MUL1244
+MUL1713
+MUL1246
+SNG1131
+MUL1716
+MUL1717
+MUL1242
+MUL1715
+SSNG0119
+MUL0048
+MUL0599
+SSNG0111
+MUL0040
+MUL0043
+SSNG0112
+SSNG0115
+SNG0664
+MUL0595
+SSNG0116
+SNG1396
+SNG1397
+SNG1394
+SNG1395
+SNG1392
+SNG1393
+SNG1390
+SNG1391
+SNG1398
+SNG1399
+PMUL0999
+SNG0385
+PMUL0990
+PMUL0991
+PMUL0992
+PMUL0995
+PMUL0997
+SNG0686
+WOZ20204
+WOZ20205
+WOZ20206
+WOZ20207
+WOZ20200
+WOZ20201
+WOZ20202
+WOZ20203
+PMUL2048
+PMUL2049
+WOZ20208
+WOZ20209
+PMUL1225
+PMUL1224
+PMUL1227
+PMUL1221
+PMUL1220
+PMUL1223
+PMUL1222
+PMUL1229
+PMUL1228
+PMUL0576
+SNG0828
+PMUL0570
+PMUL4755
+MUL2485
+PMUL2596
+PMUL2597
+PMUL2595
+PMUL2592
+PMUL2593
+PMUL2590
+PMUL2591
+PMUL2598
+SNG0917
+SNG0444
+SNG0915
+MUL0626
+SNG0441
+MUL0620
+MUL0623
+MUL2033
+SNG0449
+SNG01814
+SNG0919
+SNG0918
+SNG01815
+SNG01813
+WOZ20675
+WOZ20674
+SNG01822
+WOZ20671
+SNG01810
+WOZ20673
+WOZ20672
+SNG01811
+MUL1440
+PMUL1481
+PMUL1480
+PMUL1483
+MUL1441
+PMUL1485
+PMUL1487
+PMUL1489
+MUL1446
+MUL1447
+MUL1332
+WOZ20666
+MUL1333
+MUL1154
+MUL1155
+SNG1336
+SNG01820
+PMUL3887
+MUL2194
+PMUL3885
+MUL2196
+MUL2191
+MUL2190
+PMUL3881
+MUL2192
+SNG1330
+MUL2198
+PMUL3889
+MUL1151
+PMUL4217
+PMUL4216
+PMUL4215
+PMUL4214
+PMUL4213
+MUL1152
+PMUL4210
+SNG1333
+PMUL4218
+SNG0130
+PMUL0684
+PMUL0686
+PMUL0681
+PMUL0682
+PMUL0683
+MUL2594
+PMUL3089
+PMUL3088
+PMUL3087
+PMUL3086
+PMUL3084
+PMUL3083
+PMUL3082
+PMUL3081
+SNG0134
+MUL2371
+MUL2370
+PMUL1810
+MUL2375
+MUL2374
+MUL2377
+PMUL1815
+MUL2379
+PMUL1818
+PMUL1819
+PMUL1466
+PMUL2868
+PMUL2867
+PMUL2864
+PMUL2865
+PMUL2862
+PMUL2860
+PMUL2861
+SNG01791
+SNG01790
+SNG01793
+SNG01794
+SNG01799
+SNG1095
+SNG1094
+SNG1097
+SNG1096
+SNG1093
+WOZ20078
+WOZ20077
+WOZ20076
+WOZ20075
+WOZ20074
+WOZ20073
+SNG1098
+WOZ20071
+WOZ20070
+SNG01247
+SNG01246
+SNG01245
+SNG01244
+SNG01243
+SNG01240
+SNG01249
+SNG01248
+MUL1051
+SNG1270
+SNG1273
+SNG1272
+SNG1275
+SNG1274
+SNG1277
+SNG1276
+MUL1507
+MUL1506
+MUL1504
+MUL1502
+MUL1501
+SNG01302
+SNG01303
+SNG01301
+SNG01306
+SNG01307
+SNG01304
+SNG01305
+SNG01309
+PMUL1056
+PMUL0003
+MUL0458
+MUL0459
+MUL0453
+MUL0451
+MUL0456
+MUL0455
+SNG0325
+PMUL3508
+PMUL3509
+PMUL3502
+PMUL3503
+PMUL3500
+PMUL3501
+PMUL0593
+PMUL3507
+PMUL3504
+PMUL3505
+PMUL1562
+PMUL4043
+PMUL1560
+PMUL1561
+PMUL1566
+PMUL1567
+PMUL1564
+PMUL4045
+PMUL1568
+PMUL1569
+MUL0908
+MUL0909
+SNG0059
+MUL0904
+SNG0057
+MUL0906
+MUL0907
+MUL0900
+SNG0053
+MUL0902
+MUL0903
+SSNG0304
+SSNG0305
+SSNG0306
+SSNG0307
+SSNG0300
+SSNG0301
+SSNG0302
+SSNG0303
+SSNG0309
+SNG0320
+SNG01874
+SNG01875
+SNG01876
+SNG01870
+SNG01871
+SNG01872
+SNG01879
+MUL0817
+PMUL2679
+PMUL2678
+PMUL2673
+PMUL2672
+PMUL2671
+PMUL2677
+PMUL2676
+PMUL2674
+PMUL2710
+PMUL2712
+PMUL0741
+PMUL0211
+PMUL0742
+PMUL0217
+PMUL0216
+PMUL0747
+PMUL0214
+PMUL0749
+PMUL0748
+PMUL0219
+PMUL0218
+PMUL2715
+PMUL2717
+SNG01493
+SNG01490
+PMUL2562
+SNG01496
+SNG01494
+SNG01495
+SNG01498
+PMUL0901
+PMUL0900
+SNG01575
+SNG01574
+PMUL0496
+SNG01577
+MUL2613
+MUL2610
+MUL2616
+MUL2342
+PMUL0405
+MUL2414
+MUL2416
+MUL2619
+MUL2411
+MUL2412
+MUL2413
+MUL2348
+MUL2419
+MUL2349
+SNG02219
+SNG02218
+SNG02215
+SNG02217
+SNG02216
+SNG02210
+SNG02212
+PMUL3334
+PMUL3337
+PMUL3331
+PMUL3330
+SNG02063
+PMUL0409
+PMUL3339
+PMUL3338
+MUL1266
+MUL1267
+MUL1264
+MUL1265
+MUL1262
+MUL1263
+MUL1260
+MUL1261
+MUL1269
+SSNG0179
+SSNG0178
+SSNG0177
+SSNG0176
+SSNG0175
+SSNG0174
+SSNG0173
+SSNG0172
+SSNG0171
+SSNG0170
+MUL1190
+MUL1191
+WOZ20196
+MUL1193
+WOZ20190
+WOZ20299
+MUL1196
+MUL1197
+MUL1198
+MUL1199
+WOZ20198
+WOZ20199
+MUL1909
+WOZ20228
+WOZ20229
+WOZ20222
+WOZ20223
+WOZ20220
+WOZ20221
+WOZ20226
+WOZ20227
+WOZ20224
+WOZ20225
+MUL1998
+MUL1999
+PMUL2064
+PMUL2065
+PMUL2062
+PMUL2063
+PMUL2060
+PMUL2061
+MUL1990
+MUL1991
+MUL1992
+MUL1993
+MUL1994
+PMUL2068
+PMUL2069
+MUL0023
+SNG0602
+PMUL3581
+SNG0607
+MUL0026
+SNG0605
+SNG0604
+SSNG0072
+MUL0029
+MUL0028
+SSNG0073
+SSNG0070
+PMUL3585
+SNG0931
+SNG0930
+SNG0932
+SNG0935
+SNG0936
+SNG0938
+MUL0501
+PMUL0757
+PMUL4187
+PMUL4185
+PMUL4184
+PMUL4183
+PMUL4182
+PMUL4181
+PMUL4180
+PMUL4189
+PMUL4188
+PMUL0519
+PMUL0514
+PMUL0516
+PMUL0517
+PMUL0510
+PMUL0511
+PMUL0513
+PMUL1609
+PMUL1608
+PMUL4238
+MUL2179
+MUL2178
+PMUL1603
+PMUL1602
+PMUL1601
+MUL2174
+PMUL1607
+PMUL4230
+PMUL1605
+MUL2170
+MUL2318
+MUL2313
+MUL2312
+MUL2311
+MUL2310
+MUL2315
+MUL2314
+SNG0508
+MUL1634
+MUL0720
+SSNG0385
+SNG0502
+SNG0503
+MUL0724
+SSNG0381
+PMUL2805
+PMUL2806
+PMUL2800
+PMUL2801
+PMUL2802
+PMUL2803
+SNG0507
+PMUL2808
+PMUL2809
+WOZ20055
+SNG02009
+WOZ20057
+WOZ20056
+WOZ20051
+WOZ20050
+SNG1079
+WOZ20052
+SNG1077
+SNG02002
+SNG02003
+SNG02004
+SNG02005
+SNG02007
+SNG01269
+SNG01268
+SNG01265
+SNG01264
+SNG01267
+SNG01266
+SNG01261
+SNG01260
+SNG01263
+SNG0062
+MUL1529
+MUL1528
+SNG1219
+SNG1218
+SNG1213
+MUL1032
+MUL1523
+MUL1522
+SNG1217
+SNG1216
+SNG1215
+MUL1526
+WOZ20345
+WOZ20344
+PMUL3298
+PMUL3299
+PMUL3292
+PMUL3290
+PMUL3291
+PMUL3296
+PMUL3297
+PMUL3295
+PMUL4959
+WOZ20348
+PMUL4950
+PMUL4951
+PMUL4952
+PMUL4953
+PMUL4954
+PMUL4956
+PMUL4957
+MUL1511
+PMUL2327
+SSNG0094
+SSNG0095
+SSNG0096
+PMUL2326
+SSNG0090
+SSNG0091
+SSNG0092
+SSNG0093
+PMUL2857
+SSNG0098
+SSNG0099
+PMUL2323
+PMUL2322
+MUL0926
+MUL0927
+MUL0924
+MUL0925
+MUL0922
+MUL0920
+MUL0921
+MUL0928
+MUL0929
+SNG0039
+SSNG0328
+SSNG0329
+SSNG0322
+SNG0031
+SNG0032
+SSNG0321
+SNG0034
+SNG0035
+SNG0036
+SNG0037
+PMUL1478
+PMUL2651
+PMUL2650
+PMUL2653
+PMUL2655
+PMUL2657
+PMUL2656
+PMUL2659
+PMUL2658
+PMUL0239
+PMUL0231
+PMUL0230
+PMUL0233
+PMUL0235
+PMUL0234
+PMUL0237
+PMUL0236
+PMUL0727
+PMUL0726
+PMUL0723
+PMUL4112
+PMUL0721
+SNG01858
+SNG0187
+SNG01852
+SNG01851
+SNG01856
+SNG01857
+SNG01854
+PMUL3051
+MUL0723
+PMUL3762
+PMUL3763
+PMUL3760
+PMUL3761
+SSNG0253
+PMUL3764
+SSNG0251
+PMUL4723
+PMUL4722
+PMUL4721
+PMUL4727
+PMUL4726
+MUL2438
+PMUL4724
+MUL2436
+MUL2437
+MUL2434
+MUL2435
+MUL2433
+MUL2430
+MUL2431
+SNG01665
+PMUL1524
+PMUL4899
+PMUL4891
+PMUL4890
+PMUL4893
+PMUL4892
+PMUL4895
+PMUL4896
+MUL1200
+PMUL1922
+MUL1203
+MUL1204
+MUL1205
+MUL1206
+WOZ20550
+MUL1208
+MUL1209
+MUL2614
+PMUL4401
+SSNG0186
+MUL2202
+MUL2205
+PMUL4407
+SSNG0155
+SSNG0154
+SSNG0156
+SSNG0151
+PMUL4404
+SSNG0153
+SSNG0152
+PMUL1925
+SSNG0159
+SSNG0158
+MUL2109
+SNG02062
+PMUL4408
+MUL2102
+PMUL1699
+PMUL1520
+SNG1132
+PMUL2008
+SNG1133
+PMUL2004
+PMUL2005
+PMUL2007
+SNG1130
+PMUL2002
+PMUL2003
+MUL1711
+SNG1136
+SNG1137
+SNG0629
+SNG1134
+MUL0558
+MUL0557
+MUL0556
+SNG0627
+MUL0006
+SNG0621
+MUL0552
+SNG0623
+MUL0550
+SNG0669
+MUL1065
+SNG1247
+MUL2066
+MUL1061
+MUL1062
+MUL1063
+SNG0489
+SNG0488
+SNG0959
+SNG0958
+MUL0592
+SNG0953
+SNG0952
+SNG0951
+SNG0950
+SNG0957
+MUL0591
+SNG0487
+SNG0486
+SNG0662
+SNG1248
+MUL2556
+MUL0596
+SNG0667
+SNG0666
+PMUL0532
+PMUL0533
+PMUL0530
+PMUL0531
+PMUL0536
+PMUL0537
+PMUL0534
+PMUL3713
+PMUL3712
+PMUL3711
+PMUL3710
+PMUL3716
+PMUL3715
+PMUL3714
+PMUL3843
+PMUL3842
+PMUL3841
+PMUL3847
+PMUL3846
+PMUL3845
+PMUL3849
+PMUL3848
+MUL2159
+MUL2158
+PMUL1622
+PMUL1625
+PMUL1627
+PMUL1626
+MUL2150
+MUL2153
+MUL2154
+MUL2157
+MUL2156
+MUL2335
+MUL2334
+MUL2337
+MUL2336
+MUL2331
+MUL2333
+MUL2332
+MUL2339
+MUL2338
+PMUL3628
+PMUL0396
+PMUL0397
+PMUL0394
+PMUL0395
+PMUL0392
+PMUL0393
+PMUL0390
+PMUL0391
+MUL1710
+MUL0683
+MUL2175
+PMUL2828
+PMUL2398
+PMUL2399
+PMUL2822
+PMUL2823
+PMUL2820
+PMUL2397
+PMUL2390
+PMUL2827
+PMUL2392
+PMUL2825
+SNG1059
+SNG1058
+SNG02028
+SNG02026
+SNG02027
+SNG1053
+SNG1052
+SNG02022
+SNG1054
+SNG02020
+SNG1056
+SNG01283
+SNG01282
+SNG01281
+SNG01280
+SNG01287
+PMUL0890
+PMUL0893
+PMUL0892
+PMUL0898
+MUL1369
+PMUL4331
+PMUL3270
+PMUL3271
+PMUL3272
+PMUL3273
+PMUL3274
+PMUL3276
+PMUL3277
+PMUL4979
+PMUL4977
+PMUL4974
+PMUL4975
+PMUL4973
+PMUL4970
+PMUL4971
+SNG1235
+SNG1234
+SNG1237
+SNG1236
+MUL1547
+SNG1230
+MUL1545
+MUL1544
+MUL1548
+MUL1019
+MUL1018
+MUL0764
+SNG0013
+SNG0546
+SNG0011
+MUL0944
+MUL0945
+MUL0762
+SNG0543
+MUL0948
+MUL0949
+SNG0548
+SNG0549
+PMUL2043
+PMUL2044
+PMUL3838
+PMUL2047
+SNG0672
+PMUL2637
+PMUL2635
+PMUL2633
+PMUL2632
+PMUL2631
+PMUL2630
+PMUL2639
+PMUL2638
+PMUL0709
+PMUL0708
+PMUL0259
+PMUL0258
+PMUL0257
+PMUL0704
+PMUL0707
+PMUL0254
+PMUL0253
+PMUL0252
+PMUL0703
+PMUL0702
+PMUL4378
+PMUL4379
+PMUL4370
+PMUL4371
+PMUL4372
+PMUL4373
+PMUL4375
+PMUL4376
+PMUL4377
+PMUL1555
+PMUL4074
+PMUL1000
+PMUL1003
+PMUL4070
+SNG0047
+MUL1784
+SNG0046
+PMUL4709
+PMUL4708
+MUL1830
+SNG0048
+PMUL4701
+PMUL4700
+PMUL4703
+PMUL4705
+PMUL4704
+PMUL4706
+MUL2458
+MUL2459
+MUL1835
+MUL2450
+MUL2451
+MUL2452
+MUL2453
+MUL2454
+MUL2455
+WOZ20194
+MUL1229
+WOZ20195
+MUL1222
+MUL1223
+MUL1220
+MUL1226
+MUL1224
+MUL1225
+WOZ20150
+WOZ20151
+WOZ20152
+WOZ20153
+WOZ20154
+WOZ20155
+WOZ20156
+WOZ20157
+WOZ20158
+WOZ20159
+SNG01548
+SNG01549
+PMUL3189
+SNG0916
+SNG01540
+SNG01541
+SNG01543
+SNG01545
+SNG01546
+SNG0914
+SNG0912
+SNG0911
+PMUL2022
+PMUL2020
+PMUL2026
+PMUL2027
+MUL1488
+MUL1486
+MUL1955
+MUL1956
+MUL1957
+MUL1950
+MUL1483
+MUL1480
+MUL1481
+MUL0629
+PMUL4428
+MUL0579
+MUL0578
+PMUL4741
+MUL0573
+MUL0572
+MUL0574
+MUL0577
+MUL0576
+SNG0975
+SNG0974
+SNG0977
+MUL0680
+SNG0971
+SNG0970
+SNG0973
+SNG0972
+MUL2490
+MUL0689
+MUL0688
+SNG0978
+PMUL3489
+PMUL3488
+PMUL3483
+PMUL3482
+PMUL3481
+PMUL3480
+PMUL3487
+PMUL3486
+PMUL3484
+PMUL1391
+PMUL1390
+PMUL4141
+PMUL1392
+PMUL4147
+PMUL1394
+PMUL1425
+PMUL1396
+PMUL1399
+PMUL1398
+PMUL4149
+PMUL1428
+PMUL3730
+PMUL3732
+PMUL3736
+PMUL3739
+PMUL3738
+WOZ20670
+MUL2133
+MUL2132
+MUL2131
+SNG02067
+MUL2136
+MUL2135
+MUL2134
+MUL1163
+SNG0207
+PMUL1646
+SNG0205
+SNG0204
+SNG0203
+SNG0202
+PMUL1641
+SNG0200
+MUL1165
+PMUL1649
+SNG1304
+SNG1309
+MUL1168
+MUL2689
+MUL2685
+MUL2684
+MUL2687
+MUL2681
+MUL2680
+MUL2682
+PMUL4420
+SNG01554
+PMUL3869
+PMUL3861
+PMUL3860
+PMUL3863
+PMUL3865
+PMUL3864
+PMUL3867
+PMUL3866
+PMUL0110
+PMUL0111
+PMUL0112
+PMUL0113
+PMUL0114
+PMUL0115
+PMUL0116
+SNG01210
+SNG01737
+SNG01736
+SNG01734
+SNG01739
+SNG02046
+SNG02047
+SNG02040
+SNG02041
+SNG02042
+SNG02043
+SNG02048
+SNG02049
+PMUL3139
+PMUL3138
+PMUL3132
+PMUL3131
+PMUL3130
+PMUL3137
+PMUL3136
+PMUL3135
+PMUL3134
+PMUL3381
+PMUL3256
+PMUL3254
+PMUL3255
+PMUL3253
+PMUL3250
+PMUL3251
+PMUL3258
+PMUL3259
+SNG1033
+PMUL4915
+SNG1031
+SNG1030
+PMUL4910
+PMUL4912
+SNG1034
+SNG1039
+SNG1038
+PMUL4918
+PMUL3882
+SNG0780
+SNG0786
+SNG0787
+SNG0784
+SNG0785
+SNG0788
+SNG0789
+SSNG0050
+PMUL0208
+SSNG0052
+SSNG0053
+SSNG0054
+SSNG0055
+SSNG0056
+SSNG0057
+SSNG0058
+SSNG0059
+MUL1568
+MUL1565
+MUL1567
+MUL1566
+MUL1561
+MUL1563
+MUL1562
+MUL0968
+MUL0969
+MUL0218
+MUL0748
+MUL0749
+MUL0746
+MUL0963
+MUL0216
+MUL0961
+MUL0742
+MUL0211
+MUL0964
+MUL0741
+PMUL4212
+WOZ20369
+WOZ20368
+WOZ20363
+WOZ20362
+WOZ20361
+WOZ20360
+WOZ20367
+WOZ20366
+WOZ20365
+WOZ20364
+PMUL2619
+PMUL2615
+PMUL2614
+PMUL2616
+PMUL2611
+PMUL2610
+PMUL2613
+PMUL2612
+PMUL1092
+PMUL1090
+PMUL1096
+PMUL1097
+PMUL1094
+PMUL1095
+PMUL1098
+PMUL1099
+PMUL0275
+PMUL0274
+PMUL0277
+WOZ20117
+PMUL0271
+PMUL0270
+PMUL2702
+PMUL0279
+PMUL0278
+MUL1103
+WOZ20544
+PMUL2707
+PMUL2706
+PMUL2705
+SNG01896
+SNG01897
+SNG01894
+SNG01895
+SNG01892
+SNG01893
+SNG01890
+SNG01891
+SSNG0184
+PMUL3651
+PMUL3656
+PMUL3657
+PMUL3654
+SSNG0181
+SNG0452
+PMUL4358
+MUL0307
+PMUL4355
+PMUL4352
+PMUL4353
+PMUL4350
+SNG0123
+SNG01505
+MUL0301
+PMUL0935
+SNG01500
+PMUL0930
+PMUL1813
+MUL1106
+MUL2373
+SNG0128
+PMUL1814
+MUL2472
+MUL2473
+MUL2471
+MUL2476
+MUL2477
+PMUL4769
+PMUL4768
+PMUL4767
+PMUL4766
+PMUL4765
+PMUL4764
+PMUL4763
+PMUL4761
+PMUL4760
+SNG02074
+SNG1005
+SSNG0068
+WOZ20176
+WOZ20177
+WOZ20174
+WOZ20175
+WOZ20172
+WOZ20173
+WOZ20170
+WOZ20171
+WOZ20178
+WOZ20179
+PMUL0910
+PMUL0911
+PMUL0913
+PMUL0914
+PMUL0915
+PMUL0916
+SNG01569
+PMUL0918
+SNG01564
+SNG01565
+SNG01562
+SNG01563
+SSNG0060
+SNG0753
+MUL1974
+WOZ20288
+WOZ20289
+MUL1970
+WOZ20284
+WOZ20285
+WOZ20286
+WOZ20287
+WOZ20280
+WOZ20281
+WOZ20282
+MUL1979
+SSNG0067
+SSNG0066
+MUL1283
+MUL0511
+MUL0516
+MUL0514
+MUL0519
+MUL0518
+MUL1605
+MUL1600
+MUL1601
+MUL1602
+MUL1608
+MUL1609
+SNG01158
+SNG01157
+SNG01154
+SNG01152
+SNG01151
+MUL1623
+SNG0999
+SNG0998
+SNG0997
+SNG0995
+SNG0992
+SNG0990
+MUL0722
+MUL0078
+PMUL4169
+PMUL4168
+PMUL1401
+PMUL4160
+PMUL4163
+PMUL4162
+PMUL1405
+PMUL1404
+PMUL1407
+PMUL4166
+SNG0197
+SNG0196
+SNG0195
+SNG0194
+SNG0193
+SNG0192
+SNG0191
+SNG0190
+SNG0199
+SNG0198
+SSNG0269
+SSNG0268
+SSNG0263
+SSNG0262
+SSNG0261
+SSNG0260
+SSNG0267
+SSNG0266
+SSNG0265
+SSNG0264
+PMUL3757
+PMUL3754
+PMUL3753
+PMUL3752
+PMUL3751
+PMUL3750
+PMUL3758
+PMUL1669
+PMUL1668
+PMUL4298
+MUL2115
+PMUL1664
+PMUL4295
+PMUL1666
+PMUL4293
+PMUL1660
+PMUL1663
+PMUL1662
+SNG0221
+SNG0220
+SNG0223
+SNG0222
+SNG0225
+SNG0224
+SNG0227
+SNG0226
+SNG0229
+SNG0228
+MUL1804
+MUL0726
+PMUL2408
+PMUL3809
+PMUL3808
+PMUL2400
+PMUL2401
+PMUL2402
+PMUL3804
+PMUL2406
+PMUL2407
+PMUL0138
+PMUL0139
+PMUL0136
+PMUL0135
+PMUL0132
+PMUL0133
+PMUL0130
+PMUL0131
+MUL0495
+SNG01711
+SNG01713
+SNG01712
+SNG01715
+SNG01717
+SNG01716
+PMUL2042
+MUL0601
+MUL0600
+PMUL3111
+PMUL3113
+PMUL3112
+PMUL3115
+PMUL3114
+PMUL3116
+PMUL3119
+PMUL3118
+PMUL1985
+PMUL1986
+PMUL1988
+PMUL1989
+WOZ20334
+PMUL2171
+PMUL2172
+WOZ20337
+PMUL3238
+PMUL3234
+PMUL3235
+PMUL3237
+PMUL3230
+PMUL3231
+PMUL3232
+PMUL2175
+PMUL4938
+MUL0605
+PMUL2176
+PMUL4932
+PMUL4931
+PMUL4936
+PMUL4937
+PMUL4934
+PMUL4935
+SNG02068
+SNG02069
+SNG1015
+SNG1014
+SNG02060
+SNG1010
+SNG1013
+MUL0604
+SNG0764
+SNG0765
+SNG0766
+SNG0760
+SNG0761
+SNG0762
+SNG0763
+PMUL3582
+SSNG0077
+SSNG0074
+SSNG0075
+PMUL3586
+PMUL3587
+PMUL3584
+SSNG0071
+PMUL3589
+SSNG0078
+SSNG0079
+MUL1161
+MUL0728
+SNG0509
+SSNG0388
+SSNG0389
+SSNG0384
+MUL0721
+SSNG0386
+SSNG0387
+SSNG0380
+MUL0725
+SNG0506
+MUL0727
+WOZ20341
+WOZ20340
+WOZ20343
+WOZ20342
+PMUL2189
+PMUL2188
+WOZ20347
+WOZ20346
+WOZ20349
+PMUL2184
+PMUL2187
+PMUL2186
+PMUL2181
+PMUL2180
+PMUL2183
+PMUL2182
+PMUL3028
+MUL2511
+MUL2510
+PMUL1468
+MUL0236
+MUL0234
+MUL0235
+MUL0232
+MUL0231
+PMUL4105
+MUL0238
+PMUL1461
+PMUL1460
+MUL2512
+MUL0585
+PMUL4334
+PMUL4335
+PMUL4336
+PMUL4330
+WOZ20079
+SNG1092
+PMUL4338
+SNG1099
+WOZ20072
+SSNG0249
+SSNG0248
+MUL1241
+PMUL4745
+PMUL4747
+PMUL4746
+MUL2498
+PMUL4740
+PMUL4743
+MUL2494
+MUL2496
+MUL2497
+PMUL4749
+MUL2492
+MUL2493
+SNG02295
+MUL0243
+SNG02297
+SNG02290
+SNG02293
+SNG0534
+SNG02298
+MUL0716
+MUL0247
+MUL0246
+MUL1243
+SNG0533
+SNG0532
+PMUL2969
+PMUL2963
+PMUL2960
+PMUL2967
+PMUL2966
+PMUL2965
+PMUL2964
+PMUL1935
+PMUL4417
+SNG0538
+PMUL1930
+WOZ20118
+WOZ20119
+WOZ20114
+WOZ20115
+WOZ20116
+MUL2219
+WOZ20110
+WOZ20111
+WOZ20112
+WOZ20113
+MUL2217
+PMUL0937
+PMUL0934
+SNG01507
+PMUL0932
+PMUL0933
+SNG01502
+PMUL0931
+MUL2212
+PMUL0939
+MUL1910
+MUL1911
+MUL1912
+MUL1913
+MUL1914
+MUL1915
+MUL1917
+MUL1918
+MUL1919
+MUL0538
+MUL0535
+MUL0534
+MUL0531
+MUL0530
+MUL0532
+SNG1271
+MUL1628
+MUL1629
+MUL1625
+MUL1053
+MUL1621
+SNG01177
+SNG01176
+SNG01170
+SNG01173
+SNG01179
+SNG01178
+MUL1054
+MUL1057
+MUL1056
+SNG1279
+MUL1058
+MUL0582
+MUL0583
+PMUL1469
+PMUL4108
+PMUL1467
+MUL0584
+PMUL1465
+PMUL4104
+PMUL4103
+PMUL4102
+PMUL4101
+PMUL4100
+MUL0390
+MUL0393
+MUL0392
+MUL0395
+MUL0394
+MUL0396
+MUL0399
+SSNG0163
+SSNG0241
+SSNG0240
+SSNG0243
+SSNG0242
+SSNG0245
+SSNG0244
+SSNG0247
+SSNG0246
+PMUL3775
+PMUL3774
+PMUL3777
+PMUL3771
+PMUL3770
+PMUL3773
+PMUL1682
+PMUL1680
+PMUL1687
+PMUL1685
+PMUL1689
+PMUL1688
+SNG0249
+SNG0248
+SNG0243
+SNG0242
+SNG0241
+SNG0240
+SNG0247
+SNG0246
+SNG0245
+SNG0244
+PMUL2799
+PMUL2790
+PMUL2791
+PMUL2793
+PMUL2794
+PMUL2795
+PMUL2797
+PMUL0330
+PMUL0331
+PMUL0332
+MUL1180
+PMUL0335
+PMUL0488
+PMUL0337
+PMUL0338
+PMUL0339
+PMUL0485
+PMUL0482
+PMUL0483
+PMUL0480
+PMUL0481
+PMUL3825
+PMUL3824
+PMUL3827
+PMUL3823
+PMUL3822
+PMUL2426
+PMUL2425
+PMUL3829
+PMUL3828
+PMUL2420
+MUL0740
+PMUL0154
+PMUL0156
+PMUL0150
+PMUL0151
+PMUL0152
+PMUL0153
+MUL1389
+PMUL0158
+PMUL0159
+MUL2392
+MUL2391
+MUL2390
+MUL2397
+MUL2396
+MUL2395
+MUL2394
+MUL2399
+MUL2398
+SNG01779
+SNG01776
+SNG01774
+SNG01773
+SNG01771
+SNG01770
+PMUL0333
+PMUL0336
+PMUL0486
+PMUL0487
+MUL2537
+MUL2536
+MUL2535
+MUL2534
+PMUL3173
+PMUL3172
+MUL2531
+MUL2530
+PMUL4483
+PMUL4480
+PMUL4481
+PMUL4487
+PMUL3179
+MUL2538
+PMUL2888
+PMUL2889
+PMUL2884
+PMUL2885
+PMUL2886
+PMUL2883
+PMUL4327
+PMUL3212
+PMUL3210
+PMUL4324
+PMUL3216
+PMUL3214
+PMUL4323
+PMUL3219
+MUL0862
+MUL0541
+MUL0860
+SNG02080
+SNG02081
+SNG02082
+SNG02084
+SNG02085
+SNG02086
+SNG02087
+SNG02088
+SSNG0018
+SSNG0019
+SSNG0014
+SSNG0015
+SSNG0016
+SSNG0017
+SSNG0010
+SSNG0011
+SSNG0012
+SSNG0013
+SNG1293
+SNG1292
+SNG1291
+SNG1290
+SNG1297
+SNG1296
+SNG1295
+SNG1294
+PMUL2221
+PMUL2222
+SNG1298
+PMUL2225
+PMUL2226
+PMUL2429
+WOZ20215
+WOZ20214
+PMUL2057
+WOZ20212
+PMUL2163
+WOZ20326
+PMUL2161
+WOZ20324
+WOZ20323
+WOZ20322
+PMUL2165
+PMUL2164
+PMUL2169
+WOZ20329
+PMUL2423
+SNG0746
+SNG0747
+SNG0744
+SNG0745
+SNG0743
+SNG0740
+SNG0741
+SNG0748
+SNG0749
+MUL1980
+WOZ20219
+WOZ20218
+SNG0676
+SNG01532
+MUL0057
+MUL0054
+MUL0250
+MUL0251
+SNG0520
+MUL0701
+SNG0526
+MUL0255
+MUL0704
+MUL0257
+MUL0258
+MUL0259
+MUL0708
+MUL0709
+MUL0053
+SNG0679
+PMUL4042
+PMUL1563
+MUL0700
+PMUL4040
+PMUL1149
+PMUL4319
+PMUL4312
+PMUL1141
+PMUL4310
+PMUL1143
+PMUL1144
+PMUL1145
+PMUL1146
+PMUL4047
+MUL0874
+MUL0875
+MUL0876
+MUL0877
+MUL0870
+MUL0872
+MUL0873
+MUL0879
+MUL2700
+MUL1820
+WOZ20393
+WOZ20390
+SNG0056
+WOZ20391
+MUL0905
+WOZ20396
+SNG0054
+WOZ20397
+WOZ20394
+SNG0052
+MUL1795
+MUL0655
+SNG0050
+SNG0051
+MUL0487
+MUL1798
+PMUL2941
+PMUL2940
+PMUL2943
+PMUL2944
+PMUL2946
+SNG01694
+SNG01696
+SNG01697
+SNG01690
+SNG01691
+WOZ20132
+WOZ20133
+WOZ20130
+WOZ20131
+WOZ20136
+WOZ20137
+WOZ20134
+WOZ20135
+WOZ20138
+WOZ20139
+SNG01528
+SNG01529
+PMUL0954
+PMUL0955
+SNG01520
+SNG01521
+SNG01526
+PMUL0951
+SNG01524
+SNG0904
+SNG0905
+MUL0630
+MUL0636
+MUL1938
+MUL1939
+MUL1428
+MUL1429
+MUL1398
+MUL1399
+MUL1932
+MUL1397
+MUL1394
+MUL1931
+MUL1936
+MUL1937
+MUL1390
+MUL1423
+MUL1648
+MUL1640
+MUL1641
+MUL1643
+MUL1644
+MUL1645
+MUL1646
+MUL0767
+PMUL1445
+PMUL1331
+PMUL1446
+PMUL1337
+PMUL1336
+PMUL4123
+PMUL1334
+PMUL1339
+PMUL1338
+PMUL1449
+PMUL4128
+PMUL3793
+SSNG0226
+PMUL3791
+PMUL3790
+SSNG0223
+PMUL3796
+SSNG0221
+PMUL3794
+PMUL3799
+SSNG0229
+SSNG0228
+SNG0265
+SNG0264
+SNG0267
+SNG0266
+SNG0261
+MUL0112
+MUL0111
+MUL0110
+SNG0269
+SNG0268
+MUL0119
+MUL0118
+MUL0763
+SNG1318
+MUL1179
+SNG1316
+SNG1317
+SNG1315
+SNG1312
+MUL1173
+PMUL0316
+PMUL0317
+PMUL0314
+PMUL0315
+SNG1310
+PMUL0310
+PMUL0311
+SNG0352
+MUL1171
+PMUL0319
+WOZ20499
+WOZ20498
+WOZ20495
+WOZ20494
+WOZ20497
+WOZ20496
+WOZ20491
+WOZ20490
+WOZ20493
+WOZ20492
+PMUL2444
+PMUL2445
+PMUL2446
+PMUL2440
+PMUL2443
+MUL0647
+PMUL2448
+PMUL2449
+PMUL0179
+PMUL0172
+PMUL0173
+PMUL0170
+PMUL0174
+PMUL0175
+PMUL0568
+MUL0645
+PMUL3009
+SNG01757
+SNG01756
+MUL0769
+SNG01759
+SNG1361
+PMUL3159
+PMUL3155
+PMUL3154
+PMUL3157
+PMUL3151
+PMUL3150
+PMUL3153
+PMUL3152
+PMUL1940
+PMUL4461
+PMUL1942
+PMUL1943
+PMUL4464
+MUL2514
+MUL2517
+MUL2516
+PMUL4468
+PMUL4469
+SNG02310
+SNG02312
+SNG02313
+SNG02314
+SNG02316
+SNG02317
+SNG02318
+PMUL3177
+PMUL3176
+PMUL3175
+PMUL4489
+MUL2533
+MUL2532
+MUL2182
+MUL2183
+PMUL3170
+PMUL4228
+PMUL0210
+PMUL3398
+SSNG0032
+SSNG0033
+SSNG0030
+SSNG0031
+SSNG0036
+PMUL0215
+SSNG0034
+SSNG0035
+SSNG0038
+SSNG0039
+PMUL4222
+MUL2539
+PMUL4223
+PMUL3178
+MUL2189
+SNG1364
+MUL1098
+PMUL2208
+PMUL2206
+PMUL2207
+MUL1097
+MUL1096
+PMUL2202
+PMUL2203
+MUL1093
+MUL1092
+PMUL1734
+PMUL2149
+PMUL2148
+MUL1896
+MUL1891
+MUL1890
+MUL1893
+MUL1892
+PMUL2141
+WOZ20304
+WOZ20307
+PMUL2142
+WOZ20301
+WOZ20300
+WOZ20303
+WOZ20302
+SNG0720
+SNG0890
+SNG0723
+SNG0724
+SNG0725
+SNG0894
+SNG0895
+SNG0728
+SNG0729
+WOZ20261
+MUL0278
+MUL0279
+SNG0092
+MUL0273
+MUL0270
+MUL0271
+SNG0096
+SNG0097
+SNG0094
+MUL0275
+PMUL1789
+PMUL1782
+PMUL1783
+PMUL1780
+PMUL1786
+PMUL1787
+PMUL1785
+SSNG0196
+PMUL3638
+PMUL3211
+SSNG0198
+PMUL3631
+PMUL3633
+PMUL3635
+PMUL3636
+PMUL3646
+PMUL1169
+PMUL1166
+PMUL1167
+PMUL1164
+PMUL3642
+PMUL1162
+PMUL1163
+PMUL1160
+PMUL1161
+MUL0858
+MUL0859
+MUL0856
+MUL0857
+MUL0854
+MUL0855
+MUL0852
+MUL0853
+MUL0850
+MUL0851
+PMUL0784
+PMUL0786
+PMUL0781
+SNG0157
+PMUL0789
+PMUL0788
+MUL0375
+MUL0378
+SNG0504
+SNG0505
+MUL2363
+PMUL2927
+PMUL2926
+PMUL2925
+PMUL2924
+PMUL2923
+PMUL2922
+PMUL2921
+PMUL2920
+PMUL2928
+SNG02129
+SNG02123
+SNG02122
+SNG02120
+SNG02127
+SNG02126
+SNG02124
+PMUL0970
+PMUL0971
+PMUL0976
+PMUL0977
+PMUL0975
+MUL1929
+PMUL0979
+MUL1928
+SNG0370
+MUL1439
+SNG0377
+MUL1386
+MUL1437
+MUL1388
+MUL1927
+MUL1922
+PMUL4699
+PMUL4698
+PMUL4692
+PMUL4690
+PMUL4697
+PMUL4696
+PMUL4695
+PMUL4694
+SNG1323
+SNG01491
+PMUL3402
+PMUL3400
+PMUL3407
+PMUL3404
+PMUL3409
+MUL1406
+MUL1404
+MUL1405
+MUL1402
+MUL1403
+MUL1400
+MUL1401
+MUL1408
+PMUL2228
+PMUL2229
+SSNG0209
+SSNG0208
+SSNG0205
+SSNG0204
+SSNG0207
+SSNG0206
+SSNG0201
+SSNG0200
+SSNG0203
+SSNG0202
+SNG0465
+MUL1662
+MUL1660
+MUL1666
+MUL1667
+SNG1266
+MUL1665
+MUL1668
+SNG1299
+MUL0543
+MUL0131
+MUL0130
+MUL0133
+MUL0132
+MUL0134
+MUL0137
+SNG0288
+SNG0287
+MUL0138
+SNG0285
+SNG0282
+SNG0281
+SNG0464
+WOZ20518
+WOZ20519
+WOZ20510
+WOZ20511
+WOZ20512
+WOZ20513
+WOZ20514
+WOZ20515
+WOZ20516
+WOZ20517
+PMUL1319
+PMUL1313
+PMUL1312
+PMUL1315
+PMUL1314
+PMUL1317
+PMUL0378
+PMUL0379
+PMUL0375
+PMUL0376
+PMUL0370
+PMUL0371
+PMUL0373
+WOZ20473
+WOZ20472
+WOZ20471
+WOZ20470
+WOZ20477
+WOZ20476
+WOZ20475
+WOZ20474
+PMUL2463
+WOZ20479
+PMUL2461
+PMUL2466
+PMUL2467
+SNG1262
+PMUL2465
+PMUL0190
+PMUL0191
+PMUL0192
+PMUL0193
+PMUL0194
+PMUL0195
+PMUL0196
+PMUL0197
+PMUL0199
+SNG1263
+SNG1260
+MUL0319
+SNG1261
+MUL0318
+PMUL4041
+PMUL4509
+PMUL4508
+PMUL4502
+PMUL4501
+PMUL4500
+PMUL4507
+PMUL4506
+PMUL1967
+MUL2579
+MUL2578
+PMUL1962
+PMUL1963
+PMUL1960
+PMUL1961
+MUL2573
+MUL2572
+MUL2571
+MUL2570
+MUL2577
+MUL2576
+PMUL4448
+PMUL1969
+SNG02336
+SNG02334
+SNG02335
+SNG02332
+SNG02333
+SNG02331
+SNG02338
+SNG02339
+WOZ20327
+WOZ20325
+PMUL2160
+PMUL4994
+PMUL4995
+PMUL4996
+PMUL4997
+PMUL4990
+PMUL4991
+PMUL4992
+WOZ20321
+MUL0210
+WOZ20320
+PMUL2874
+WOZ20328
+PMUL2264
+PMUL2265
+PMUL2267
+MUL1714
+PMUL2262
+PMUL2263
+PMUL2268
+PMUL2269
+MUL2417
+PMUL2129
+MUL1878
+MUL1877
+MUL1876
+PMUL2125
+MUL1874
+MUL1872
+PMUL2121
+PMUL2120
+SNG0708
+SNG0709
+SNG0878
+SNG0879
+SNG0702
+SNG0875
+SNG0876
+SNG0877
+SNG0706
+SNG0871
+SNG0704
+SNG0873
+PMUL4133
+PMUL4130
+PMUL2695
+PMUL2694
+PMUL2697
+PMUL2696
+MUL0315
+PMUL2690
+PMUL2692
+PMUL1324
+PMUL2699
+PMUL2698
+MUL2044
+MUL2043
+PMUL0894
+PMUL4138
+PMUL1760
+PMUL1761
+PMUL1764
+PMUL1765
+PMUL1766
+PMUL1767
+PMUL1769
+PMUL1933
+PMUL3618
+PMUL3619
+PMUL3616
+PMUL3617
+PMUL1932
+PMUL3615
+PMUL3612
+PMUL3613
+PMUL3610
+PMUL3611
+SNG1082
+MUL1456
+WOZ20043
+WOZ20040
+PMUL1107
+PMUL1101
+PMUL1102
+PMUL1103
+SNG1087
+WOZ20044
+MUL0832
+MUL0833
+MUL0834
+MUL0835
+MUL0836
+MUL0837
+WOZ20048
+SNG01908
+SNG01909
+SNG1089
+PMUL3781
+SNG01901
+SNG01902
+MUL1553
+SNG01904
+SNG01905
+SNG01906
+PMUL3783
+SSNG0230
+PMUL3787
+MUL0215
+MUL1452
+SNG0564
+SNG0522
+SNG1224
+SNG0523
+MUL0252
+MUL0253
+MUL1773
+MUL0254
+SNG1225
+PMUL2909
+SNG0524
+PMUL2905
+PMUL2904
+PMUL2907
+MUL0705
+PMUL2901
+PMUL2900
+PMUL2903
+SNG01651
+SNG01652
+SNG01653
+SNG01654
+SNG01656
+SNG01657
+SNG01658
+SNG0563
+SNG02101
+SNG02100
+SNG02103
+SNG02107
+SNG02106
+SNG0560
+SNG0405
+MUL2590
+MUL2593
+PMUL3058
+PMUL3059
+MUL2592
+SNG0561
+MUL2267
+PMUL3053
+PMUL3054
+PMUL3055
+PMUL3056
+PMUL3057
+MUL2597
+MUL1436
+MUL2596
+MUL1017
+PMUL3429
+PMUL3421
+PMUL3420
+PMUL3427
+SNG1268
+SNG1269
+MUL1460
+MUL1461
+MUL1464
+MUL1465
+MUL1467
+MUL1468
+MUL1469
+MUL1516
+MUL0481
+MUL0480
+MUL0483
+MUL0482
+MUL0485
+MUL0339
+MUL0486
+SNG0117
+MUL0336
+MUL0335
+MUL0334
+SNG0113
+SNG0112
+MUL0331
+SNG0110
+MUL1512
+MUL1513
+MUL1688
+MUL1689
+MUL1684
+MUL1685
+MUL1686
+MUL1687
+MUL1680
+MUL1681
+MUL1682
+MUL1683
+MUL0159
+MUL0158
+MUL0153
+MUL0152
+MUL0151
+MUL0150
+MUL0157
+MUL0156
+MUL0155
+WOZ20538
+WOZ20539
+WOZ20536
+WOZ20537
+WOZ20534
+WOZ20535
+WOZ20532
+WOZ20533
+WOZ20530
+WOZ20531
+PMUL1379
+PMUL1378
+PMUL1377
+PMUL1375
+PMUL1372
+PMUL1371
+SSNG0150
+PMUL0353
+PMUL0422
+PMUL0351
+PMUL0424
+PMUL0425
+PMUL0426
+PMUL0427
+PMUL0428
+PMUL0429
+PMUL0359
+WOZ20459
+WOZ20458
+WOZ20197
+WOZ20451
+WOZ20450
+WOZ20453
+WOZ20452
+WOZ20455
+WOZ20454
+WOZ20457
+WOZ20191
+PMUL2481
+PMUL2482
+PMUL2485
+PMUL2486
+PMUL2487
+PMUL2488
+WOZ20193
+MUL1732
+PMUL1590
+PMUL1597
+PMUL1596
+PMUL1595
+MUL2667
+MUL2666
+PMUL3005
+PMUL3991
+PMUL3990
+PMUL3993
+PMUL1899
+PMUL3995
+PMUL3994
+PMUL3997
+PMUL3996
+PMUL3998
+PMUL0323
+PMUL4523
+MUL2088
+PMUL4525
+PMUL3001
+PMUL4527
+PMUL0490
+PMUL4529
+PMUL4528
+MUL2081
+PMUL3000
+MUL2087
+MUL2085
+MUL2084
+PMUL0495
+PMUL0494
+PMUL3199
+PMUL3198
+PMUL0325
+PMUL3191
+PMUL3190
+PMUL3193
+PMUL3192
+PMUL3195
+PMUL3194
+PMUL3197
+PMUL3196
+MUL2227
+MUL2226
+MUL2557
+MUL2224
+PMUL1908
+MUL2550
+MUL2553
+MUL2552
+PMUL1904
+PMUL4425
+PMUL1906
+PMUL1907
+MUL2559
+PMUL4421
+PMUL4422
+PMUL1903
+PMUL4311
+SNG02350
+SNG1328
+MUL0256
+PMUL2249
+PMUL2242
+PMUL2243
+PMUL2240
+PMUL2241
+PMUL2246
+PMUL2247
+SNG0525
+SNG01469
+SNG01462
+SNG01460
+SNG01466
+SNG01465
+SNG01464
+SNG0956
+PMUL2066
+PMUL2067
+MUL1859
+PMUL2104
+SNG1189
+SNG1188
+PMUL2101
+PMUL2100
+PMUL2103
+PMUL2102
+SNG1183
+SNG1182
+SNG1181
+MUL1852
+SNG1187
+SNG1186
+SNG1185
+SNG1184
+SNG0857
+SNG0854
+SNG0852
+SNG0853
+SNG0850
+SNG0851
+SNG0858
+SNG0859
+MUL1147
+SNG1326
+SNG1325
+MUL1144
+MUL1143
+SNG1322
+SNG1321
+SNG1320
+MUL1149
+MUL1148
+MUL1996
+MUL1997
+SNG0581
+SNG0582
+SNG0583
+SNG0584
+SNG0585
+SNG0587
+MUL0020
+MUL0027
+SNG0606
+MUL0025
+MUL1796
+MUL0024
+PMUL1294
+PMUL1295
+PMUL1296
+PMUL1297
+PMUL1742
+PMUL1743
+PMUL1740
+PMUL1293
+PMUL1298
+PMUL1299
+SNG0545
+PMUL1749
+SNG0608
+PMUL3674
+PMUL3675
+PMUL3676
+PMUL3677
+PMUL3670
+PMUL3671
+PMUL3673
+PMUL3678
+PMUL3679
+MUL1794
+PMUL1123
+PMUL1120
+PMUL1126
+PMUL1127
+PMUL1124
+PMUL1125
+SNG0324
+MUL0813
+SNG0326
+PMUL4056
+MUL0816
+SNG0321
+MUL0815
+PMUL4051
+SNG0328
+SNG0440
+PMUL4052
+SNG0540
+SNG0443
+SNG01929
+SNG01926
+SNG01927
+SNG01925
+SNG01922
+SNG01920
+PMUL4058
+SNG0541
+MUL0931
+PMUL0658
+MUL0930
+MUL1819
+PMUL0651
+PMUL0650
+PMUL0657
+PMUL0656
+PMUL0654
+SNG0020
+WOZ20383
+MUL0935
+WOZ20382
+SNG0026
+MUL1815
+PMUL1397
+MUL1814
+SNG0024
+MUL1765
+MUL1816
+PMUL1914
+WOZ20388
+SNG01676
+SNG01677
+SNG01674
+SNG01675
+SNG01672
+MUL1813
+SNG01670
+SNG01671
+SNG1140
+SNG01678
+PMUL1913
+SNG02167
+SNG02164
+SNG02163
+SNG02162
+SNG02161
+SNG02160
+SNG01585
+SNG01587
+SNG01580
+SNG01581
+SNG01582
+SNG02168
+PMUL3078
+PMUL3079
+PMUL3076
+PMUL3077
+PMUL3075
+PMUL3070
+PMUL3071
+PMUL2358
+MUL1362
+SNG0424
+SNG0810
+SNG0811
+PMUL3449
+PMUL3447
+PMUL3446
+PMUL3445
+PMUL3444
+PMUL3443
+PMUL3442
+PMUL3441
+PMUL3440
+MUL0038
+MUL1448
+MUL1449
+MUL1339
+MUL1442
+MUL1443
+MUL1336
+MUL1337
+MUL1330
+MUL1331
+MUL1444
+MUL1445
+SNG0139
+SNG0138
+SNG0131
+MUL0310
+SNG0133
+SNG0132
+SNG0135
+MUL0314
+SNG0137
+SNG0136
+WOZ20088
+WOZ20089
+WOZ20086
+WOZ20087
+WOZ20084
+WOZ20085
+WOZ20082
+WOZ20083
+WOZ20080
+WOZ20081
+PMUL0868
+PMUL0869
+PMUL0860
+PMUL0861
+PMUL0862
+PMUL0865
+PMUL0866
+PMUL0867
+MUL1109
+MUL0372
+MUL1108
+WOZ20554
+WOZ20555
+WOZ20556
+WOZ20557
+PMUL2714
+WOZ20551
+WOZ20552
+WOZ20553
+WOZ20558
+WOZ20559
+PMUL1354
+PMUL1357
+PMUL1356
+PMUL1351
+PMUL1350
+MUL1102
+PMUL1358
+PMUL0406
+PMUL0407
+PMUL0404
+SNG1360
+PMUL0402
+PMUL0403
+PMUL0401
+MUL1107
+PMUL0408
+SNG1366
+MUL1105
+WOZ20439
+WOZ20438
+WOZ20437
+WOZ20436
+WOZ20435
+WOZ20434
+WOZ20433
+WOZ20432
+WOZ20431
+WOZ20430
+MUL0175
+MUL0174
+MUL0176
+MUL0171
+MUL0170
+MUL0173
+MUL0179
+PMUL4090
+PMUL4093
+PMUL4092
+PMUL4095
+PMUL4094
+PMUL4097
+PMUL4096
+PMUL4099
+PMUL4098
+MUL0966
+PMUL4546
+PMUL4545
+PMUL4544
+PMUL4543
+PMUL4541
+PMUL4540
+PMUL4549
+PMUL4548
+PMUL4402
+PMUL4403
+MUL2203
+PMUL1921
+PMUL4406
+PMUL1927
+PMUL1924
+PMUL4405
+MUL2209
+MUL2208
+PMUL1928
+PMUL4409
+MUL1752
+PMUL4499
+MUL2521
+PMUL0226
+PMUL0227
+PMUL0225
+PMUL0730
+PMUL1702
+PMUL1703
+PMUL1252
+PMUL4490
+MUL2176
+PMUL4237
+PMUL1838
+SNG01440
+SNG01443
+SNG01442
+SNG01445
+SNG01444
+SNG01447
+SNG01446
+SNG01449
+SNG01448
+MUL2172
+PMUL4233
+PMUL1604
+MUL1785
+MUL1832
+MUL1786
+MUL1781
+MUL1783
+MUL1782
+MUL1839
+MUL1789
+MUL1788
+SNG0831
+SNG0833
+SNG0834
+SNG0836
+SNG0837
+SNG0838
+SNG0839
+WOZ20569
+MUL1582
+SNG1301
+SNG1300
+SNG1303
+SNG1302
+SNG1305
+MUL1164
+SNG1307
+SNG1306
+MUL1169
+SNG1308
+PMUL2720
+WOZ20567
+MUL0788
+WOZ20566
+MUL0782
+MUL0783
+MUL0780
+MUL0781
+MUL0786
+MUL0784
+PMUL3385
+PMUL3386
+PMUL3387
+PMUL3380
+PMUL2727
+PMUL3382
+PMUL3383
+PMUL2726
+PMUL3389
+PMUL1728
+PMUL1729
+PMUL1724
+PMUL1725
+PMUL1726
+PMUL1720
+PMUL1723
+PMUL3658
+PMUL3659
+SSNG0188
+SSNG0189
+PMUL3652
+SSNG0187
+PMUL3650
+SSNG0185
+SSNG0182
+SSNG0183
+SSNG0180
+PMUL3655
+PMUL4392
+PMUL4393
+PMUL4390
+PMUL4391
+PMUL4396
+PMUL4397
+PMUL4394
+PMUL4395
+PMUL4398
+SNG0309
+SNG0306
+SNG0307
+SNG0304
+SNG0302
+SNG0303
+SNG0300
+SNG0301
+MUL0360
+MUL0361
+SNG0395
+PMUL0950
+MUL0363
+PMUL0952
+MUL0365
+SNG01944
+SNG01945
+SNG01946
+SNG01947
+SNG0146
+SNG01942
+MUL0367
+SNG01948
+SNG01949
+PMUL0099
+PMUL0098
+PMUL0094
+PMUL0097
+PMUL0091
+PMUL0092
+PMUL2529
+PMUL2528
+PMUL2523
+PMUL2522
+PMUL2521
+PMUL2527
+PMUL2526
+PMUL2525
+PMUL2524
+SNG0396
+PMUL0671
+PMUL0673
+PMUL0672
+PMUL0675
+PMUL0677
+PMUL0676
+PMUL0679
+PMUL0678
+SNG0882
+SNG01618
+SNG01619
+SNG01614
+SNG01616
+SNG01610
+SNG01611
+SNG01612
+MUL1047
+PMUL1117
+MUL1294
+PMUL3010
+PMUL3011
+PMUL4003
+PMUL3013
+PMUL3018
+PMUL3019
+MUL1396
+MUL1933
+MUL1930
+MUL1395
+MUL1420
+MUL1421
+MUL1391
+SNG02149
+SNG02148
+SNG02144
+SNG02147
+SNG02146
+SNG02141
+SNG02143
+SNG02142
+PMUL3467
+PMUL3461
+PMUL3460
+PMUL3463
+PMUL3462
+PMUL3469
+PMUL3468
+MUL1316
+MUL1317
+MUL1314
+MUL1315
+MUL1312
+MUL1313
+MUL1310
+MUL1311
+MUL1319
+PMUL2238
+PMUL2233
+PMUL0848
+PMUL0849
+PMUL0847
+PMUL0845
+PMUL0842
+PMUL0843
+PMUL0840
+PMUL0841
+WOZ20578
+WOZ20579
+WOZ20572
+WOZ20573
+WOZ20570
+WOZ20571
+WOZ20576
+WOZ20577
+WOZ20574
+WOZ20575
+PMUL2736
+PMUL2734
+PMUL2735
+PMUL2732
+PMUL2733
+PMUL2730
+PMUL2731
+PMUL2738
+PMUL2739
+SNG0153
+SNG0152
+SNG0151
+SNG0150
+MUL0377
+SNG0156
+SNG0155
+SNG0154
+SNG0159
+SNG0158
+SNG0091
+SNG1135
+WOZ20415
+WOZ20414
+WOZ20417
+WOZ20416
+WOZ20411
+WOZ20410
+WOZ20413
+WOZ20412
+WOZ20419
+WOZ20418
+MUL0196
+MUL0195
+MUL0194
+MUL0193
+MUL0192
+MUL0191
+MUL0190
+SSNG0118
+MUL0997
+MUL0996
+MUL0994
+MUL0993
+MUL0991
+MUL0999
+MUL0998
+PMUL0468
+PMUL0465
+PMUL0466
+PMUL0467
+PMUL0460
+PMUL0461
+PMUL0463
+PMUL4568
+MUL2049
+MUL2048
+MUL2047
+MUL2046
+MUL2045
+PMUL4566
+PMUL4561
+PMUL4560
+PMUL4563
+MUL2040
+SNG1154
+MUL2599
+MUL2598
+MUL2591
+MUL2262
+MUL2261
+MUL2260
+MUL2595
+MUL2266
+MUL2265
+MUL2264
+PMUL0288
+PMUL0280
+PMUL0282
+PMUL0283
+PMUL0284
+PMUL0285
+MUL1801
+SSNG0110
+SNG1151
+SSNG0113
+PMUL2287
+PMUL2284
+PMUL2283
+PMUL2280
+PMUL2281
+SNG0638
+PMUL2288
+PMUL2289
+SNG01427
+SNG01425
+SNG01424
+SNG01423
+SNG01422
+SNG01421
+SNG01420
+SNG0731
+SNG01429
+SNG01428
+SNG0737
+WOZ20385
+WOZ20384
+WOZ20387
+WOZ20386
+WOZ20381
+WOZ20380
+SNG1149
+SNG1148
+MUL1767
+SNG1146
+MUL1817
+SNG1144
+WOZ20389
+MUL1810
+SNG1141
+MUL1812
+PMUL4733
+PMUL4734
+MUL2424
+SNG0818
+SNG0819
+SNG0812
+SNG0813
+MUL0967
+PMUL4737
+SNG0816
+SNG0817
+SNG0814
+SNG0815
+PMUL4739
+MUL2059
+SNG1369
+SNG1368
+SSNG0117
+SNG1363
+SNG1362
+MUL1101
+MUL1100
+SNG1367
+PMUL4127
+SNG1365
+MUL1104
+PMUL4598
+PMUL4599
+PMUL4121
+PMUL1440
+PMUL1443
+MUL0965
+PMUL1442
+PMUL4829
+PMUL4821
+PMUL4822
+PMUL4824
+PMUL4825
+PMUL4827
+PMUL1250
+PMUL1251
+PMUL1700
+PMUL1701
+PMUL1254
+PMUL1255
+PMUL1704
+PMUL1705
+PMUL1258
+PMUL1708
+PMUL1709
+PMUL1448
+SNG01583
+WOZ20608
+SNG02008
+WOZ20054
+SNG0630
+SNG0361
+SNG0362
+SNG0363
+SNG0364
+SNG0365
+SNG0366
+SNG0367
+WOZ20053
+MUL0884
+MUL0894
+SNG02000
+SSNG0227
+SNG1074
+PMUL3792
+SNG1073
+PMUL4146
+SSNG0225
+SNG1072
+PMUL0073
+PMUL0070
+PMUL0075
+PMUL0074
+PMUL0078
+SSNG0222
+PMUL3795
+SSNG0220
+PMUL2501
+PMUL2500
+PMUL2502
+PMUL2505
+PMUL2507
+PMUL2509
+PMUL2508
+MUL0284
+SNG0634
+PMUL0617
+PMUL0614
+PMUL0613
+PMUL0612
+PMUL0610
+PMUL0619
+WOZ20600
+WOZ20601
+WOZ20602
+WOZ20603
+WOZ20604
+WOZ20605
+WOZ20606
+WOZ20607
+PMUL4565
+WOZ20609
+SNG01968
+SNG01969
+SNG01961
+SNG01966
+SNG01967
+SNG01964
+SNG01965
+SNG01632
+SNG01633
+SNG01631
+SNG01636
+SNG01637
+SNG01635
+SNG01638
+SNG01639
+SNG0276
+PMUL4885
+PMUL4882
+SNG1110
+PMUL4883
+SNG0086
+MUL0263
+SNG1111
+MUL0117
+SNG0175
+MUL0115
+PMUL3038
+PMUL3039
+PMUL3369
+PMUL3032
+PMUL3033
+PMUL3030
+PMUL3031
+PMUL3036
+PMUL3037
+PMUL3035
+MUL2674
+MUL2676
+PMUL1888
+MUL2672
+MUL2673
+PMUL1885
+PMUL1884
+PMUL1887
+SNG0262
+MUL2678
+MUL2679
+PMUL1882
+PMUL4023
+PMUL4613
+PMUL4611
+PMUL4617
+PMUL4615
+PMUL1665
+PMUL4618
+SNG1115
+SNG0716
+MUL1039
+SNG1116
+MUL1038
+MUL1371
+PMUL2349
+MUL1373
+MUL1374
+MUL1375
+MUL1377
+MUL1378
+PMUL2342
+PMUL2341
+PMUL2340
+PMUL2347
+PMUL2345
+PMUL2344
+MUL1033
+MUL1520
+SNG1211
+SSNG0285
+SSNG0284
+SSNG0287
+MUL1030
+SSNG0281
+SSNG0280
+SSNG0283
+SSNG0282
+MUL1037
+SSNG0289
+SSNG0288
+MUL1524
+MUL1035
+SNG1214
+MUL2114
+PMUL0824
+PMUL0825
+PMUL0826
+PMUL0827
+PMUL0822
+PMUL0823
+PMUL0829
+WOZ20590
+MUL1595
+WOZ20592
+MUL1597
+WOZ20594
+PMUL2759
+MUL1592
+MUL1593
+WOZ20598
+WOZ20599
+PMUL2750
+PMUL2751
+PMUL2752
+PMUL2753
+SNG01399
+SNG01398
+SNG01394
+SNG01397
+SNG01396
+SNG01393
+SNG01392
+MUL0359
+MUL0358
+MUL0429
+MUL0428
+MUL0427
+SNG0174
+SNG0177
+SNG0176
+MUL0423
+SNG0170
+MUL0421
+SNG0172
+MUL1012
+MUL1822
+PMUL1068
+SNG0116
+PMUL1062
+PMUL1060
+PMUL1066
+PMUL1064
+MUL1823
+PMUL0442
+PMUL0443
+PMUL0446
+PMUL0445
+PMUL0448
+PMUL0449
+MUL0940
+PMUL3932
+PMUL3937
+PMUL3936
+PMUL3934
+PMUL3939
+PMUL3938
+MUL2069
+MUL2068
+SNG0114
+PMUL4580
+PMUL4587
+PMUL4586
+PMUL4585
+PMUL4584
+MUL2061
+PMUL4589
+MUL2062
+MUL2671
+MUL1825
+SNG0010
+PMUL0313
+MUL2245
+MUL2244
+MUL2247
+MUL2246
+MUL2241
+MUL2240
+MUL2243
+MUL2242
+MUL2248
+PMUL1880
+PMUL4305
+PMUL4304
+MUL0943
+PMUL4307
+MUL1827
+PMUL3903
+PMUL4301
+PMUL4300
+PMUL1959
+SSNG0076
+MUL0946
+SNG02269
+SNG02263
+SNG02264
+SNG02265
+SNG02266
+PMUL2071
+SNG01409
+SNG01408
+SNG01405
+SNG01404
+SNG01407
+SNG01406
+SNG01401
+SNG01400
+WOZ20236
+PMUL2074
+MUL1749
+MUL1748
+MUL1299
+MUL1298
+MUL1293
+SNG1160
+SNG1163
+MUL1290
+SNG1165
+MUL1296
+MUL1747
+SNG1166
+SSNG0097
+PMUL2296
+PMUL3340
+PMUL3341
+PMUL3342
+PMUL3343
+PMUL3345
+PMUL3346
+PMUL3347
+PMUL3349
+MUL2545
+PMUL4808
+PMUL4807
+PMUL4804
+PMUL4805
+PMUL4802
+PMUL4803
+PMUL4801
+PMUL1277
+PMUL1275
+PMUL1270
+PMUL1271
+PMUL1278
+PMUL1279
+SNG0699
+SNG0693
+SNG0695
+SNG0696
+PMUL3696
+PMUL3697
+PMUL3694
+PMUL3692
+PMUL3693
+PMUL3690
+PMUL3691
+PMUL3698
+PMUL3699
+SNG1345
+SNG1344
+SNG1347
+SNG1346
+SNG1341
+MUL1120
+SNG1343
+SNG1342
+MUL1129
+SNG1348
+SNG0434
+SNG0343
+MUL0656
+SNG0341
+SNG0346
+SNG0347
+SNG0432
+MUL0653
+SNG0349
+MUL0658
+MUL0659
+MUL0942
+SNG1032
+PMUL0421
+PMUL0059
+PMUL0058
+PMUL0050
+PMUL0053
+PMUL0052
+PMUL0055
+PMUL0054
+PMUL0057
+PMUL0056
+PMUL0587
+PMUL0586
+PMUL0585
+PMUL0584
+PMUL0583
+PMUL0581
+PMUL0580
+PMUL2567
+PMUL2566
+PMUL2564
+PMUL1188
+PMUL1189
+PMUL2561
+PMUL2560
+SNG01180
+SNG01181
+SNG01182
+PMUL1187
+SNG01185
+PMUL2569
+PMUL2568
+PMUL0639
+PMUL0638
+PMUL0635
+PMUL0637
+PMUL0636
+PMUL0631
+PMUL0633
+PMUL0632
+SSNG0323
+MUL1778
+SSNG0320
+MUL1779
+WOZ20626
+WOZ20627
+WOZ20624
+WOZ20625
+WOZ20622
+WOZ20623
+WOZ20620
+WOZ20621
+SSNG0326
+PMUL1204
+WOZ20628
+WOZ20629
+MUL1802
+SNG01982
+SNG01984
+SSNG0324
+MUL1775
+SNG01988
+SSNG0325
+MUL1776
+MUL1777
+MUL1771
+MUL1772
+SNG1153
+PMUL4248
+PMUL4249
+PMUL4240
+PMUL4241
+PMUL4242
+PMUL4243
+PMUL4245
+PMUL1863
+PMUL1862
+PMUL1861
+PMUL1860
+PMUL1866
+PMUL1865
+PMUL1864
+MUL2656
+MUL2654
+PMUL1868
+MUL2652
+MUL2653
+MUL2650
+MUL2651
+PMUL2984
+PMUL2987
+PMUL2981
+PMUL2982
+SNG1176
+PMUL2989
+PMUL2988
+PMUL1870
+MUL1372
+PMUL4639
+PMUL4638
+SNG1177
+PMUL4631
+PMUL4630
+PMUL4633
+PMUL4632
+PMUL4635
+PMUL4637
+SNG02189
+SNG02181
+SNG02180
+SNG02183
+SNG02185
+SNG02187
+SNG02186
+PMUL2343
+PMUL2361
+PMUL2360
+MUL1358
+MUL1359
+PMUL2365
+PMUL2364
+PMUL2367
+PMUL2366
+PMUL2369
+MUL1353
+MUL1356
+MUL1354
+MUL1355
+WOZ20020
+WOZ20021
+WOZ20022
+WOZ20023
+WOZ20024
+WOZ20025
+WOZ20026
+WOZ20027
+WOZ20028
+WOZ20029
+SNG01219
+PMUL0808
+PMUL0809
+PMUL0802
+PMUL0803
+PMUL0800
+PMUL0801
+SNG01214
+SNG01215
+SNG01216
+SNG1378
+SNG1379
+PMUL2772
+PMUL2770
+SSNG0286
+PMUL2776
+PMUL2777
+PMUL2774
+PMUL2775
+PMUL2779
+SNG01373
+SNG01372
+SNG01377
+SNG01375
+SNG01379
+SNG01378
+MUL0408
+SNG1371
+MUL0400
+MUL0403
+MUL0402
+MUL0405
+MUL1112
+MUL0407
+MUL0406
+SNG1373
+SNG1374
+SNG1375
+SNG1376
+PMUL3579
+PMUL3578
+PMUL3573
+PMUL3572
+PMUL3571
+PMUL3570
+PMUL3577
+PMUL1513
+PMUL1040
+PMUL4031
+PMUL1510
+PMUL1045
+PMUL1044
+PMUL4035
+PMUL1514
+PMUL1049
+PMUL1519
+PMUL4038
+MUL2213
+MUL2003
+MUL2002
+MUL2007
+MUL2006
+MUL2005
+MUL2008
+PMUL3700
+PMUL3703
+PMUL3704
+PMUL0502
+PMUL1645
+PMUL0501
+SNG0732
+PMUL3912
+PMUL3915
+PMUL3914
+PMUL3917
+PMUL3916
+PMUL4460
+PMUL1941
+MUL2513
+PMUL4463
+MUL2515
+PMUL1945
+PMUL1946
+MUL2519
+MUL2518
+PMUL0722
+PMUL1243
+SNG02248
+SNG02246
+SNG02247
+SNG02244
+SNG02242
+SNG02243
+SNG02241
+PMUL1240
+PMUL1637
+PMUL1634
+PMUL1710
+PMUL1245
+MUL2161
+WOZ20591
+MUL2027
+WOZ20593
+PMUL4798
+PMUL4799
+PMUL4796
+PMUL4797
+PMUL4794
+PMUL4795
+PMUL4792
+PMUL4790
+MUL1591
+WOZ20125
+WOZ20596
+SNG02139
+WOZ20597
+PMUL3366
+PMUL3367
+PMUL3365
+PMUL3360
+PMUL3361
+PMUL3368
+MUL1599
+SNG1103
+SNG1102
+MUL1721
+PMUL4867
+MUL1727
+PMUL4861
+MUL1725
+PMUL4863
+SNG1109
+MUL1728
+PMUL4868
+PMUL4869
+MUL0092
+MUL0090
+MUL0091
+MUL0096
+MUL0097
+MUL0094
+SNG02134
+MUL0098
+WOZ20128
+SSNG0120
+SSNG0121
+SSNG0122
+SSNG0123
+SSNG0124
+SSNG0125
+SSNG0126
+SSNG0127
+SSNG0128
+SSNG0129
+MUL0898
+SNG0418
+MUL0679
+MUL0892
+SNG0417
+SNG0415
+MUL0672
+MUL0897
+SNG0410
+MUL0895
+PMUL0947
+PMUL0945
+WOZ20259
+WOZ20258
+WOZ20253
+WOZ20252
+WOZ20251
+WOZ20250
+WOZ20257
+WOZ20256
+WOZ20255
+WOZ20254
+PMUL2097
+PMUL2096
+PMUL2094
+PMUL1218
+PMUL2092
+PMUL2091
+PMUL2090
+PMUL1214
+SNG0179
+PMUL1216
+PMUL1217
+PMUL1212
+SNG0178
+PMUL0039
+PMUL0038
+PMUL0037
+PMUL0035
+PMUL0034
+PMUL0031
+PMUL0030
+MUL0355
+MUL0357
+MUL0424
+PMUL2545
+SNG0171
+PMUL2547
+PMUL2546
+PMUL2540
+MUL0350
+SNG0173
+MUL0420
+SNG0355
+MUL0646
+SNG0425
+MUL0644
+WOZ20648
+WOZ20649
+WOZ20644
+WOZ20645
+WOZ20646
+WOZ20647
+WOZ20640
+WOZ20641
+WOZ20642
+WOZ20643
+SNG0353
+MUL0640
+MUL0648
+PMUL4268
+PMUL4266
+PMUL4267
+PMUL4265
+PMUL4263
+PMUL4260
+PMUL4261
+PMUL1849
+PMUL1848
+PMUL1841
+PMUL1840
+PMUL1843
+PMUL1842
+PMUL1845
+PMUL1847
+SSNG0037
+MUL2639
+MUL2631
+MUL2632
+MUL2633
+MUL2634
+MUL2635
+MUL2636
+MUL1414
+PMUL4658
+PMUL4657
+PMUL4656
+PMUL4655
+PMUL4654
+PMUL4653
+PMUL4652
+PMUL4651
+PMUL4650
+MUL0345
+PMUL2305
+PMUL2303
+PMUL2302
+PMUL2309
+SNG0033
+WOZ20006
+WOZ20007
+WOZ20004
+WOZ20005
+WOZ20002
+WOZ20003
+WOZ20000
+WOZ20001
+MUL1099
+WOZ20008
+WOZ20009
+SNG01238
+SNG01239
+SNG01236
+SNG01237
+SNG01234
+SNG01232
+SNG01233
+SNG01230
+SNG01231
+MUL1095
+MUL1094
+MUL1090
+SNG01358
+PMUL2200
+SNG01350
+PMUL2201
+SNG01355
+SNG01356
+MUL0462
+MUL0461
+MUL0460
+MUL0467
+MUL0465
+MUL0464
+MUL0468
+MUL2232
+PMUL2056
+PMUL0594
+PMUL0047
+PMUL2055
+PMUL3550
+PMUL3552
+PMUL3555
+PMUL3556
+PMUL3559
+PMUL0043
+PMUL4019
+PMUL4018
+PMUL0592
+PMUL1531
+PMUL4010
+PMUL4013
+PMUL1532
+PMUL4015
+PMUL1534
+PMUL4017
+PMUL1536
+SNG0067
+PMUL1026
+MUL0285
+SNG0064
+MUL0283
+PMUL1022
+PMUL1021
+PMUL1020
+MUL0289
+MUL0288
+SSNG0359
+SSNG0358
+SSNG0353
+SSNG0352
+SSNG0351
+SSNG0350
+SSNG0357
+SSNG0356
+SSNG0355
+SSNG0354
+SNG01829
+SNG01828
+MUL2029
+MUL2028
+SNG01823
+MUL2024
+SNG01821
+MUL2026
+MUL2021
+SNG01826
+MUL2023
+MUL2022
+MUL1895
+MUL1894
+WOZ20309
+WOZ20308
+MUL2288
+MUL2280
+MUL2283
+MUL2285
+MUL2287
+MUL2286
+PMUL0778
+WOZ20305
+PMUL2140
+PMUL0770
+PMUL0771
+PMUL0773
+PMUL0775
+PMUL0776
+PMUL0777
+WOZ20306
+PMUL2145
+PMUL2147
+PMUL3978
+PMUL3975
+PMUL3973
+PMUL3972
+PMUL3970
+PMUL1894
+SNG02224
+SNG02225
+SNG02226
+SNG02227
+SNG02223
+SNG02229
+PMUL3653
+SNG0726
+SNG0727
+PMUL4725
+PMUL4582
+PMUL4728
+PMUL3308
+PMUL3305
+PMUL3306
+PMUL3307
+PMUL3300
+PMUL3302
+PMUL3303
+PMUL4848
+PMUL4849
+PMUL4843
+PMUL4841
+PMUL4847
+PMUL4844
+PMUL4845
+MUL1709
+SNG1128
+MUL1259
+MUL1257
+SNG1124
+MUL1707
+MUL1706
+MUL1253
+MUL1700
+MUL1251
+MUL1250
+SNG0658
+MUL0079
+MUL0074
+MUL0075
+SNG0656
+SNG0657
+MUL0070
+SNG0652
+SNG0653
+SSNG0106
+SSNG0107
+SSNG0104
+SSNG0105
+SSNG0102
+SSNG0103
+SSNG0100
+SSNG0101
+SSNG0108
+SSNG0109
+SNG1389
+SNG1388
+SNG1381
+SNG1380
+SNG1383
+SNG1382
+SNG1385
+SNG1384
+SNG1387
+SNG1386
+SNG0478
+MUL0619
+SNG0470
+MUL0611
+SNG0472
+SNG0473
+SNG0474
+MUL0615
+SNG0476
+MUL0617
+WOZ20271
+WOZ20270
+WOZ20273
+WOZ20272
+WOZ20275
+WOZ20274
+WOZ20277
+WOZ20276
+WOZ20279
+WOZ20278
+SNG1064
+PMUL1230
+PMUL1231
+PMUL1236
+PMUL1237
+PMUL1234
+PMUL1238
+PMUL1239
+PMUL0014
+PMUL0017
+PMUL0540
+PMUL0011
+PMUL0546
+PMUL0013
+PMUL0544
+SNG1060
+PMUL0549
+PMUL0019
+PMUL0018
+SNG1062
+SNG02014
+SNG01292
+SNG0387
+SNG01293
+SNG0382
+SNG0383
+SNG0380
+SNG01294
+SNG0388
+SNG0389
+SNG01296
+SNG01624
+WOZ20662
+WOZ20663
+WOZ20660
+WOZ20661
+SNG1067
+WOZ20667
+WOZ20664
+WOZ20665
+WOZ20668
+WOZ20669
+PMUL1456
+PMUL1499
+PMUL1494
+PMUL1495
+PMUL1490
+PMUL1491
+MUL1201
+PMUL3894
+PMUL3895
+PMUL3896
+PMUL3892
+SNG0093
+PMUL3898
+PMUL4204
+PMUL4207
+PMUL4200
+PMUL4201
+PMUL4202
+PMUL4203
+MUL1207
+PMUL4208
+MUL0277
+MUL0274
+SNG0272
+PMUL3098
+PMUL3099
+SNG0273
+PMUL3095
+PMUL3096
+PMUL3097
+PMUL3090
+PMUL3092
+PMUL3093
+MUL2345
+MUL2346
+MUL2611
+MUL2340
+MUL2617
+PMUL1829
+MUL2343
+PMUL1827
+PMUL1826
+PMUL1825
+PMUL1824
+PMUL1823
+PMUL1822
+PMUL1820
+MUL0103
+PMUL4675
+PMUL4674
+PMUL4677
+PMUL4671
+PMUL4670
+PMUL1042
+PMUL4679
+PMUL4678
+MUL1029
+PMUL2858
+PMUL2329
+PMUL2328
+PMUL2853
+PMUL2851
+PMUL2850
+PMUL2321
+PMUL2856
+PMUL2855
+PMUL2854
+SNG01788
+SNG01785
+SNG01782
+SNG01783
+SNG01780
+SNG01781
+MUL1020
+SNG1201
+SNG1203
+WOZ20068
+WOZ20069
+WOZ20064
+WOZ20065
+WOZ20066
+WOZ20067
+WOZ20060
+WOZ20061
+WOZ20062
+WOZ20063
+MUL1026
+SNG1207
+SNG01254
+SNG01255
+SNG01256
+SNG01250
+SNG01252
+SNG01253
+SNG01258
+SNG01259
+SNG1244
+SNG1245
+SNG1246
+MUL1067
+SNG1240
+SNG1241
+SNG1242
+SNG1243
+PMUL2098
+MUL1068
+MUL1069
+SNG01339
+SNG01338
+SNG01337
+SNG01336
+SNG01335
+SNG01334
+SNG01330
+MUL0449
+MUL0444
+MUL0447
+MUL0446
+MUL0441
+MUL0440
+MUL0443
+MUL0442
+PMUL3536
+PMUL3535
+PMUL3534
+PMUL3533
+PMUL3531
+PMUL3539
+PMUL3538
+PMUL1009
+PMUL4079
+PMUL1558
+PMUL1556
+PMUL1007
+PMUL1006
+PMUL1553
+PMUL4072
+PMUL1551
+PMUL1550
+SNG0040
+SNG0043
+SNG0042
+SNG0045
+SNG0044
+MUL0919
+MUL0918
+MUL0917
+MUL0916
+MUL0914
+MUL0913
+MUL0911
+MUL0910
+SSNG0371
+SSNG0370
+SSNG0373
+SSNG0372
+SSNG0375
+SSNG0374
+SSNG0377
+SSNG0376
+SSNG0379
+SSNG0378
+PMUL1554
+SNG01800
+SNG01802
+SNG01806
+SNG01809
+SNG01808
+MUL2643
+MUL2642
+MUL1769
+PMUL1876
+PMUL2668
+PMUL2669
+PMUL2660
+PMUL2662
+PMUL2663
+PMUL2664
+PMUL2666
+PMUL0200
+PMUL0201
+PMUL0202
+PMUL0203
+PMUL0756
+PMUL0209
+PMUL0754
+PMUL0755
+PMUL0752
+PMUL0753
+PMUL3955
+PMUL3954
+PMUL3951
+PMUL3950
+PMUL3953
+PMUL3952
+PMUL3959
+PMUL3958
+PMUL0357
+PMUL2001
+PMUL0354
+MUL2407
+MUL2406
+MUL2404
+MUL2403
+MUL2402
+MUL2401
+MUL2400
+SSNG0080
+MUL2409
+MUL2408
+SNG02203
+SNG02201
+SNG02206
+SNG02204
+PMUL3322
+PMUL3323
+PMUL3321
+PMUL3326
+PMUL3327
+PMUL3325
+PMUL3329
+MUL1279
+MUL1270
+MUL1272
+MUL1275
+MUL1277
+SNG0628
+MUL0588
+MUL0589
+SSNG0168
+SSNG0169
+SSNG0164
+MUL0581
+SSNG0166
+SSNG0167
+SSNG0160
+SSNG0161
+MUL0586
+MUL0587
+SNG0625
+SNG0624
+MUL0007
+MUL1182
+MUL1181
+SNG0626
+MUL1187
+MUL1186
+MUL1185
+MUL1184
+MUL0001
+MUL1188
+SNG0620
+PMUL0989
+PMUL0988
+MUL0551
+PMUL0983
+PMUL0981
+PMUL0980
+PMUL0985
+MUL0777
+MUL0776
+MUL0775
+MUL0774
+SNG0553
+SNG0552
+WOZ20217
+WOZ20216
+PMUL2051
+PMUL2050
+WOZ20213
+SNG0003
+WOZ20211
+WOZ20210
+MUL1982
+PMUL2059
+MUL0770
+MUL1987
+PMUL0746
+MUL1984
+MUL0056
+SNG0677
+SNG0674
+SNG0675
+MUL0052
+SNG0673
+MUL0050
+SNG0671
+MUL0058
+MUL0059
+MUL0958
+PMUL2589
+PMUL2588
+SNG0559
+PMUL2580
+PMUL2583
+SNG0558
+PMUL2584
+PMUL2587
+PMUL2586
+MUL0632
+MUL0633
+SNG0906
+PMUL1606
+SNG0901
+SNG0454
+SNG0903
+SNG0458
+MUL0639
+SNG0909
+SNG1169
+SNG1168
+PMUL4197
+PMUL4190
+PMUL4191
+PMUL4193
+MUL1741
+PMUL0561
+PMUL0560
+PMUL0565
+MUL1743
+SNG1162
+MUL1745
+MUL1744
+PMUL1618
+PMUL1619
+MUL2180
+MUL2181
+MUL2186
+MUL2187
+MUL2185
+PMUL1610
+PMUL1611
+MUL2188
+PMUL4221
+PMUL4226
+PMUL4227
+PMUL1616
+PMUL4225
+PMUL0699
+PMUL0695
+PMUL0694
+PMUL0693
+PMUL0691
+PMUL1805
+PMUL1807
+PMUL1806
+PMUL1800
+PMUL1803
+MUL2369
+MUL2367
+MUL2364
+MUL2362
+PMUL1808
+PMUL0956
+SNG0481
+SNG0075
+SNG0351
+SNG0480
+SNG0485
+SNG0484
+PMUL2376
+SNG0955
+PMUL2377
+PMUL1474
+MUL1346
+MUL1340
+PMUL2871
+PMUL2870
+PMUL2873
+PMUL2872
+PMUL2875
+MUL1343
+PMUL2877
+PMUL2876
+PMUL2879
+WOZ20042
+SNG1083
+SNG1080
+WOZ20041
+WOZ20046
+WOZ20047
+SNG1084
+WOZ20045
+SNG1088
+WOZ20049
+SNG01278
+SNG01279
+SNG01271
+SNG01276
+SNG01277
+SNG01274
+SNG01275
+MUL1518
+MUL1519
+MUL1048
+MUL1049
+MUL1046
+SNG1267
+SNG1264
+SNG1265
+MUL1510
+MUL1043
+MUL1040
+MUL1041
+SNG01315
+SNG01314
+SNG01316
+SNG01310
+SNG01313
+SNG01312
+SNG01319
+SNG01318
+PMUL3519
+PMUL3515
+PMUL3517
+PMUL3511
+PMUL3510
+PMUL3513
+PMUL3512
+PMUL1574
+PMUL1577
+PMUL1576
+PMUL1571
+PMUL1570
+PMUL1573
+PMUL1572
+PMUL1578
+MUL0938
+SNG0029
+SNG0028
+SNG0023
+SNG0022
+SNG0021
+MUL0932
+SNG0027
+MUL0934
+SNG0025
+MUL0936
+SSNG0317
+SSNG0316
+SSNG0315
+SSNG0314
+SSNG0313
+SSNG0312
+SSNG0311
+SSNG0310
+SNG0335
+PMUL3719
+SSNG0319
+SSNG0318
+PMUL3718
+SNG01867
+SNG01864
+SNG01863
+SNG01861
+SNG01860
+SNG01869
+SNG01868
+PMUL0538
+PMUL2644
+PMUL2645
+PMUL2642
+PMUL2643
+PMUL2640
+PMUL2641
+PMUL0734
+PMUL0735
+PMUL0224
+PMUL0737
+PMUL0222
+PMUL0731
+PMUL0220
+PMUL0733
+PMUL0738
+PMUL0228
+PMUL0229
+PMUL1535
+PMUL0246
+MUL0802
+MUL1194
+PMUL1950
+PMUL0242
+PMUL0243
+MUL1195
+PMUL1955
+MUL2509
+SSNG0192
+PMUL4479
+SNG01485
+SNG01487
+SNG01486
+SNG01481
+SNG01480
+SNG01483
+SNG01482
+SNG01489
+SNG01488
+MUL2503
+PMUL1628
+PMUL4065
+PMUL4730
+MUL2420
+PMUL4732
+MUL2422
+MUL2425
+PMUL4735
+PMUL4736
+MUL2426
+MUL2429
+MUL2428
+PMUL2749
+PMUL2745
+MUL1213
+PMUL4887
+MUL1210
+MUL1217
+MUL1216
+MUL1215
+MUL1214
+MUL1219
+MUL1218
+PMUL4888
+PMUL4889
+SSNG0142
+SSNG0143
+SSNG0140
+SSNG0141
+SSNG0146
+SSNG0144
+SSNG0145
+SSNG0149
+WOZ20187
+WOZ20186
+WOZ20185
+WOZ20184
+WOZ20183
+WOZ20182
+WOZ20181
+WOZ20180
+WOZ20189
+WOZ20188
+PMUL2079
+PMUL2078
+WOZ20239
+WOZ20238
+WOZ20235
+WOZ20234
+WOZ20237
+PMUL2072
+WOZ20231
+WOZ20230
+WOZ20233
+WOZ20232
+MUL1124
+MUL1127
+MUL0030
+MUL0031
+SNG0612
+MUL0033
+SNG0614
+SNG0615
+MUL0037
+SNG0618
+SNG0619
+SNG1340
+MUL1123
+SNG0162
+MUL0343
+MUL0436
+MUL0437
+SNG1349
+MUL0347
+PMUL4817
+SNG0928
+SNG0929
+SNG0926
+SNG0924
+SNG0925
+SNG0923
+SNG0920
+SNG0342
+SNG0435
+SNG0436
+SNG0430
+SNG0431
+MUL0652
+PMUL4418
+PMUL3709
+PMUL0507
+PMUL3701
+PMUL0505
+PMUL0504
+PMUL0503
+PMUL3705
+PMUL3706
+PMUL0500
+PMUL3851
+PMUL3853
+PMUL3854
+PMUL3856
+PMUL3857
+SNG0438
+SNG0439
+MUL2168
+MUL2169
+PMUL1638
+PMUL1639
+MUL2164
+MUL2165
+MUL2166
+MUL2167
+PMUL1633
+PMUL1630
+MUL2163
+MUL2308
+MUL2300
+MUL2302
+MUL2303
+MUL2304
+MUL2306
+MUL2548
+MUL0790
+PMUL2817
+PMUL2816
+PMUL2815
+PMUL2814
+PMUL2811
+PMUL2810
+PMUL2819
+PMUL2818
+PMUL4759
+SNG1068
+SNG02013
+SNG1065
+SNG02011
+SNG02010
+SNG02017
+SNG1061
+SNG02015
+SNG1063
+SNG01291
+PMUL0880
+PMUL0881
+PMUL0886
+PMUL0887
+PMUL0884
+PMUL0885
+SNG01298
+PMUL0888
+MUL1083
+SNG1208
+SNG1209
+SNG1200
+MUL1021
+SNG1202
+MUL1023
+SNG1204
+SNG1205
+SNG1206
+MUL1027
+PMUL3289
+PMUL3288
+PMUL3284
+PMUL3287
+PMUL3281
+PMUL3280
+PMUL4948
+PMUL4943
+PMUL4942
+PMUL4940
+PMUL4947
+PMUL4945
+PMUL4944
+SSNG0087
+SSNG0086
+SSNG0085
+SSNG0084
+SSNG0083
+SSNG0082
+SSNG0081
+PMUL4021
+SSNG0089
+SSNG0088
+MUL1536
+MUL1537
+MUL1534
+MUL1535
+MUL1532
+MUL1533
+MUL1530
+PMUL1504
+MUL1538
+MUL1539
+MUL0953
+SNG0556
+SNG0555
+MUL0950
+SNG0001
+MUL0956
+MUL0955
+MUL0954
+PMUL1507
+SNG0009
+MUL0779
+MUL0778
+PMUL1508
+SSNG0339
+SSNG0338
+SSNG0335
+SSNG0334
+SSNG0337
+SSNG0336
+SSNG0331
+SSNG0330
+SSNG0333
+SSNG0332
+SNG0260
+PMUL2624
+PMUL2625
+PMUL2626
+PMUL2620
+PMUL2621
+PMUL2622
+MUL1886
+PMUL2628
+PMUL2629
+PMUL0718
+PMUL0719
+PMUL0248
+PMUL0249
+PMUL0712
+PMUL0245
+PMUL0710
+PMUL0247
+PMUL0240
+PMUL0241
+PMUL0714
+PMUL0715
+SNG01188
+MUL1889
+SNG01189
+PMUL0456
+SNG01849
+SNG01848
+PMUL2395
+SNG01847
+SNG01846
+SNG01841
+SNG01840
+SNG01843
+SNG01842
+PMUL2391
+PMUL2824
+PMUL1185
+PMUL2393
+SNG01186
+PMUL3906
+PMUL3905
+MUL2073
+MUL2070
+MUL2071
+MUL2449
+PMUL3908
+SNG0717
+PMUL4717
+PMUL4714
+PMUL4715
+PMUL4712
+MUL2443
+MUL2441
+MUL2440
+MUL2447
+MUL2446
+PMUL4718
+MUL2444
+SNG0713
+SNG0712
+MUL2445
+MUL1239
+MUL1238
+MUL1235
+MUL1234
+MUL1237
+MUL1236
+MUL1231
+MUL1230
+MUL1233
+MUL1232
+MUL1989
+MUL1490
+MUL1495
+MUL1494
+MUL1949
+MUL1496
+MUL1499
+MUL1946
+MUL1945
+MUL1944
+MUL1943
+MUL1942
+MUL1941
+PMUL2010
+SNG01981
+SNG1051
+PMUL1515
+SNG0639
+MUL0548
+SNG0632
+MUL0545
+MUL0010
+SNG0631
+MUL0017
+MUL0542
+MUL0015
+SNG1057
+SNG02021
+SNG0496
+PMUL0895
+SNG0492
+SNG0493
+SNG0491
+PMUL0897
+SNG0498
+SNG0499
+SNG0948
+PMUL3499
+PMUL3490
+PMUL0891
+PMUL3492
+PMUL3493
+SNG0944
+SNG0945
+SNG0946
+SNG0947
+SNG01285
+PMUL4150
+PMUL4151
+PMUL1432
+PMUL1433
+PMUL1434
+PMUL1388
+PMUL1437
+PMUL1386
+PMUL1387
+PMUL1384
+PMUL1382
+PMUL1380
+PMUL1381
+PMUL0525
+PMUL0524
+PMUL0527
+PMUL0526
+PMUL3727
+PMUL3724
+PMUL3725
+PMUL3722
+PMUL0528
+PMUL3720
+PMUL3721
+PMUL3876
+MUL2147
+PMUL3874
+MUL2145
+MUL2142
+MUL2143
+MUL2140
+PMUL3871
+PMUL3878
+MUL2149
+PMUL1655
+PMUL1656
+PMUL1651
+PMUL1652
+PMUL1658
+MUL2322
+MUL2323
+MUL2326
+MUL2327
+MUL2325
+MUL2328
+MUL2329
+PMUL0381
+PMUL0383
+PMUL0382
+PMUL0384
+PMUL0387
+PMUL0386
+PMUL0388
+MUL0136
+MUL0139
+SNG0286
+SSNG0064
+MUL1985
+PMUL2838
+PMUL2388
+PMUL2387
+PMUL2834
+PMUL2837
+PMUL2831
+PMUL2830
+PMUL2381
+SNG01720
+SNG01722
+SNG01723
+SNG01724
+SNG01725
+SNG01727
+SNG01728
+SNG01729
+PMUL1790
+SNG02031
+SNG02030
+SNG02036
+SNG02038
+PMUL3128
+PMUL3129
+PMUL3120
+PMUL3121
+PMUL3122
+PMUL3124
+PMUL3125
+PMUL3261
+PMUL3260
+PMUL3267
+PMUL3266
+PMUL3265
+PMUL3269
+PMUL3268
+SNG01204
+PMUL4961
+PMUL4960
+SNG1044
+PMUL4962
+PMUL4965
+PMUL4967
+PMUL4966
+PMUL4969
+PMUL4968
+SNG0795
+SNG0794
+SNG0796
+SNG0791
+SNG0790
+SNG0793
+SNG0798
+PMUL3622
+PMUL0213
+SNG1222
+SNG1223
+SNG1220
+MUL1001
+MUL1006
+MUL1007
+MUL1004
+MUL1005
+MUL1558
+MUL1559
+SNG1228
+SNG1229
+SNG0570
+MUL0753
+MUL0752
+SNG0575
+SNG0574
+SNG0577
+MUL0756
+MUL0975
+SNG0578
+MUL0977
+MUL0204
+MUL0203
+MUL0970
+MUL0201
+MUL0972
+WOZ20378
+WOZ20379
+WOZ20370
+WOZ20371
+WOZ20372
+WOZ20373
+WOZ20374
+WOZ20375
+WOZ20376
+WOZ20377
+PMUL2608
+PMUL2602
+PMUL2603
+PMUL2600
+MUL2659
+PMUL2606
+PMUL2605
+PMUL0263
+PMUL0260
+MUL2655
+PMUL0264
+PMUL0268
+PMUL0269
+MUL2560
+PMUL2468
+PMUL4369
+PMUL4361
+PMUL4367
+PMUL4365
+PMUL4364
+PMUL2460
+WOZ20478
+MUL1497
+MUL1948
+MUL1947
+MUL1498
+PMUL2014
+MUL1940
+MUL2465
+MUL2464
+MUL2461
+PMUL4779
+MUL2463
+MUL2462
+PMUL4774
+PMUL4775
+PMUL4777
+PMUL4770
+PMUL4771
+PMUL4772
+PMUL4773
+PMUL2847
+MUL1543
+MUL1014
+MUL1541
+MUL0019
+SNG1231
+PMUL1014
+MUL1013
+SNG1232
+WOZ20143
+WOZ20142
+WOZ20141
+WOZ20140
+WOZ20147
+WOZ20146
+WOZ20145
+WOZ20144
+WOZ20149
+WOZ20148
+MUL0546
+MUL0547
+SNG01552
+SNG01550
+SNG01556
+SNG01555
+SNG0637
+PMUL1475
+SNG0635
+SNG0544
+MUL0765
+MUL0766
+PMUL2035
+PMUL2034
+PMUL2037
+PMUL2036
+PMUL2031
+PMUL2030
+PMUL2033
+PMUL2032
+MUL1961
+MUL1960
+MUL1962
+MUL1965
+PMUL2038
+MUL1966
+MUL0566
+MUL0567
+MUL0564
+MUL0565
+MUL0562
+MUL0563
+MUL0560
+MUL0561
+SNG0015
+MUL0568
+MUL0569
+MUL1616
+MUL1614
+MUL1613
+MUL1611
+MUL1610
+MUL0768
+MUL1619
+MUL1618
+SNG0963
+SNG0960
+MUL0693
+SNG0966
+SNG0967
+MUL0697
+MUL0698
+MUL0699
+SNG0969
+PMUL1416
+PMUL1417
+PMUL4174
+PMUL4175
+PMUL4172
+PMUL1413
+PMUL4171
+PMUL4178
+PMUL1419
+SSNG0278
+SSNG0279
+SSNG0270
+SSNG0271
+SSNG0272
+SSNG0273
+SSNG0274
+SSNG0275
+SSNG0276
+SSNG0277
+PMUL3745
+PMUL3746
+PMUL3747
+PMUL3741
+PMUL3743
+PMUL3749
+MUL2121
+MUL2123
+MUL2124
+MUL2125
+MUL2126
+MUL2127
+MUL2128
+MUL2129
+PMUL1670
+PMUL1671
+PMUL4280
+PMUL4282
+PMUL4283
+SNG0214
+SNG0215
+SNG0216
+SNG0217
+SNG0210
+SNG0211
+SNG0212
+SNG0213
+SNG0218
+SNG0219
+MUL2698
+MUL2692
+MUL2691
+MUL2696
+MUL2697
+MUL2694
+MUL2695
+PMUL3818
+PMUL3814
+PMUL3816
+PMUL3810
+PMUL3811
+PMUL3812
+PMUL3813
+PMUL3491
+PMUL0103
+PMUL0102
+PMUL0101
+PMUL0107
+PMUL0106
+PMUL0105
+PMUL0104
+SNG0943
+MUL1352
+PMUL3496
+PMUL4457
+SNG01707
+SNG01705
+SNG01701
+SNG01708
+SNG01709
+PMUL4456
+SNG02055
+SNG02053
+SNG02051
+SNG02050
+SNG02059
+SNG02058
+PMUL3108
+PMUL1431
+PMUL3104
+PMUL3102
+PMUL3103
+PMUL3100
+PMUL3101
+PMUL4153
+PMUL4154
+PMUL4156
+PMUL4157
+SSNG0114
+PMUL3249
+PMUL3248
+PMUL4159
+PMUL3241
+PMUL3240
+PMUL3243
+PMUL3242
+PMUL3245
+PMUL3246
+SNG1020
+SNG1021
+SNG1022
+PMUL4904
+SNG1024
+SNG1025
+PMUL4901
+PMUL4900
+SNG1028
+SNG1029
+PMUL4908
+MUL1031
+SNG0778
+SNG0777
+SNG0776
+SNG0774
+SNG0773
+SSNG0043
+SSNG0042
+SSNG0041
+SSNG0040
+SSNG0047
+SSNG0046
+SSNG0045
+SSNG0044
+SSNG0049
+SSNG0048
+MUL1578
+MUL1579
+MUL1572
+MUL1573
+MUL1570
+MUL1577
+MUL1574
+MUL0221
+SNG0512
+SNG0511
+SNG0510
+SNG0517
+MUL0736
+MUL0735
+SNG0514
+MUL1036
+WOZ20358
+WOZ20359
+PMUL2192
+PMUL2193
+WOZ20354
+PMUL2191
+PMUL2196
+PMUL2197
+WOZ20350
+WOZ20351
+PMUL1085
+PMUL1084
+PMUL1086
+PMUL1080
+PMUL1083
+PMUL1082
+PMUL1088
+PMUL3877
+MUL2144
+PMUL0807
+PMUL3873
+SNG01888
+PMUL3870
+MUL1757
+SNG01881
+SNG01880
+SNG01883
+MUL2141
+SNG01885
+MUL1754
+SNG01887
+SNG01886
+SNG1175
+PMUL4815
+PMUL0255
+PMUL0706
+MUL1750
+SNG1171
+PMUL4444
+PMUL0700
+MUL2508
+PMUL1965
+PMUL0251
+PMUL4442
+PMUL3879
+PMUL4443
+PMUL4341
+PMUL4340
+PMUL4342
+PMUL4345
+PMUL4347
+PMUL4349
+PMUL4441
+MUL2575
+PMUL4752
+PMUL4750
+PMUL4751
+MUL2488
+PMUL4758
+MUL2484
+MUL2483
+MUL2481
+MUL2480
+SNG02283
+SNG02281
+SNG02286
+SNG02284
+MUL2505
+SNG02288
+SNG02289
+PMUL2771
+PMUL2978
+PMUL2979
+PMUL2974
+PMUL2976
+PMUL2977
+SNG02119
+MUL1334
+SNG02114
+WOZ20169
+WOZ20168
+WOZ20161
+WOZ20160
+WOZ20163
+WOZ20162
+WOZ20165
+WOZ20164
+WOZ20167
+WOZ20166
+MUL1335
+PMUL0903
+SNG01570
+SNG01573
+SNG01572
+PMUL0907
+PMUL0906
+PMUL0905
+SNG01576
+SNG01578
+PMUL0909
+PMUL0908
+MUL1902
+MUL1907
+MUL1906
+MUL1905
+WOZ20298
+WOZ20297
+WOZ20296
+WOZ20295
+WOZ20294
+WOZ20293
+WOZ20292
+WOZ20291
+WOZ20290
+PMUL1544
+MUL0500
+MUL1132
+MUL0502
+MUL0503
+MUL0504
+MUL0506
+MUL0507
+MUL0508
+MUL1291
+MUL1136
+MUL1631
+MUL1630
+MUL1632
+MUL1134
+MUL1637
+MUL1639
+SNG1355
+SNG01162
+SNG01163
+SNG01160
+SNG01161
+SNG01167
+SNG01164
+SNG01169
+SNG1358
+SNG0988
+SNG0989
+MUL0733
+SNG0984
+SNG0985
+SNG0986
+SNG0987
+SNG0980
+SNG0981
+SNG0982
+MUL0404
+PMUL4118
+PMUL4119
+MUL0660
+PMUL4114
+PMUL4115
+PMUL4116
+PMUL4117
+PMUL4110
+PMUL1471
+PMUL1472
+PMUL4113
+SNG0184
+SNG0185
+SNG0186
+SNG0402
+SNG0180
+SNG0181
+SNG0182
+SNG0183
+MUL0665
+SNG0188
+SNG0189
+MUL0664
+PMUL3768
+PMUL3769
+MUL0667
+SSNG0258
+SSNG0259
+SSNG0256
+SSNG0257
+SSNG0254
+SSNG0255
+SSNG0252
+PMUL3767
+SSNG0250
+PMUL3765
+SNG0409
+MUL0668
+PMUL1690
+PMUL1691
+PMUL1693
+PMUL1694
+PMUL1695
+PMUL1696
+PMUL1697
+PMUL1698
+MUL2103
+MUL2101
+MUL2107
+MUL2104
+MUL2105
+SNG0238
+SNG0239
+SNG0236
+SNG0237
+SNG0234
+SNG0235
+SNG0232
+SNG0233
+SNG0230
+SNG0231
+PMUL3832
+PMUL3833
+PMUL3830
+PMUL2418
+PMUL3836
+PMUL3837
+PMUL2413
+PMUL2411
+PMUL3839
+PMUL2417
+PMUL2416
+PMUL2414
+PMUL0121
+PMUL0120
+PMUL0123
+PMUL0122
+PMUL0125
+PMUL0126
+SNG01768
+SNG01769
+SNG01764
+SNG01765
+SNG01760
+SNG01761
+SNG01762
+SNG01763
+WOZ20246
+PMUL2084
+MUL1393
+MUL1052
+PMUL3164
+PMUL3167
+PMUL3161
+PMUL3163
+PMUL3168
+PMUL1997
+PMUL1996
+PMUL1995
+PMUL1994
+PMUL1993
+PMUL1999
+PMUL3229
+PMUL3228
+PMUL3227
+PMUL3226
+PMUL3225
+PMUL3223
+PMUL3221
+PMUL3220
+PMUL4929
+PMUL4925
+PMUL4924
+PMUL4927
+PMUL4926
+PMUL4921
+PMUL4920
+PMUL4922
+SNG1008
+SNG1009
+SNG1003
+SNG1000
+SNG1001
+SNG1006
+SNG02070
+SNG02073
+SNG02072
+SSNG0069
+SNG0758
+SSNG0061
+SNG0750
+SSNG0063
+SSNG0062
+SSNG0065
+SNG0754
+SNG0757
+SNG0756
+PMUL3595
+PMUL3594
+PMUL3597
+PMUL3590
+PMUL3593
+PMUL3592
+PMUL1041
+PMUL1512
+PMUL1043
+PMUL4030
+PMUL4037
+PMUL4036
+PMUL1047
+SSNG0397
+SSNG0396
+SSNG0395
+SSNG0394
+SSNG0393
+SSNG0392
+SSNG0391
+SSNG0390
+PMUL4039
+PMUL2170
+WOZ20335
+WOZ20336
+PMUL2173
+WOZ20330
+WOZ20331
+WOZ20332
+WOZ20333
+WOZ20338
+WOZ20339
+MUL0593
+PMUL4474
+MUL0715
+MUL0714
+MUL0241
+MUL0240
+MUL0711
+SNG0530
+MUL0245
+MUL0712
+MUL0249
+MUL0248
+MUL0718
+PMUL2126
+MUL1875
+MUL0590
+PMUL2122
+MUL1871
+SNG1249
+MUL0597
+SNG01193
+PMUL2833
+SNG01192
+SNG01191
+MUL0867
+MUL0866
+MUL0865
+MUL0864
+MUL0863
+PMUL4322
+PMUL4321
+PMUL4320
+MUL0433
+PMUL4329
+MUL0868
+PMUL1190
+SNG0870
+SNG0707
+MUL1252
+SNG0705
+PMUL2959
+PMUL2956
+PMUL2957
+PMUL2954
+PMUL2955
+PMUL2952
+PMUL2950
+PMUL2951
+MUL0497
+WOZ20109
+WOZ20108
+WOZ20107
+WOZ20106
+WOZ20105
+WOZ20104
+WOZ20103
+WOZ20102
+WOZ20101
+WOZ20100
+MUL0431
+PMUL0921
+PMUL0920
+PMUL0925
+PMUL0924
+PMUL0926
+SNG01517
+SNG01515
+SNG01514
+SNG01513
+SNG01512
+SNG01511
+SNG01510
+SNG01519
+SNG01518
+PMUL2691
+MUL1380
+MUL1383
+MUL1385
+MUL1384
+MUL1387
+MUL1438
+MUL1925
+MUL1924
+MUL1435
+MUL1434
+MUL1921
+MUL1432
+MUL1431
+MUL1430
+MUL0529
+MUL0522
+MUL0523
+MUL0520
+MUL0521
+MUL0526
+MUL0525
+MUL1659
+MUL1658
+MUL1653
+MUL0755
+MUL1656
+MUL1654
+MUL0491
+PMUL1452
+PMUL1321
+PMUL1450
+PMUL4136
+PMUL1454
+PMUL4135
+PMUL1458
+PMUL4139
+MUL0387
+MUL0385
+MUL0382
+MUL0380
+MUL0381
+PMUL3780
+SSNG0235
+SSNG0236
+SSNG0237
+PMUL3784
+SSNG0231
+SSNG0232
+SSNG0233
+PMUL3788
+PMUL3789
+SSNG0238
+SSNG0239
+MUL1016
+SNG0258
+SNG0259
+MUL1011
+SNG0250
+SNG0251
+SNG0252
+SNG0254
+SNG0255
+SNG0257
+PMUL2789
+PMUL2788
+MUL1010
+PMUL2783
+PMUL2782
+PMUL2787
+PMUL0491
+PMUL0322
+PMUL0493
+PMUL0492
+PMUL0327
+PMUL0326
+PMUL0497
+PMUL0324
+PMUL0498
+PMUL0329
+PMUL0328
+WOZ20488
+WOZ20489
+WOZ20482
+WOZ20483
+WOZ20480
+WOZ20481
+WOZ20486
+WOZ20487
+WOZ20484
+WOZ20485
+PMUL2431
+PMUL2430
+PMUL2434
+MUL0127
+PMUL2439
+PMUL2438
+MUL0125
+SNG1233
+SNG0290
+SNG0291
+PMUL0147
+PMUL0146
+PMUL0145
+PMUL0144
+PMUL0143
+MUL0120
+PMUL0141
+PMUL0140
+MUL0121
+PMUL0149
+PMUL0148
+MUL2380
+MUL2381
+MUL2382
+MUL2383
+MUL2385
+MUL2388
+SNG01742
+SNG01743
+SNG01740
+SNG01741
+SNG01747
+SNG01744
+SNG01749
+PMUL3148
+PMUL3149
+PMUL3142
+PMUL3143
+PMUL3140
+PMUL3146
+PMUL3147
+PMUL3144
+MUL2524
+MUL2527
+MUL2520
+PMUL4498
+MUL2522
+PMUL4494
+PMUL4497
+PMUL4496
+MUL2528
+MUL2529
+PMUL4493
+PMUL2899
+PMUL2896
+PMUL2895
+PMUL2893
+PMUL2892
+PMUL2891
+PMUL2890
+PMUL3205
+PMUL3204
+PMUL3207
+PMUL3206
+PMUL3201
+PMUL3203
+PMUL3202
+PMUL3209
+PMUL3208
+SNG02093
+SNG02092
+SNG02090
+SNG02097
+MUL0553
+SNG02095
+SNG02094
+SNG02099
+SNG02098
+SSNG0009
+SSNG0008
+SSNG0007
+SSNG0006
+SSNG0005
+SSNG0004
+SSNG0003
+SSNG0002
+SSNG0001
+SNG1280
+SNG1281
+SNG1282
+SNG1283
+SNG1284
+SNG1285
+SNG1286
+SNG1287
+SNG1288
+SNG1289
+PMUL2231
+PMUL2230
+MUL2171
+WOZ20318
+WOZ20319
+MUL2663
+WOZ20312
+WOZ20313
+WOZ20310
+WOZ20311
+WOZ20316
+WOZ20317
+WOZ20314
+WOZ20315
+PMUL2156
+PMUL2157
+PMUL2155
+PMUL2152
+PMUL2150
+PMUL2151
+PMUL2158
+PMUL2159
+SNG0885
+SNG0884
+SNG0887
+SNG0886
+SNG0881
+SNG0880
+SNG0734
+SNG0739
+SNG0738
+PMUL0364
+SNG1040
+PMUL1855
+SNG0089
+SNG0088
+MUL0265
+SNG0087
+MUL0266
+MUL0261
+SNG0083
+SNG0082
+MUL2625
+MUL2624
+PMUL1158
+PMUL4309
+PMUL4308
+PMUL1153
+WOZ20442
+PMUL1151
+PMUL1157
+PMUL1156
+PMUL1155
+PMUL1154
+MUL0840
+MUL0847
+MUL0846
+PMUL0792
+PMUL0793
+PMUL0791
+PMUL0797
+MUL0717
+PMUL0798
+PMUL0799
+MUL1959
+PMUL2024
+MUL1954
+MUL1484
+MUL1485
+MUL1951
+MUL1952
+MUL1953
+SSNG0234
+MUL0710
+MUL2668
+PMUL2934
+PMUL2936
+PMUL2937
+PMUL2932
+PMUL2939
+SNG01687
+MUL1002
+SNG01685
+SNG01682
+SNG01681
+MUL1551
+MUL1000
+SNG01689
+SNG01688
+SNG1221
+SNG1226
+SNG1227
+SNG02138
+WOZ20124
+WOZ20127
+WOZ20126
+WOZ20121
+WOZ20120
+WOZ20123
+WOZ20122
+SNG02130
+SNG02131
+SNG02132
+MUL1557
+WOZ20129
+SNG02135
+SNG02136
+SNG02137
+SNG01539
+PMUL0949
+PMUL0948
+SNG01535
+PMUL0946
+SNG01537
+PMUL0944
+PMUL0943
+PMUL0942
+SNG01533
+PMUL0940
+MUL1009
+MUL0750
+MUL1411
+MUL1413
+MUL1412
+SNG0573
+MUL1416
+MUL0979
+MUL0757
+SNG0576
+PMUL4689
+MUL0758
+PMUL4681
+PMUL4682
+PMUL4684
+PMUL4685
+MUL0976
+MUL0973
+MUL0200
+PMUL3411
+PMUL3412
+PMUL3413
+PMUL3414
+PMUL3416
+PMUL3419
+PMUL1306
+PMUL1307
+PMUL1304
+PMUL1305
+PMUL1302
+PMUL1303
+PMUL1300
+PMUL1301
+MUL1521
+PMUL4871
+SSNG0218
+SSNG0219
+SSNG0212
+SSNG0213
+SSNG0210
+SSNG0211
+SSNG0216
+SSNG0217
+SSNG0214
+SSNG0215
+SNG1212
+MUL1674
+MUL1677
+MUL1671
+MUL1670
+MUL1672
+MUL1679
+MUL0104
+MUL0105
+SNG0270
+MUL0100
+MUL0101
+MUL0102
+SNG0275
+SNG0278
+SNG0279
+MUL0108
+MUL0109
+SNG0976
+MUL0686
+SNG1210
+MUL0685
+MUL0684
+PMUL0309
+PMUL0308
+PMUL0300
+PMUL0303
+PMUL0302
+PMUL0305
+PMUL0304
+PMUL0307
+PMUL0306
+WOZ20460
+WOZ20461
+WOZ20462
+WOZ20463
+WOZ20464
+WOZ20465
+WOZ20466
+WOZ20467
+WOZ20468
+WOZ20469
+PMUL2456
+PMUL2455
+PMUL2454
+PMUL2453
+PMUL2451
+PMUL2450
+PMUL2459
+PMUL0169
+PMUL0168
+PMUL4057
+PMUL0165
+PMUL0167
+PMUL0166
+PMUL0161
+PMUL0160
+PMUL0163
+PMUL4518
+PMUL4519
+PMUL4510
+PMUL4511
+PMUL4512
+PMUL4513
+PMUL4514
+PMUL4516
+PMUL4517
+PMUL4472
+PMUL4470
+PMUL4477
+PMUL4476
+PMUL4475
+PMUL1954
+MUL2506
+MUL2504
+PMUL4478
+MUL2502
+PMUL1421
+MUL2500
+MUL2501
+SNG02303
+SNG02301
+SNG02307
+SNG02306
+SNG02305
+SNG02304
+PMUL1395
+SNG02309
+SNG02308
+PMUL1426
+PMUL4145
+PMUL4532
+PMUL4144
+PMUL4148
+SSNG0025
+SSNG0024
+SSNG0027
+SSNG0026
+SSNG0021
+SSNG0020
+SSNG0023
+SSNG0022
+SSNG0029
+SSNG0028
+PMUL2211
+PMUL2213
+MUL1089
+PMUL2214
+PMUL2217
+PMUL2216
+MUL1082
+PMUL2218
+MUL1080
+MUL1081
+MUL1086
+MUL1087
+MUL1084
+MUL1085
+MUL1882
+MUL1880
+PMUL2138
+MUL1887
+MUL1885
+PMUL2134
+PMUL2135
+PMUL2136
+PMUL2137
+PMUL2130
+PMUL2131
+PMUL2132
+PMUL2133
+SNG0719
+SNG0718
+SNG0869
+SNG0868
+SNG0865
+SNG0864
+SNG0863
+SNG0710
+SNG0861
+SNG0860
+PMUL2682
+PMUL2680
+PMUL2681
+PMUL2687
+PMUL2684
+PMUL2685
+PMUL2688
+PMUL2689
+SNG1400
+PMUL1979
+SNG01200
+PMUL0261
+PMUL1799
+PMUL1798
+PMUL1970
+PMUL1794
+PMUL1797
+PMUL1796
+PMUL4453
+PMUL1793
+PMUL1792
+MUL1723
+PMUL4452
+PMUL4865
+PMUL4866
+PMUL4454
+PMUL3629
+SNG1100
+PMUL3188
+PMUL3623
+PMUL4860
+PMUL3621
+PMUL3620
+PMUL3627
+PMUL3626
+PMUL3624
+PMUL4862
+MUL1724
+MUL1742
+PMUL1171
+PMUL1170
+PMUL1175
+PMUL1174
+PMUL1177
+PMUL1176
+PMUL1179
+PMUL1178
+MUL1729
+PMUL1647
+MUL0829
+SNG1108
+SNG0206
+MUL0823
+MUL0820
+MUL0826
+MUL0825
+MUL0824
+SNG0109
+SNG02320
+PMUL1643
+MUL2562
+PMUL1642
+MUL2563
+MUL0220
+SNG0201
+MUL2564
+PMUL1640
+MUL2565
+SNG0209
+SNG0208
+SNG0516
+PMUL2919
+PMUL2912
+PMUL2913
+PMUL2911
+PMUL2916
+PMUL2914
+MUL1424
+MUL0226
+SNG02118
+SNG01347
+SNG02117
+MUL1425
+SNG02112
+SNG02113
+SNG02110
+SNG02111
+PMUL0964
+PMUL0967
+PMUL0966
+PMUL0960
+PMUL0962
+SNG01342
+PMUL0969
+PMUL0968
+SNG01343
+SNG01340
+MUL0411
+MUL1427
+PMUL3436
+PMUL3435
+PMUL3432
+PMUL3433
+PMUL3430
+PMUL3431
+PMUL3438
+MUL1473
+MUL1471
+MUL1470
+MUL1477
+MUL1474
+MUL1479
+PMUL4292
+MUL0349
+PMUL4812
+MUL0678
+MUL1509
+SNG0419
+MUL1699
+MUL1698
+MUL1696
+MUL1694
+MUL1693
+MUL1691
+MUL0891
+SNG0298
+SNG0294
+SNG0295
+MUL0124
+SNG0297
+MUL0122
+MUL0123
+SNG0292
+SNG0413
+MUL0670
+SNG0411
+WOZ20509
+WOZ20508
+WOZ20503
+WOZ20502
+WOZ20501
+WOZ20500
+WOZ20507
+WOZ20506
+WOZ20505
+WOZ20504
+PMUL1369
+PMUL1364
+PMUL1365
+PMUL1366
+PMUL1367
+PMUL1361
+PMUL1362
+PMUL1363
+SNG1278
+PMUL0369
+PMUL0368
+PMUL0366
+PMUL4816
+PMUL0363
+PMUL0362
+PMUL0361
+MUL0342
+WOZ20446
+WOZ20447
+WOZ20444
+WOZ20445
+PMUL2479
+WOZ20443
+WOZ20440
+WOZ20441
+PMUL2475
+PMUL2474
+PMUL2476
+PMUL2471
+PMUL2470
+WOZ20448
+WOZ20449
+PMUL0183
+PMUL0181
+PMUL0180
+PMUL0186
+PMUL0185
+PMUL0189
+PMUL0188
+MUL0041
+PMUL1588
+PMUL1589
+PMUL1581
+PMUL1582
+PMUL1584
+PMUL1585
+PMUL1586
+PMUL1587
+SNG1337
+PMUL3988
+PMUL3989
+PMUL3986
+PMUL3987
+PMUL3984
+PMUL3982
+PMUL3980
+PMUL4538
+PMUL4539
+PMUL4536
+PMUL4537
+PMUL4535
+MUL0042
+PMUL4533
+PMUL4530
+PMUL4531
+PMUL2277
+MUL0045
+PMUL4459
+PMUL4458
+PMUL3184
+PMUL3185
+PMUL3182
+PMUL3183
+PMUL3180
+PMUL3181
+PMUL4450
+PMUL1973
+PMUL1972
+PMUL4455
+PMUL1974
+PMUL1977
+PMUL1976
+MUL2568
+MUL0044
+MUL2561
+SNG02323
+SNG02322
+SNG02325
+SNG02324
+MUL2566
+SNG02326
+PMUL2099
+MUL0268
+PMUL1213
+PMUL4989
+PMUL4988
+PMUL4987
+PMUL4986
+PMUL4985
+SNG01477
+PMUL4983
+PMUL4981
+PMUL4980
+MUL1701
+SNG01478
+PMUL2273
+PMUL2271
+PMUL2270
+SNG01470
+SNG01471
+SNG01473
+SNG01475
+SNG01476
+PMUL2278
+PMUL1522
+PMUL1031
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val.flist
new file mode 100644
index 0000000..c9ce1d5
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val.flist
@@ -0,0 +1,999 @@
+MUL1903
+MUL2289
+MUL1900
+SNG0769
+MUL2324
+MUL1904
+MUL1044
+MUL1908
+MUL1042
+PMUL0697
+PMUL3428
+SNG01317
+PMUL3426
+MUL0493
+PMUL3344
+MUL0505
+PMUL3840
+PMUL4276
+PMUL0389
+MUL0509
+PMUL1233
+MUL1130
+PMUL0835
+MUL1463
+PMUL3979
+SNG0843
+PMUL3974
+SNG0845
+SNG01586
+SNG0846
+MUL0729
+PMUL1274
+MUL2282
+MUL1635
+MUL1636
+MUL0489
+SNG0501
+SNG0698
+PMUL4414
+MUL2351
+PMUL2748
+PMUL2747
+SNG0694
+PMUL1831
+SNG0697
+SNG0041
+MUL2064
+PMUL3695
+SNG0597
+PMUL3109
+MUL1995
+MUL1125
+MUL2083
+MUL0348
+MUL1126
+SNG01684
+SNG0609
+MUL0430
+MUL1128
+MUL0344
+SNG0340
+MUL0657
+PMUL2839
+MUL0651
+PMUL4053
+PMUL2386
+PMUL2385
+PMUL1579
+PMUL2382
+MUL0154
+SNG0049
+PMUL1771
+MUL1837
+MUL0933
+PMUL4702
+MUL0923
+PMUL3015
+PMUL3017
+PMUL4467
+PMUL0601
+PMUL3766
+MUL2456
+SNG02311
+SNG0934
+SNG0937
+SNG0939
+PMUL2204
+PMUL0420
+MUL2108
+PMUL0356
+MUL2100
+SNG02133
+PMUL4488
+PMUL2338
+MUL0806
+SNG0331
+PMUL4029
+PMUL1054
+PMUL1052
+PMUL0589
+PMUL0690
+PMUL4583
+PMUL0740
+PMUL4687
+MUL1221
+MUL1227
+PMUL2786
+PMUL2565
+PMUL2648
+PMUL1184
+PMUL0515
+PMUL1186
+SNG01184
+PMUL1181
+PMUL0512
+MUL1419
+MUL1821
+MUL1415
+MUL1245
+PMUL3464
+PMUL3466
+MUL0674
+SNG01935
+PMUL2599
+MUL2173
+PMUL0739
+MUL0625
+PMUL1599
+MUL0719
+SNG01227
+SNG01630
+SNG0804
+SNG0807
+PMUL4846
+MUL0627
+MUL1318
+PMUL1594
+SNG1046
+SNG1047
+SNG1043
+PMUL3835
+SNG1125
+PMUL2412
+SNG1121
+PMUL4686
+SNG1122
+PMUL4473
+MUL2251
+MUL1770
+MUL2258
+MUL0622
+SNG0650
+PMUL1951
+MUL1078
+MUL2319
+PMUL2021
+PMUL0124
+SNG0475
+MUL1487
+MUL1482
+PMUL2144
+PMUL3607
+PMUL3410
+PMUL4522
+MUL0476
+MUL0478
+MUL2082
+PMUL4244
+PMUL3591
+SNG0893
+SNG0891
+SNG0896
+PMUL3392
+MUL1556
+MUL0571
+SNG0899
+MUL0751
+MUL0754
+MUL0209
+MUL0207
+MUL0206
+MUL0971
+MUL0202
+PMUL4744
+MUL2223
+MUL2222
+PMUL4424
+MUL2495
+PMUL4426
+SNG01804
+MUL0681
+SNG02296
+MUL0687
+PMUL3645
+PMUL3644
+MUL0338
+MUL0337
+PMUL2986
+MUL0376
+MUL1673
+PMUL1235
+MUL0272
+SNG0090
+MUL0276
+PMUL3485
+PMUL0543
+PMUL1018
+PMUL4386
+PMUL0010
+PMUL4870
+PMUL4060
+SNG02276
+SNG02274
+PMUL2804
+MUL1738
+PMUL1393
+PMUL2968
+SNG0497
+PMUL3806
+SNG01218
+PMUL1429
+PMUL4634
+SNG0374
+MUL2421
+PMUL3166
+PMUL3048
+SNG0437
+SNG0922
+PMUL3169
+SNG0386
+SNG0384
+PMUL1828
+PMUL3735
+SNG0381
+PMUL3630
+PMUL2259
+PMUL3632
+PMUL3574
+PMUL3634
+PMUL2492
+PMUL0743
+MUL2039
+SNG01953
+PMUL3215
+SNG1071
+PMUL2248
+PMUL1644
+SNG01996
+SNG01504
+MUL0995
+PMUL4881
+PMUL1496
+SNG0603
+PMUL3966
+MUL1357
+MUL1676
+PMUL2518
+SNG1002
+SNG02077
+SNG02071
+SNG1007
+SNG0759
+PMUL1402
+MUL2688
+MUL1916
+SNG0751
+SNG0752
+MUL2683
+MUL1034
+PMUL2105
+MUL1858
+PMUL2617
+PMUL0600
+PMUL3891
+MUL1604
+PMUL3456
+MUL1647
+MUL1854
+MUL2041
+PMUL0764
+SNG0856
+PMUL3352
+MUL0539
+PMUL4814
+MUL2111
+MUL1326
+MUL1457
+PMUL3862
+MUL1450
+MUL1758
+SNG0783
+MUL1146
+SNG01609
+MUL0082
+MUL1626
+MUL0326
+MUL1622
+MUL0321
+MUL0490
+MUL1003
+MUL2344
+PMUL0119
+SNG0271
+MUL2341
+SNG01172
+MUL2263
+MUL2618
+PMUL2075
+MUL1973
+PMUL0289
+MUL0819
+SNG0588
+PMUL2179
+MUL1971
+PMUL0287
+MUL1133
+MUL0032
+MUL1131
+PMUL3434
+MUL0036
+MUL2291
+MUL0401
+MUL0039
+MUL0463
+MUL0663
+MUL0888
+PMUL4109
+SNG0406
+PMUL4107
+PMUL1016
+MUL0142
+PMUL1464
+SNG0038
+PMUL1747
+MUL2467
+PMUL0687
+SNG01735
+SNG02089
+SNG0030
+MUL0398
+MUL1500
+MUL2468
+PMUL1953
+PMUL4471
+PMUL3779
+PMUL3002
+PMUL1892
+MUL2507
+PMUL3776
+SNG0535
+MUL0242
+PMUL2807
+PMUL1346
+MUL0713
+PMUL1345
+PMUL2088
+MUL1576
+SNG0921
+PMUL1683
+PMUL0432
+PMUL1681
+MUL1382
+PMUL1684
+PMUL1122
+PMUL0025
+SNG02121
+PMUL1121
+PMUL0348
+PMUL4033
+SNG0327
+PMUL1517
+PMUL2324
+PMUL0978
+PMUL1518
+SNG0329
+SNG02221
+SNG01426
+PMUL2389
+PMUL2494
+PMUL3133
+PMUL2841
+SNG0463
+SNG01777
+SNG0730
+PMUL0508
+PMUL3702
+MUL1022
+MUL0549
+PMUL3850
+MUL1183
+MUL2000
+SNG01928
+MUL1768
+PMUL2383
+SNG1143
+MUL1762
+MUL1025
+MUL1550
+MUL0544
+PMUL0724
+PMUL0720
+PMUL1636
+SNG0442
+PMUL3314
+MUL2160
+PMUL2792
+PMUL0729
+MUL1360
+MUL1367
+SNG01553
+SNG0889
+MUL1368
+PMUL4850
+PMUL4853
+SNG01196
+SNG01993
+MUL1719
+MUL1249
+SNG1035
+PMUL4913
+PMUL3883
+PMUL4691
+MUL1247
+PMUL2421
+MUL0049
+SNG0668
+MUL0598
+SNG0660
+PMUL3397
+PMUL0759
+SNG0665
+MUL0047
+MUL0046
+MUL2309
+MUL1881
+MUL1884
+PMUL0653
+MUL1963
+MUL1967
+SNG0017
+PMUL4554
+PMUL4555
+PMUL3406
+PMUL3405
+MUL0445
+MUL2092
+MUL2004
+MUL2096
+MUL2097
+MUL2393
+MUL1407
+PMUL3911
+PMUL0858
+SNG0711
+SNG0862
+PMUL4826
+MUL1409
+MUL1617
+MUL1615
+PMUL2906
+PMUL3923
+MUL0219
+PMUL1257
+SNG0566
+SNG0567
+MUL0960
+SNG0565
+MUL2366
+SNG1142
+MUL2541
+PMUL4439
+PMUL4438
+PMUL2721
+PMUL4436
+PMUL2724
+MUL1589
+MUL0691
+MUL0696
+SNG02346
+SNG0968
+SNG0633
+SNG02341
+PMUL3537
+MUL1663
+MUL0362
+SNG0736
+MUL0368
+MUL1669
+SNG01201
+MUL1288
+PMUL0574
+PMUL0575
+MUL0135
+MUL0293
+PMUL0571
+PMUL1557
+PMUL4076
+PMUL4075
+SNG0283
+SNG0368
+SNG0369
+PMUL1795
+PMUL0266
+MUL0915
+PMUL1791
+PMUL2594
+PMUL1635
+PMUL4482
+PMUL4729
+MUL1603
+PMUL3072
+PMUL3073
+PMUL4485
+PMUL3744
+PMUL1318
+SNG0447
+PMUL3740
+SNG0910
+PMUL1310
+MUL0187
+PMUL2880
+MUL0182
+SNG1106
+SNG01801
+PMUL2320
+SNG1069
+MUL2640
+MUL0737
+PMUL4287
+MUL1517
+PMUL0928
+PMUL0077
+MUL1286
+SNG01297
+PMUL2255
+PMUL1071
+PMUL1072
+PMUL1074
+MUL2644
+PMUL2314
+MUL0985
+PMUL2469
+SNG01459
+MUL0827
+SNG01453
+PMUL2464
+PMUL2350
+PMUL2504
+PMUL3929
+PMUL2661
+PMUL4793
+PMUL4791
+MUL1381
+PMUL2282
+MUL2699
+MUL1843
+PMUL3926
+MUL2587
+PMUL3928
+MUL2693
+MUL2690
+MUL1433
+MUL1920
+MUL1923
+MUL0244
+MUL0106
+PMUL4592
+PMUL3884
+MUL2058
+PMUL3880
+MUL2199
+PMUL3888
+PMUL1990
+PMUL3498
+PMUL3362
+PMUL3363
+PMUL4359
+SNG0829
+SNG01206
+MUL0107
+PMUL4864
+MUL1722
+MUL1338
+PMUL0689
+SNG01962
+PMUL3817
+MUL1651
+PMUL3820
+MUL0093
+MUL0610
+PMUL2428
+MUL0095
+MUL0311
+MUL1652
+MUL0313
+MUL0312
+MUL1158
+PMUL2363
+MUL0317
+MUL2372
+MUL1655
+PMUL2763
+PMUL2762
+MUL2271
+MUL2277
+SNG0277
+MUL0791
+PMUL4022
+MUL0418
+PMUL0294
+MUL0559
+MUL1531
+PMUL0863
+PMUL1453
+PMUL1322
+MUL0899
+MUL0957
+SNG0551
+SNG0550
+MUL0676
+MUL0893
+MUL0959
+MUL0675
+MUL0673
+MUL2470
+SNG0835
+PMUL1282
+PMUL1057
+MUL0386
+MUL0384
+PMUL1289
+PMUL4446
+PMUL2711
+PMUL2713
+MUL2670
+PMUL3786
+PMUL2718
+PMUL2844
+PMUL1881
+PMUL1968
+MUL2574
+PMUL3200
+MUL0703
+PMUL3665
+SNG0521
+PMUL2093
+MUL0707
+SNG02330
+PMUL1352
+PMUL3544
+PMUL1211
+SNG02057
+MUL0759
+PMUL4399
+SNG02052
+PMUL0400
+PMUL0036
+SNG02115
+PMUL0032
+PMUL1133
+PMUL1132
+PMUL4005
+SNG0314
+PMUL0963
+PMUL0936
+SNG01411
+PMUL2863
+PMUL4993
+PMUL4612
+MUL1968
+PMUL3106
+PMUL3105
+SNG02278
+MUL0177
+PMUL2623
+PMUL2780
+MUL0178
+SNG01839
+MUL1808
+PMUL3123
+MUL2014
+SNG01934
+MUL2016
+SNG0554
+PMUL1389
+PMUL0716
+PMUL0717
+PMUL1620
+PMUL3320
+PMUL1624
+PMUL3324
+PMUL1140
+PMUL0083
+PMUL1142
+MUL2152
+PMUL3244
+PMUL4314
+SNG0422
+MUL1370
+PMUL0912
+PMUL2973
+PMUL2260
+MUL0871
+MUL1379
+SNG01598
+MUL0878
+PMUL2975
+PMUL2394
+SNG1023
+PMUL4902
+MUL1271
+PMUL2532
+MUL2307
+PMUL4354
+MUL1976
+PMUL3174
+MUL1975
+MUL1972
+MUL2330
+MUL0706
+MUL0580
+MUL1503
+SNG0771
+SNG0770
+PMUL0590
+PMUL0142
+MUL1879
+MUL1873
+MUL0448
+MUL0513
+MUL0512
+PMUL1661
+MUL0517
+PMUL4620
+PMUL0605
+MUL0452
+PMUL4264
+SNG1119
+MUL1472
+PMUL0607
+MUL2384
+MUL1476
+MUL2387
+PMUL4833
+SNG0703
+SNG0700
+MUL1571
+PMUL0987
+PMUL0984
+MUL0229
+MUL0650
+PMUL1692
+PMUL1712
+MUL0731
+MUL2013
+SNG01664
+MUL0227
+MUL1594
+PMUL2219
+PMUL4400
+PMUL1451
+MUL1590
+MUL0773
+PMUL2757
+SNG0684
+MUL2638
+PMUL4828
+MUL1988
+SNG0996
+PMUL2190
+SNG0993
+PMUL3899
+MUL0055
+SNG0670
+MUL0051
+MUL0426
+MUL0425
+PMUL3453
+SNG0414
+SNG0344
+PMUL1408
+SNG02220
+SNG0299
+MUL0128
+MUL0129
+MUL0126
+PMUL1400
+SNG01595
+PMUL2821
+SNG0058
+MUL1564
+PMUL1768
+MUL0702
+PMUL2585
+MUL2526
+MUL2448
+PMUL4711
+SNG01698
+SNG01699
+PMUL4492
+PMUL3756
+SNG0907
+SNG0900
+MUL0637
+MUL0635
+PMUL2894
+SNG01703
+SNG02029
+SNG1050
+MUL2117
+SNG1055
+PMUL4290
+PMUL1104
+PMUL0596
+PMUL0958
+PMUL0959
+SNG01284
+PMUL1063
+SNG01523
+PMUL4719
+PMUL1108
+SNG01527
+PMUL2307
+PMUL2306
+PMUL2304
+PMUL2478
+PMUL2301
+MUL0830
+SNG1085
+PMUL4198
+PMUL2472
+PMUL0569
+MUL0962
+PMUL2576
+MUL0631
+MUL1292
+PMUL1744
+PMUL0564
+SNG0457
+MUL1831
+MUL0745
+PMUL0187
+MUL1780
+PMUL3262
+PMUL0622
+PMUL0623
+MUL1426
+SNG01903
+PMUL0626
+MUL1934
+PMUL3379
+PMUL3378
+PMUL3470
+MUL2677
+MUL2184
+SNG01626
+PMUL4588
+MUL2065
+PMUL1615
+MUL2067
+MUL2389
+PMUL4332
+PMUL0207
+SNG01235
+PMUL2235
+PMUL4955
+PMUL4877
+SNG01229
+MUL1453
+PMUL0698
+PMUL4976
+SNG01974
+PMUL1591
+SNG0913
+MUL1160
+SNG01627
+MUL1162
+SNG01320
+MUL1167
+MUL1166
+MUL0065
+PMUL1653
+MUL2249
+MUL0060
+PMUL1917
+MUL1492
+PMUL4581
+PMUL0134
+PMUL3983
+MUL2360
+MUL2361
+PMUL1479
+PMUL4688
+PMUL2154
+PMUL3384
+MUL1540
+PMUL4431
+SNG0883
+MUL0012
+MUL0013
+MUL1549
+PMUL4302
+MUL0016
+PMUL0874
+MUL1462
+PMUL4126
+PMUL4120
+SNG0542
+MUL0603
+MUL0602
+SNG0018
+SNG0019
+MUL1977
+PMUL1721
+PMUL1722
+PMUL2902
+PMUL1100
+PMUL4939
+PMUL4757
+MUL2489
+MUL1256
+PMUL4451
+MUL2486
+MUL2612
+SNG0494
+SNG0495
+PMUL3797
+PMUL2368
+SNG0490
+MUL2649
+PMUL1879
+PMUL2992
+SNG0949
+MUL0305
+MUL0302
+PMUL3554
+MUL0300
+SNG0084
+SNG0942
+SNG1049
+SNG0080
+PMUL4289
+PMUL3497
+SNG02105
+PMUL0555
+SNG02260
+MUL2615
+PMUL3396
+MUL0287
+MUL2268
+SNG0060
+PMUL2970
+PMUL4984
+PMUL3683
+PMUL1029
+SNG0068
+PMUL3110
+PMUL4623
+PMUL3117
+PMUL3050
+PMUL3052
+MUL2418
+PMUL0521
+PMUL3728
+SNG02214
+PMUL0529
+MUL1174
+PMUL2441
+SNG01889
+MUL2259
+MUL0839
+PMUL0705
+MUL1740
+MUL1297
+MUL2020
+MUL1295
+SNG0651
+MUL2487
+PMUL1159
+PMUL1650
+PMUL3332
+PMUL1152
+PMUL0318
+PMUL3233
+PMUL2274
+SNG01579
+MUL0848
+MUL1347
+MUL1341
+MUL1897
+MUL1888
+PMUL2178
+SNG02109
+PMUL1525
+SNG1019
+SNG1018
+SNG1017
+PMUL2520
+SNG1011
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val_sys.flist b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val_sys.flist
new file mode 100644
index 0000000..c9ce1d5
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/config/val_sys.flist
@@ -0,0 +1,999 @@
+MUL1903
+MUL2289
+MUL1900
+SNG0769
+MUL2324
+MUL1904
+MUL1044
+MUL1908
+MUL1042
+PMUL0697
+PMUL3428
+SNG01317
+PMUL3426
+MUL0493
+PMUL3344
+MUL0505
+PMUL3840
+PMUL4276
+PMUL0389
+MUL0509
+PMUL1233
+MUL1130
+PMUL0835
+MUL1463
+PMUL3979
+SNG0843
+PMUL3974
+SNG0845
+SNG01586
+SNG0846
+MUL0729
+PMUL1274
+MUL2282
+MUL1635
+MUL1636
+MUL0489
+SNG0501
+SNG0698
+PMUL4414
+MUL2351
+PMUL2748
+PMUL2747
+SNG0694
+PMUL1831
+SNG0697
+SNG0041
+MUL2064
+PMUL3695
+SNG0597
+PMUL3109
+MUL1995
+MUL1125
+MUL2083
+MUL0348
+MUL1126
+SNG01684
+SNG0609
+MUL0430
+MUL1128
+MUL0344
+SNG0340
+MUL0657
+PMUL2839
+MUL0651
+PMUL4053
+PMUL2386
+PMUL2385
+PMUL1579
+PMUL2382
+MUL0154
+SNG0049
+PMUL1771
+MUL1837
+MUL0933
+PMUL4702
+MUL0923
+PMUL3015
+PMUL3017
+PMUL4467
+PMUL0601
+PMUL3766
+MUL2456
+SNG02311
+SNG0934
+SNG0937
+SNG0939
+PMUL2204
+PMUL0420
+MUL2108
+PMUL0356
+MUL2100
+SNG02133
+PMUL4488
+PMUL2338
+MUL0806
+SNG0331
+PMUL4029
+PMUL1054
+PMUL1052
+PMUL0589
+PMUL0690
+PMUL4583
+PMUL0740
+PMUL4687
+MUL1221
+MUL1227
+PMUL2786
+PMUL2565
+PMUL2648
+PMUL1184
+PMUL0515
+PMUL1186
+SNG01184
+PMUL1181
+PMUL0512
+MUL1419
+MUL1821
+MUL1415
+MUL1245
+PMUL3464
+PMUL3466
+MUL0674
+SNG01935
+PMUL2599
+MUL2173
+PMUL0739
+MUL0625
+PMUL1599
+MUL0719
+SNG01227
+SNG01630
+SNG0804
+SNG0807
+PMUL4846
+MUL0627
+MUL1318
+PMUL1594
+SNG1046
+SNG1047
+SNG1043
+PMUL3835
+SNG1125
+PMUL2412
+SNG1121
+PMUL4686
+SNG1122
+PMUL4473
+MUL2251
+MUL1770
+MUL2258
+MUL0622
+SNG0650
+PMUL1951
+MUL1078
+MUL2319
+PMUL2021
+PMUL0124
+SNG0475
+MUL1487
+MUL1482
+PMUL2144
+PMUL3607
+PMUL3410
+PMUL4522
+MUL0476
+MUL0478
+MUL2082
+PMUL4244
+PMUL3591
+SNG0893
+SNG0891
+SNG0896
+PMUL3392
+MUL1556
+MUL0571
+SNG0899
+MUL0751
+MUL0754
+MUL0209
+MUL0207
+MUL0206
+MUL0971
+MUL0202
+PMUL4744
+MUL2223
+MUL2222
+PMUL4424
+MUL2495
+PMUL4426
+SNG01804
+MUL0681
+SNG02296
+MUL0687
+PMUL3645
+PMUL3644
+MUL0338
+MUL0337
+PMUL2986
+MUL0376
+MUL1673
+PMUL1235
+MUL0272
+SNG0090
+MUL0276
+PMUL3485
+PMUL0543
+PMUL1018
+PMUL4386
+PMUL0010
+PMUL4870
+PMUL4060
+SNG02276
+SNG02274
+PMUL2804
+MUL1738
+PMUL1393
+PMUL2968
+SNG0497
+PMUL3806
+SNG01218
+PMUL1429
+PMUL4634
+SNG0374
+MUL2421
+PMUL3166
+PMUL3048
+SNG0437
+SNG0922
+PMUL3169
+SNG0386
+SNG0384
+PMUL1828
+PMUL3735
+SNG0381
+PMUL3630
+PMUL2259
+PMUL3632
+PMUL3574
+PMUL3634
+PMUL2492
+PMUL0743
+MUL2039
+SNG01953
+PMUL3215
+SNG1071
+PMUL2248
+PMUL1644
+SNG01996
+SNG01504
+MUL0995
+PMUL4881
+PMUL1496
+SNG0603
+PMUL3966
+MUL1357
+MUL1676
+PMUL2518
+SNG1002
+SNG02077
+SNG02071
+SNG1007
+SNG0759
+PMUL1402
+MUL2688
+MUL1916
+SNG0751
+SNG0752
+MUL2683
+MUL1034
+PMUL2105
+MUL1858
+PMUL2617
+PMUL0600
+PMUL3891
+MUL1604
+PMUL3456
+MUL1647
+MUL1854
+MUL2041
+PMUL0764
+SNG0856
+PMUL3352
+MUL0539
+PMUL4814
+MUL2111
+MUL1326
+MUL1457
+PMUL3862
+MUL1450
+MUL1758
+SNG0783
+MUL1146
+SNG01609
+MUL0082
+MUL1626
+MUL0326
+MUL1622
+MUL0321
+MUL0490
+MUL1003
+MUL2344
+PMUL0119
+SNG0271
+MUL2341
+SNG01172
+MUL2263
+MUL2618
+PMUL2075
+MUL1973
+PMUL0289
+MUL0819
+SNG0588
+PMUL2179
+MUL1971
+PMUL0287
+MUL1133
+MUL0032
+MUL1131
+PMUL3434
+MUL0036
+MUL2291
+MUL0401
+MUL0039
+MUL0463
+MUL0663
+MUL0888
+PMUL4109
+SNG0406
+PMUL4107
+PMUL1016
+MUL0142
+PMUL1464
+SNG0038
+PMUL1747
+MUL2467
+PMUL0687
+SNG01735
+SNG02089
+SNG0030
+MUL0398
+MUL1500
+MUL2468
+PMUL1953
+PMUL4471
+PMUL3779
+PMUL3002
+PMUL1892
+MUL2507
+PMUL3776
+SNG0535
+MUL0242
+PMUL2807
+PMUL1346
+MUL0713
+PMUL1345
+PMUL2088
+MUL1576
+SNG0921
+PMUL1683
+PMUL0432
+PMUL1681
+MUL1382
+PMUL1684
+PMUL1122
+PMUL0025
+SNG02121
+PMUL1121
+PMUL0348
+PMUL4033
+SNG0327
+PMUL1517
+PMUL2324
+PMUL0978
+PMUL1518
+SNG0329
+SNG02221
+SNG01426
+PMUL2389
+PMUL2494
+PMUL3133
+PMUL2841
+SNG0463
+SNG01777
+SNG0730
+PMUL0508
+PMUL3702
+MUL1022
+MUL0549
+PMUL3850
+MUL1183
+MUL2000
+SNG01928
+MUL1768
+PMUL2383
+SNG1143
+MUL1762
+MUL1025
+MUL1550
+MUL0544
+PMUL0724
+PMUL0720
+PMUL1636
+SNG0442
+PMUL3314
+MUL2160
+PMUL2792
+PMUL0729
+MUL1360
+MUL1367
+SNG01553
+SNG0889
+MUL1368
+PMUL4850
+PMUL4853
+SNG01196
+SNG01993
+MUL1719
+MUL1249
+SNG1035
+PMUL4913
+PMUL3883
+PMUL4691
+MUL1247
+PMUL2421
+MUL0049
+SNG0668
+MUL0598
+SNG0660
+PMUL3397
+PMUL0759
+SNG0665
+MUL0047
+MUL0046
+MUL2309
+MUL1881
+MUL1884
+PMUL0653
+MUL1963
+MUL1967
+SNG0017
+PMUL4554
+PMUL4555
+PMUL3406
+PMUL3405
+MUL0445
+MUL2092
+MUL2004
+MUL2096
+MUL2097
+MUL2393
+MUL1407
+PMUL3911
+PMUL0858
+SNG0711
+SNG0862
+PMUL4826
+MUL1409
+MUL1617
+MUL1615
+PMUL2906
+PMUL3923
+MUL0219
+PMUL1257
+SNG0566
+SNG0567
+MUL0960
+SNG0565
+MUL2366
+SNG1142
+MUL2541
+PMUL4439
+PMUL4438
+PMUL2721
+PMUL4436
+PMUL2724
+MUL1589
+MUL0691
+MUL0696
+SNG02346
+SNG0968
+SNG0633
+SNG02341
+PMUL3537
+MUL1663
+MUL0362
+SNG0736
+MUL0368
+MUL1669
+SNG01201
+MUL1288
+PMUL0574
+PMUL0575
+MUL0135
+MUL0293
+PMUL0571
+PMUL1557
+PMUL4076
+PMUL4075
+SNG0283
+SNG0368
+SNG0369
+PMUL1795
+PMUL0266
+MUL0915
+PMUL1791
+PMUL2594
+PMUL1635
+PMUL4482
+PMUL4729
+MUL1603
+PMUL3072
+PMUL3073
+PMUL4485
+PMUL3744
+PMUL1318
+SNG0447
+PMUL3740
+SNG0910
+PMUL1310
+MUL0187
+PMUL2880
+MUL0182
+SNG1106
+SNG01801
+PMUL2320
+SNG1069
+MUL2640
+MUL0737
+PMUL4287
+MUL1517
+PMUL0928
+PMUL0077
+MUL1286
+SNG01297
+PMUL2255
+PMUL1071
+PMUL1072
+PMUL1074
+MUL2644
+PMUL2314
+MUL0985
+PMUL2469
+SNG01459
+MUL0827
+SNG01453
+PMUL2464
+PMUL2350
+PMUL2504
+PMUL3929
+PMUL2661
+PMUL4793
+PMUL4791
+MUL1381
+PMUL2282
+MUL2699
+MUL1843
+PMUL3926
+MUL2587
+PMUL3928
+MUL2693
+MUL2690
+MUL1433
+MUL1920
+MUL1923
+MUL0244
+MUL0106
+PMUL4592
+PMUL3884
+MUL2058
+PMUL3880
+MUL2199
+PMUL3888
+PMUL1990
+PMUL3498
+PMUL3362
+PMUL3363
+PMUL4359
+SNG0829
+SNG01206
+MUL0107
+PMUL4864
+MUL1722
+MUL1338
+PMUL0689
+SNG01962
+PMUL3817
+MUL1651
+PMUL3820
+MUL0093
+MUL0610
+PMUL2428
+MUL0095
+MUL0311
+MUL1652
+MUL0313
+MUL0312
+MUL1158
+PMUL2363
+MUL0317
+MUL2372
+MUL1655
+PMUL2763
+PMUL2762
+MUL2271
+MUL2277
+SNG0277
+MUL0791
+PMUL4022
+MUL0418
+PMUL0294
+MUL0559
+MUL1531
+PMUL0863
+PMUL1453
+PMUL1322
+MUL0899
+MUL0957
+SNG0551
+SNG0550
+MUL0676
+MUL0893
+MUL0959
+MUL0675
+MUL0673
+MUL2470
+SNG0835
+PMUL1282
+PMUL1057
+MUL0386
+MUL0384
+PMUL1289
+PMUL4446
+PMUL2711
+PMUL2713
+MUL2670
+PMUL3786
+PMUL2718
+PMUL2844
+PMUL1881
+PMUL1968
+MUL2574
+PMUL3200
+MUL0703
+PMUL3665
+SNG0521
+PMUL2093
+MUL0707
+SNG02330
+PMUL1352
+PMUL3544
+PMUL1211
+SNG02057
+MUL0759
+PMUL4399
+SNG02052
+PMUL0400
+PMUL0036
+SNG02115
+PMUL0032
+PMUL1133
+PMUL1132
+PMUL4005
+SNG0314
+PMUL0963
+PMUL0936
+SNG01411
+PMUL2863
+PMUL4993
+PMUL4612
+MUL1968
+PMUL3106
+PMUL3105
+SNG02278
+MUL0177
+PMUL2623
+PMUL2780
+MUL0178
+SNG01839
+MUL1808
+PMUL3123
+MUL2014
+SNG01934
+MUL2016
+SNG0554
+PMUL1389
+PMUL0716
+PMUL0717
+PMUL1620
+PMUL3320
+PMUL1624
+PMUL3324
+PMUL1140
+PMUL0083
+PMUL1142
+MUL2152
+PMUL3244
+PMUL4314
+SNG0422
+MUL1370
+PMUL0912
+PMUL2973
+PMUL2260
+MUL0871
+MUL1379
+SNG01598
+MUL0878
+PMUL2975
+PMUL2394
+SNG1023
+PMUL4902
+MUL1271
+PMUL2532
+MUL2307
+PMUL4354
+MUL1976
+PMUL3174
+MUL1975
+MUL1972
+MUL2330
+MUL0706
+MUL0580
+MUL1503
+SNG0771
+SNG0770
+PMUL0590
+PMUL0142
+MUL1879
+MUL1873
+MUL0448
+MUL0513
+MUL0512
+PMUL1661
+MUL0517
+PMUL4620
+PMUL0605
+MUL0452
+PMUL4264
+SNG1119
+MUL1472
+PMUL0607
+MUL2384
+MUL1476
+MUL2387
+PMUL4833
+SNG0703
+SNG0700
+MUL1571
+PMUL0987
+PMUL0984
+MUL0229
+MUL0650
+PMUL1692
+PMUL1712
+MUL0731
+MUL2013
+SNG01664
+MUL0227
+MUL1594
+PMUL2219
+PMUL4400
+PMUL1451
+MUL1590
+MUL0773
+PMUL2757
+SNG0684
+MUL2638
+PMUL4828
+MUL1988
+SNG0996
+PMUL2190
+SNG0993
+PMUL3899
+MUL0055
+SNG0670
+MUL0051
+MUL0426
+MUL0425
+PMUL3453
+SNG0414
+SNG0344
+PMUL1408
+SNG02220
+SNG0299
+MUL0128
+MUL0129
+MUL0126
+PMUL1400
+SNG01595
+PMUL2821
+SNG0058
+MUL1564
+PMUL1768
+MUL0702
+PMUL2585
+MUL2526
+MUL2448
+PMUL4711
+SNG01698
+SNG01699
+PMUL4492
+PMUL3756
+SNG0907
+SNG0900
+MUL0637
+MUL0635
+PMUL2894
+SNG01703
+SNG02029
+SNG1050
+MUL2117
+SNG1055
+PMUL4290
+PMUL1104
+PMUL0596
+PMUL0958
+PMUL0959
+SNG01284
+PMUL1063
+SNG01523
+PMUL4719
+PMUL1108
+SNG01527
+PMUL2307
+PMUL2306
+PMUL2304
+PMUL2478
+PMUL2301
+MUL0830
+SNG1085
+PMUL4198
+PMUL2472
+PMUL0569
+MUL0962
+PMUL2576
+MUL0631
+MUL1292
+PMUL1744
+PMUL0564
+SNG0457
+MUL1831
+MUL0745
+PMUL0187
+MUL1780
+PMUL3262
+PMUL0622
+PMUL0623
+MUL1426
+SNG01903
+PMUL0626
+MUL1934
+PMUL3379
+PMUL3378
+PMUL3470
+MUL2677
+MUL2184
+SNG01626
+PMUL4588
+MUL2065
+PMUL1615
+MUL2067
+MUL2389
+PMUL4332
+PMUL0207
+SNG01235
+PMUL2235
+PMUL4955
+PMUL4877
+SNG01229
+MUL1453
+PMUL0698
+PMUL4976
+SNG01974
+PMUL1591
+SNG0913
+MUL1160
+SNG01627
+MUL1162
+SNG01320
+MUL1167
+MUL1166
+MUL0065
+PMUL1653
+MUL2249
+MUL0060
+PMUL1917
+MUL1492
+PMUL4581
+PMUL0134
+PMUL3983
+MUL2360
+MUL2361
+PMUL1479
+PMUL4688
+PMUL2154
+PMUL3384
+MUL1540
+PMUL4431
+SNG0883
+MUL0012
+MUL0013
+MUL1549
+PMUL4302
+MUL0016
+PMUL0874
+MUL1462
+PMUL4126
+PMUL4120
+SNG0542
+MUL0603
+MUL0602
+SNG0018
+SNG0019
+MUL1977
+PMUL1721
+PMUL1722
+PMUL2902
+PMUL1100
+PMUL4939
+PMUL4757
+MUL2489
+MUL1256
+PMUL4451
+MUL2486
+MUL2612
+SNG0494
+SNG0495
+PMUL3797
+PMUL2368
+SNG0490
+MUL2649
+PMUL1879
+PMUL2992
+SNG0949
+MUL0305
+MUL0302
+PMUL3554
+MUL0300
+SNG0084
+SNG0942
+SNG1049
+SNG0080
+PMUL4289
+PMUL3497
+SNG02105
+PMUL0555
+SNG02260
+MUL2615
+PMUL3396
+MUL0287
+MUL2268
+SNG0060
+PMUL2970
+PMUL4984
+PMUL3683
+PMUL1029
+SNG0068
+PMUL3110
+PMUL4623
+PMUL3117
+PMUL3050
+PMUL3052
+MUL2418
+PMUL0521
+PMUL3728
+SNG02214
+PMUL0529
+MUL1174
+PMUL2441
+SNG01889
+MUL2259
+MUL0839
+PMUL0705
+MUL1740
+MUL1297
+MUL2020
+MUL1295
+SNG0651
+MUL2487
+PMUL1159
+PMUL1650
+PMUL3332
+PMUL1152
+PMUL0318
+PMUL3233
+PMUL2274
+SNG01579
+MUL0848
+MUL1347
+MUL1341
+MUL1897
+MUL1888
+PMUL2178
+SNG02109
+PMUL1525
+SNG1019
+SNG1018
+SNG1017
+PMUL2520
+SNG1011
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/dataset_walker.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/dataset_walker.py
new file mode 100644
index 0000000..c03f939
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/dataset_walker.py
@@ -0,0 +1,110 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import os, json, re
+class dataset_walker(object):
+ def __init__(self,dataset,labels=False,dataroot=None):
+ if "[" in dataset :
+ self.datasets = json.loads(dataset)
+ elif type(dataset) == type([]) :
+ self.datasets= dataset
+ else:
+ self.datasets = [dataset]
+ self.dataset = dataset
+ self.install_root = os.path.abspath(os.path.dirname(os.path.abspath(__file__)))
+ self.dataset_session_lists = [os.path.join(self.install_root,'config',dataset + '.flist') for dataset in self.datasets]
+
+ self.labels = labels
+ if (dataroot == None):
+ install_parent = os.path.dirname(self.install_root)
+ self.dataroot = os.path.join(install_parent,'data')
+ else:
+ self.dataroot = os.path.join(os.path.abspath(dataroot))
+
+ # load dataset (list of calls)
+ self.session_list = []
+ for dataset_session_list in self.dataset_session_lists :
+ f = open(dataset_session_list)
+ for line in f:
+ line = line.strip()
+ #line = re.sub('/',r'\\',line)
+ #line = re.sub(r'\\+$','',line)
+ if (line in self.session_list):
+ raise RuntimeError('Call appears twice: %s' % (line))
+ self.session_list.append(line)
+ f.close()
+
+ def __iter__(self):
+ for session_id in self.session_list:
+ session_id_list = session_id.split('/')
+ session_dirname = os.path.join(self.dataroot,*session_id_list)
+ applog_filename = os.path.join(session_dirname,'log.json')
+ if (self.labels):
+ labels_filename = os.path.join(session_dirname,'label.json')
+ if (not os.path.exists(labels_filename)):
+ raise RuntimeError('Cant score : cant open labels file %s' % (labels_filename))
+ else:
+ labels_filename = None
+ print(applog_filename,labels_filename)
+ call = Call(applog_filename,labels_filename)
+ call.dirname = session_dirname
+ yield call
+ def __len__(self, ):
+ return len(self.session_list)
+
+
+class Call(object):
+ def __init__(self,applog_filename,labels_filename):
+ self.applog_filename = applog_filename
+ self.labels_filename = labels_filename
+ f = open(applog_filename)
+ self.log = json.load(f)
+ f.close()
+ if (labels_filename != None):
+ f = open(labels_filename)
+ self.labels = json.load(f)
+ f.close()
+ else:
+ self.labels = None
+
+ def __iter__(self):
+ if (self.labels_filename != None):
+ for (log,labels) in zip(self.log['turns'],self.labels['turns']):
+ yield (log,labels)
+ else:
+ for log in self.log['turns']:
+ yield (log,None)
+
+ def __len__(self, ):
+ return len(self.log['turns'])
+
+
+if __name__ == '__main__':
+ import misc
+ dataset = dataset_walker("HDCCN", dataroot="data", labels=True)
+ for call in dataset :
+ if call.log["session-id"]=="voip-f32f2cfdae-130328_192703" :
+ for turn, label in call :
+ print(misc.S(turn))
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/misc.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/misc.py
new file mode 100644
index 0000000..1f02ff3
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/misc.py
@@ -0,0 +1,159 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+from collections import defaultdict
+import baseline
+import json
+
+slots_informable = ["area","food","pricerange","name", "hastv", "hasinternet", "childrenallowed", "near", "hasmusic", "type"]
+
+
+def S(turn, ontology=None) :
+ if ontology == None :
+ _slots_informable = slots_informable[:]
+ else :
+ _slots_informable = ontology["informable"].keys()
+
+ mact = []
+ if "dialog-acts" in turn["output"] :
+ mact = turn["output"]["dialog-acts"]
+ this_slot = None
+ for act in mact :
+ if act["act"] in ["request"]:
+ this_slot = act["slots"][0][1]
+ elif act["act"] in ["expl-conf", "select"]:
+ this_slot = act["slots"][0][0]
+ # return a dict of informable slots to mentioned values in a turn
+ out = defaultdict(set)
+ for act in mact :
+ if "conf" in act["act"] :
+ for slot, value in act["slots"] :
+ if slot in _slots_informable :
+ out[slot].add(value)
+
+ for slu_hyp in turn["input"]["live"]["slu-hyps"] :
+ for act in slu_hyp["slu-hyp"] :
+ for slot, value in act["slots"] :
+ if slot == "this" :
+ slot = this_slot
+ if slot in _slots_informable :
+ out[slot].add(value)
+
+ return out
+
+
+def S_requested(turn):
+ # which slots are hypothesised to be requested in this turn?
+ requested = []
+ for slu_hyp in turn["input"]["live"]["slu-hyps"]:
+ for act in slu_hyp["slu-hyp"] :
+ if act["act"] != "request" :
+ continue
+ for slot, value in act["slots"]:
+ if slot == "slot" :
+ requested.append(value)
+
+ return requested
+
+
+def SysInformed(turn):
+ # which slots are informed in this turn?
+ informed = set([])
+ macts = []
+ if "dialog-acts" in turn["output"] :
+ macts = turn["output"]["dialog-acts"]
+ for mact in macts:
+ if mact['act'] == 'inform' or mact['act']== 'offer' :
+ for slot, _value in mact['slots']:
+ informed.add(slot)
+ return informed
+
+def MethodLabel(user_act, mact) :
+ method="none"
+ act_types = [act["act"] for act in user_act]
+ mact_types = [act["act"] for act in mact]
+ if "reqalts" in act_types :
+ method = "byalternatives"
+ elif "bye" in act_types :
+ method = "finished"
+ elif "inform" in act_types:
+ method = "byconstraints"
+ for act in [uact for uact in user_act if uact["act"] == "inform"] :
+ slots = [slot for slot, _ in act["slots"]]
+ if "name" in slots :
+ method = "byname"
+ return method
+
+def LabelsB(session, ontology) :
+ # calculate labelling scheme B labels: (for goal and method)
+ goal_labels_b = []
+ method_labels_b = []
+ slots_informable = ontology["informable"].keys()
+ canthelped = {slot:[] for slot in slots_informable}
+ for (log_turn,label_turn) in session :
+ user_act = label_turn["semantics"]["json"]
+ mact = log_turn["output"]["dialog-acts"]
+ _, _, _, new_method = baseline.labels(user_act, mact)
+ method_label = new_method
+ method_labels_b.append(method_label)
+
+ if method_label != None :
+ for i in range(len(method_labels_b)-1) :
+ if method_labels_b[i] == None :
+ method_labels_b[i] = method_label
+
+ this_label = {}
+
+ for dact in log_turn["output"]["dialog-acts"] :
+ if dact["act"] == "canthelp" :
+ for slot, value in dact["slots"] :
+ canthelped[slot].append(value)
+
+ for slot in slots_informable :
+
+
+ if slot in label_turn["goal-labels"] and label_turn["goal-labels"][slot] not in canthelped[slot] :
+ this_label[slot] = label_turn["goal-labels"][slot]
+ for _label in goal_labels_b :
+ if _label[slot] == None :
+ _label[slot] = label_turn["goal-labels"][slot]
+ else :
+ this_label[slot] = None
+
+ goal_labels_b.append(this_label)
+
+ for i in range(len(goal_labels_b)):
+ to_delete = []
+ for slot in goal_labels_b[i] :
+ if goal_labels_b[i][slot] == None:
+ to_delete.append(slot)
+ for slot in to_delete :
+ del goal_labels_b[i][slot]
+
+ return goal_labels_b, method_labels_b
+
+
+if __name__ == '__main__':
+ pass
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/prettyPrint.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/prettyPrint.py
new file mode 100644
index 0000000..0979f83
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/prettyPrint.py
@@ -0,0 +1,61 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import os
+import json
+import sys
+
+#############################################################################
+# Pretty print a specified dialog #
+#############################################################################
+
+def jsonItemToCued(i):
+ if len(i) > 2:
+ print "Unsure what to do about " + str(i)
+ if len(i) > 1:
+ return i[0] + "=" + i[1]
+ elif len(i) == 1:
+ return i[0]
+ else:
+ return ""
+
+def jsonActToCued(a):
+ return a["act"] + "(" + ",".join(jsonItemToCued(i) for i in a["slots"]) + ")"
+
+#Converts a json format utterance to a CUED-style string
+def jsonToCued(d):
+ ans = "|".join(jsonActToCued(a) for a in d)
+ return ans
+
+#Pretty prints a dialog
+def prettyPrint(fname):
+ if os.path.isdir(fname):
+ log = json.load(open(os.path.join(fname, "log.json")))
+ label = json.load(open(os.path.join(fname, "label.json")))
+ for turn, labelturn in zip(log["turns"], label["turns"]) :
+ print "SYS > " + turn['output']['transcript']
+ dact = turn['output']['dialog-acts']
+ slulist = turn['input']['live']['slu-hyps']
+ print "DAct > " + jsonToCued(dact)
+ if len(slulist) > 0:
+ for s in slulist:
+ slu = s
+ #prob = slulist[0]['prob']
+ print "SLU > %-20s [%.2f]" % (jsonToCued(slu['slu-hyp']),slu['score'])
+
+ asrlist = turn['input']['live']['asr-hyps']
+ print "ASR > " + asrlist[0]['asr-hyp']
+ print "Tran > " +str(labelturn['transcription'])
+ print " "
+
+
+
+
+if __name__ == "__main__":
+
+ if len(sys.argv) < 2:
+ print "Usage: python prettyPrint.py [dialogfolder]"
+ else:
+ fname = sys.argv[1]
+ prettyPrint(fname)
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/report.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/report.py
new file mode 100644
index 0000000..62b38e6
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/report.py
@@ -0,0 +1,129 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import sys,os,argparse,shutil,glob,json
+
+SCHEDULES = [1,2]
+LABEL_SCHEMES = ["a","b"]
+EVALUATION_SCHEMES = {
+ (1,"a"): "eval_1a",
+ (1,"b"): "eval_1b",
+ (2,"a"): "eval_2a",
+ (2,"b"): "eval_2b",
+}
+
+def main(argv):
+ #
+ # CMD LINE ARGS
+ #
+ install_path = os.path.abspath(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))
+
+ parser = argparse.ArgumentParser(description='Formats a scorefile into a report and prints to stdout.')
+ parser.add_argument('--scorefile',dest='csv',action='store',required=True,metavar='CSV_FILE',
+ help='File to read with CSV scoring data')
+ args = parser.parse_args()
+
+ csvfile = open(args.csv)
+ # "state_component, stat, schedule, label_scheme, N, result"
+ header = True
+ tables = {}
+ for state_component in ["goal.joint","requested.all","method"]:
+ tables[state_component] = {}
+ for evaluation_scheme in EVALUATION_SCHEMES.values():
+ tables[state_component][evaluation_scheme] = {}
+
+ basic_stats = {}
+
+ for line in open(args.csv):
+ if header:
+ header = False
+ continue
+ state_component, stat, schedule, label_scheme, N, result = line.split(",")
+ stat = stat.strip()
+ if state_component == "basic" :
+ basic_stats[stat] = result.strip()
+ else :
+ N = int(N)
+ schedule = int(schedule)
+ label_scheme = (label_scheme).strip()
+ result = result.strip()
+ if result != "-" :
+ result = "%.7f" % float(result)
+
+ if state_component in tables.keys() :
+ tables[state_component][EVALUATION_SCHEMES[(schedule, label_scheme)]][stat] = result
+
+ for state_component in ["goal.joint","method","requested.all"]:
+ print state_component.center(50)
+ evaluation_schemes = [key for key in tables[state_component].keys() if len(tables[state_component][key])>0]
+ evaluation_schemes.sort()
+ stats = tables[state_component][evaluation_schemes[0]].keys()
+ stats.sort()
+ print_row(['']+evaluation_schemes, header=True)
+ for stat in stats:
+ print_row([stat] + [tables[state_component][evaluation_scheme][stat] for evaluation_scheme in evaluation_schemes])
+
+ print "\n\n"
+
+
+
+
+ print ' featured metrics'
+ print_row(["","Joint Goals","Requested","Method"],header=True)
+ print_row(["Accuracy",tables["goal.joint"]["eval_2a"]["acc"],tables["requested.all"]["eval_2a"]["acc"],tables["method"]["eval_2a"]["acc"] ])
+ print_row(["l2",tables["goal.joint"]["eval_2a"]["l2"],tables["requested.all"]["eval_2a"]["l2"],tables["method"]["eval_2a"]["l2"] ])
+ print_row(["roc.v2_ca05",tables["goal.joint"]["eval_2a"]["roc.v2_ca05"],tables["requested.all"]["eval_2a"]["roc.v2_ca05"],tables["method"]["eval_2a"]["roc.v2_ca05"] ])
+
+
+ print "\n\n"
+
+
+ print ' basic stats'
+ print '-----------------------------------------------------------------------------------'
+ for k in sorted(basic_stats.keys()):
+ v = basic_stats[k]
+ print '%20s : %s' % (k,v)
+
+def print_row(row, header=False):
+ out = [str(x) for x in row]
+ for i in range(len(out)):
+ if i==0 :
+ out[i] = out[i].ljust(14)
+ else :
+ out[i] = out[i].center(17)
+
+ out = ("|".join(out))[:-1]+"|"
+
+ if header:
+ print "-"*len(out)
+ print out
+ print "-"*len(out)
+ else:
+ print out
+
+
+if (__name__ == '__main__'):
+ main(sys.argv)
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score.py
new file mode 100644
index 0000000..35911cf
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score.py
@@ -0,0 +1,646 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import sys,os,argparse,shutil,glob,json,pprint,math
+import misc
+from collections import defaultdict
+import traceback
+
+SCHEDULES = [1,2]
+LABEL_SCHEMES = ["a","b"]
+EPS = 0.00001
+
+def main(argv):
+
+ install_path = os.path.abspath(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))
+ utils_dirname = os.path.join(install_path,'lib')
+
+ sys.path.append(utils_dirname)
+ from dataset_walker import dataset_walker
+ list_dir = os.path.join(install_path,'config')
+
+ parser = argparse.ArgumentParser(description='Evaluate output from a belief tracker.')
+ parser.add_argument('--dataset', dest='dataset', action='store', metavar='DATASET', required=True,
+ help='The dataset to analyze')
+ parser.add_argument('--dataroot',dest='dataroot',action='store', metavar='PATH', required=True,
+ help='Will look for corpus in //...')
+ parser.add_argument('--trackfile',dest='scorefile',action='store',metavar='JSON_FILE',required=True,
+ help='File containing score JSON')
+ parser.add_argument('--scorefile',dest='csv',action='store',metavar='CSV_FILE',required=True,
+ help='File to write with CSV scoring data')
+ parser.add_argument('--ontology',dest='ontology',action='store',metavar='JSON_FILE',required=True,
+ help='JSON Ontology file')
+ parser.add_argument('--rocdump',dest='rocdump',action='store',metavar='FILE_STEM',
+ help='If present, use this file stem to write out ROC plot data: filestem....csv, where type is either roc (which contains the ROC curve coordinates) or scores (which contains the raw scores used to compute the ROC curves).')
+
+ args = parser.parse_args()
+
+ sessions = dataset_walker(args.dataset,dataroot=args.dataroot,labels=True)
+ tracker_output = json.load(open(args.scorefile))
+ ontology = json.load(open(args.ontology))
+
+ slots_informable = ontology["informable"].keys()
+ slots_requestable = ontology["requestable"]
+
+ csvfile = open(args.csv,'w')
+
+ # what stats are there?
+ stats = []
+ stat_classes = [Stat_Accuracy, Stat_Probs, Stat_MRR, Stat_Updates, Stat_ROC]
+
+ for schedule in SCHEDULES:
+ for label_scheme in LABEL_SCHEMES:
+ for component in ['goal','requested', 'method', 'all']:
+ if component == 'goal' :
+ for slot in slots_informable + ['all','joint','joint_independent'] :
+ for stat_class in stat_classes:
+ stats.append((('goal', slot), (schedule, label_scheme), stat_class()))
+
+
+ elif component == 'requested' :
+ if label_scheme != "a" :
+ continue
+ for slot in slots_requestable + ['all'] :
+ for stat_class in stat_classes:
+ stats.append((('requested', slot), (schedule, label_scheme), stat_class()))
+
+ elif component == 'method' :
+ for stat_class in stat_classes:
+ stats.append((('method',), (schedule, label_scheme), stat_class()))
+
+ elif component == 'all' :
+ for stat_class in stat_classes:
+ stats.append((('all',), (schedule, label_scheme), stat_class()))
+
+
+ turn_counter = 0.0
+
+ for session_num, (session_tracker, session) in enumerate(zip(tracker_output['sessions'], sessions)):
+
+ for _, _, stat_class in stats:
+ stat_class.newDialog()
+
+ session_id = session.log['session-id']
+ try:
+
+ # these are the set of slots 'mentioned so far', i.e. for schedule2
+ S = defaultdict(lambda : set([]))
+ S_requested = set([])
+
+ session_length = len(session)
+
+ goal_labels_b, method_labels_b = misc.LabelsB(session, ontology)
+ method_schedule_2 = False # whether schedule 2 is active for method
+
+ for turn_num, ((log_turn,label_turn),_tracker_turn) in enumerate(zip(session,session_tracker['turns'])):
+ turn_counter += 1.0
+ S_new = misc.S(log_turn, ontology)
+
+ for slot in S_new :
+ S[slot] = S[slot].union(S_new[slot])
+
+ # remove just informed slots from S_requested
+ S_requested = S_requested.difference(misc.SysInformed(log_turn))
+ # add in ones from slu hyps
+ S_requested = S_requested.union(set(misc.S_requested(log_turn)))
+
+ tracker_goal_labels = _tracker_turn["goal-labels"]
+ for slot in slots_informable:
+ if slot in tracker_goal_labels :
+ tracker_goal_labels[slot] = normalise_dist(tracker_goal_labels[slot].items(), (session_id, turn_num, "goal."+slot))
+ else :
+ tracker_goal_labels[slot] = [(None, 1.0)]
+
+
+ # prepare for joint goals scoring:
+ tracker_goal_joint_labels = "independent"
+ if "goal-labels-joint" in _tracker_turn :
+ tracker_goal_joint_labels = _tracker_turn["goal-labels-joint"]
+
+ if tracker_goal_joint_labels != "independent" :
+ # tracker_goal_joint_labels must be a list of joint hyps
+ tracker_goal_joint_labels = [(hyp["slots"], hyp["score"]) for hyp in tracker_goal_joint_labels]
+ tracker_goal_joint_labels = normalise_dist(tracker_goal_joint_labels, (session_id, turn_num, "goal.joint"))
+
+ # also gather the correct joint label
+ true_goal_joint = None
+ for slot in label_turn["goal-labels"]:
+ if true_goal_joint == None :
+ true_goal_joint = {}
+ true_goal_joint[slot] = label_turn["goal-labels"][slot]
+
+ true_goal_joint_b = None
+ for slot in goal_labels_b[turn_num]:
+ if true_goal_joint_b == None :
+ true_goal_joint_b = {}
+ true_goal_joint_b[slot] = goal_labels_b[turn_num][slot]
+
+
+ tracker_requested_slots = _tracker_turn["requested-slots"]
+ for slot in tracker_requested_slots:
+ dist = [(True, tracker_requested_slots[slot]), (False,1.0-tracker_requested_slots[slot])]
+ tracker_requested_slots[slot] = normalise_dist(dist, (session_id, turn_num, "requested."+slot))
+
+ tracker_method_label = normalise_dist(_tracker_turn["method-label"].items(), (session_id, turn_num,"method"))
+
+ # for method schedule 2, work out whether any slu-hyp has been given
+ # which informs the method:
+
+ if not method_schedule_2 :
+ mact = log_turn["output"]["dialog-acts"]
+ for slu_hyp in log_turn["input"]["live"]["slu-hyps"] :
+ user_act = slu_hyp["slu-hyp"]
+ method_label = misc.MethodLabel(user_act, mact)
+ if method_label != "none" :
+ method_schedule_2 = True
+ break
+
+
+ for component, (schedule, label_scheme), stat_class in stats:
+ if component[0] == "goal" and (component[1] == "joint" or component[1] == "joint_independent"):
+ if schedule == 2:
+ # calculate schedule2 applicability
+ applies = False
+ for slot in slots_informable:
+ if len(S[slot]) > 0:
+ applies = True
+ break
+ if not applies :
+ continue
+
+ this_true_label = true_goal_joint
+ if label_scheme == "b" :
+ this_true_label = true_goal_joint_b
+
+ if tracker_goal_joint_labels == "independent" or component[1] == "joint_independent" :
+ stat_class.add(tracker_goal_labels, this_true_label, (session_id, turn_num, component, schedule, label_scheme), independent=True)
+ else :
+ stat_class.add(tracker_goal_joint_labels, this_true_label, (session_id, turn_num, component, schedule, label_scheme))
+
+ if (component[0] == "goal" or component[0] == "all") and (len(component)==1 or ("joint" not in component[1])) :
+ if component[0] == "all" or component[1] == "all" :
+ slots = slots_informable[:]
+ else :
+ slots = [component[1]]
+ for slot in slots:
+ if schedule ==2 and len(S[slot]) == 0 :
+ continue
+ dist = tracker_goal_labels[slot]
+
+ true_label = None
+ if slot in label_turn["goal-labels"] :
+ true_label = label_turn["goal-labels"][slot]
+
+ if label_scheme == "b" :
+ true_label = None
+ if slot in goal_labels_b[turn_num] :
+ true_label = goal_labels_b[turn_num][slot]
+
+ stat_class.add(dist, true_label, (session_id, turn_num, component, schedule, label_scheme))
+
+
+ if component[0] == "requested" or component[0] == "all" :
+ if component[0] == "all" or component[1] == "all":
+ slots = slots_requestable[:]
+ else :
+ slots = [component[1]]
+ for slot in slots:
+ if schedule ==2 and (slot not in S_requested):
+ continue
+ dist = [(False,1.0), (True,0.0)]
+ if slot in tracker_requested_slots :
+ dist = tracker_requested_slots[slot]
+
+ true_label = (slot in label_turn["requested-slots"])
+ stat_class.add(dist, true_label, (session_id, turn_num, component, schedule, label_scheme))
+
+
+ if component[0] == "method" or component[0] == "all":
+ if schedule == 2 and not method_schedule_2:
+ continue # no slu hyp informing the method has been given yet.
+ dist = tracker_method_label
+ true_label = label_turn["method-label"]
+ if label_scheme == "b" :
+ true_label = method_labels_b[turn_num]
+
+
+ stat_class.add(dist, true_label, (session_id, turn_num, component, schedule, label_scheme))
+ except KeyboardInterrupt :
+ raise
+ except:
+ traceback.print_exc(file=sys.stdout)
+ print "While scoring " + str(session_id)
+ # output to csv
+ print >>csvfile,( "state_component, stat, schedule, label_scheme, N, result")
+
+ for stat in stats:
+ component, (schedule, label_scheme), stat_class = stat
+ results = stat_class.results()
+ for stat_subname, N, result in results:
+ if result == None :
+ result = "-"
+ else :
+ result = "%.7f"%result
+ print >>csvfile,( "%s, %s, %i, %s, %i, %s"%(".".join(component), stat_subname, schedule, label_scheme, N, result))
+ if isinstance(stat_class, Stat_ROC) and (args.rocdump):
+ rocfile = args.rocdump + '.schedule' + str(schedule) + str(label_scheme)+'.' + (".".join(component)) + '.roc.csv'
+ scoresfile = args.rocdump + '.schedule' + str(schedule) + str(label_scheme)+'.' + (".".join(component)) + '.scores.csv'
+ stat_class.DumpROCToFile(rocfile)
+ stat_class.DumpScoresToFile(scoresfile)
+
+ print >>csvfile,'basic,total_wall_time,,,,%s' % (tracker_output['wall-time'])
+ print >>csvfile,'basic,sessions,,,,%s' % (len(sessions))
+ print >>csvfile,'basic,turns,,,,%i' % (int(turn_counter))
+ print >>csvfile,'basic,wall_time_per_turn,,,,%s' % (tracker_output['wall-time'] / turn_counter)
+ print >>csvfile,'basic,dataset,,,,%s' % (tracker_output['dataset'] )
+
+ csvfile.close()
+
+
+
+def normalise_dist(dist, this_id=None):
+ # take dist , convert to a new list of tuples, ordered and made to sum up to
+ # no more than 1
+ out = dist[:]
+
+ context_string = ""
+ if this_id != None :
+ context_string = this_id[0] + (", turn %i" % this_id[1]) + ", "+this_id[2]
+
+ for i in range(len(out)):
+ if out[i][1] < 0.0 :
+ print >>sys.stderr,'WARNING: Score is less than 0.0, changing to 0.0',context_string
+
+ total_p = sum([x[1] for x in out])
+ if total_p >1.0 :
+ if abs(total_p - 1.0) > EPS :
+ print >>sys.stderr,'WARNING: scores sum to more than 1, renormalising',context_string
+ out = [(x[0],x[1]/total_p) for x in out]
+ total_p = 1.0
+
+ out.append((None, 1.0-total_p))
+
+ out.sort(key = lambda x:-x[1])
+ return out
+
+class Stat(object):
+ def __init__(self, ):
+ pass
+
+ def add(self, dist, true_label, this_id, independent=False):
+ pass
+
+ def results(self, ):
+ return []
+
+ def newDialog(self) :
+ return
+
+
+class Stat_Accuracy(Stat):
+ def __init__(self, ):
+ self.N = 0.0
+ self.correct = 0.0
+
+ def add(self, dist, true_label, this_id, independent=False):
+ if independent :
+ top_hyp, _ = tophyp_independent(dist)
+ self.correct += int(top_hyp == true_label)
+ else :
+ self.correct += int(dist[0][0]== true_label)
+ self.N += 1
+
+ def results(self, ):
+ acc = None
+ if self.N > 0.0:
+ acc = self.correct/self.N
+ return [
+ ("acc", self.N, acc)
+ ]
+
+
+
+class Stat_MRR(Stat):
+ def __init__(self, ):
+ self.N = 0.0
+ self.numerator = 0.0
+
+ def add(self, dist, true_label, this_id, independent=False):
+ recip_rank = 0.0
+ if independent :
+ ranks = []
+ for slot in dist:
+ found = False
+ for i, (hyp, _) in enumerate(dist[slot]):
+ if ((true_label == None or slot not in true_label) and hyp == None) or (true_label != None and slot in true_label and hyp == true_label[slot]) :
+ ranks.append(i)
+ found = True
+ break
+ if not found :
+ ranks.append(None)
+
+ if None in ranks :
+ recip_rank = 0.0
+ else :
+ rank = 1.0
+ for r in ranks:
+ rank *= (1+r)
+ recip_rank = 1.0/rank
+
+
+ else :
+
+ for i, (hyp, _) in enumerate(dist):
+ if hyp == true_label :
+ recip_rank = 1.0/(1.0+i)
+ break
+ self.numerator += recip_rank
+ self.N += 1
+
+ def results(self, ):
+ mrr = None
+ if self.N > 0.0:
+ mrr = self.numerator/self.N
+ return [
+ ("mrr", self.N, mrr)
+ ]
+
+class Stat_Probs(Stat):
+ def __init__(self, ):
+ self.N = 0.0
+ self.numerator_l2 = 0.0
+ self.numerator_brier = 0.0
+ self.numerator_avgp = 0.0
+ self.numerator_neglogp = 0.0
+ self.dialog_acc = []
+
+ def add(self, dist, true_label, this_id,independent=False):
+ if independent :
+ ps = []
+ for slot in dist:
+ found = False
+ for (hyp, score) in dist[slot]:
+ if ((true_label == None or slot not in true_label) and hyp == None) or (true_label != None and slot in true_label and hyp == true_label[slot]) :
+ ps.append(score)
+ found = True
+ if not found :
+ ps.append(0.0)
+
+ p = 1.0
+ for p_ in ps:
+ p *= p_
+
+ sum_q = 1-p
+ sum_q2 = 1.0
+ for slot in dist:
+ sum_q2 *= sum([score**2 for hyp_,score in dist[slot]])
+ sum_q2 = sum_q2 - p**2
+
+ self.numerator_l2 += (1-p)**2 + sum_q2
+ self.numerator_brier += (1-p)**2 +(sum_q)**2
+ self.numerator_avgp += p
+ self.numerator_neglogp += -math.log(max(0.0001, p))
+
+
+ else :
+ p = 0.0
+
+ qs = []
+ for hyp, _p in dist:
+ if hyp == true_label :
+ p = _p
+ else :
+ qs.append(_p)
+
+ self.numerator_l2 += (1-p)**2 + sum([q**2 for q in qs])
+ self.numerator_brier += (1-p)**2 + sum(qs)**2
+ self.numerator_avgp += p
+ self.numerator_neglogp += -math.log(max(0.0001, p))
+ self.N += 1
+
+ def results(self, ):
+ l2 = None
+ brier = None
+ avgp = None
+ neglogp = None
+ if self.N > 0.0:
+ l2 = self.numerator_l2/self.N
+ brier = self.numerator_brier/self.N
+ avgp = self.numerator_avgp/self.N
+ neglogp = self.numerator_neglogp/self.N
+
+ return [
+ ("l2", self.N, l2),
+ ("l2.binary", self.N, brier),
+ ("avgp", self.N, avgp),
+ ("neglogp", self.N, neglogp),
+ ]
+
+
+class Stat_Updates(Stat):
+ def __init__(self, ):
+ # page 10 of R Higashinaka et al,
+ # Evaluating Discourse Understanding in Spoken Dialogue Systems
+ self.N = 0.0
+ self.correct_updates = 0.0
+ self.update_insertions = 0.0
+ self.update_substitutions = 0.0
+ self.update_deletions = 0.0
+
+ def add(self, dist, true_label, this_id, independent=False):
+
+
+
+ if independent :
+ current, _ = tophyp_independent(dist)
+ else :
+ current = dist[0][0]
+
+ self.correct_updates += int((self.previous != true_label) \
+ and (self.previous != current) \
+ and (true_label == current))
+
+ self.update_insertions += int((self.previous == true_label) \
+ and (self.previous != current) )
+
+ self.update_substitutions += int((self.previous != true_label) \
+ and (self.previous != current) \
+ and (true_label != current))
+
+ self.update_deletions += int((self.previous != true_label) \
+ and (self.previous == current) )
+
+ self.previous = current
+
+ self.N += 1
+
+ def results(self, ):
+ acc = None
+ prec = None
+ acc_denom = (self.correct_updates+self.update_substitutions+self.update_deletions)
+ prec_denom = (self.correct_updates+self.update_substitutions+self.update_insertions)
+ if acc_denom > 0 :
+ acc = self.correct_updates/acc_denom
+ if prec_denom > 0:
+ prec = self.correct_updates/prec_denom
+ return [
+ ("update.acc", self.N, acc),
+ ("update.prec", self.N, prec),
+ ]
+
+ def newDialog(self) :
+ self.previous = None
+
+def _changingIndices(x) :
+ out = [0]
+ value = x[0]
+ for i, x_value in enumerate(x) :
+ if x_value != value :
+ out.append(i)
+ value = x_value
+ return out
+
+def _cumSum(x) :
+ out = []
+ cum = 0.0
+ for x_value in x:
+ cum += x_value
+ out.append(cum)
+ return out
+
+class Stat_ROC(Stat):
+ def __init__(self):
+ self.data = []
+ self.N = 0
+
+ def add(self, dist, true_label, this_id, independent=False):
+
+ if independent :
+ top_hyp, score = tophyp_independent(dist)
+ label = top_hyp == true_label
+
+ else :
+ label = dist[0][0]== true_label
+ score = dist[0][1]
+
+ self.data.append(
+ (label, score)
+ )
+ self.N = len(self.data)
+
+ def results(self, ):
+ self._calculateROC()
+
+ return (
+ ('roc.v1_eer', self.N, self.EER() ),
+ ('roc.v1_ca05', self.N, self.CA_at_FA(0.05) ),
+ ('roc.v1_ca10', self.N, self.CA_at_FA(0.10) ),
+ ('roc.v1_ca20', self.N, self.CA_at_FA(0.20) ),
+ ('roc.v2_ca05', self.N, self.CA_at_FA(0.05,version=2) ),
+ ('roc.v2_ca10', self.N, self.CA_at_FA(0.10,version=2) ),
+ ('roc.v2_ca20', self.N, self.CA_at_FA(0.20,version=2) ),
+ )
+ def EER(self) :
+ if (self.N < 2):
+ return None
+ for (t,ta,fa,tr,fr) in self.roc_curve:
+ if (fr >= fa):
+ return float(fr + fa)/self.N
+ print 'Could not find a place where FR >= FA'
+ return None
+
+ def _calculateROC(self) :
+ self.data.sort(key=lambda x:-x[1])
+ N = len(self.data)
+ if N <= 2 :
+ self.roc_curve = []
+ return
+ indices = _changingIndices([x[1] for x in self.data[:-1]]) + [N-1]
+ # true/false accepts/rejects
+ cumsum = _cumSum([int(x[0]) for x in self.data])
+ N_true = sum([int(x[0]) for x in self.data])
+ N_false = N-N_true
+ frs = [N_true-cumsum[i] for i in indices]
+ trs = [N_false-i+cumsum[i]-1 for i in indices]
+ fas = [i-cumsum[i]+1 for i in indices]
+ tas = [cumsum[i] for i in indices]
+ thresholds = [self.data[i][1] for i in indices]
+ self.roc_curve = zip(thresholds,tas, fas, trs, frs)
+ self.roc_curve.reverse() # so thresholds are increasing
+
+ def CA_at_FA(self,fa_thresh,version=1):
+ assert (version in [1,2]),'Dont know version %s' % (version)
+ if (self.N < 2):
+ return None
+ if (version == 1):
+ for (t,ta,fa,tr,fr) in self.roc_curve:
+ if (float(fa)/self.N <= fa_thresh):
+ return float(ta)/self.N
+ print 'Could not find a place where FA <= FA_THRESH'
+ return None
+ else:
+ for (t,ta,fa,tr,fr) in self.roc_curve:
+ try :
+ ta_rate = ta/(ta + fr)
+ fa_rate = fa/(fa + tr)
+ if (fa_rate <= fa_thresh):
+ return ta_rate
+ except ZeroDivisionError :
+ continue
+ return None
+
+
+
+
+
+ def DumpROCToFile(self,filename):
+ pass
+
+ def DumpScoresToFile(self,filename):
+ print "creating", filename
+ f = open(filename,'w')
+ print >>f,'label,score'
+ for label, score in self.data:
+ print >>f,'%s,%s'%(label,score)
+ f.close()
+
+def tophyp_independent(dists) :
+ top_hyp = None
+ top_score = 1.0
+ for slot in dists :
+ top,score = dists[slot][0]
+ if top != None:
+ if top_hyp == None :
+ top_hyp = {}
+ top_hyp[slot] = top
+ top_score *= score
+ return (top_hyp, top_score)
+
+
+
+
+if (__name__ == '__main__'):
+ main(sys.argv)
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score_slu.py b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score_slu.py
new file mode 100644
index 0000000..85b3dc8
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/corpora/scripts/score_slu.py
@@ -0,0 +1,355 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+###############################################################################
+# PyDial: Multi-domain Statistical Spoken Dialogue System Software
+###############################################################################
+#
+# Copyright 2015 - 2019
+# Cambridge University Engineering Department Dialogue Systems Group
+#
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+#
+###############################################################################
+
+import sys,os,argparse,shutil,glob,json,pprint,math
+
+import misc
+from collections import defaultdict
+import baseline
+# type, and task are evaluated- shouldn't be.
+
+eps = 0.001 # domain for math.log
+
+def main(argv):
+ #
+ # CMD LINE ARGS
+ #
+ install_path = os.path.abspath(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))
+ utils_dirname = os.path.join(install_path,'lib')
+
+ sys.path.append(utils_dirname)
+ from dataset_walker import dataset_walker
+ list_dir = os.path.join(install_path,'config')
+
+ parser = argparse.ArgumentParser(description='Evaluate output from a belief tracker.')
+ parser.add_argument('--dataset', dest='dataset', action='store', metavar='DATASET', required=True,
+ help='The dataset to analyze')
+ parser.add_argument('--dataroot',dest='dataroot',action='store', metavar='PATH', required=True,
+ help='Will look for corpus in //...')
+ parser.add_argument('--decodefile',dest='decodefile',action='store',metavar='JSON_FILE',required=True,
+ help='File containing decoder output JSON')
+ parser.add_argument('--scorefile',dest='csv',action='store',metavar='CSV_FILE',required=True,
+ help='File to write with CSV scoring data')
+ parser.add_argument('--ontology',dest='ontology',action='store',metavar='JSON_FILE',required=True,
+ help='JSON Ontology file')
+ parser.add_argument('--trackerfile',dest='trackerfile',action='store',metavar='JSON_FILE',required=True,
+ help='Tracker JSON file for output')
+
+
+ args = parser.parse_args()
+
+ sessions = dataset_walker(args.dataset,dataroot=args.dataroot,labels=True)
+ decode_results = json.load(open(args.decodefile))
+ ontology = json.load(open(args.ontology))
+
+ metrics = {
+ "tophyp":Fscore(ontology),
+ "ice":ICE(ontology)
+ }
+
+ belief_metrics = {
+ "accuracy":BeliefAccuracy(ontology)
+ }
+
+ # we run the baseline focus tracker on the output of the SLU
+ tracker = baseline.FocusTracker()
+ tracker_output = {"sessions":[],"wall-time":0.0}
+ tracker_output["dataset"] = args.dataset
+
+ for call, decode_session in zip(sessions, decode_results["sessions"]):
+ tracker.reset()
+ this_session = {"session-id":call.log["session-id"], "turns":[]}
+ for (log_turn, label), decode_result in zip(call, decode_session["turns"]):
+
+ true_label = label["semantics"]["json"]
+ slu_hyps = decode_result["slu-hyps"]
+ slu_hyps.sort(key=lambda x:-x["score"])
+ total_p = sum([x["score"] for x in slu_hyps])
+ if total_p > 1.0 :
+ if total_p > 1.00001 :
+ print "Warning: total_p =",total_p,"> 1.0- renormalising."
+ for slu_hyp in slu_hyps:
+ slu_hyp["score"] = slu_hyp["score"]/total_p
+
+
+ for metric in metrics.values():
+ metric.add_turn(true_label, slu_hyps, log_turn, label)
+
+ # for passing to tracker
+ this_turn = {
+ "input":{"live":{"slu-hyps":slu_hyps}},
+ "output":log_turn["output"]
+ }
+ goal_hyps = tracker.addTurn(this_turn)
+ for belief_metric in belief_metrics.values():
+ belief_metric.add_turn(goal_hyps, label)
+
+
+ this_session["turns"].append(goal_hyps)
+
+
+ tracker_output["sessions"].append(this_session)
+
+ tracker_file = open(args.trackerfile, "wb")
+ json.dump(tracker_output, tracker_file, indent=4)
+ tracker_file.close()
+
+ csv_file = open(args.csv, "wb")
+
+
+ output = []
+
+ for key, metric in metrics.items():
+ this_output = metric.output()
+ for this_key, value in this_output.items():
+ output.append(( key + ","+ this_key, value))
+
+ for key, belief_metric in belief_metrics.items():
+ this_output = belief_metric.output()
+ key = "belief_"+key
+ for this_key, value in this_output.items():
+ output.append((key + ","+ this_key, value))
+
+ output.sort(key=lambda x:x[0])
+ for key, value in output:
+ w = 35
+ if value < 0 :
+ w = w-1
+ metric_name = (key+",").ljust(w)
+ csv_file.write(metric_name + ("%.5f"%value)+"\n")
+
+ csv_file.close()
+
+
+
+class Fscore(object):
+ def __init__(self, ontology):
+ self.ontology = ontology
+ self.precision_numerator = 0
+ self.precision_denominator = 0
+ self.recall_numerator = 0
+ self.recall_denominator = 0
+
+ def add_turn(self, true_label, slu_hyps, log_turn, label):
+ true_tuples = set(filter_informative(uactsToTuples(true_label), self.ontology))
+ test_tuples = set(filter_informative(uactsToTuples(slu_hyps[0]["slu-hyp"]), self.ontology))
+
+
+ self.precision_numerator += len(true_tuples.intersection(test_tuples))
+ self.recall_numerator += len(true_tuples.intersection(test_tuples))
+ self.precision_denominator += len(test_tuples)
+ self.recall_denominator += len(true_tuples)
+
+ def output(self, ):
+ p = float(self.precision_numerator)/self.precision_denominator
+ r = float(self.recall_numerator)/self.recall_denominator
+ if p*r == 0.0 :
+ f = 0.0
+ else :
+ f = 2*(p*r)/(p+r)
+ return {
+ "precision":p,
+ "recall":r,
+ "fscore":f
+ }
+
+
+class ICE(object):
+ def __init__(self, ontology):
+ self.ontology = ontology
+ self.N = 0.0
+ self.Sum = 0.0
+ self.regression_data = []
+ def add_turn(self, true_label, slu_hyps, log_turn, label):
+
+ true_tuples = set(filter_informative(uactsToTuples(true_label), self.ontology))
+ test_tuple_scores = defaultdict(float)
+ for slu_hyp in slu_hyps:
+ test_tuples = set(filter_informative(uactsToTuples(slu_hyp["slu-hyp"]), self.ontology))
+ p = slu_hyp["score"]
+ for tup in test_tuples:
+ test_tuple_scores[tup] += p
+ N_delta= len(true_tuples)
+ Sum_delta = 0.0
+ for tup in true_tuples.union(set(test_tuple_scores)):
+ d = int(tup in true_tuples)
+ c = 0
+ if tup in test_tuple_scores :
+ c = test_tuple_scores[tup]
+ Sum_delta += math.log(max(eps, d*c + (1-d)*(1-c)))
+
+ self.N += N_delta
+ self.Sum += Sum_delta
+
+ def output(self, ):
+ out = {"ICE": -self.Sum/self.N}
+ return out
+
+
+class BeliefAccuracy(object):
+ def __init__(self, ontology):
+ self.counters = defaultdict(float)
+ self.ontology = ontology
+
+ def add_turn(self, goal_hyps, labels):
+
+ # goal-labels
+ true_labels = {}
+
+ for slot in self.ontology["informable"] :
+ if len(self.ontology["informable"][slot])==1:
+ continue
+ if slot in goal_hyps["goal-labels"]:
+ hyps = goal_hyps["goal-labels"][slot]
+ else :
+ hyps = {}
+ hyps = {value:max(0.0,p) for value,p in hyps.items()}
+ total_p = sum(hyps.values())
+ if total_p > 1.0 :
+ hyps = {value: p/total_p for value,p in hyps.items()}
+
+ offlist_p = 1.0-total_p
+ hyps[None]=offlist_p
+ hyps = hyps.items()
+ hyps.sort(key = lambda x:-x[1])
+ true_goal = None
+ if slot in labels["goal-labels"] :
+ true_goal = labels["goal-labels"][slot]
+
+
+ self.counters["goal_N"] += 1
+ # accuracy
+ self.counters["goal_acc_corr"] += int(true_goal == hyps[0][0])
+ # l2 and logp
+ p = 0.0
+ qs = []
+ for hyp, score in hyps:
+ if hyp == true_goal :
+ p = score
+ else :
+ qs.append(score)
+ self.counters["goal_l2"] += (1-p)**2
+ self.counters["goal_logp"] += math.log(max(eps,p))
+ self.counters["goal_l2"] += sum([q**2 for q in qs])
+
+
+
+ # method-label
+ true_method = labels["method-label"]
+ method_hyps = goal_hyps["method-label"].items()
+ total_p = sum([x[1] for x in method_hyps])
+ if total_p < 1.0 :
+ method_hyps = [(method, p/total_p) for method,p in method_hyps]
+ method_hyps.sort(key = lambda x:-x[1])
+
+ # acc
+ self.counters["method_N"] += 1
+ self.counters["method_acc_corr"] += int(method_hyps[0][0] == true_method)
+
+ # l2 and logp
+ method_hyps_dict = dict(method_hyps)
+ for method in self.ontology["method"]:
+ p = 0
+ if method in method_hyps_dict :
+ p = method_hyps_dict[method]
+ if method == true_method :
+ self.counters["method_l2"] += (1-p)**2
+ self.counters["method_logp"] += math.log(max(eps,p))
+ else :
+ self.counters["method_l2"] += (p)**2
+
+ # requested-slots
+ true_requested = labels["requested-slots"]
+ for slot in self.ontology["requestable"]:
+ self.counters["requested_N"] += 1
+ p = 0
+ if slot in goal_hyps["requested-slots"]:
+ p = goal_hyps["requested-slots"][slot]
+ if slot in true_requested :
+ self.counters["requested_l2"] += (1-p)**2
+ self.counters["requested_logp"] += math.log(max(eps,p))
+ else :
+ self.counters["requested_l2"] += (p)**2
+ self.counters["requested_logp"] += math.log(max(eps,1-p))
+ self.counters["requested_acc_corr"] += int((p>0.5)==(slot in true_requested))
+
+
+
+ def output(self, ):
+ return {
+ "goal_acc":self.counters["goal_acc_corr"]/self.counters["goal_N"],
+ "goal_l2":self.counters["goal_l2"]/self.counters["goal_N"],
+ "goal_logp":self.counters["goal_logp"]/self.counters["goal_N"],
+ "method_acc":self.counters["method_acc_corr"]/self.counters["method_N"],
+ "method_l2":self.counters["method_l2"]/self.counters["method_N"],
+ "method_logp":self.counters["method_logp"]/self.counters["method_N"],
+ "requested_acc":self.counters["requested_acc_corr"]/self.counters["requested_N"],
+ "requested_l2":self.counters["requested_l2"]/self.counters["requested_N"],
+ "requested_logp":self.counters["requested_logp"]/self.counters["requested_N"],
+
+ "all_acc":(self.counters["goal_acc_corr"]+self.counters["method_acc_corr"]+self.counters["requested_acc_corr"])/(self.counters["goal_N"]+self.counters["method_N"]+self.counters["requested_N"]),
+ "all_l2":(self.counters["goal_l2"]+self.counters["method_l2"]+self.counters["requested_l2"])/(self.counters["goal_N"]+self.counters["method_N"]+self.counters["requested_N"]),
+ "all_logp":(self.counters["goal_logp"]+self.counters["method_logp"]+self.counters["requested_logp"])/(self.counters["goal_N"]+self.counters["method_N"]+self.counters["requested_N"]),
+
+ }
+
+
+
+
+
+
+def uactsToTuples(uacts):
+ out = []
+ for uact in uacts:
+ act = uact["act"]
+ if uact["slots"] == [] :
+ out.append((act,))
+ for slot,value in uact["slots"]:
+ if act == "request" :
+ out.append(("request", value))
+ else :
+ out.append((act,slot,value))
+ return out
+
+
+def filter_informative(tuples, ontology):
+ # filter tuples by whether they are informative according to ontology
+ new_tuples = []
+ for tup in tuples:
+ if len(tup) == 3 :
+ act, slot, value = tup
+ if slot == "this" or (slot in ontology["informable"] and len(ontology["informable"][slot]) > 1) :
+ new_tuples.append(tup)
+ else :
+ new_tuples.append(tup)
+ return new_tuples
+
+
+
+
+
+if (__name__ == '__main__'):
+ main(sys.argv)
+
diff --git a/convlab/modules/nlu/multiwoz/SVM/decode.py b/convlab/modules/nlu/multiwoz/SVM/decode.py
new file mode 100644
index 0000000..c0593ea
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/decode.py
@@ -0,0 +1,63 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+import configparser, sys
+from convlab.modules.nlu.multiwoz.SVM import Classifier, sutils
+
+
+def decodeToFile(config):
+ c = Classifier.classifier(config)
+ c.load(config.get("train", "output"))
+
+ dataroot = config.get("decode", "dataroot")
+ dataset = config.get("decode", "dataset")
+ dw = sutils.dataset_walker(dataset = dataset, dataroot=dataroot, labels=False)
+
+ c.decodeToFile(dw, config.get("decode","output"))
+
+def usage():
+ print("usage:")
+ print("\t python decode.py config/eg.cfg")
+
+def init_classifier(config):
+ c = Classifier.classifier(config)
+ c.load(config.get("train", "output"))
+ return c
+
+def decode(c,config,sentinfo):
+ slu_hyps=c.decode_sent(sentinfo, config.get("decode","output"))
+ return slu_hyps
+
+def testing_currTurn():
+ sentinfo={
+ "turn-id": 2,
+ "asr-hyps": [
+ {
+ "asr-hyp": "The Cambridge Belfry is located in the west and rated 4 stars .",
+ "score": 0
+ }
+ ]
+ }
+ return sentinfo
+
+if __name__ == '__main__':
+
+ if len(sys.argv) != 2 :
+ print(len(sys.argv))
+ print(sys.argv)
+ usage()
+ sys.exit()
+
+ config = configparser.ConfigParser()
+ try :
+ config.read(sys.argv[1])
+ except Exception as e:
+ print("Failed to parse file")
+ print(e)
+
+ # decodeToFile(config)
+
+ sentinfo=testing_currTurn()
+ slu_hyps=decode(init_classifier(config),config, sentinfo)
+ for hyp in slu_hyps:
+ print(hyp)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/nlu.py b/convlab/modules/nlu/multiwoz/SVM/nlu.py
new file mode 100644
index 0000000..aaabc60
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/nlu.py
@@ -0,0 +1,64 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlu.nlu import NLU
+from convlab.modules.nlu.multiwoz.SVM import Classifier,sutils
+import configparser, sys
+import os
+
+
+class SVMNLU(NLU):
+ def __init__(self, config_file=os.path.join(os.path.dirname(os.path.abspath(__file__)),'config/multiwoz.cfg')):
+ self.config = configparser.ConfigParser()
+ self.config.read(config_file)
+ self.c = Classifier.classifier(self.config)
+ self.c.load(self.config.get("train", "output"))
+
+ def parse(self, utterance):
+ sentinfo = {
+ "turn-id": 0,
+ "asr-hyps": [
+ {
+ "asr-hyp": utterance,
+ "score": 0
+ }
+ ]
+ }
+ slu_hyps = self.c.decode_sent(sentinfo, self.config.get("decode", "output"))
+ act_list = []
+ for hyp in slu_hyps:
+ if hyp['slu-hyp']:
+ act_list = hyp['slu-hyp']
+ break
+ dialog_act = {}
+ for act in act_list:
+ intent = act['act']
+ if intent=='request':
+ domain, slot = act['slots'][0][1].split('-')
+ intent = domain+'-'+intent.capitalize()
+ dialog_act.setdefault(intent,[])
+ dialog_act[intent].append([slot,'?'])
+ else:
+ dialog_act.setdefault(intent, [])
+ dialog_act[intent].append(act['slots'][0])
+ return dialog_act
+
+if __name__ == "__main__":
+ nlu = SVMNLU()
+ test_utterances = [
+ "What type of accommodations are they. No , i just need their address . Can you tell me if the hotel has internet available ?",
+ "What type of accommodations are they.",
+ "No , i just need their address .",
+ "Can you tell me if the hotel has internet available ?"
+ "you're welcome! enjoy your visit! goodbye.",
+ "yes. it should be moderately priced.",
+ "i want to book a table for 6 at 18:45 on thursday",
+ "i will be departing out of stevenage.",
+ "What is the Name of attraction ?",
+ "Can I get the name of restaurant?",
+ "Can I get the address and phone number of the restaurant?",
+ "do you have a specific area you want to stay in?"
+ ]
+ for utt in test_utterances:
+ print(utt)
+ print(nlu.parse(utt))
diff --git a/convlab/modules/nlu/multiwoz/SVM/sutils.py b/convlab/modules/nlu/multiwoz/SVM/sutils.py
new file mode 100644
index 0000000..7dc60f4
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/sutils.py
@@ -0,0 +1,76 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+# misc useful functions
+
+import os, imp
+
+def dataset_walker(dataset=None, dataroot=None, labels=None):
+ # we assume that the dataset_walker class in dataroot/../scripts
+ # is the one to use
+ scripts_folder = os.path.join(dataroot, '../../..', "scripts")
+ # print(scripts_folder)
+ _dw = imp.load_source('dataset_walker', os.path.join(scripts_folder, "dataset_walker.py"))
+ return _dw.dataset_walker(dataset, dataroot=dataroot, labels=labels)
+
+def import_class(cl):
+ d = cl.rfind(".")
+ classname = cl[d+1:len(cl)]
+ m = __import__(cl[0:d], globals(), locals(), [classname])
+ return getattr(m, classname)
+
+from itertools import chain, combinations
+
+def powerset(iterable):
+ "powerset([1,2,3]) --> () (1,) (2,) (3,) (1,2) (1,3) (2,3) (1,2,3)"
+ s = list(iterable)
+ return chain.from_iterable(combinations(s, r) for r in range(len(s)+1))
+
+
+import scipy, sys
+
+def svm_to_libsvm(model, labels=None) :
+ # convert an sklearn model object into a file in the format of LIBSVM's sparse SVMs
+ # (actually return the files lines in an array)
+ lines = []
+ n_classes = model.coef_.shape[0]+1
+ total_n_SV, n_feats= model.support_vectors_.shape
+ n_SV = model.n_support_
+
+ SV = model.support_vectors_
+
+ dual_coef = model.dual_coef_.todense()
+ b = model.intercept_
+
+ probA = model.probA_
+ probB = model.probB_
+
+ lines.append("svm_type")
+ lines.append("nr_class %i" % n_classes)
+ lines.append("total_sv %i" % total_n_SV)
+
+ lines.append("rho "+" ".join(["%.12f" % -c for c in b]))
+
+ if labels == None:
+ labels = map(str, range(n_classes))
+ lines.append("label " + " ".join(labels))
+
+ lines.append("probA "+" ".join(["%.12f" % v for v in probA]))
+ lines.append("probB "+" ".join(["%.12f" % v for v in probB]))
+
+ lines.append("nr_sv "+" ".join(["%i" % v for v in n_SV]))
+
+ lines.append("SV")
+ SV = SV.tocsc()
+
+ for i in range( total_n_SV) :
+ # coefs are in the jth column of coef
+ this_line = ""
+ for c in dual_coef[:,i] :
+ this_line += ("%.12f " % c)
+ sv = SV[i,:].tocoo()
+
+ for j,v in zip(sv.col, sv.data) :
+ this_line += ("%i:%.12f " % (j,v))
+ lines.append(this_line)
+ return lines
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/SVM/train.py b/convlab/modules/nlu/multiwoz/SVM/train.py
new file mode 100644
index 0000000..d49efb0
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/SVM/train.py
@@ -0,0 +1,46 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+
+import configparser, sys
+from convlab.modules.nlu.multiwoz.SVM import Classifier, sutils
+import pickle
+import pprint
+
+def train(config):
+ c = Classifier.classifier(config)
+ pprint.pprint(c.tuples.all_tuples)
+ print(len(c.tuples.all_tuples))
+ dataroot = config.get("train", "dataroot")
+ dataset = config.get("train", "dataset")
+ dw = sutils.dataset_walker(dataset = dataset, dataroot=dataroot, labels=True)
+ cache = config.get("train", "cache")
+ if cache=='None':
+ c = Classifier.classifier(config)
+ c.cacheFeature(dw)
+ pickle.dump(c,open('cache/cache_sys.pkl','wb'))
+ else:
+ print("loading cache feature")
+ c = pickle.load(open(cache,'rb'))
+ # c.cacheFeature(dw)
+ c.train(dw)
+ c.save(config.get("train", "output"))
+
+def usage():
+ print("usage:")
+ print("\t python train.py config/eg.cfg")
+
+
+if __name__ == '__main__':
+ if len(sys.argv) != 2 :
+ usage()
+ sys.exit()
+
+ config = configparser.ConfigParser()
+ try :
+ config.read(sys.argv[1])
+ except Exception as e:
+ print("Failed to parse file")
+ print(e)
+
+ train(config)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/__init__.py b/convlab/modules/nlu/multiwoz/__init__.py
new file mode 100644
index 0000000..26d1c94
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/__init__.py
@@ -0,0 +1,8 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.nlu.multiwoz.error import ErrorNLU
+from convlab.modules.util import *
+from convlab.modules.nlu.multiwoz.joint_nlu.nlu import JointNLU
+from convlab.modules.nlu.multiwoz.mlst.nlu import MlstNLU
+from convlab.modules.nlu.multiwoz.SVM.nlu import SVMNLU
diff --git a/convlab/modules/nlu/multiwoz/error.py b/convlab/modules/nlu/multiwoz/error.py
new file mode 100644
index 0000000..f593f55
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/error.py
@@ -0,0 +1,36 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+class ErrorNLU:
+ """Base model for generating NLU error."""
+ def __init__(self, act_type_rate=0.0, slot_rate=0.0):
+ """
+ Args:
+ act_type_rate (float): The error rate applied on dialog act type.
+ slot_rate (float): Error rate applied on slots.
+ """
+ self.set_error_rate(act_type_rate, slot_rate)
+
+ def set_error_rate(self, act_type_rate, slot_rate):
+ """
+ Set error rate parameter for error model.
+ Args:
+ act_type_rate (float): The error rate applied on dialog act type.
+ slot_rate (float): Error rate applied on slots.
+ """
+ self.act_type_rate = act_type_rate
+ self.slot_rate = slot_rate
+
+ def apply(self, dialog_act):
+ """
+ Apply the error model on dialog act.
+ Args:
+ dialog_act (tuple): Dialog act.
+ Returns:
+ dialog_act (tuple): Dialog act with noise.
+ """
+ #TODO
+ return
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/README.md b/convlab/modules/nlu/multiwoz/joint_nlu/README.md
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/__init__.py b/convlab/modules/nlu/multiwoz/joint_nlu/__init__.py
new file mode 100644
index 0000000..9a04545
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/__init__.py
@@ -0,0 +1,2 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/binary_accuracy.py b/convlab/modules/nlu/multiwoz/joint_nlu/binary_accuracy.py
new file mode 100644
index 0000000..687cab6
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/binary_accuracy.py
@@ -0,0 +1,62 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Optional
+from pprint import pprint
+
+from overrides import overrides
+import torch
+
+from allennlp.training.metrics.metric import Metric
+
+
+@Metric.register("binary_accuracy")
+class BinaryAccuracy(Metric):
+ """
+ This ``Metric`` calculates the binary accuracy.
+ """
+ def __init__(self) -> None:
+ self._correct_count = 0.0
+ self._total_count = 0.0
+
+ def __call__(self,
+ predictions: torch.Tensor,
+ gold_labels: torch.Tensor,
+ mask: Optional[torch.Tensor] = None):
+ """
+ Parameters
+ ----------
+ predictions : ``torch.Tensor``, required.
+ A tensor of predictions of shape (batch_size, ...).
+ gold_labels : ``torch.Tensor``, required.
+ A tensor of the same shape as ``predictions``.
+ mask: ``torch.Tensor``, optional (default = None).
+ A tensor of the same shape as ``predictions``.
+ """
+ predictions, gold_labels, mask = self.unwrap_to_tensors(predictions, gold_labels, mask)
+
+ absolute_errors = torch.abs(predictions - gold_labels)
+ if mask is not None:
+ absolute_errors *= mask
+ total_count = torch.sum(mask)
+ else:
+ total_count = gold_labels.numel()
+ error_count = torch.sum(absolute_errors)
+ self._total_count += total_count
+ self._correct_count += torch.sum(total_count - error_count)
+
+ def get_metric(self, reset: bool = False):
+ """
+ Returns
+ -------
+ The accumulated mean absolute error.
+ """
+ accuracy = float(self._correct_count) / float(self._total_count)
+ if reset:
+ self.reset()
+ return accuracy
+
+ @overrides
+ def reset(self):
+ self._correct_count = 0.0
+ self._total_count = 0.0
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_nlu.jsonnet b/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_nlu.jsonnet
new file mode 100644
index 0000000..f3037ba
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_nlu.jsonnet
@@ -0,0 +1,84 @@
+{
+ "dataset_reader": {
+ "type": "joint_nlu",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+// "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+// "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+// "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "model": {
+ "type": "joint_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 75,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_sample.jsonnet b/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_sample.jsonnet
new file mode 100644
index 0000000..02479f4
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/configs/multiwoz_sample.jsonnet
@@ -0,0 +1,91 @@
+{
+ "dataset_reader": {
+ "type": "joint_nlu",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "joint_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ // "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "feedforward": {
+ "input_dim": 400,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "linear",
+ "dropout": 0.5,
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 2
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 100,
+ "cuda_device": -1
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/dai_f1_measure.py b/convlab/modules/nlu/multiwoz/joint_nlu/dai_f1_measure.py
new file mode 100644
index 0000000..ab086ba
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/dai_f1_measure.py
@@ -0,0 +1,93 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, List, Optional, Set, Callable, Any
+from collections import defaultdict
+from pprint import pprint
+
+import torch
+
+from allennlp.common.checks import ConfigurationError
+from allennlp.data.vocabulary import Vocabulary
+from allennlp.training.metrics.metric import Metric
+
+
+#@Metric.register("dai_f1")
+class DialogActItemF1Measure(Metric):
+ """
+ """
+ def __init__(self) -> None:
+ """
+ Parameters
+ ----------
+ """
+ # These will hold per label span counts.
+ self._true_positives = 0
+ self._false_positives = 0
+ self._false_negatives = 0
+
+
+ def __call__(self,
+ predictions: List[Dict[str, Any]],
+ gold_labels: List[Dict[str, Any]]):
+ """
+ Parameters
+ ----------
+ predictions : ``torch.Tensor``, required.
+ A tensor of predictions of shape (batch_size, sequence_length, num_classes).
+ gold_labels : ``torch.Tensor``, required.
+ A tensor of integer class label of shape (batch_size, sequence_length). It must be the same
+ shape as the ``predictions`` tensor without the ``num_classes`` dimension.
+ """
+ # pprint(predictions)
+ # pprint(gold_labels)
+ for prediction, gold_label in zip(predictions, gold_labels):
+ for dat in prediction:
+ for sv in prediction[dat]:
+ if dat not in gold_label or sv not in gold_label[dat]:
+ self._false_positives += 1
+ else:
+ self._true_positives += 1
+ for dat in gold_label:
+ for sv in gold_label[dat]:
+ if dat not in prediction or sv not in prediction[dat]:
+ self._false_negatives += 1
+
+
+ def get_metric(self, reset: bool = False):
+ """
+ Returns
+ -------
+ A Dict per label containing following the span based metrics:
+ precision : float
+ recall : float
+ f1-measure : float
+
+ Additionally, an ``overall`` key is included, which provides the precision,
+ recall and f1-measure for all spans.
+ """
+ # Compute the precision, recall and f1 for all spans jointly.
+ precision, recall, f1_measure = self._compute_metrics(self._true_positives,
+ self._false_positives,
+ self._false_negatives)
+ metrics = {}
+ metrics["precision"] = precision
+ metrics["recall"] = recall
+ metrics["f1-measure"] = f1_measure
+ if reset:
+ self.reset()
+ return metrics
+
+
+ @staticmethod
+ def _compute_metrics(true_positives: int, false_positives: int, false_negatives: int):
+ precision = float(true_positives) / float(true_positives + false_positives + 1e-13)
+ recall = float(true_positives) / float(true_positives + false_negatives + 1e-13)
+ f1_measure = 2. * ((precision * recall) / (precision + recall + 1e-13))
+ return precision, recall, f1_measure
+
+
+ def reset(self):
+ self._true_positives = 0
+ self._false_positives = 0
+ self._false_negatives = 0
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/dataset_reader.py b/convlab/modules/nlu/multiwoz/joint_nlu/dataset_reader.py
new file mode 100644
index 0000000..fd014fc
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/dataset_reader.py
@@ -0,0 +1,180 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, List, Any
+import logging
+import os
+import json
+import zipfile
+import random
+
+from overrides import overrides
+
+from allennlp.common.file_utils import cached_path
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.fields import TextField, SequenceLabelField, LabelField, MetadataField, Field
+from allennlp.data.instance import Instance
+from allennlp.data.token_indexers import TokenIndexer, SingleIdTokenIndexer
+from allennlp.data.tokenizers import Token
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+@DatasetReader.register("joint_nlu")
+class JointNluDatasetReader(DatasetReader):
+ """
+ Reads instances from a pretokenised file where each line is in the following format:
+
+ WORD###TAG [TAB] WORD###TAG [TAB] ..... \n
+
+ and converts it into a ``Dataset`` suitable for sequence tagging. You can also specify
+ alternative delimiters in the constructor.
+
+ Parameters
+ ----------
+ word_tag_delimiter: ``str``, optional (default=``"###"``)
+ The text that separates each WORD from its TAG.
+ token_delimiter: ``str``, optional (default=``None``)
+ The text that separates each WORD-TAG pair from the next pair. If ``None``
+ then the line will just be split on whitespace.
+ token_indexers : ``Dict[str, TokenIndexer]``, optional (default=``{"tokens": SingleIdTokenIndexer()}``)
+ We use this to define the input representation for the text. See :class:`TokenIndexer`.
+ Note that the `output` tags will always correspond to single token IDs based on how they
+ are pre-tokenised in the data file.
+ """
+ def __init__(self,
+ token_delimiter: str = None,
+ token_indexers: Dict[str, TokenIndexer] = None,
+ lazy: bool = False) -> None:
+ super().__init__(lazy)
+ self._token_indexers = token_indexers or {'tokens': SingleIdTokenIndexer()}
+ self._token_delimiter = token_delimiter
+
+ @overrides
+ def _read(self, file_path):
+ # if `file_path` is a URL, redirect to the cache
+ file_path = cached_path(file_path)
+
+ if file_path.endswith("zip"):
+ archive = zipfile.ZipFile(file_path, "r")
+ data_file = archive.open(os.path.basename(file_path)[:-4])
+ else:
+ data_file = open(file_path, "r")
+
+ logger.info("Reading instances from lines in file at: %s", file_path)
+
+ dialogs = json.load(data_file)
+
+ for dial_name in dialogs:
+ dialog = dialogs[dial_name]["log"]
+ for turn in dialog:
+ tokens = turn["text"].split()
+ spans = turn["span_info"]
+ tags = []
+ domain = "None"
+ intent = "None"
+ for i in range(len(tokens)):
+ for span in spans:
+ if i == span[3]:
+ new_domain, new_intent = span[0].split("-", 1)
+ if domain == "None":
+ domain = new_domain
+ elif domain != new_domain:
+ continue
+ if intent == "None":
+ intent = new_intent
+ elif intent != new_intent:
+ continue
+ tags.append("B-"+span[1])
+ break
+ if i > span[3] and i <= span[4]:
+ new_domain, new_intent = span[0].split("-", 1)
+ if domain != new_domain:
+ continue
+ if intent != new_intent:
+ continue
+ tags.append("I-"+span[1])
+ break
+ else:
+ tags.append("O")
+
+ if domain != "None":
+ assert intent != "None", "intent must not be None when domain is not None"
+ elif turn["dialog_act"] != {}:
+ assert intent == "None", "intent must be None when domain is None"
+ di = list(turn["dialog_act"].keys())[0]
+ dai = turn["dialog_act"][di][0]
+ domain = di.split("-")[0]
+ intent = di.split("-", 1)[-1] + "+" + dai[0] + "*" + dai[1]
+ # print(turn["dialog_act"])
+ # print(domain)
+ # print(intent)
+ # print(tags)
+ # for dacts in turn["dialog_act"]:
+ # for dact in turn["dialog_act"][dacts]:
+ # if dacts not in dialog_act:
+ # dialog_act[dacts] = turn["dialog_act"][dacts]
+ # break
+ # elif dact[0] not in [sv[0] for sv in dialog_act[dacts]]:
+ # dialog_act[dacts].append(dact)
+ # domains = set()
+ # intents = set()
+ # for dacts in turn["dialog_act"]:
+ # for dact in turn["dialog_act"][dacts]:
+ # domains.add(dacts.split("-")[0])
+ # intents = []
+ # for dacts in turn["dialog_act"]:
+ # for dact in turn["dialog_act"][dacts]:
+ # if dacts not in dialog_act or dact[0] not in [sv[0] for sv in dialog_act[dacts]]:
+ # intents.append(dacts+"+"+dact[0]+"*"+dact[1])
+
+ # if dact[0] == "none":
+ # intents.add(dacts.split("-")[1])
+ # else:
+ # intents.add(dacts.split("-")[1]+"+"+dact[0])
+ # if domain == "None" and len(domains) > 0:
+ # domain = random.choice(list(domains))
+ # if intent == "None" and len(intents) > 0:
+ # intent = random.choice(list(intents))
+
+ dialog_act = {}
+ for dacts in turn["span_info"]:
+ if dacts[0] not in dialog_act:
+ dialog_act[dacts[0]] = []
+ dialog_act[dacts[0]].append([dacts[1], " ".join(tokens[dacts[3]: dacts[4]+1])])
+
+ for dacts in turn["dialog_act"]:
+ for dact in turn["dialog_act"][dacts]:
+ if dacts not in dialog_act:
+ dialog_act[dacts] = turn["dialog_act"][dacts]
+ break
+ elif dact[0] not in [sv[0] for sv in dialog_act[dacts]]:
+ dialog_act[dacts].append(dact)
+
+ tokens = [Token(token) for token in tokens]
+
+ # yield self.text_to_instance(tokens, tags, domain, intent, turn["dialog_act"])
+ yield self.text_to_instance(tokens, tags, domain, intent, dialog_act)
+
+
+ def text_to_instance(self, tokens: List[Token], tags: List[str] = None, domain: str = None,
+ intent: str = None, dialog_act: Dict[str, Any] = None) -> Instance: # type: ignore
+ """
+ We take `pre-tokenized` input here, because we don't have a tokenizer in this class.
+ """
+ # pylint: disable=arguments-differ
+ fields: Dict[str, Field] = {}
+ sequence = TextField(tokens, self._token_indexers)
+ fields["tokens"] = sequence
+ if tags:
+ fields["tags"] = SequenceLabelField(tags, sequence)
+ if domain:
+ fields["domain"] = LabelField(domain, label_namespace="domain_labels")
+ if intent:
+ fields["intent"] = LabelField(intent, label_namespace="intent_labels")
+ if dialog_act is not None:
+ fields["metadata"] = MetadataField({"words": [x.text for x in tokens],
+ 'dialog_act': dialog_act})
+ else:
+ fields["metadata"] = MetadataField({"words": [x.text for x in tokens], 'dialog_act': {}})
+ return Instance(fields)
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/evaluate.py b/convlab/modules/nlu/multiwoz/joint_nlu/evaluate.py
new file mode 100644
index 0000000..b69c937
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/evaluate.py
@@ -0,0 +1,171 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+The ``evaluate`` subcommand can be used to
+evaluate a trained model against a dataset
+and report any metrics calculated by the model.
+
+.. code-block:: bash
+
+ $ allennlp evaluate --help
+ usage: allennlp evaluate [-h] [--output-file OUTPUT_FILE]
+ [--weights-file WEIGHTS_FILE]
+ [--cuda-device CUDA_DEVICE] [-o OVERRIDES]
+ [--batch-weight-key BATCH_WEIGHT_KEY]
+ [--extend-vocab]
+ [--embedding-sources-mapping EMBEDDING_SOURCES_MAPPING]
+ [--include-package INCLUDE_PACKAGE]
+ archive_file input_file
+
+ Evaluate the specified model + dataset
+
+ positional arguments:
+ archive_file path to an archived trained model
+ input_file path to the file containing the evaluation data
+
+ optional arguments:
+ -h, --help show this help message and exit
+ --output-file OUTPUT_FILE
+ path to output file to save metrics
+ --weights-file WEIGHTS_FILE
+ a path that overrides which weights file to use
+ --cuda-device CUDA_DEVICE
+ id of GPU to use (if any)
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --batch-weight-key BATCH_WEIGHT_KEY
+ If non-empty, name of metric used to weight the loss
+ on a per-batch basis.
+ --extend-vocab if specified, we will use the instances in your new
+ dataset to extend your vocabulary. If pretrained-file
+ was used to initialize embedding layers, you may also
+ need to pass --embedding-sources-mapping.
+ --embedding-sources-mapping EMBEDDING_SOURCES_MAPPING
+ a JSON dict defining mapping from embedding module
+ path to embeddingpretrained-file used during training.
+ If not passed, and embedding needs to be extended, we
+ will try to use the original file paths used during
+ training. If they are not available we will use random
+ vectors for embedding extension.
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+from typing import Dict, Any
+import argparse
+import logging
+import json
+
+
+from allennlp.common.util import prepare_environment
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.iterators import DataIterator
+from allennlp.models.archival import load_archive
+from allennlp.training.util import evaluate
+from allennlp.common import Params
+
+from convlab.modules.nlu.multiwoz.joint_nlu import model, dataset_reader
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Evaluate the specified model + dataset.")
+argparser.add_argument('archive_file', type=str, help='path to an archived trained model')
+
+argparser.add_argument('input_file', type=str, help='path to the file containing the evaluation data')
+
+argparser.add_argument('--output-file', type=str, help='path to output file')
+
+argparser.add_argument('--weights-file',
+ type=str,
+ help='a path that overrides which weights file to use')
+
+cuda_device = argparser.add_mutually_exclusive_group(required=False)
+cuda_device.add_argument('--cuda-device',
+ type=int,
+ default=-1,
+ help='id of GPU to use (if any)')
+
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+
+argparser.add_argument('--batch-weight-key',
+ type=str,
+ default="",
+ help='If non-empty, name of metric used to weight the loss on a per-batch basis.')
+
+argparser.add_argument('--extend-vocab',
+ action='store_true',
+ default=False,
+ help='if specified, we will use the instances in your new dataset to '
+ 'extend your vocabulary. If pretrained-file was used to initialize '
+ 'embedding layers, you may also need to pass --embedding-sources-mapping.')
+
+argparser.add_argument('--embedding-sources-mapping',
+ type=str,
+ default="",
+ help='a JSON dict defining mapping from embedding module path to embedding'
+ 'pretrained-file used during training. If not passed, and embedding needs to be '
+ 'extended, we will try to use the original file paths used during training. If '
+ 'they are not available we will use random vectors for embedding extension.')
+
+
+def evaluate_from_args(args: argparse.Namespace) -> Dict[str, Any]:
+ # Disable some of the more verbose logging statements
+ logging.getLogger('allennlp.common.params').disabled = True
+ logging.getLogger('allennlp.nn.initializers').disabled = True
+ logging.getLogger('allennlp.modules.token_embedders.embedding').setLevel(logging.INFO)
+
+ # Load from archive
+ archive = load_archive(args.archive_file, args.cuda_device, args.overrides, args.weights_file)
+ config = archive.config
+ prepare_environment(config)
+ model = archive.model
+ model.eval()
+
+ # Load the evaluation data
+
+ # Try to use the validation dataset reader if there is one - otherwise fall back
+ # to the default dataset_reader used for both training and validation.
+ validation_dataset_reader_params = config.pop('validation_dataset_reader', None)
+ if validation_dataset_reader_params is not None:
+ dataset_reader = DatasetReader.from_params(validation_dataset_reader_params)
+ else:
+ dataset_reader = DatasetReader.from_params(config.pop('dataset_reader'))
+ evaluation_data_path = args.input_file
+ logger.info("Reading evaluation data from %s", evaluation_data_path)
+ instances = dataset_reader.read(evaluation_data_path)
+
+ embedding_sources: Dict[str, str] = (json.loads(args.embedding_sources_mapping)
+ if args.embedding_sources_mapping else {})
+ if args.extend_vocab:
+ logger.info("Vocabulary is being extended with test instances.")
+ model.vocab.extend_from_instances(Params({}), instances=instances)
+ model.extend_embedder_vocab(embedding_sources)
+
+ iterator_params = config.pop("validation_iterator", None)
+ if iterator_params is None:
+ iterator_params = config.pop("iterator")
+ iterator = DataIterator.from_params(iterator_params)
+ iterator.index_with(model.vocab)
+
+ metrics = evaluate(model, instances, iterator, args.cuda_device, args.batch_weight_key)
+
+ logger.info("Finished evaluating.")
+ logger.info("Metrics:")
+ for key, metric in metrics.items():
+ logger.info("%s: %s", key, metric)
+
+ output_file = args.output_file
+ if output_file:
+ with open(output_file, "w") as file:
+ json.dump(metrics, file, indent=4)
+ return metrics
+
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ evaluate_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/model.py b/convlab/modules/nlu/multiwoz/joint_nlu/model.py
new file mode 100644
index 0000000..7744877
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/model.py
@@ -0,0 +1,342 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, Optional, List, Any
+
+from overrides import overrides
+import numpy as np
+import torch
+import torch.nn.functional as F
+from torch.nn.modules.linear import Linear
+
+from allennlp.common.checks import check_dimensions_match, ConfigurationError
+from allennlp.data import Vocabulary
+from allennlp.modules import Seq2SeqEncoder, TimeDistributed, TextFieldEmbedder
+from allennlp.modules import ConditionalRandomField, FeedForward
+from allennlp.modules.conditional_random_field import allowed_transitions
+from allennlp.models.model import Model
+from allennlp.nn import InitializerApplicator, RegularizerApplicator
+import allennlp.nn.util as util
+from allennlp.nn.util import get_text_field_mask, sequence_cross_entropy_with_logits
+from allennlp.training.metrics import CategoricalAccuracy, SpanBasedF1Measure
+from allennlp.data.dataset_readers.dataset_utils.span_utils import bio_tags_to_spans
+
+from convlab.modules.nlu.multiwoz.joint_nlu.dai_f1_measure import DialogActItemF1Measure
+
+
+@Model.register("joint_nlu")
+class JointNlu(Model):
+ """
+ Parameters
+ ----------
+ vocab : ``Vocabulary``, required
+ A Vocabulary, required in order to compute sizes for input/output projections.
+ text_field_embedder : ``TextFieldEmbedder``, required
+ Used to embed the tokens ``TextField`` we get as input to the model.
+ encoder : ``Seq2SeqEncoder``
+ The encoder that we will use in between embedding tokens and predicting output tags.
+ sequence_label_namespace : ``str``, optional (default=``labels``)
+ This is needed to compute the SpanBasedF1Measure metric.
+ Unless you did something unusual, the default value should be what you want.
+ feedforward : ``FeedForward``, optional, (default = None).
+ An optional feedforward layer to apply after the encoder.
+ label_encoding : ``str``, optional (default=``None``)
+ Label encoding to use when calculating span f1 and constraining
+ the CRF at decoding time . Valid options are "BIO", "BIOUL", "IOB1", "BMES".
+ Required if ``calculate_span_f1`` or ``constrain_crf_decoding`` is true.
+ include_start_end_transitions : ``bool``, optional (default=``True``)
+ Whether to include start and end transition parameters in the CRF.
+ constrain_crf_decoding : ``bool``, optional (default=``None``)
+ If ``True``, the CRF is constrained at decoding time to
+ produce valid sequences of tags. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ calculate_span_f1 : ``bool``, optional (default=``None``)
+ Calculate span-level F1 metrics during training. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ dropout: ``float``, optional (default=``None``)
+ verbose_metrics : ``bool``, optional (default = False)
+ If true, metrics will be returned per label class in addition
+ to the overall statistics.
+ initializer : ``InitializerApplicator``, optional (default=``InitializerApplicator()``)
+ Used to initialize the model parameters.
+ regularizer : ``RegularizerApplicator``, optional (default=``None``)
+ If provided, will be used to calculate the regularization penalty during training.
+ """
+
+ def __init__(self, vocab: Vocabulary,
+ text_field_embedder: TextFieldEmbedder,
+ encoder: Seq2SeqEncoder,
+ tag_label_namespace: str = "labels",
+ domain_label_namespace: str = "domain_labels",
+ intent_label_namespace: str = "intent_labels",
+ feedforward: Optional[FeedForward] = None,
+ label_encoding: Optional[str] = None,
+ include_start_end_transitions: bool = True,
+ crf_decoding: bool = False,
+ constrain_crf_decoding: bool = None,
+ focal_loss_gamma: float = None,
+ calculate_span_f1: bool = None,
+ dropout: Optional[float] = None,
+ verbose_metrics: bool = False,
+ initializer: InitializerApplicator = InitializerApplicator(),
+ regularizer: Optional[RegularizerApplicator] = None) -> None:
+ super().__init__(vocab, regularizer)
+
+ self.tag_label_namespace = tag_label_namespace
+ self.intent_label_namespace = intent_label_namespace
+ self.text_field_embedder = text_field_embedder
+ self.num_tags = self.vocab.get_vocab_size(tag_label_namespace)
+ self.num_domains = self.vocab.get_vocab_size(domain_label_namespace)
+ self.num_intents = self.vocab.get_vocab_size(intent_label_namespace)
+ self.encoder = encoder
+ self._verbose_metrics = verbose_metrics
+ if dropout:
+ self.dropout = torch.nn.Dropout(dropout)
+ else:
+ self.dropout = None
+ self._feedforward = feedforward
+
+ # if feedforward is not None:
+ # output_dim = feedforward.get_output_dim()
+ # else:
+ # output_dim = self.encoder.get_output_dim()
+ self.tag_projection_layer = TimeDistributed(Linear(self.encoder.get_output_dim(),
+ self.num_tags))
+
+ if self._feedforward is not None:
+ self.domain_projection_layer = Linear(feedforward.get_output_dim(), self.num_domains)
+ self.intent_projection_layer = Linear(feedforward.get_output_dim(), self.num_intents)
+ else:
+ self.domain_projection_layer = Linear(self.encoder.get_output_dim(), self.num_domains)
+ self.intent_projection_layer = Linear(self.encoder.get_output_dim(), self.num_intents)
+
+ self.ce_loss = torch.nn.CrossEntropyLoss()
+
+ # if constrain_crf_decoding and calculate_span_f1 are not
+ # provided, (i.e., they're None), set them to True
+ # if label_encoding is provided and False if it isn't.
+ if constrain_crf_decoding is None:
+ constrain_crf_decoding = label_encoding is not None
+ if calculate_span_f1 is None:
+ calculate_span_f1 = label_encoding is not None
+
+ self.label_encoding = label_encoding
+ if constrain_crf_decoding:
+ if not label_encoding:
+ raise ConfigurationError("constrain_crf_decoding is True, but "
+ "no label_encoding was specified.")
+ labels = self.vocab.get_index_to_token_vocabulary(tag_label_namespace)
+ constraints = allowed_transitions(label_encoding, labels)
+ else:
+ constraints = None
+
+ self.include_start_end_transitions = include_start_end_transitions
+ if crf_decoding:
+ self.crf = ConditionalRandomField(
+ self.num_tags, constraints,
+ include_start_end_transitions=include_start_end_transitions
+ )
+ else:
+ self.crf = None
+
+ self._dai_f1_metric = DialogActItemF1Measure()
+ # self.calculate_span_f1 = calculate_span_f1
+ # if calculate_span_f1:
+ # if not label_encoding:
+ # raise ConfigurationError("calculate_span_f1 is True, but "
+ # "no label_encoding was specified.")
+ # self._f1_metric = SpanBasedF1Measure(vocab,
+ # tag_namespace=tag_label_namespace,
+ # label_encoding=label_encoding)
+
+ check_dimensions_match(text_field_embedder.get_output_dim(), encoder.get_input_dim(),
+ "text field embedding dim", "encoder input dim")
+ if feedforward is not None:
+ check_dimensions_match(encoder.get_output_dim(), feedforward.get_input_dim(),
+ "encoder output dim", "feedforward input dim")
+ initializer(self)
+
+ @overrides
+ def forward(self, # type: ignore
+ tokens: Dict[str, torch.LongTensor],
+ tags: torch.LongTensor = None,
+ domain: torch.LongTensor = None,
+ intent: torch.LongTensor = None,
+ metadata: List[Dict[str, Any]] = None,
+ # pylint: disable=unused-argument
+ **kwargs) -> Dict[str, torch.Tensor]:
+ # pylint: disable=arguments-differ
+ """
+ Parameters
+ ----------
+ tokens : ``Dict[str, torch.LongTensor]``, required
+ The output of ``TextField.as_array()``, which should typically be passed directly to a
+ ``TextFieldEmbedder``. This output is a dictionary mapping keys to ``TokenIndexer``
+ tensors. At its most basic, using a ``SingleIdTokenIndexer`` this is: ``{"tokens":
+ Tensor(batch_size, num_tokens)}``. This dictionary will have the same keys as were used
+ for the ``TokenIndexers`` when you created the ``TextField`` representing your
+ sequence. The dictionary is designed to be passed directly to a ``TextFieldEmbedder``,
+ which knows how to combine different word representations into a single vector per
+ token in your input.
+ tags : ``torch.LongTensor``, optional (default = ``None``)
+ A torch tensor representing the sequence of integer gold class labels of shape
+ ``(batch_size, num_tokens)``.
+ metadata : ``List[Dict[str, Any]]``, optional, (default = None)
+ metadata containg the original words in the sentence to be tagged under a 'words' key.
+
+ Returns
+ -------
+ An output dictionary consisting of:
+
+ logits : ``torch.FloatTensor``
+ The logits that are the output of the ``tag_projection_layer``
+ mask : ``torch.LongTensor``
+ The text field mask for the input tokens
+ tags : ``List[List[int]]``
+ The predicted tags using the Viterbi algorithm.
+ loss : ``torch.FloatTensor``, optional
+ A scalar loss to be optimised. Only computed if gold label ``tags`` are provided.
+ """
+ embedded_text_input = self.text_field_embedder(tokens)
+ mask = util.get_text_field_mask(tokens)
+
+ if self.dropout:
+ embedded_text_input = self.dropout(embedded_text_input)
+
+ encoded_text = self.encoder(embedded_text_input, mask)
+
+ if self.dropout:
+ encoded_text = self.dropout(encoded_text)
+
+ if self._feedforward is not None:
+ encoded_summary = self._feedforward(util.get_final_encoder_states(
+ encoded_text,
+ mask,
+ self.encoder.is_bidirectional()))
+ else:
+ encoded_summary = util.get_final_encoder_states(
+ encoded_text,
+ mask,
+ self.encoder.is_bidirectional())
+
+ tag_logits = self.tag_projection_layer(encoded_text)
+ if self.crf:
+ best_paths = self.crf.viterbi_tags(tag_logits, mask)
+ # Just get the tags and ignore the score.
+ predicted_tags = [x for x, y in best_paths]
+ else:
+ predicted_tags = self.get_predicted_tags(tag_logits)
+
+ domain_logits = self.domain_projection_layer(encoded_summary)
+ domain_probs = F.softmax(domain_logits, dim=-1)
+
+ intent_logits = self.intent_projection_layer(encoded_summary)
+ intent_probs = F.softmax(intent_logits, dim=-1)
+
+ output = {"tag_logits": tag_logits, "mask": mask, "tags": predicted_tags,
+ "domain_probs": domain_probs, "intent_probs": intent_probs}
+
+ if tags is not None:
+ if self.crf:
+ # Add negative log-likelihood as loss
+ log_likelihood = self.crf(tag_logits, tags, mask)
+ output["loss"] = -log_likelihood
+
+ # Represent viterbi tags as "class probabilities" that we can
+ # feed into the metrics
+ class_probabilities = tag_logits * 0.
+ for i, instance_tags in enumerate(predicted_tags):
+ for j, tag_id in enumerate(instance_tags):
+ class_probabilities[i, j, tag_id] = 1
+ else:
+ loss = sequence_cross_entropy_with_logits(tag_logits, tags, mask)
+ class_probabilities = tag_logits
+ output["loss"] = loss
+
+ # self.metrics['tag_acc'](class_probabilities, tags, mask.float())
+ # if self.calculate_span_f1:
+ # self._f1_metric(class_probabilities, tags, mask.float())
+ if domain is not None:
+ output["loss"] += self.ce_loss(domain_logits, domain)
+ if intent is not None:
+ output["loss"] += self.ce_loss(intent_logits, intent)
+
+ if metadata:
+ output["words"] = [x["words"] for x in metadata]
+
+ if tags is not None and metadata:
+ self.decode(output)
+ self._dai_f1_metric(output["dialog_act"], [x["dialog_act"] for x in metadata])
+
+ return output
+
+
+ def get_predicted_tags(self, sequence_logits: torch.Tensor) -> torch.Tensor:
+ """
+ Does a simple position-wise argmax over each token, converts indices to string labels, and
+ adds a ``"tags"`` key to the dictionary with the result.
+ """
+ all_predictions = sequence_logits
+ all_predictions = all_predictions.detach().cpu().numpy()
+ if all_predictions.ndim == 3:
+ predictions_list = [all_predictions[i] for i in range(all_predictions.shape[0])]
+ else:
+ predictions_list = [all_predictions]
+ all_tags = []
+ for predictions in predictions_list:
+ tags = np.argmax(predictions, axis=-1)
+ all_tags.append(tags)
+ return all_tags
+
+
+ @overrides
+ def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:
+ """
+ Converts the tag ids to the actual tags.
+ ``output_dict["tags"]`` is a list of lists of tag_ids,
+ so we use an ugly nested list comprehension.
+ """
+ output_dict["tags"] = [
+ [self.vocab.get_token_from_index(tag, namespace=self.tag_label_namespace)
+ for tag in instance_tags]
+ for instance_tags in output_dict["tags"]
+ ]
+
+ argmax_indices = np.argmax(output_dict["domain_probs"].detach().cpu().numpy(), axis=-1)
+ output_dict["domain"] = [self.vocab.get_token_from_index(x, namespace="domain_labels")
+ for x in argmax_indices]
+
+ argmax_indices = np.argmax(output_dict["intent_probs"].detach().cpu().numpy(), axis=-1)
+ output_dict["intent"] = [self.vocab.get_token_from_index(x, namespace="intent_labels")
+ for x in argmax_indices]
+
+ output_dict["dialog_act"] = []
+ for i, domain in enumerate(output_dict["domain"]):
+ if "+" not in output_dict["intent"][i]:
+ tags = []
+ seq_len = len(output_dict["words"][i])
+ for span in bio_tags_to_spans(output_dict["tags"][i][:seq_len]):
+ tags.append([span[0], " ".join(output_dict["words"][i][span[1][0]: span[1][1]+1])])
+ intent = output_dict["intent"][i] if len(tags) > 0 else "None"
+ else:
+ intent, value = output_dict["intent"][i].split("*", 1)
+ intent, slot = intent.split("+")
+ tags = [[slot, value]]
+ # tags.append([output_dict["intent"][i].split("+")[1], "?"])
+ # if len(tags) == 0:
+ # tags = [["none", "none"]]
+ dialog_act = {domain+"-"+intent: tags} if domain != "None" and intent != "None" else {}
+ output_dict["dialog_act"].append(dialog_act)
+
+ return output_dict
+
+
+ @overrides
+ def get_metrics(self, reset: bool = False) -> Dict[str, float]:
+ return self._dai_f1_metric.get_metric(reset=reset)
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/nlu.py b/convlab/modules/nlu/multiwoz/joint_nlu/nlu.py
new file mode 100644
index 0000000..e94c8b9
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/nlu.py
@@ -0,0 +1,87 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+import os
+from pprint import pprint
+
+from allennlp.common.checks import check_for_gpu
+from allennlp.models.archival import load_archive
+from allennlp.data import DatasetReader
+from allennlp.data.tokenizers.word_splitter import SpacyWordSplitter
+from allennlp.common.file_utils import cached_path
+
+from zipfile import ZipFile
+from convlab.modules.nlu.multiwoz.joint_nlu import model, dataset_reader
+
+DEFAULT_CUDA_DEVICE=-1
+DEFAULT_DIRECTORY = os.path.dirname(os.path.abspath(__file__))
+DEFAULT_ARCHIVE_FILE = os.path.join(DEFAULT_DIRECTORY, "models/model.tar.gz")
+
+class JointNLU(object):
+ """Multilabel sequence tagging model."""
+
+ def __init__(self,
+ archive_file=DEFAULT_ARCHIVE_FILE,
+ cuda_device=DEFAULT_CUDA_DEVICE,
+ model_file=None):
+ """ Constructor for NLU class. """
+ check_for_gpu(cuda_device)
+
+ if not os.path.isfile(archive_file):
+ if not model_file:
+ raise Exception("No model for JointNLU is specified!")
+ file_path = cached_path(model_file)
+ zip_ref = ZipFile(file_path, 'r')
+ zip_ref.extractall(DEFAULT_DIRECTORY)
+ zip_ref.close()
+
+ archive = load_archive(archive_file,
+ cuda_device=cuda_device)
+ self.tokenizer = SpacyWordSplitter(language="en_core_web_sm")
+ dataset_reader_params = archive.config["dataset_reader"]
+ self.dataset_reader = DatasetReader.from_params(dataset_reader_params)
+ self.model = archive.model
+ self.model.eval()
+
+ def parse(self, utterance):
+ """
+ Predict the dialog act of a natural language utterance and apply error model.
+ Args:
+ utterance (str): A natural language utterance.
+ Returns:
+ output (dict): The dialog act of utterance.
+ """
+ # print("nlu input:")
+ # pprint(utterance)
+
+ if len(utterance) == 0:
+ return {}
+
+ tokens = self.tokenizer.split_words(utterance)
+ instance = self.dataset_reader.text_to_instance(tokens)
+ outputs = self.model.forward_on_instance(instance)
+
+ return outputs["dialog_act"]
+
+
+if __name__ == "__main__":
+ nlu = JointNLU()
+ test_utterances = [
+ "What type of accommodations are they. No , i just need their address . Can you tell me if the hotel has internet available ?",
+ "What type of accommodations are they.",
+ "No , i just need their address .",
+ "Can you tell me if the hotel has internet available ?",
+ "you're welcome! enjoy your visit! goodbye.",
+ "yes. it should be moderately priced.",
+ "i want to book a table for 6 at 18:45 on thursday",
+ "i will be departing out of stevenage.",
+ "What is the Name of attraction ?",
+ "Can I get the name of restaurant?",
+ "do you have a specific area you want to stay in?"
+ ]
+ for utt in test_utterances:
+ print(utt)
+ pprint(nlu.parse(utt))
diff --git a/convlab/modules/nlu/multiwoz/joint_nlu/train.py b/convlab/modules/nlu/multiwoz/joint_nlu/train.py
new file mode 100644
index 0000000..3c5495f
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/joint_nlu/train.py
@@ -0,0 +1,231 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+The ``train`` subcommand can be used to train a model.
+It requires a configuration file and a directory in
+which to write the results.
+
+.. code-block:: bash
+
+ $ allennlp train --help
+
+ usage: allennlp train [-h] -s SERIALIZATION_DIR [-r] [-f] [-o OVERRIDES]
+ [--file-friendly-logging]
+ [--include-package INCLUDE_PACKAGE]
+ param_path
+
+ Train the specified model on the specified dataset.
+
+ positional arguments:
+ param_path path to parameter file describing the model to be
+ trained
+
+ optional arguments:
+ -h, --help show this help message and exit
+ -s SERIALIZATION_DIR, --serialization-dir SERIALIZATION_DIR
+ directory in which to save the model and its logs
+ -r, --recover recover training from the state in serialization_dir
+ -f, --force overwrite the output directory if it exists
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --file-friendly-logging
+ outputs tqdm status on separate lines and slows tqdm
+ refresh rate
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+
+import argparse
+import logging
+import os
+
+from allennlp.commands.subcommand import Subcommand
+from allennlp.common.checks import check_for_gpu
+from allennlp.common import Params
+from allennlp.common.util import prepare_environment, prepare_global_logging, cleanup_global_logging, dump_metrics
+from allennlp.models.archival import archive_model, CONFIG_NAME
+from allennlp.models.model import Model, _DEFAULT_WEIGHTS
+from allennlp.training.trainer import Trainer, TrainerPieces
+from allennlp.training.trainer_base import TrainerBase
+from allennlp.training.util import create_serialization_dir, evaluate
+
+from convlab.modules.nlu.multiwoz.joint_nlu import model, dataset_reader
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Train a model.")
+argparser.add_argument('param_path',
+ type=str,
+ help='path to parameter file describing the model to be trained')
+argparser.add_argument('-s', '--serialization-dir',
+ required=True,
+ type=str,
+ help='directory in which to save the model and its logs')
+argparser.add_argument('-r', '--recover',
+ action='store_true',
+ default=False,
+ help='recover training from the state in serialization_dir')
+argparser.add_argument('-f', '--force',
+ action='store_true',
+ required=False,
+ help='overwrite the output directory if it exists')
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+argparser.add_argument('--file-friendly-logging',
+ action='store_true',
+ default=False,
+ help='outputs tqdm status on separate lines and slows tqdm refresh rate')
+
+
+
+def train_model_from_args(args: argparse.Namespace):
+ """
+ Just converts from an ``argparse.Namespace`` object to string paths.
+ """
+ train_model_from_file(args.param_path,
+ args.serialization_dir,
+ args.overrides,
+ args.file_friendly_logging,
+ args.recover,
+ args.force)
+
+
+def train_model_from_file(parameter_filename: str,
+ serialization_dir: str,
+ overrides: str = "",
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ A wrapper around :func:`train_model` which loads the params from a file.
+
+ Parameters
+ ----------
+ parameter_filename : ``str``
+ A json parameter file specifying an AllenNLP experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs. We just pass this along to
+ :func:`train_model`.
+ overrides : ``str``
+ A JSON string that we will use to override values in the input parameter file.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we make our output more friendly to saved model files. We just pass this
+ along to :func:`train_model`.
+ recover : ``bool`, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+ """
+ # Load the experiment config from a file and pass it to ``train_model``.
+ params = Params.from_file(parameter_filename, overrides)
+ return train_model(params, serialization_dir, file_friendly_logging, recover, force)
+
+
+def train_model(params: Params,
+ serialization_dir: str,
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ Trains the model specified in the given :class:`Params` object, using the data and training
+ parameters also specified in that object, and saves the results in ``serialization_dir``.
+
+ Parameters
+ ----------
+ params : ``Params``
+ A parameter object specifying an AllenNLP Experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we add newlines to tqdm output, even on an interactive terminal, and we slow
+ down tqdm's output to only once every 10 seconds.
+ recover : ``bool``, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+
+ Returns
+ -------
+ best_model: ``Model``
+ The model with the best epoch weights.
+ """
+ prepare_environment(params)
+ create_serialization_dir(params, serialization_dir, recover, force)
+ stdout_handler = prepare_global_logging(serialization_dir, file_friendly_logging)
+
+ cuda_device = params.params.get('trainer').get('cuda_device', -1)
+ check_for_gpu(cuda_device)
+
+ params.to_file(os.path.join(serialization_dir, CONFIG_NAME))
+
+ evaluate_on_test = params.pop_bool("evaluate_on_test", False)
+
+ trainer_type = params.get("trainer", {}).get("type", "default")
+
+ if trainer_type == "default":
+ # Special logic to instantiate backward-compatible trainer.
+ pieces = TrainerPieces.from_params(params, serialization_dir, recover) # pylint: disable=no-member
+ trainer = Trainer.from_params(
+ model=pieces.model,
+ serialization_dir=serialization_dir,
+ iterator=pieces.iterator,
+ train_data=pieces.train_dataset,
+ validation_data=pieces.validation_dataset,
+ params=pieces.params,
+ validation_iterator=pieces.validation_iterator)
+ evaluation_iterator = pieces.validation_iterator or pieces.iterator
+ evaluation_dataset = pieces.test_dataset
+
+ else:
+ trainer = TrainerBase.from_params(params, serialization_dir, recover)
+ # TODO(joelgrus): handle evaluation in the general case
+ evaluation_iterator = evaluation_dataset = None
+
+ params.assert_empty('base train command')
+
+ try:
+ metrics = trainer.train()
+ except KeyboardInterrupt:
+ # if we have completed an epoch, try to create a model archive.
+ if os.path.exists(os.path.join(serialization_dir, _DEFAULT_WEIGHTS)):
+ logging.info("Training interrupted by the user. Attempting to create "
+ "a model archive using the current best epoch weights.")
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ raise
+
+ # Evaluate
+ if evaluation_dataset and evaluate_on_test:
+ logger.info("The model will be evaluated using the best epoch weights.")
+ test_metrics = evaluate(trainer.model, evaluation_dataset, evaluation_iterator,
+ cuda_device=trainer._cuda_devices[0], # pylint: disable=protected-access,
+ # TODO(brendanr): Pass in an arg following Joel's trainer refactor.
+ batch_weight_key="")
+
+ for key, value in test_metrics.items():
+ metrics["test_" + key] = value
+
+ elif evaluation_dataset:
+ logger.info("To evaluate on the test set after training, pass the "
+ "'evaluate_on_test' flag, or use the 'allennlp evaluate' command.")
+
+ cleanup_global_logging(stdout_handler)
+
+ # Now tar up results
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ dump_metrics(os.path.join(serialization_dir, "metrics.json"), metrics, log=True)
+
+ # We count on the trainer to have the model with best weights
+ return trainer.model
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ train_model_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/mlst/README.md b/convlab/modules/nlu/multiwoz/mlst/README.md
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/nlu/multiwoz/mlst/__init__.py b/convlab/modules/nlu/multiwoz/mlst/__init__.py
new file mode 100644
index 0000000..9a04545
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/__init__.py
@@ -0,0 +1,2 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/nlu/multiwoz/mlst/binary_accuracy.py b/convlab/modules/nlu/multiwoz/mlst/binary_accuracy.py
new file mode 100644
index 0000000..687cab6
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/binary_accuracy.py
@@ -0,0 +1,62 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Optional
+from pprint import pprint
+
+from overrides import overrides
+import torch
+
+from allennlp.training.metrics.metric import Metric
+
+
+@Metric.register("binary_accuracy")
+class BinaryAccuracy(Metric):
+ """
+ This ``Metric`` calculates the binary accuracy.
+ """
+ def __init__(self) -> None:
+ self._correct_count = 0.0
+ self._total_count = 0.0
+
+ def __call__(self,
+ predictions: torch.Tensor,
+ gold_labels: torch.Tensor,
+ mask: Optional[torch.Tensor] = None):
+ """
+ Parameters
+ ----------
+ predictions : ``torch.Tensor``, required.
+ A tensor of predictions of shape (batch_size, ...).
+ gold_labels : ``torch.Tensor``, required.
+ A tensor of the same shape as ``predictions``.
+ mask: ``torch.Tensor``, optional (default = None).
+ A tensor of the same shape as ``predictions``.
+ """
+ predictions, gold_labels, mask = self.unwrap_to_tensors(predictions, gold_labels, mask)
+
+ absolute_errors = torch.abs(predictions - gold_labels)
+ if mask is not None:
+ absolute_errors *= mask
+ total_count = torch.sum(mask)
+ else:
+ total_count = gold_labels.numel()
+ error_count = torch.sum(absolute_errors)
+ self._total_count += total_count
+ self._correct_count += torch.sum(total_count - error_count)
+
+ def get_metric(self, reset: bool = False):
+ """
+ Returns
+ -------
+ The accumulated mean absolute error.
+ """
+ accuracy = float(self._correct_count) / float(self._total_count)
+ if reset:
+ self.reset()
+ return accuracy
+
+ @overrides
+ def reset(self):
+ self._correct_count = 0.0
+ self._total_count = 0.0
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu.jsonnet
new file mode 100644
index 0000000..51280d8
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu.jsonnet
@@ -0,0 +1,81 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 75,
+ "cuda_device": 2
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_bert.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_bert.jsonnet
new file mode 100644
index 0000000..be9b2d3
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_bert.jsonnet
@@ -0,0 +1,104 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ "bert": {
+ "type": "bert-pretrained",
+ "pretrained_model": "bert-base-uncased",
+ "do_lowercase": false,
+ "use_starting_offsets": true
+ },
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "allow_unmatched_keys": true,
+ "embedder_to_indexer_map": {
+ "tokens": ["tokens"],
+ "bert": ["bert", "bert-offsets"],
+ "token_characters": ["token_characters"],
+ },
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "bert": {
+ "type": "bert-pretrained",
+ "pretrained_model": "bert-base-uncased"
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 946,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "feedforward": {
+ "input_dim": 400,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "linear",
+ "dropout": 0.5,
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+tag_f",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 25,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_elmo.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_elmo.jsonnet
new file mode 100644
index 0000000..c8b0c6a
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_elmo.jsonnet
@@ -0,0 +1,98 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ "elmo": {
+ "type": "elmo_characters"
+ }
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "elmo":{
+ "type": "elmo_token_embedder",
+ "options_file": "https://s3-us-west-2.amazonaws.com/allennlp/models/elmo/2x4096_512_2048cnn_2xhighway/elmo_2x4096_512_2048cnn_2xhighway_options.json",
+ "weight_file": "https://s3-us-west-2.amazonaws.com/allennlp/models/elmo/2x4096_512_2048cnn_2xhighway/elmo_2x4096_512_2048cnn_2xhighway_weights.hdf5",
+ "do_layer_norm": false,
+ "dropout": 0.0
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 1202,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "feedforward": {
+ "input_dim": 400,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "linear",
+ "dropout": 0.5,
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure-overall",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 25,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_fl.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_fl.jsonnet
new file mode 100644
index 0000000..8bd3926
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_fl.jsonnet
@@ -0,0 +1,93 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "feedforward": {
+ "input_dim": 400,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "linear",
+ "dropout": 0.5,
+ },
+ "focal_loss_gamma": 0.5,
+ // "focal_loss_gamma": 0,
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+tag_f",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 25,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_irnn.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_irnn.jsonnet
new file mode 100644
index 0000000..ee278e4
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_nlu_irnn.jsonnet
@@ -0,0 +1,92 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.3,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 1,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "intent_encoder": {
+ "type": "lstm",
+ "input_size": 400,
+ "hidden_size": 200,
+ "num_layers": 1,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 40,
+ "grad_norm": 5.0,
+ "patience": 75,
+ "cuda_device": 2
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_sample.jsonnet b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_sample.jsonnet
new file mode 100644
index 0000000..2c21158
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/configs/multiwoz_sample.jsonnet
@@ -0,0 +1,91 @@
+{
+ "dataset_reader": {
+ "type": "mlst",
+ "token_indexers": {
+ "tokens": {
+ "type": "single_id",
+ "lowercase_tokens": true
+ },
+ "token_characters": {
+ "type": "characters",
+ "min_padding_length": 3
+ },
+ }
+ },
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "mlst_nlu",
+ "label_encoding": "BIO",
+ "dropout": 0.5,
+ "include_start_end_transitions": false,
+ "text_field_embedder": {
+ "token_embedders": {
+ "tokens": {
+ "type": "embedding",
+ "embedding_dim": 50,
+ // "pretrained_file": "https://s3-us-west-2.amazonaws.com/allennlp/datasets/glove/glove.6B.50d.txt.gz",
+ "trainable": true
+ },
+ "token_characters": {
+ "type": "character_encoding",
+ "embedding": {
+ "embedding_dim": 16
+ },
+ "encoder": {
+ "type": "cnn",
+ "embedding_dim": 16,
+ "num_filters": 128,
+ "ngram_filter_sizes": [3],
+ "conv_layer_activation": "relu"
+ }
+ }
+ }
+ },
+ "encoder": {
+ "type": "lstm",
+ "input_size": 178,
+ "hidden_size": 200,
+ "num_layers": 2,
+ "dropout": 0.5,
+ "bidirectional": true
+ },
+ "feedforward": {
+ "input_dim": 400,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "linear",
+ "dropout": 0.5,
+ },
+ "regularizer": [
+ [
+ "scalar_parameters",
+ {
+ "type": "l2",
+ "alpha": 0.1
+ }
+ ]
+ ]
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 2
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+f1-measure",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 75,
+ "grad_norm": 5.0,
+ "patience": 100,
+ "cuda_device": -1
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/nlu/multiwoz/mlst/dai_f1_measure.py b/convlab/modules/nlu/multiwoz/mlst/dai_f1_measure.py
new file mode 100644
index 0000000..e047172
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/dai_f1_measure.py
@@ -0,0 +1,109 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, List, Optional, Set, Callable, Any
+from collections import defaultdict
+from pprint import pprint
+
+import torch
+
+from allennlp.common.checks import ConfigurationError
+from allennlp.data.vocabulary import Vocabulary
+from allennlp.training.metrics.metric import Metric
+
+
+class DialogActItemF1Measure(Metric):
+ """
+ """
+ def __init__(self) -> None:
+ """
+ Parameters
+ ----------
+ """
+ # These will hold per label span counts.
+ self._true_positives = 0
+ self._false_positives = 0
+ self._false_negatives = 0
+
+
+ def __call__(self,
+ predictions: List[Dict[str, Any]],
+ gold_labels: List[Dict[str, Any]]):
+ """
+ Parameters
+ ----------
+ predictions : ``torch.Tensor``, required.
+ A tensor of predictions of shape (batch_size, sequence_length, num_classes).
+ gold_labels : ``torch.Tensor``, required.
+ A tensor of integer class label of shape (batch_size, sequence_length). It must be the same
+ shape as the ``predictions`` tensor without the ``num_classes`` dimension.
+ """
+ # pprint(predictions)
+ # pprint(gold_labels)
+ for prediction, gold_label in zip(predictions, gold_labels):
+ for dat in prediction:
+ for sv in prediction[dat]:
+ if dat not in gold_label or sv not in gold_label[dat]:
+ self._false_positives += 1
+ else:
+ self._true_positives += 1
+ for dat in gold_label:
+ for sv in gold_label[dat]:
+ if dat not in prediction or sv not in prediction[dat]:
+ self._false_negatives += 1
+ # for prediction, gold_label in zip(predictions, gold_labels):
+ # for dat in prediction:
+ # if dat not in gold_label:
+ # self._false_positives += 1
+ # else:
+ # for sv in prediction[dat]:
+ # if sv not in gold_label[dat]:
+ # self._false_positives += 1
+ # else:
+ # self._true_positives += 1
+ # for dat in gold_label:
+ # if dat not in prediction:
+ # self._false_negatives += 1
+ # else:
+ # for sv in gold_label[dat]:
+ # if sv not in prediction[dat]:
+ # self._false_negatives += 1
+
+
+ def get_metric(self, reset: bool = False):
+ """
+ Returns
+ -------
+ A Dict per label containing following the span based metrics:
+ precision : float
+ recall : float
+ f1-measure : float
+
+ Additionally, an ``overall`` key is included, which provides the precision,
+ recall and f1-measure for all spans.
+ """
+ # Compute the precision, recall and f1 for all spans jointly.
+ precision, recall, f1_measure = self._compute_metrics(self._true_positives,
+ self._false_positives,
+ self._false_negatives)
+ metrics = {}
+ metrics["precision"] = precision
+ metrics["recall"] = recall
+ metrics["f1-measure"] = f1_measure
+ if reset:
+ self.reset()
+ return metrics
+
+
+ @staticmethod
+ def _compute_metrics(true_positives: int, false_positives: int, false_negatives: int):
+ precision = float(true_positives) / float(true_positives + false_positives + 1e-13)
+ recall = float(true_positives) / float(true_positives + false_negatives + 1e-13)
+ f1_measure = 2. * ((precision * recall) / (precision + recall + 1e-13))
+ return precision, recall, f1_measure
+
+
+ def reset(self):
+ self._true_positives = 0
+ self._false_positives = 0
+ self._false_negatives = 0
diff --git a/convlab/modules/nlu/multiwoz/mlst/dataset_reader.py b/convlab/modules/nlu/multiwoz/mlst/dataset_reader.py
new file mode 100644
index 0000000..3714b10
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/dataset_reader.py
@@ -0,0 +1,128 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, List, Any
+import logging
+import os
+import json
+import zipfile
+
+from overrides import overrides
+
+from allennlp.common.file_utils import cached_path
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.fields import TextField, SequenceLabelField, MultiLabelField, MetadataField, Field
+from allennlp.data.instance import Instance
+from allennlp.data.token_indexers import TokenIndexer, SingleIdTokenIndexer
+from allennlp.data.tokenizers import Token
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+@DatasetReader.register("mlst")
+class MlstDatasetReader(DatasetReader):
+ """
+ Reads instances from a pretokenised file where each line is in the following format:
+
+ WORD###TAG [TAB] WORD###TAG [TAB] ..... \n
+
+ and converts it into a ``Dataset`` suitable for sequence tagging. You can also specify
+ alternative delimiters in the constructor.
+
+ Parameters
+ ----------
+ word_tag_delimiter: ``str``, optional (default=``"###"``)
+ The text that separates each WORD from its TAG.
+ token_delimiter: ``str``, optional (default=``None``)
+ The text that separates each WORD-TAG pair from the next pair. If ``None``
+ then the line will just be split on whitespace.
+ token_indexers : ``Dict[str, TokenIndexer]``, optional (default=``{"tokens": SingleIdTokenIndexer()}``)
+ We use this to define the input representation for the text. See :class:`TokenIndexer`.
+ Note that the `output` tags will always correspond to single token IDs based on how they
+ are pre-tokenised in the data file.
+ """
+ def __init__(self,
+ token_delimiter: str = None,
+ token_indexers: Dict[str, TokenIndexer] = None,
+ lazy: bool = False) -> None:
+ super().__init__(lazy)
+ self._token_indexers = token_indexers or {'tokens': SingleIdTokenIndexer()}
+ self._token_delimiter = token_delimiter
+
+ @overrides
+ def _read(self, file_path):
+ # if `file_path` is a URL, redirect to the cache
+ file_path = cached_path(file_path)
+
+ if file_path.endswith("zip"):
+ archive = zipfile.ZipFile(file_path, "r")
+ data_file = archive.open(os.path.basename(file_path)[:-4])
+ else:
+ data_file = open(file_path, "r")
+
+ logger.info("Reading instances from lines in file at: %s", file_path)
+
+ dialogs = json.load(data_file)
+
+ for dial_name in dialogs:
+ dialog = dialogs[dial_name]["log"]
+ for turn in dialog:
+ tokens = turn["text"].split()
+
+ dialog_act = {}
+ for dacts in turn["span_info"]:
+ if dacts[0] not in dialog_act:
+ dialog_act[dacts[0]] = []
+ dialog_act[dacts[0]].append([dacts[1], " ".join(tokens[dacts[3]: dacts[4]+1])])
+
+ spans = turn["span_info"]
+ tags = []
+ for i in range(len(tokens)):
+ for span in spans:
+ if i == span[3]:
+ tags.append("B-"+span[0]+"+"+span[1])
+ break
+ if i > span[3] and i <= span[4]:
+ tags.append("I-"+span[0]+"+"+span[1])
+ break
+ else:
+ tags.append("O")
+ intents = []
+ for dacts in turn["dialog_act"]:
+ for dact in turn["dialog_act"][dacts]:
+ if dacts not in dialog_act or dact[0] not in [sv[0] for sv in dialog_act[dacts]]:
+ intents.append(dacts+"+"+dact[0]+"*"+dact[1])
+
+ for dacts in turn["dialog_act"]:
+ for dact in turn["dialog_act"][dacts]:
+ if dacts not in dialog_act:
+ dialog_act[dacts] = turn["dialog_act"][dacts]
+ break
+ elif dact[0] not in [sv[0] for sv in dialog_act[dacts]]:
+ dialog_act[dacts].append(dact)
+
+ tokens = [Token(token) for token in tokens]
+
+ yield self.text_to_instance(tokens, tags, intents, dialog_act)
+
+
+ def text_to_instance(self, tokens: List[Token], tags: List[str] = None,
+ intents: List[str] = None, dialog_act: Dict[str, Any] = None) -> Instance: # type: ignore
+ """
+ We take `pre-tokenized` input here, because we don't have a tokenizer in this class.
+ """
+ # pylint: disable=arguments-differ
+ fields: Dict[str, Field] = {}
+ sequence = TextField(tokens, self._token_indexers)
+ fields["tokens"] = sequence
+ fields["metadata"] = MetadataField({"words": [x.text for x in tokens]})
+ if tags is not None:
+ fields["tags"] = SequenceLabelField(tags, sequence)
+ if intents is not None:
+ fields["intents"] = MultiLabelField(intents, label_namespace="intent_labels")
+ if dialog_act is not None:
+ fields["metadata"] = MetadataField({"words": [x.text for x in tokens],
+ 'dialog_act': dialog_act})
+ else:
+ fields["metadata"] = MetadataField({"words": [x.text for x in tokens], 'dialog_act': {}})
+ return Instance(fields)
diff --git a/convlab/modules/nlu/multiwoz/mlst/evaluate.py b/convlab/modules/nlu/multiwoz/mlst/evaluate.py
new file mode 100644
index 0000000..bc7d968
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/evaluate.py
@@ -0,0 +1,171 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+The ``evaluate`` subcommand can be used to
+evaluate a trained model against a dataset
+and report any metrics calculated by the model.
+
+.. code-block:: bash
+
+ $ allennlp evaluate --help
+ usage: allennlp evaluate [-h] [--output-file OUTPUT_FILE]
+ [--weights-file WEIGHTS_FILE]
+ [--cuda-device CUDA_DEVICE] [-o OVERRIDES]
+ [--batch-weight-key BATCH_WEIGHT_KEY]
+ [--extend-vocab]
+ [--embedding-sources-mapping EMBEDDING_SOURCES_MAPPING]
+ [--include-package INCLUDE_PACKAGE]
+ archive_file input_file
+
+ Evaluate the specified model + dataset
+
+ positional arguments:
+ archive_file path to an archived trained model
+ input_file path to the file containing the evaluation data
+
+ optional arguments:
+ -h, --help show this help message and exit
+ --output-file OUTPUT_FILE
+ path to output file to save metrics
+ --weights-file WEIGHTS_FILE
+ a path that overrides which weights file to use
+ --cuda-device CUDA_DEVICE
+ id of GPU to use (if any)
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --batch-weight-key BATCH_WEIGHT_KEY
+ If non-empty, name of metric used to weight the loss
+ on a per-batch basis.
+ --extend-vocab if specified, we will use the instances in your new
+ dataset to extend your vocabulary. If pretrained-file
+ was used to initialize embedding layers, you may also
+ need to pass --embedding-sources-mapping.
+ --embedding-sources-mapping EMBEDDING_SOURCES_MAPPING
+ a JSON dict defining mapping from embedding module
+ path to embeddingpretrained-file used during training.
+ If not passed, and embedding needs to be extended, we
+ will try to use the original file paths used during
+ training. If they are not available we will use random
+ vectors for embedding extension.
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+from typing import Dict, Any
+import argparse
+import logging
+import json
+
+
+from allennlp.common.util import prepare_environment
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.iterators import DataIterator
+from allennlp.models.archival import load_archive
+from allennlp.training.util import evaluate
+from allennlp.common import Params
+
+from convlab.modules.nlu.multiwoz.mlst import model, dataset_reader
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Evaluate the specified model + dataset.")
+argparser.add_argument('archive_file', type=str, help='path to an archived trained model')
+
+argparser.add_argument('input_file', type=str, help='path to the file containing the evaluation data')
+
+argparser.add_argument('--output-file', type=str, help='path to output file')
+
+argparser.add_argument('--weights-file',
+ type=str,
+ help='a path that overrides which weights file to use')
+
+cuda_device = argparser.add_mutually_exclusive_group(required=False)
+cuda_device.add_argument('--cuda-device',
+ type=int,
+ default=-1,
+ help='id of GPU to use (if any)')
+
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+
+argparser.add_argument('--batch-weight-key',
+ type=str,
+ default="",
+ help='If non-empty, name of metric used to weight the loss on a per-batch basis.')
+
+argparser.add_argument('--extend-vocab',
+ action='store_true',
+ default=False,
+ help='if specified, we will use the instances in your new dataset to '
+ 'extend your vocabulary. If pretrained-file was used to initialize '
+ 'embedding layers, you may also need to pass --embedding-sources-mapping.')
+
+argparser.add_argument('--embedding-sources-mapping',
+ type=str,
+ default="",
+ help='a JSON dict defining mapping from embedding module path to embedding'
+ 'pretrained-file used during training. If not passed, and embedding needs to be '
+ 'extended, we will try to use the original file paths used during training. If '
+ 'they are not available we will use random vectors for embedding extension.')
+
+
+def evaluate_from_args(args: argparse.Namespace) -> Dict[str, Any]:
+ # Disable some of the more verbose logging statements
+ logging.getLogger('allennlp.common.params').disabled = True
+ logging.getLogger('allennlp.nn.initializers').disabled = True
+ logging.getLogger('allennlp.modules.token_embedders.embedding').setLevel(logging.INFO)
+
+ # Load from archive
+ archive = load_archive(args.archive_file, args.cuda_device, args.overrides, args.weights_file)
+ config = archive.config
+ prepare_environment(config)
+ model = archive.model
+ model.eval()
+
+ # Load the evaluation data
+
+ # Try to use the validation dataset reader if there is one - otherwise fall back
+ # to the default dataset_reader used for both training and validation.
+ validation_dataset_reader_params = config.pop('validation_dataset_reader', None)
+ if validation_dataset_reader_params is not None:
+ dataset_reader = DatasetReader.from_params(validation_dataset_reader_params)
+ else:
+ dataset_reader = DatasetReader.from_params(config.pop('dataset_reader'))
+ evaluation_data_path = args.input_file
+ logger.info("Reading evaluation data from %s", evaluation_data_path)
+ instances = dataset_reader.read(evaluation_data_path)
+
+ embedding_sources: Dict[str, str] = (json.loads(args.embedding_sources_mapping)
+ if args.embedding_sources_mapping else {})
+ if args.extend_vocab:
+ logger.info("Vocabulary is being extended with test instances.")
+ model.vocab.extend_from_instances(Params({}), instances=instances)
+ model.extend_embedder_vocab(embedding_sources)
+
+ iterator_params = config.pop("validation_iterator", None)
+ if iterator_params is None:
+ iterator_params = config.pop("iterator")
+ iterator = DataIterator.from_params(iterator_params)
+ iterator.index_with(model.vocab)
+
+ metrics = evaluate(model, instances, iterator, args.cuda_device, args.batch_weight_key)
+
+ logger.info("Finished evaluating.")
+ logger.info("Metrics:")
+ for key, metric in metrics.items():
+ logger.info("%s: %s", key, metric)
+
+ output_file = args.output_file
+ if output_file:
+ with open(output_file, "w") as file:
+ json.dump(metrics, file, indent=4)
+ return metrics
+
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ evaluate_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/mlst/focal_loss.py b/convlab/modules/nlu/multiwoz/mlst/focal_loss.py
new file mode 100644
index 0000000..e0b0777
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/focal_loss.py
@@ -0,0 +1,22 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from torch.autograd import Variable
+
+class FocalBCEWithLogitsLoss(nn.Module):
+ def __init__(self, gamma=0, size_average=True):
+ super(FocalBCEWithLogitsLoss, self).__init__()
+ self.gamma = gamma
+ self.size_average = size_average
+
+ def forward(self, input, target):
+ logpt = F.logsigmoid(input)
+ pt = torch.sigmoid(input)
+ loss = -((1-pt)**self.gamma * logpt * target + pt**self.gamma * (1-pt).clamp(min=1e-8).log() * (1-target))
+
+ if self.size_average:
+ return loss.mean()
+ return loss.sum()
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/mlst/model.py b/convlab/modules/nlu/multiwoz/mlst/model.py
new file mode 100644
index 0000000..2256456
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/model.py
@@ -0,0 +1,389 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, Optional, List, Any
+
+from overrides import overrides
+import numpy as np
+import torch
+from torch.nn.modules.linear import Linear
+
+from allennlp.common.checks import check_dimensions_match, ConfigurationError
+from allennlp.data import Vocabulary
+from allennlp.modules import Seq2SeqEncoder, TimeDistributed, TextFieldEmbedder
+from allennlp.modules import ConditionalRandomField, FeedForward
+from allennlp.modules.conditional_random_field import allowed_transitions
+from allennlp.models.model import Model
+from allennlp.nn import InitializerApplicator, RegularizerApplicator
+import allennlp.nn.util as util
+from allennlp.nn.util import get_text_field_mask, sequence_cross_entropy_with_logits
+from allennlp.training.metrics import CategoricalAccuracy, SpanBasedF1Measure
+from allennlp.data.dataset_readers.dataset_utils.span_utils import bio_tags_to_spans
+
+from convlab.modules.nlu.multiwoz.mlst.binary_accuracy import BinaryAccuracy
+from convlab.modules.nlu.multiwoz.mlst.multilabel_f1_measure import MultiLabelF1Measure
+from convlab.modules.nlu.multiwoz.mlst.focal_loss import FocalBCEWithLogitsLoss
+from convlab.modules.nlu.multiwoz.mlst.dai_f1_measure import DialogActItemF1Measure
+
+
+@Model.register("mlst_nlu")
+class MlstNlu(Model):
+ """
+ The ``MlstNlu`` encodes a sequence of text with a ``Seq2SeqEncoder``,
+ then uses a Conditional Random Field model to predict a tag for each token in the sequence.
+
+ Parameters
+ ----------
+ vocab : ``Vocabulary``, required
+ A Vocabulary, required in order to compute sizes for input/output projections.
+ text_field_embedder : ``TextFieldEmbedder``, required
+ Used to embed the tokens ``TextField`` we get as input to the model.
+ encoder : ``Seq2SeqEncoder``
+ The encoder that we will use in between embedding tokens and predicting output tags.
+ sequence_label_namespace : ``str``, optional (default=``labels``)
+ This is needed to compute the SpanBasedF1Measure metric.
+ Unless you did something unusual, the default value should be what you want.
+ feedforward : ``FeedForward``, optional, (default = None).
+ An optional feedforward layer to apply after the encoder.
+ label_encoding : ``str``, optional (default=``None``)
+ Label encoding to use when calculating span f1 and constraining
+ the CRF at decoding time . Valid options are "BIO", "BIOUL", "IOB1", "BMES".
+ Required if ``calculate_span_f1`` or ``constrain_crf_decoding`` is true.
+ include_start_end_transitions : ``bool``, optional (default=``True``)
+ Whether to include start and end transition parameters in the CRF.
+ constrain_crf_decoding : ``bool``, optional (default=``None``)
+ If ``True``, the CRF is constrained at decoding time to
+ produce valid sequences of tags. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ calculate_span_f1 : ``bool``, optional (default=``None``)
+ Calculate span-level F1 metrics during training. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ dropout: ``float``, optional (default=``None``)
+ verbose_metrics : ``bool``, optional (default = False)
+ If true, metrics will be returned per label class in addition
+ to the overall statistics.
+ initializer : ``InitializerApplicator``, optional (default=``InitializerApplicator()``)
+ Used to initialize the model parameters.
+ regularizer : ``RegularizerApplicator``, optional (default=``None``)
+ If provided, will be used to calculate the regularization penalty during training.
+ """
+
+ def __init__(self, vocab: Vocabulary,
+ text_field_embedder: TextFieldEmbedder,
+ encoder: Seq2SeqEncoder,
+ intent_encoder: Seq2SeqEncoder = None,
+ sequence_label_namespace: str = "labels",
+ intent_label_namespace: str = "intent_labels",
+ feedforward: Optional[FeedForward] = None,
+ label_encoding: Optional[str] = None,
+ include_start_end_transitions: bool = True,
+ crf_decoding: bool = False,
+ constrain_crf_decoding: bool = None,
+ focal_loss_gamma: float = None,
+ calculate_span_f1: bool = None,
+ dropout: Optional[float] = None,
+ verbose_metrics: bool = False,
+ initializer: InitializerApplicator = InitializerApplicator(),
+ regularizer: Optional[RegularizerApplicator] = None) -> None:
+ super().__init__(vocab, regularizer)
+
+ self.sequence_label_namespace = sequence_label_namespace
+ self.intent_label_namespace = intent_label_namespace
+ self.text_field_embedder = text_field_embedder
+ self.num_tags = self.vocab.get_vocab_size(sequence_label_namespace)
+ self.num_intents = self.vocab.get_vocab_size(intent_label_namespace)
+ self.encoder = encoder
+ self.intent_encoder = intent_encoder
+ self._verbose_metrics = verbose_metrics
+ if dropout:
+ self.dropout = torch.nn.Dropout(dropout)
+ else:
+ self.dropout = None
+ self._feedforward = feedforward
+
+ # if feedforward is not None:
+ # output_dim = feedforward.get_output_dim()
+ # else:
+ # output_dim = self.encoder.get_output_dim()
+ self.tag_projection_layer = TimeDistributed(Linear(self.encoder.get_output_dim(),
+ self.num_tags))
+
+ if self._feedforward is not None:
+ self.intent_projection_layer = Linear(feedforward.get_output_dim(), self.num_intents)
+ else:
+ self.intent_projection_layer = Linear(self.encoder.get_output_dim(), self.num_intents)
+
+ if focal_loss_gamma is not None:
+ self.intent_loss = FocalBCEWithLogitsLoss(gamma=focal_loss_gamma)
+ # self.intent_loss2 = torch.nn.BCEWithLogitsLoss()
+ else:
+ self.intent_loss = torch.nn.BCEWithLogitsLoss()
+
+ # if constrain_crf_decoding and calculate_span_f1 are not
+ # provided, (i.e., they're None), set them to True
+ # if label_encoding is provided and False if it isn't.
+ if constrain_crf_decoding is None:
+ constrain_crf_decoding = label_encoding is not None
+ if calculate_span_f1 is None:
+ calculate_span_f1 = label_encoding is not None
+
+ self.label_encoding = label_encoding
+ if constrain_crf_decoding:
+ if not label_encoding:
+ raise ConfigurationError("constrain_crf_decoding is True, but "
+ "no label_encoding was specified.")
+ labels = self.vocab.get_index_to_token_vocabulary(sequence_label_namespace)
+ constraints = allowed_transitions(label_encoding, labels)
+ else:
+ constraints = None
+
+ self.include_start_end_transitions = include_start_end_transitions
+ if crf_decoding:
+ self.crf = ConditionalRandomField(
+ self.num_tags, constraints,
+ include_start_end_transitions=include_start_end_transitions
+ )
+ else:
+ self.crf = None
+
+ # self.metrics = {
+ # "int_acc": BinaryAccuracy(),
+ # "tag_acc": CategoricalAccuracy()
+ # }
+ self._intent_f1_metric = MultiLabelF1Measure(vocab,
+ namespace=intent_label_namespace)
+ self.calculate_span_f1 = calculate_span_f1
+ if calculate_span_f1:
+ if not label_encoding:
+ raise ConfigurationError("calculate_span_f1 is True, but "
+ "no label_encoding was specified.")
+ self._f1_metric = SpanBasedF1Measure(vocab,
+ tag_namespace=sequence_label_namespace,
+ label_encoding=label_encoding)
+ self._dai_f1_metric = DialogActItemF1Measure()
+
+ check_dimensions_match(text_field_embedder.get_output_dim(), encoder.get_input_dim(),
+ "text field embedding dim", "encoder input dim")
+ if feedforward is not None:
+ check_dimensions_match(encoder.get_output_dim(), feedforward.get_input_dim(),
+ "encoder output dim", "feedforward input dim")
+ initializer(self)
+
+ @overrides
+ def forward(self, # type: ignore
+ tokens: Dict[str, torch.LongTensor],
+ tags: torch.LongTensor = None,
+ intents: torch.LongTensor = None,
+ metadata: List[Dict[str, Any]] = None,
+ # pylint: disable=unused-argument
+ **kwargs) -> Dict[str, torch.Tensor]:
+ # pylint: disable=arguments-differ
+ """
+ Parameters
+ ----------
+ tokens : ``Dict[str, torch.LongTensor]``, required
+ The output of ``TextField.as_array()``, which should typically be passed directly to a
+ ``TextFieldEmbedder``. This output is a dictionary mapping keys to ``TokenIndexer``
+ tensors. At its most basic, using a ``SingleIdTokenIndexer`` this is: ``{"tokens":
+ Tensor(batch_size, num_tokens)}``. This dictionary will have the same keys as were used
+ for the ``TokenIndexers`` when you created the ``TextField`` representing your
+ sequence. The dictionary is designed to be passed directly to a ``TextFieldEmbedder``,
+ which knows how to combine different word representations into a single vector per
+ token in your input.
+ tags : ``torch.LongTensor``, optional (default = ``None``)
+ A torch tensor representing the sequence of integer gold class labels of shape
+ ``(batch_size, num_tokens)``.
+ metadata : ``List[Dict[str, Any]]``, optional, (default = None)
+ metadata containg the original words in the sentence to be tagged under a 'words' key.
+
+ Returns
+ -------
+ An output dictionary consisting of:
+
+ logits : ``torch.FloatTensor``
+ The logits that are the output of the ``tag_projection_layer``
+ mask : ``torch.LongTensor``
+ The text field mask for the input tokens
+ tags : ``List[List[int]]``
+ The predicted tags using the Viterbi algorithm.
+ loss : ``torch.FloatTensor``, optional
+ A scalar loss to be optimised. Only computed if gold label ``tags`` are provided.
+ """
+ embedded_text_input = self.text_field_embedder(tokens)
+ mask = util.get_text_field_mask(tokens)
+
+ if self.dropout:
+ embedded_text_input = self.dropout(embedded_text_input)
+
+ encoded_text = self.encoder(embedded_text_input, mask)
+
+ if self.dropout:
+ encoded_text = self.dropout(encoded_text)
+
+ intent_encoded_text = self.intent_encoder(encoded_text, mask) if self.intent_encoder else encoded_text
+ if self.dropout and self.intent_encoder:
+ intent_encoded_text = self.dropout(intent_encoded_text)
+
+ is_bidirectional = self.intent_encoder.is_bidirectional() if self.intent_encoder else self.encoder.is_bidirectional()
+ if self._feedforward is not None:
+ encoded_summary = self._feedforward(util.get_final_encoder_states(
+ intent_encoded_text,
+ mask,
+ is_bidirectional))
+ else:
+ encoded_summary = util.get_final_encoder_states(
+ intent_encoded_text,
+ mask,
+ is_bidirectional)
+
+ sequence_logits = self.tag_projection_layer(encoded_text)
+ if self.crf is not None:
+ best_paths = self.crf.viterbi_tags(sequence_logits, mask)
+ # Just get the tags and ignore the score.
+ predicted_tags = [x for x, y in best_paths]
+ else:
+ predicted_tags = self.get_predicted_tags(sequence_logits)
+
+ intent_logits = self.intent_projection_layer(encoded_summary)
+ predicted_intents = (torch.sigmoid(intent_logits) > 0.5).long()
+
+ output = {"sequence_logits": sequence_logits, "mask": mask, "tags": predicted_tags,
+ "intent_logits": intent_logits, "intents": predicted_intents}
+
+ if tags is not None:
+ if self.crf is not None:
+ # Add negative log-likelihood as loss
+ log_likelihood = self.crf(sequence_logits, tags, mask)
+ output["loss"] = -log_likelihood
+
+ # Represent viterbi tags as "class probabilities" that we can
+ # feed into the metrics
+ class_probabilities = sequence_logits * 0.
+ for i, instance_tags in enumerate(predicted_tags):
+ for j, tag_id in enumerate(instance_tags):
+ class_probabilities[i, j, tag_id] = 1
+ else:
+ loss = sequence_cross_entropy_with_logits(sequence_logits, tags, mask)
+ class_probabilities = sequence_logits
+ output["loss"] = loss
+
+ # self.metrics['tag_acc'](class_probabilities, tags, mask.float())
+ if self.calculate_span_f1:
+ self._f1_metric(class_probabilities, tags, mask.float())
+
+ if intents is not None:
+ output["loss"] += self.intent_loss(intent_logits, intents.float())
+ # bloss = self.intent_loss2(intent_logits, intents.float())
+
+ # self.metrics['int_acc'](predicted_intents, intents)
+ self._intent_f1_metric(predicted_intents, intents)
+
+ # print(list([self.vocab.get_token_from_index(intent[0], namespace=self.intent_label_namespace)
+ # for intent in instance_intents.nonzero().tolist()] for instance_intents in predicted_intents))
+ # print(list([self.vocab.get_token_from_index(intent[0], namespace=self.intent_label_namespace)
+ # for intent in instance_intents.nonzero().tolist()] for instance_intents in intents))
+
+ if metadata is not None:
+ output["words"] = [x["words"] for x in metadata]
+
+ if tags is not None and metadata:
+ self.decode(output)
+ # print(output)
+ # print(metadata)
+ self._dai_f1_metric(output["dialog_act"], [x["dialog_act"] for x in metadata])
+
+ return output
+
+
+ def get_predicted_tags(self, sequence_logits: torch.Tensor) -> torch.Tensor:
+ """
+ Does a simple position-wise argmax over each token, converts indices to string labels, and
+ adds a ``"tags"`` key to the dictionary with the result.
+ """
+ all_predictions = sequence_logits
+ all_predictions = all_predictions.detach().cpu().numpy()
+ if all_predictions.ndim == 3:
+ predictions_list = [all_predictions[i] for i in range(all_predictions.shape[0])]
+ else:
+ predictions_list = [all_predictions]
+ all_tags = []
+ for predictions in predictions_list:
+ tags = np.argmax(predictions, axis=-1)
+ all_tags.append(tags)
+ return all_tags
+
+
+ @overrides
+ def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:
+ """
+ Converts the tag ids to the actual tags.
+ ``output_dict["tags"]`` is a list of lists of tag_ids,
+ so we use an ugly nested list comprehension.
+ """
+ output_dict["tags"] = [
+ [self.vocab.get_token_from_index(tag, namespace=self.sequence_label_namespace)
+ for tag in instance_tags]
+ for instance_tags in output_dict["tags"]
+ ]
+ output_dict["intents"] = [
+ [self.vocab.get_token_from_index(intent[0], namespace=self.intent_label_namespace)
+ for intent in instance_intents.nonzero().tolist()]
+ for instance_intents in output_dict["intents"]
+ ]
+ output_dict["dialog_act"] = []
+ for i, tags in enumerate(output_dict["tags"]):
+ seq_len = len(output_dict["words"][i])
+ spans = bio_tags_to_spans(tags[:seq_len])
+ dialog_act = {}
+ for span in spans:
+ domain_act = span[0].split("+")[0]
+ slot = span[0].split("+")[1]
+ value = " ".join(output_dict["words"][i][span[1][0]:span[1][1]+1])
+ if domain_act not in dialog_act:
+ dialog_act[domain_act] = [[slot, value]]
+ else:
+ dialog_act[domain_act].append([slot, value])
+ for intent in output_dict["intents"][i]:
+ if "+" in intent:
+ if "*" in intent:
+ intent, value = intent.split("*", 1)
+ else:
+ value = "?"
+ domain_act = intent.split("+")[0]
+ if domain_act not in dialog_act:
+ dialog_act[domain_act] = [[intent.split("+")[1], value]]
+ else:
+ dialog_act[domain_act].append([intent.split("+")[1], value])
+ else:
+ dialog_act[intent] = [["none", "none"]]
+ output_dict["dialog_act"].append(dialog_act)
+
+ return output_dict
+
+
+ @overrides
+ def get_metrics(self, reset: bool = False) -> Dict[str, float]:
+ # return self._dai_f1_metric.get_metric(reset=reset)
+ # metrics_to_return = {metric_name: metric.get_metric(reset) for
+ # metric_name, metric in self.metrics.items()}
+
+ metrics_to_return = {}
+ intent_f1_dict = self._intent_f1_metric.get_metric(reset=reset)
+ # if self._verbose_metrics:
+ # metrics_to_return.update(intent_f1_dict)
+ # else:
+ metrics_to_return.update({"int_"+x[:1]: y for x, y in intent_f1_dict.items() if "overall" in x})
+ if self.calculate_span_f1:
+ f1_dict = self._f1_metric.get_metric(reset=reset)
+ # if self._verbose_metrics:
+ # metrics_to_return.update(f1_dict)
+ # else:
+ metrics_to_return.update({"tag_"+x[:1]: y for x, y in f1_dict.items() if "overall" in x})
+ metrics_to_return.update(self._dai_f1_metric.get_metric(reset=reset))
+ return metrics_to_return
diff --git a/convlab/modules/nlu/multiwoz/mlst/models/model.tar.gz b/convlab/modules/nlu/multiwoz/mlst/models/model.tar.gz
new file mode 100644
index 0000000..cb7e71e
Binary files /dev/null and b/convlab/modules/nlu/multiwoz/mlst/models/model.tar.gz differ
diff --git a/convlab/modules/nlu/multiwoz/mlst/multilabel_f1_measure.py b/convlab/modules/nlu/multiwoz/mlst/multilabel_f1_measure.py
new file mode 100644
index 0000000..ce35156
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/multilabel_f1_measure.py
@@ -0,0 +1,136 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from typing import Dict, List, Optional, Set, Callable
+from collections import defaultdict
+from pprint import pprint
+
+import torch
+
+from allennlp.common.checks import ConfigurationError
+from allennlp.data.vocabulary import Vocabulary
+from allennlp.training.metrics.metric import Metric
+
+
+@Metric.register("multilabel_f1")
+class MultiLabelF1Measure(Metric):
+ """
+ """
+ def __init__(self,
+ vocabulary: Vocabulary,
+ namespace: str = "intent_labels",
+ ignore_classes: List[str] = None,
+ coarse: bool = True) -> None:
+ """
+ Parameters
+ ----------
+ vocabulary : ``Vocabulary``, required.
+ A vocabulary containing the label namespace.
+ namespace : str, required.
+ The vocabulary namespace for labels.
+ ignore_classes : List[str], optional.
+ Labels which will be ignored when computing metrics.
+ """
+ self._label_vocabulary = vocabulary.get_index_to_token_vocabulary(namespace)
+ self._ignore_classes: List[str] = ignore_classes or []
+ self._coarse = coarse
+
+ # These will hold per label span counts.
+ self._true_positives: Dict[str, int] = defaultdict(int)
+ self._false_positives: Dict[str, int] = defaultdict(int)
+ self._false_negatives: Dict[str, int] = defaultdict(int)
+
+ def __call__(self,
+ predictions: torch.Tensor,
+ gold_labels: torch.Tensor,
+ mask: Optional[torch.Tensor] = None):
+ """
+ Parameters
+ ----------
+ predictions : ``torch.Tensor``, required.
+ A tensor of predictions of shape (batch_size, sequence_length, num_classes).
+ gold_labels : ``torch.Tensor``, required.
+ A tensor of integer class label of shape (batch_size, sequence_length). It must be the same
+ shape as the ``predictions`` tensor without the ``num_classes`` dimension.
+ mask: ``torch.Tensor``, optional (default = None).
+ A masking tensor the same size as ``gold_labels``.
+ """
+ if mask is None:
+ mask = torch.ones_like(gold_labels)
+
+ predictions, gold_labels, mask = self.unwrap_to_tensors(predictions, gold_labels, mask)
+
+ if self._coarse:
+ num_positives = predictions.sum()
+ num_false_positives = ((predictions - gold_labels) > 0).long().sum()
+ self._false_positives["coarse_overall"] += num_false_positives
+ num_true_positives = num_positives - num_false_positives
+ self._true_positives["coarse_overall"] += num_true_positives
+ num_false_negatives = ((gold_labels - predictions) > 0).long().sum()
+ self._false_negatives["coarse_overall"] += num_false_negatives
+ else:
+ # Iterate over timesteps in batch.
+ batch_size = gold_labels.size(0)
+ for i in range(batch_size):
+ prediction = predictions[i, :]
+ gold_label = gold_labels[i, :]
+ for label_id in range(gold_label.size(-1)):
+ label = self._label_vocabulary[label_id]
+ if prediction[label_id] == 1 and gold_label[label_id] == 1:
+ self._true_positives[label] += 1
+ elif prediction[label_id] == 1 and gold_label[label_id] == 0:
+ self._false_positives[label] += 1
+ elif prediction[label_id] == 0 and gold_label[label_id] == 1:
+ self._false_negatives[label] += 1
+
+
+ def get_metric(self, reset: bool = False):
+ """
+ Returns
+ -------
+ A Dict per label containing following the span based metrics:
+ precision : float
+ recall : float
+ f1-measure : float
+
+ Additionally, an ``overall`` key is included, which provides the precision,
+ recall and f1-measure for all spans.
+ """
+ all_labels: Set[str] = set()
+ all_labels.update(self._true_positives.keys())
+ all_labels.update(self._false_positives.keys())
+ all_labels.update(self._false_negatives.keys())
+ all_metrics = {}
+ for label in all_labels:
+ precision, recall, f1_measure = self._compute_metrics(self._true_positives[label],
+ self._false_positives[label],
+ self._false_negatives[label])
+ precision_key = "precision" + "-" + label
+ recall_key = "recall" + "-" + label
+ f1_key = "f1-measure" + "-" + label
+ all_metrics[precision_key] = precision
+ all_metrics[recall_key] = recall
+ all_metrics[f1_key] = f1_measure
+
+ # Compute the precision, recall and f1 for all spans jointly.
+ precision, recall, f1_measure = self._compute_metrics(sum(self._true_positives.values()),
+ sum(self._false_positives.values()),
+ sum(self._false_negatives.values()))
+ all_metrics["precision-overall"] = precision
+ all_metrics["recall-overall"] = recall
+ all_metrics["f1-measure-overall"] = f1_measure
+ if reset:
+ self.reset()
+ return all_metrics
+
+ @staticmethod
+ def _compute_metrics(true_positives: int, false_positives: int, false_negatives: int):
+ precision = float(true_positives) / float(true_positives + false_positives) if true_positives + false_positives > 0 else 0
+ recall = float(true_positives) / float(true_positives + false_negatives)if true_positives + false_negatives > 0 else 0
+ f1_measure = 2. * ((precision * recall) / (precision + recall)) if precision + recall > 0 else 0
+ return precision, recall, f1_measure
+
+ def reset(self):
+ self._true_positives = defaultdict(int)
+ self._false_positives = defaultdict(int)
+ self._false_negatives = defaultdict(int)
diff --git a/convlab/modules/nlu/multiwoz/mlst/nlu.py b/convlab/modules/nlu/multiwoz/mlst/nlu.py
new file mode 100644
index 0000000..e621e7c
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/nlu.py
@@ -0,0 +1,110 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+import os
+from pprint import pprint
+
+from allennlp.common.checks import check_for_gpu
+from allennlp.common.file_utils import cached_path
+from allennlp.models.archival import load_archive
+from allennlp.data import DatasetReader
+from allennlp.data.tokenizers.word_splitter import SpacyWordSplitter
+from allennlp.data.dataset_readers.dataset_utils.span_utils import bio_tags_to_spans
+from zipfile import ZipFile
+
+from convlab.modules.nlu.nlu import NLU
+from convlab.modules.nlu.multiwoz.mlst import model, dataset_reader
+
+DEFAULT_CUDA_DEVICE = -1
+DEFAULT_DIRECTORY = os.path.dirname(os.path.abspath(__file__))
+DEFAULT_ARCHIVE_FILE = os.path.join(DEFAULT_DIRECTORY, "models/model.tar.gz")
+class MlstNLU(NLU):
+ """Multilabel sequence tagging model."""
+
+ def __init__(self,
+ archive_file=DEFAULT_ARCHIVE_FILE,
+ cuda_device=DEFAULT_CUDA_DEVICE,
+ model_file=None):
+ """ Constructor for NLU class. """
+ check_for_gpu(cuda_device)
+
+ if not os.path.isfile(archive_file):
+ if not model_file:
+ raise Exception("No model for MlstNLU is specified!")
+ file_path = cached_path(model_file)
+ zip_ref = ZipFile(file_path, 'r')
+ zip_ref.extractall(DEFAULT_DIRECTORY)
+ zip_ref.close()
+
+ archive = load_archive(archive_file,
+ cuda_device=cuda_device)
+ self.tokenizer = SpacyWordSplitter(language="en_core_web_sm")
+ dataset_reader_params = archive.config["dataset_reader"]
+ self.dataset_reader = DatasetReader.from_params(dataset_reader_params)
+ self.model = archive.model
+ self.model.eval()
+
+ def parse(self, utterance):
+ """
+ Predict the dialog act of a natural language utterance and apply error model.
+ Args:
+ utterance (str): A natural language utterance.
+ Returns:
+ output (dict): The dialog act of utterance.
+ """
+ # print("nlu input:")
+ # pprint(utterance)
+
+ if len(utterance) == 0:
+ return {}
+
+ tokens = self.tokenizer.split_words(utterance)
+ instance = self.dataset_reader.text_to_instance(tokens)
+ outputs = self.model.forward_on_instance(instance)
+ # spans = bio_tags_to_spans(outputs["tags"])
+ # dialacts = {}
+ # for span in spans:
+ # domain_act = span[0].split("+")[0]
+ # slot = span[0].split("+")[1]
+ # value = " ".join(outputs["words"][span[1][0]:span[1][1]+1])
+ # if domain_act not in dialacts:
+ # dialacts[domain_act] = [[slot, value]]
+ # else:
+ # dialacts[domain_act].append([slot, value])
+ # for intent in outputs["intents"]:
+ # if "+" in intent:
+ # # Request
+ # domain_act = intent.split("+")[0]
+ # if domain_act not in dialacts:
+ # dialacts[domain_act] = [[intent.split("+")[1], "?"]]
+ # else:
+ # dialacts[domain_act].append([intent.split("+")[1], "?"])
+ # else:
+ # dialacts[intent] = [["none", "none"]]
+
+ # pprint(outputs["dialog_act"])
+ return outputs["dialog_act"]
+
+
+if __name__ == "__main__":
+ nlu = MlstNLU()
+ test_utterances = [
+ "What type of accommodations are they. No , i just need their address . Can you tell me if the hotel has internet available ?",
+ "What type of accommodations are they.",
+ "No , i just need their address .",
+ "Can you tell me if the hotel has internet available ?"
+ "you're welcome! enjoy your visit! goodbye.",
+ "yes. it should be moderately priced.",
+ "i want to book a table for 6 at 18:45 on thursday",
+ "i will be departing out of stevenage.",
+ "What is the Name of attraction ?",
+ "Can I get the name of restaurant?",
+ "Can I get the address and phone number of the restaurant?",
+ "do you have a specific area you want to stay in?"
+ ]
+ for utt in test_utterances:
+ print(utt)
+ pprint(nlu.parse(utt))
diff --git a/convlab/modules/nlu/multiwoz/mlst/train.py b/convlab/modules/nlu/multiwoz/mlst/train.py
new file mode 100644
index 0000000..d7b7005
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/mlst/train.py
@@ -0,0 +1,231 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+The ``train`` subcommand can be used to train a model.
+It requires a configuration file and a directory in
+which to write the results.
+
+.. code-block:: bash
+
+ $ allennlp train --help
+
+ usage: allennlp train [-h] -s SERIALIZATION_DIR [-r] [-f] [-o OVERRIDES]
+ [--file-friendly-logging]
+ [--include-package INCLUDE_PACKAGE]
+ param_path
+
+ Train the specified model on the specified dataset.
+
+ positional arguments:
+ param_path path to parameter file describing the model to be
+ trained
+
+ optional arguments:
+ -h, --help show this help message and exit
+ -s SERIALIZATION_DIR, --serialization-dir SERIALIZATION_DIR
+ directory in which to save the model and its logs
+ -r, --recover recover training from the state in serialization_dir
+ -f, --force overwrite the output directory if it exists
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --file-friendly-logging
+ outputs tqdm status on separate lines and slows tqdm
+ refresh rate
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+
+import argparse
+import logging
+import os
+
+from allennlp.commands.subcommand import Subcommand
+from allennlp.common.checks import check_for_gpu
+from allennlp.common import Params
+from allennlp.common.util import prepare_environment, prepare_global_logging, cleanup_global_logging, dump_metrics
+from allennlp.models.archival import archive_model, CONFIG_NAME
+from allennlp.models.model import Model, _DEFAULT_WEIGHTS
+from allennlp.training.trainer import Trainer, TrainerPieces
+from allennlp.training.trainer_base import TrainerBase
+from allennlp.training.util import create_serialization_dir, evaluate
+
+from convlab.modules.nlu.multiwoz.mlst import model, dataset_reader
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Train a model.")
+argparser.add_argument('param_path',
+ type=str,
+ help='path to parameter file describing the model to be trained')
+argparser.add_argument('-s', '--serialization-dir',
+ required=True,
+ type=str,
+ help='directory in which to save the model and its logs')
+argparser.add_argument('-r', '--recover',
+ action='store_true',
+ default=False,
+ help='recover training from the state in serialization_dir')
+argparser.add_argument('-f', '--force',
+ action='store_true',
+ required=False,
+ help='overwrite the output directory if it exists')
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+argparser.add_argument('--file-friendly-logging',
+ action='store_true',
+ default=False,
+ help='outputs tqdm status on separate lines and slows tqdm refresh rate')
+
+
+
+def train_model_from_args(args: argparse.Namespace):
+ """
+ Just converts from an ``argparse.Namespace`` object to string paths.
+ """
+ train_model_from_file(args.param_path,
+ args.serialization_dir,
+ args.overrides,
+ args.file_friendly_logging,
+ args.recover,
+ args.force)
+
+
+def train_model_from_file(parameter_filename: str,
+ serialization_dir: str,
+ overrides: str = "",
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ A wrapper around :func:`train_model` which loads the params from a file.
+
+ Parameters
+ ----------
+ parameter_filename : ``str``
+ A json parameter file specifying an AllenNLP experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs. We just pass this along to
+ :func:`train_model`.
+ overrides : ``str``
+ A JSON string that we will use to override values in the input parameter file.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we make our output more friendly to saved model files. We just pass this
+ along to :func:`train_model`.
+ recover : ``bool`, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+ """
+ # Load the experiment config from a file and pass it to ``train_model``.
+ params = Params.from_file(parameter_filename, overrides)
+ return train_model(params, serialization_dir, file_friendly_logging, recover, force)
+
+
+def train_model(params: Params,
+ serialization_dir: str,
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ Trains the model specified in the given :class:`Params` object, using the data and training
+ parameters also specified in that object, and saves the results in ``serialization_dir``.
+
+ Parameters
+ ----------
+ params : ``Params``
+ A parameter object specifying an AllenNLP Experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we add newlines to tqdm output, even on an interactive terminal, and we slow
+ down tqdm's output to only once every 10 seconds.
+ recover : ``bool``, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+
+ Returns
+ -------
+ best_model: ``Model``
+ The model with the best epoch weights.
+ """
+ prepare_environment(params)
+ create_serialization_dir(params, serialization_dir, recover, force)
+ stdout_handler = prepare_global_logging(serialization_dir, file_friendly_logging)
+
+ cuda_device = params.params.get('trainer').get('cuda_device', -1)
+ check_for_gpu(cuda_device)
+
+ params.to_file(os.path.join(serialization_dir, CONFIG_NAME))
+
+ evaluate_on_test = params.pop_bool("evaluate_on_test", False)
+
+ trainer_type = params.get("trainer", {}).get("type", "default")
+
+ if trainer_type == "default":
+ # Special logic to instantiate backward-compatible trainer.
+ pieces = TrainerPieces.from_params(params, serialization_dir, recover) # pylint: disable=no-member
+ trainer = Trainer.from_params(
+ model=pieces.model,
+ serialization_dir=serialization_dir,
+ iterator=pieces.iterator,
+ train_data=pieces.train_dataset,
+ validation_data=pieces.validation_dataset,
+ params=pieces.params,
+ validation_iterator=pieces.validation_iterator)
+ evaluation_iterator = pieces.validation_iterator or pieces.iterator
+ evaluation_dataset = pieces.test_dataset
+
+ else:
+ trainer = TrainerBase.from_params(params, serialization_dir, recover)
+ # TODO(joelgrus): handle evaluation in the general case
+ evaluation_iterator = evaluation_dataset = None
+
+ params.assert_empty('base train command')
+
+ try:
+ metrics = trainer.train()
+ except KeyboardInterrupt:
+ # if we have completed an epoch, try to create a model archive.
+ if os.path.exists(os.path.join(serialization_dir, _DEFAULT_WEIGHTS)):
+ logging.info("Training interrupted by the user. Attempting to create "
+ "a model archive using the current best epoch weights.")
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ raise
+
+ # Evaluate
+ if evaluation_dataset and evaluate_on_test:
+ logger.info("The model will be evaluated using the best epoch weights.")
+ test_metrics = evaluate(trainer.model, evaluation_dataset, evaluation_iterator,
+ cuda_device=trainer._cuda_devices[0], # pylint: disable=protected-access,
+ # TODO(brendanr): Pass in an arg following Joel's trainer refactor.
+ batch_weight_key="")
+
+ for key, value in test_metrics.items():
+ metrics["test_" + key] = value
+
+ elif evaluation_dataset:
+ logger.info("To evaluate on the test set after training, pass the "
+ "'evaluate_on_test' flag, or use the 'allennlp evaluate' command.")
+
+ cleanup_global_logging(stdout_handler)
+
+ # Now tar up results
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ dump_metrics(os.path.join(serialization_dir, "metrics.json"), metrics, log=True)
+
+ # We count on the trainer to have the model with best weights
+ return trainer.model
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ train_model_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/nlu/multiwoz/utils.py b/convlab/modules/nlu/multiwoz/utils.py
new file mode 100644
index 0000000..6a2f019
--- /dev/null
+++ b/convlab/modules/nlu/multiwoz/utils.py
@@ -0,0 +1,21 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+'''
+'''
+
+import math
+import numpy as np
+
+
+def initWeights(n,d):
+ """ Initialization Strategy """
+ #scale_factor = 0.1
+ scale_factor = math.sqrt(float(6)/(n + d))
+ return (np.random.rand(n,d)*2-1)*scale_factor
+
+def mergeDicts(d0, d1):
+ """ for all k in d0, d0 += d1 . d's are dictionaries of key -> numpy array """
+ for k in d1:
+ if k in d0: d0[k] += d1[k]
+ else: d0[k] = d1[k]
\ No newline at end of file
diff --git a/convlab/modules/nlu/nlu.py b/convlab/modules/nlu/nlu.py
new file mode 100644
index 0000000..76d1acd
--- /dev/null
+++ b/convlab/modules/nlu/nlu.py
@@ -0,0 +1,21 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+class NLU:
+ """Base class for NLU model."""
+
+ def __init__(self):
+ """ Constructor for NLU class. """
+
+ def parse(self, utterance):
+ """
+ Predict the dialog act of a natural language utterance and apply error model.
+ Args:
+ utterance (str): The user input, a natural language utterance.
+ Returns:
+ output (dict): The parsed dialog act of the input NL utterance.
+ """
+ pass
\ No newline at end of file
diff --git a/convlab/modules/policy/__init__.py b/convlab/modules/policy/__init__.py
new file mode 100644
index 0000000..f855f79
--- /dev/null
+++ b/convlab/modules/policy/__init__.py
@@ -0,0 +1,2 @@
+from convlab.modules.policy.system.multiwoz import RuleBasedMultiwozBot, RuleInformBot, VanillaMlePolicy
+from convlab.modules.policy.user.multiwoz import UserPolicyAgendaMultiWoz
diff --git a/convlab/modules/policy/system/__init__.py b/convlab/modules/policy/system/__init__.py
new file mode 100644
index 0000000..8920b85
--- /dev/null
+++ b/convlab/modules/policy/system/__init__.py
@@ -0,0 +1,4 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+from convlab.modules.policy.system.multiwoz.rule_based_multiwoz_bot import RuleBasedMultiwozBot, RuleInformBot
+from convlab.modules.policy.system.multiwoz.vanilla_mle.policy import VanillaMlePolicy
diff --git a/convlab/modules/policy/system/multiwoz/__init__.py b/convlab/modules/policy/system/multiwoz/__init__.py
new file mode 100644
index 0000000..8920b85
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/__init__.py
@@ -0,0 +1,4 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+from convlab.modules.policy.system.multiwoz.rule_based_multiwoz_bot import RuleBasedMultiwozBot, RuleInformBot
+from convlab.modules.policy.system.multiwoz.vanilla_mle.policy import VanillaMlePolicy
diff --git a/convlab/modules/policy/system/multiwoz/dqn_policy.py b/convlab/modules/policy/system/multiwoz/dqn_policy.py
new file mode 100644
index 0000000..8fd06e4
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/dqn_policy.py
@@ -0,0 +1,400 @@
+'''
+DQN Agent
+'''
+
+
+import random, copy, json, pickle
+import numpy as np
+
+from .dialog_config import *
+from .rule_based_multiwoz_bot import *
+from convlab.modules.policy.system.policy import SysPolicy
+from .qlearning import DQN
+from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA
+from .rule_based_multiwoz_bot import generate_car
+
+
+class DQNPolicy(SysPolicy):
+ def __init__(self, act_types, slots, slot_val_dict=None, params=None):
+ """
+ Constructor for Rule_Based_Sys_Policy class.
+ Args:
+ act_types (list): A list of dialog acts.
+ slots (list): A list of slot names.
+ slot_dict (dict): Map slot name to its value set.
+ """
+ SysPolicy.__init__(self)
+
+ self.act_types = act_types
+ self.slots = slots
+ self.slot_dict = slot_val_dict
+ #self._build_model()
+
+ self.act_cardinality = len(act_types)
+ self.slot_cardinality = len(slots)
+
+ self.feasible_actions = feasible_actions
+ self.num_actions = len(self.feasible_actions)
+
+ self.epsilon = params['epsilon']
+ self.agent_run_mode = params['agent_run_mode']
+ self.agent_act_level = params['agent_act_level']
+ self.experience_replay_pool = [] #experience replay pool
+
+ self.experience_replay_pool_size = params.get('experience_replay_pool_size', 1000)
+ self.hidden_size = params.get('dqn_hidden_size', 60)
+ self.gamma = params.get('gamma', 0.9)
+ self.predict_mode = params.get('predict_mode', False)
+ self.warm_start = params.get('warm_start', 0)
+
+ self.max_turn = params['max_turn'] + 4
+ self.state_dimension = 2 * self.act_cardinality + 7 * self.slot_cardinality + 3 + self.max_turn
+
+ self.dqn = DQN(self.state_dimension, self.hidden_size, self.num_actions)
+ self.clone_dqn = copy.deepcopy(self.dqn)
+
+ self.cur_bellman_err = 0
+
+ # Prediction Mode: load trained DQN model
+ if params['trained_model_path'] != None:
+ self.dqn.model = copy.deepcopy(self.load_trained_DQN(params['trained_model_path']))
+ self.clone_dqn = copy.deepcopy(self.dqn)
+ self.predict_mode = True
+ self.warm_start = 2
+
+ def predict(self, state):
+ """
+ Predict an system action given state.
+ Args:
+ state (dict): Please check util/state.py
+ Returns:
+ action (list): System act, in the form of {act_type1: [[slot_name_1, value_1], [slot_name_2, value_2], ...], ...}
+ """
+
+ self.representation = self.prepare_state_representation(state)
+ self.action = self.run_policy(self.representation)
+
+ act_slot_response = copy.deepcopy(self.feasible_actions[self.action])
+ return act_slot_response
+
+ def init_session(self):
+ """
+ Initialize one session
+ """
+ self.cur_inform_slot_id = 0
+ self.cur_request_slot_id = 0
+ self.domains = ['Taxi']
+
+
+ def initialize_episode(self):
+ """ Initialize a new episode. This function is called every time a new episode is run. """
+
+ self.current_slot_id = 0
+ self.phase = 0
+
+ self.current_request_slot_id = 0
+ self.current_inform_slot_id = 0
+
+ #self.request_set = dialog_config.movie_request_slots #['moviename', 'starttime', 'city', 'date', 'theater', 'numberofpeople']
+
+ def initialize_config(self, req_set, inf_set):
+ """ Initialize request_set and inform_set """
+
+ self.request_set = req_set
+ self.inform_set = inf_set
+ self.current_request_slot_id = 0
+ self.current_inform_slot_id = 0
+
+ def state_to_action(self, state):
+ """ DQN: Input state, output action """
+
+ self.representation = self.prepare_state_representation(state)
+ self.action = self.run_policy(self.representation)
+ act_slot_response = copy.deepcopy(self.feasible_actions[self.action])
+ return {'act_slot_response': act_slot_response, 'act_slot_value_response': None}
+
+
+ def prepare_state_representation(self, state):
+ """ Create the representation for each state """
+ # state info
+ user_action = state['user_action']
+ kb_results_dict = state['kb_results_dict']
+ belief_state = state['belief_state']
+ history = state['history'] # nl
+
+
+ #current_slots = state['current_slots']
+ #agent_last = state['agent_action'] # missing
+
+ ########################################################################
+ # Create one-hot of acts to represent the current user action
+ ########################################################################
+ user_act_rep = np.zeros((1, self.act_cardinality))
+ for key in user_action:
+ if key in self.act_types:
+ act_index = self.act_types.index(key)
+ #user_act_rep[0, self.act_set[user_action['diaact']]] = 1.0
+ user_act_rep[0, act_index] = 1.0
+
+ ########################################################################
+ # Create bag of inform & request slots representation to represent the current user action
+ ########################################################################
+ user_inform_slots_rep = np.zeros((1, self.slot_cardinality))
+ user_request_slots_rep = np.zeros((1, self.slot_cardinality))
+ for key in user_action:
+ s_v_pairs = user_action[key]
+ for s_v in s_v_pairs:
+ s = s_v[0]
+ v = s_v[1]
+
+ if v == "?": # request
+ if s in self.slots:
+ s_i = self.slots.index(s)
+ user_request_slots_rep[0, s_i] = 1.0
+ else:
+ if s in self.slots:
+ s_i = self.slots.index(s)
+ user_inform_slots_rep[0, s_i] = 1.0
+
+ #for slot in user_action['inform_slots'].keys():
+ # user_inform_slots_rep[0,self.slot_set[slot]] = 1.0
+
+ ########################################################################
+ # Create bag of request slots representation to represent the current user action
+ ########################################################################
+ #user_request_slots_rep = np.zeros((1, self.slot_cardinality))
+ #for slot in user_action['request_slots'].keys():
+ # user_request_slots_rep[0, self.slot_set[slot]] = 1.0
+
+ ## change here
+ ########################################################################
+ # Creat bag of filled_in slots based on the current_slots
+ ########################################################################
+ print('belief_state', json.dumps(belief_state, indent=2))
+ current_slots_rep = np.zeros((1, self.slot_cardinality))
+ belief_state_keys = ['book', 'semi']
+ for domain in belief_state:
+ if domain == "inform_slots": continue
+ for bs_key in belief_state_keys:
+ for s in belief_state[domain]['book']:
+ v = belief_state[domain]['book'][s]
+ if len(v) != 0:
+ if s in self.slots:
+ s_i = self.slots.index(s)
+ current_slots_rep[0, s_i] = 1.0
+
+ #for slot in current_slots['inform_slots']:
+ # current_slots_rep[0, self.slot_set[slot]] = 1.0
+
+ ########################################################################
+ # Encode last agent act
+ ########################################################################
+ agent_act_rep = np.zeros((1,self.act_cardinality))
+ #if agent_last:
+ # agent_act_rep[0, self.act_set[agent_last['diaact']]] = 1.0
+
+
+ ########################################################################
+ # Encode last agent inform slots
+ ########################################################################
+ agent_inform_slots_rep = np.zeros((1, self.slot_cardinality))
+ #if agent_last:
+ # for slot in agent_last['inform_slots'].keys():
+ # agent_inform_slots_rep[0,self.slot_set[slot]] = 1.0
+
+ ########################################################################
+ # Encode last agent request slots
+ ########################################################################
+ agent_request_slots_rep = np.zeros((1, self.slot_cardinality))
+ #if agent_last:
+ # for slot in agent_last['request_slots'].keys():
+ # agent_request_slots_rep[0,self.slot_set[slot]] = 1.0
+
+ #turn_rep = np.zeros((1,1)) + state['turn'] / 10.
+ turn_rep = np.zeros((1,1))
+
+ ########################################################################
+ # One-hot representation of the turn count?
+ ########################################################################
+ turn_onehot_rep = np.zeros((1, self.max_turn))
+ #turn_onehot_rep[0, state['turn']] = 1.0
+
+ ########################################################################
+ # Representation of KB results (scaled counts)
+ ########################################################################
+ #kb_count_rep = np.zeros((1, self.slot_cardinality + 1)) + kb_results_dict['matching_all_constraints'] / 100.
+ kb_count_rep = np.zeros((1, self.slot_cardinality + 1))
+ #for slot in kb_results_dict:
+ # if slot in self.slot_set:
+ # kb_count_rep[0, self.slot_set[slot]] = kb_results_dict[slot] / 100.
+
+ ########################################################################
+ # Representation of KB results (binary)
+ ########################################################################
+ #kb_binary_rep = np.zeros((1, self.slot_cardinality + 1)) + np.sum( kb_results_dict['matching_all_constraints'] > 0.)
+ kb_binary_rep = np.zeros((1, self.slot_cardinality + 1))
+ #for slot in kb_results_dict:
+ # if slot in self.slot_set:
+ # kb_binary_rep[0, self.slot_set[slot]] = np.sum( kb_results_dict[slot] > 0.)
+
+ self.final_representation = np.hstack([user_act_rep, user_inform_slots_rep, user_request_slots_rep, agent_act_rep, agent_inform_slots_rep,
+ agent_request_slots_rep, current_slots_rep, turn_rep, turn_onehot_rep, kb_binary_rep, kb_count_rep])
+ return self.final_representation
+
+
+ def run_policy(self, representation):
+ """ epsilon-greedy policy """
+
+ if random.random() < self.epsilon:
+ return random.randint(0, self.num_actions - 1)
+ else:
+ if self.warm_start == 1:
+ if len(self.experience_replay_pool) > self.experience_replay_pool_size:
+ self.warm_start = 2
+ return self.rule_request_inform_policy()
+ #return self.rule_policy()
+ else:
+ return self.dqn.predict(representation, {}, predict_model=True)
+
+ def rule_policy(self):
+ """ Rule Policy """
+
+ domain = "Taxi"
+ if self.current_slot_id < len(REF_SYS_DA[domain]):
+ key = list(REF_SYS_DA[domain])[self.current_slot_id]
+ slot = REF_SYS_DA[domain][key]
+
+ diaact = domain + "-Inform"
+ val = generate_car()
+
+ act_slot_response[diaact] = []
+ act_slot_response[diaact].append([slot, val])
+
+ self.current_slot_id += 1
+ else:
+ act_slot_response['general-bye'] = []
+ self.current_slot_id = 0
+
+
+ # old
+ if self.current_slot_id < len(self.request_set):
+ slot = self.request_set[self.current_slot_id]
+ self.current_slot_id += 1
+
+ act_slot_response = {}
+ act_slot_response['diaact'] = "request"
+ act_slot_response['inform_slots'] = {}
+ act_slot_response['request_slots'] = {slot: "UNK"}
+ elif self.phase == 0:
+ act_slot_response = {'diaact': "inform", 'inform_slots': {'taskcomplete': "PLACEHOLDER"}, 'request_slots': {} }
+ self.phase += 1
+ elif self.phase == 1:
+ act_slot_response = {'diaact': "thanks", 'inform_slots': {}, 'request_slots': {} }
+
+ return self.action_index(act_slot_response)
+
+ def rule_request_inform_policy(self):
+ """ Rule Request and Inform Policy """
+
+ act_slot_response = {}
+ domain = self.domains[0]
+
+ if self.cur_inform_slot_id < len(REF_SYS_DA[domain]):
+ key = list(REF_SYS_DA[domain])[self.cur_inform_slot_id]
+ slot = REF_SYS_DA[domain][key]
+
+ diaact = domain + "-Inform"
+ val = generate_car()
+
+ act_slot_response[diaact] = []
+ act_slot_response[diaact].append([slot, val])
+
+ self.cur_inform_slot_id += 1
+ elif self.cur_request_slot_id < len(REF_SYS_DA[domain]):
+ key = list(REF_SYS_DA[domain])[self.cur_request_slot_id]
+ slot = REF_SYS_DA[domain][key]
+
+ diaact = domain + "-Request"
+ val = "?"
+
+ act_slot_response[diaact] = []
+ act_slot_response[diaact].append([slot, val])
+
+ self.cur_request_slot_id += 1
+ else:
+ act_slot_response['general-bye'] = []
+ self.cur_request_slot_id = 0
+ self.cur_inform_slot_id = 0
+
+ #return act_slot_response
+ return self.action_index(act_slot_response)
+
+
+ def action_index(self, act_slot_response):
+ """ Return the index of action """
+
+ for (i, action) in enumerate(self.feasible_actions):
+ if act_slot_response == action:
+ return i
+
+ print(act_slot_response)
+ #raise Exception("action index not found")
+ #return None
+ return 1 # default
+
+ def register_experience_replay_tuple(self, s_t, a_t, reward, s_tplus1, episode_over):
+ """ Register feedback from the environment, to be stored as future training data """
+
+ state_t_rep = self.prepare_state_representation(s_t)
+ action_t = self.action
+ reward_t = reward
+ state_tplus1_rep = self.prepare_state_representation(s_tplus1)
+ training_example = (state_t_rep, action_t, reward_t, state_tplus1_rep, episode_over)
+
+ if self.predict_mode == False: # Training Mode
+ if self.warm_start == 1:
+ self.experience_replay_pool.append(training_example)
+ else: # Prediction Mode
+ self.experience_replay_pool.append(training_example)
+
+ def train(self, batch_size=1, num_batches=100):
+ """ Train DQN with experience replay """
+
+ for iter_batch in range(num_batches):
+ self.cur_bellman_err = 0
+ for iter in range(len(self.experience_replay_pool)/(batch_size)):
+ batch = [random.choice(self.experience_replay_pool) for i in xrange(batch_size)]
+ batch_struct = self.dqn.singleBatch(batch, {'gamma': self.gamma}, self.clone_dqn)
+ self.cur_bellman_err += batch_struct['cost']['total_cost']
+
+ print("cur bellman err %.4f, experience replay pool %s" % (float(self.cur_bellman_err)/len(self.experience_replay_pool), len(self.experience_replay_pool)))
+
+
+ ################################################################################
+ # Debug Functions
+ ################################################################################
+ def save_experience_replay_to_file(self, path):
+ """ Save the experience replay pool to a file """
+
+ try:
+ pickle.dump(self.experience_replay_pool, open(path, "wb"))
+ print('saved model in %s' % (path, ))
+ except Exception as e:
+ print('Error: Writing model fails: %s' % (path, ))
+ print(e)
+
+ def load_experience_replay_from_file(self, path):
+ """ Load the experience replay pool from a file"""
+
+ self.experience_replay_pool = pickle.load(open(path, 'rb'))
+
+
+ def load_trained_DQN(self, path):
+ """ Load the trained DQN from a file """
+
+ trained_file = pickle.load(open(path, 'rb'))
+ model = trained_file['model']
+
+ print("trained DQN Parameters:")
+ print(json.dumps(trained_file['params'], indent=2))
+ return model
\ No newline at end of file
diff --git a/convlab/modules/policy/system/multiwoz/rule_based_multiwoz_bot.py b/convlab/modules/policy/system/multiwoz/rule_based_multiwoz_bot.py
new file mode 100644
index 0000000..ead0179
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/rule_based_multiwoz_bot.py
@@ -0,0 +1,672 @@
+import copy
+
+from convlab.modules.policy.system.policy import SysPolicy
+from convlab.modules.word_policy.multiwoz.mdrg.utils.dbquery import query
+import random
+import json
+from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA, REF_USR_DA
+
+
+SELECTABLE_SLOTS = {
+ 'Attraction': ['area', 'entrance fee', 'name', 'type'],
+ 'Hospital': ['department'],
+ 'Hotel': ['area', 'internet', 'name', 'parking', 'pricerange', 'stars', 'type'],
+ 'Restaurant': ['area', 'name', 'food', 'pricerange'],
+ 'Taxi': [],
+ 'Train': [],
+ 'Police': [],
+}
+
+INFORMABLE_SLOTS = ["Fee", "Addr", "Area", "Stars", "Internet", "Department", "Choice", "Ref", "Food", "Type", "Price",\
+ "Stay", "Phone", "Post", "Day", "Name", "Car", "Leave", "Time", "Arrive", "Ticket", None, "Depart",\
+ "People", "Dest", "Parking", "Open", "Id"]
+
+REQUESTABLE_SLOTS = ['Food', 'Area', 'Fee', 'Price', 'Type', 'Department', 'Internet', 'Parking', 'Stars', 'Type']
+
+# Information required to finish booking, according to different domain.
+booking_info = {'Train': ['People'],
+ 'Restaurant': ['Time', 'Day', 'People'],
+ 'Hotel': ['Stay', 'Day', 'People']}
+
+# Alphabet used to generate Ref number
+alphabet = '0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZ'
+
+# Judge if user has confirmed a unique choice, according to different domain
+token = {'Attraction': ['Name', 'Addr', ''],
+ 'Hotel': ['Name', ]}
+
+
+class RuleBasedMultiwozBot(SysPolicy):
+ ''' Rule-based bot. Implemented for Multiwoz dataset. '''
+
+ recommend_flag = -1
+ choice = ""
+
+ def __init__(self):
+ SysPolicy.__init__(self)
+ self.last_state = {}
+
+ def init_session(self):
+ self.last_state = {}
+
+ def predict(self, state):
+ """
+ Args:
+ State, please refer to util/state.py
+ Output:
+ DA(Dialog Act), in the form of {act_type1: [[slot_name_1, value_1], [slot_name_2, value_2], ...], ...}
+ """
+ # print('policy received state: {}'.format(state))
+
+ if self.recommend_flag != -1:
+ self.recommend_flag += 1
+
+
+ DA = {}
+
+ if(len(state['user_action']) > 0):
+ user_action = state['user_action']
+ else:
+ user_action = check_diff(self.last_state, state)
+
+ # Debug info for check_diff function
+
+ last_state_cpy = copy.deepcopy(self.last_state)
+ state_cpy = copy.deepcopy(state)
+
+ try:
+ del last_state_cpy['history']
+ except:
+ pass
+
+ try:
+ del state_cpy['history']
+ except:
+ pass
+ '''
+ if last_state_cpy != state_cpy:
+ print("Last state: ", last_state_cpy)
+ print("State: ", state_cpy)
+ print("Predicted action: ", user_action)
+ '''
+
+
+ self.last_state = state
+
+ for user_act in user_action:
+ domain, intent_type = user_act.split('-')
+
+ # Respond to general greetings
+ if domain == 'general':
+ self._update_greeting(user_act, state, DA)
+
+ # Book taxi for user
+ elif domain == 'Taxi':
+ self._book_taxi(user_act, state, DA)
+
+ elif domain == 'Booking':
+ self._update_booking(user_act, state, DA)
+
+ # User's talking about other domain
+ elif domain != "Train":
+ self._update_DA(user_act, user_action, state, DA)
+
+ # Info about train
+ else:
+ self._update_train(user_act, user_action, state, DA)
+
+ # Judge if user want to book
+ self._judge_booking(user_act, user_action, DA)
+
+ if 'Booking-Book' in DA:
+ if random.random() < 0.5:
+ DA['general-reqmore'] = []
+ user_acts = []
+ for user_act in DA:
+ if user_act != 'Booking-Book':
+ user_acts.append(user_act)
+ for user_act in user_acts:
+ del DA[user_act]
+
+ # print("Sys action: ", DA)
+
+ if DA == {}:
+ return {'general-greet': [['none', 'none']]}
+ return DA
+
+ def _update_greeting(self, user_act, state, DA):
+ """ General request / inform. """
+ _, intent_type = user_act.split('-')
+
+ # Respond to goodbye
+ if intent_type == 'bye':
+ if 'general-bye' not in DA:
+ DA['general-bye'] = []
+ if random.random() < 0.3:
+ if 'general-welcome' not in DA:
+ DA['general-welcome'] = []
+ elif intent_type == 'thank':
+ DA['general-welcome'] = []
+
+ def _book_taxi(self, user_act, state, DA):
+ """ Book a taxi for user. """
+
+ blank_info = []
+ for info in ['departure', 'destination']:
+ if state['belief_state']['taxi']['semi'] == "":
+ info = REF_USR_DA['Taxi'].get(info, info)
+ blank_info.append(info)
+ if state['belief_state']['taxi']['semi']['leaveAt'] == "" and state['belief_state']['taxi']['semi']['arriveBy'] == "":
+ blank_info += ['Leave', 'Arrive']
+
+
+ # Finish booking, tell user car type and phone number
+ if len(blank_info) == 0:
+ if 'Taxi-Inform' not in DA:
+ DA['Taxi-Inform'] = []
+ car = generate_car()
+ phone_num = generate_ref_num(11)
+ DA['Taxi-Inform'].append(['Car', car])
+ DA['Taxi-Inform'].append(['Phone', phone_num])
+ return
+
+ # Need essential info to finish booking
+ request_num = random.randint(0, 999999) % len(blank_info) + 1
+ if 'Taxi-Request' not in DA:
+ DA['Taxi-Request'] = []
+ for i in range(request_num):
+ slot = REF_USR_DA.get(blank_info[i], blank_info[i])
+ DA['Taxi-Request'].append([slot, '?'])
+
+ def _update_booking(self, user_act, state, DA):
+ pass
+
+ def _update_DA(self, user_act, user_action, state, DA):
+ """ Answer user's utterance about any domain other than taxi or train. """
+
+ domain, intent_type = user_act.split('-')
+
+ constraints = []
+ for slot in state['belief_state'][domain.lower()]['semi']:
+ if state['belief_state'][domain.lower()]['semi'][slot] != "":
+ constraints.append([slot, state['belief_state'][domain.lower()]['semi'][slot]])
+ kb_result = query(domain.lower(), constraints)
+ # print("\tConstraint: " + "{}".format(constraints))
+ # print("\tCandidate Count: " + "{}".format(len(kb_result)))
+ # if len(kb_result) > 0:
+ # print("Candidate: " + "{}".format(kb_result[0]))
+
+ # print(state['user_action'])
+ # Respond to user's request
+ if intent_type == 'Request':
+ if self.recommend_flag > 1:
+ self.recommend_flag = -1
+ self.choice = ""
+ elif self.recommend_flag == 1:
+ self.recommend_flag == 0
+ if (domain + "-Inform") not in DA:
+ DA[domain + "-Inform"] = []
+ for slot in user_action[user_act]:
+ if len(kb_result) > 0:
+ kb_slot_name = REF_SYS_DA[domain].get(slot[0], slot[0])
+ if kb_slot_name in kb_result[0]:
+ DA[domain + "-Inform"].append([slot[0], kb_result[0][kb_slot_name]])
+ else:
+ DA[domain + "-Inform"].append([slot[0], "unknown"])
+ # DA[domain + "-Inform"].append([slot_name, state['kb_results_dict'][0][slot[0].lower()]])
+
+ else:
+ # There's no result matching user's constraint
+ # if len(state['kb_results_dict']) == 0:
+ if len(kb_result) == 0:
+ if (domain + "-NoOffer") not in DA:
+ DA[domain + "-NoOffer"] = []
+
+ for slot in state['belief_state'][domain.lower()]['semi']:
+ if state['belief_state'][domain.lower()]['semi'][slot] != "" and \
+ state['belief_state'][domain.lower()]['semi'][slot] != "do n't care":
+ slot_name = REF_USR_DA[domain].get(slot, slot)
+ DA[domain + "-NoOffer"].append([slot_name, state['belief_state'][domain.lower()]['semi'][slot]])
+
+ p = random.random()
+
+ # Ask user if he wants to change constraint
+ if p < 0.3:
+ req_num = min(random.randint(0, 999999) % len(DA[domain + "-NoOffer"]) + 1, 3)
+ if domain + "-Request" not in DA:
+ DA[domain + "-Request"] = []
+ for i in range(req_num):
+ slot_name = REF_USR_DA[domain].get(DA[domain + "-NoOffer"][i][0], DA[domain + "-NoOffer"][i][0])
+ DA[domain + "-Request"].append([slot_name, "?"])
+
+ # There's exactly one result matching user's constraint
+ # elif len(state['kb_results_dict']) == 1:
+ elif len(kb_result) == 1:
+
+ # Inform user about this result
+ if (domain + "-Inform") not in DA:
+ DA[domain + "-Inform"] = []
+ props = []
+ for prop in state['belief_state'][domain.lower()]['semi']:
+ props.append(prop)
+ property_num = len(props)
+ if property_num > 0:
+ info_num = random.randint(0, 999999) % property_num + 1
+ random.shuffle(props)
+ for i in range(info_num):
+ slot_name = REF_USR_DA[domain].get(props[i], props[i])
+ # DA[domain + "-Inform"].append([slot_name, state['kb_results_dict'][0][props[i]]])
+ DA[domain + "-Inform"].append([slot_name, kb_result[0][props[i]]])
+
+ # There are multiple resultes matching user's constraint
+ else:
+ p = random.random()
+
+ # Recommend a choice from kb_list
+ if True: #p < 0.3:
+ if (domain + "-Inform") not in DA:
+ DA[domain + "-Inform"] = []
+ if (domain + "-Recommend") not in DA:
+ DA[domain + "-Recommend"] = []
+ DA[domain + "-Inform"].append(["Choice", str(len(kb_result))])
+ idx = random.randint(0, 999999) % len(kb_result)
+ # idx = 0
+ choice = kb_result[idx]
+ if domain in ["Hotel", "Attraction", "Police", "Restaurant"]:
+ DA[domain + "-Recommend"].append(['Name', choice['name']])
+ self.recommend_flag = 0
+ self.candidate = choice
+ props = []
+ for prop in choice:
+ props.append([prop, choice[prop]])
+ prop_num = min(random.randint(0, 999999) % 3, len(props))
+ # prop_num = min(2, len(props))
+ random.shuffle(props)
+ for i in range(prop_num):
+ slot = props[i][0]
+ string = REF_USR_DA[domain].get(slot, slot)
+ if string in INFORMABLE_SLOTS:
+ DA[domain + "-Recommend"].append([string, str(props[i][1])])
+
+ # Ask user to choose a candidate.
+ elif p < 0.5:
+ prop_values = []
+ props = []
+ # for prop in state['kb_results_dict'][0]:
+ for prop in kb_result[0]:
+ # for candidate in state['kb_results_dict']:
+ for candidate in kb_result:
+ if prop not in candidate:
+ continue
+ if candidate[prop] not in prop_values:
+ prop_values.append(candidate[prop])
+ if len(prop_values) > 1:
+ props.append([prop, prop_values])
+ prop_values = []
+ random.shuffle(props)
+ idx = 0
+ while idx < len(props):
+ if props[idx][0] not in SELECTABLE_SLOTS[domain]:
+ props.pop(idx)
+ idx -= 1
+ idx += 1
+ if domain + "-Select" not in DA:
+ DA[domain + "-Select"] = []
+ for i in range(min(len(props[0][1]), 5)):
+ prop_value = REF_USR_DA[domain].get(props[0][0], props[0][0])
+ DA[domain + "-Select"].append([prop_value, props[0][1][i]])
+
+ # Ask user for more constraint
+ else:
+ reqs = []
+ for prop in state['belief_state'][domain.lower()]['semi']:
+ if state['belief_state'][domain.lower()]['semi'][prop] == "":
+ prop_value = REF_USR_DA[domain].get(prop, prop)
+ reqs.append([prop_value, "?"])
+ i = 0
+ while i < len(reqs):
+ if reqs[i][0] not in REQUESTABLE_SLOTS:
+ reqs.pop(i)
+ i -= 1
+ i += 1
+ random.shuffle(reqs)
+ if len(reqs) == 0:
+ return
+ req_num = min(random.randint(0, 999999) % len(reqs) + 1, 2)
+ if (domain + "-Request") not in DA:
+ DA[domain + "-Request"] = []
+ for i in range(req_num):
+ req = reqs[i]
+ req[0] = REF_USR_DA[domain].get(req[0], req[0])
+ DA[domain + "-Request"].append(req)
+
+ def _update_train(self, user_act, user_action, state, DA):
+ trans = {'day': 'Day', 'destination': 'Destination', 'departure': 'Departure'}
+ constraints = []
+ for time in ['leaveAt', 'arriveBy']:
+ if state['belief_state']['train']['semi'][time] != "":
+ constraints.append([time, state['belief_state']['train']['semi'][time]])
+
+ if len(constraints) == 0:
+ p = random.random()
+ if 'Train-Request' not in DA:
+ DA['Train-Request'] = []
+ if p < 0.33:
+ DA['Train-Request'].append(['Leave', '?'])
+ elif p < 0.66:
+ DA['Train-Request'].append(['Arrive', '?'])
+ else:
+ DA['Train-Request'].append(['Leave', '?'])
+ DA['Train-Request'].append(['Arrive', '?'])
+
+ if 'Train-Request' not in DA:
+ DA['Train-Request'] = []
+ for prop in ['day', 'destination', 'departure']:
+ if state['belief_state']['train']['semi'][prop] == "":
+ slot = REF_USR_DA['Train'].get(prop, prop)
+ DA["Train-Request"].append([slot, '?'])
+ else:
+ constraints.append([prop, state['belief_state']['train']['semi'][prop]])
+ kb_result = query('train', constraints)
+ # print(constraints)
+ # print(len(kb_result))
+ if user_act == 'Train-Request':
+ del(DA['Train-Request'])
+ if 'Train-Inform' not in DA:
+ DA['Train-Inform'] = []
+ for slot in user_action[user_act]:
+ # Train_DA_MAP = {'Duration': "Time", 'Price': 'Ticket', 'TrainID': 'Id'}
+ # slot[0] = Train_DA_MAP.get(slot[0], slot[0])
+ slot_name = REF_SYS_DA['Train'].get(slot[0], slot[0])
+ try:
+ DA['Train-Inform'].append([slot[0], kb_result[0][slot_name]])
+ except:
+ pass
+ return
+ if len(kb_result) == 0:
+ if 'Train-NoOffer' not in DA:
+ DA['Train-NoOffer'] = []
+ for prop in constraints:
+ DA['Train-NoOffer'].append([REF_USR_DA['Train'].get(prop[0], prop[0]), prop[1]])
+ if 'Train-Request' in DA:
+ del DA['Train-Request']
+ elif len(kb_result) >= 1:
+ if len(constraints) < 4:
+ return
+ if 'Train-Request' in DA:
+ del DA['Train-Request']
+ if 'Train-OfferBook' not in DA:
+ DA['Train-OfferBook'] = []
+ for prop in constraints:
+ DA['Train-OfferBook'].append([REF_USR_DA['Train'].get(prop[0], prop[0]), prop[1]])
+
+ def _judge_booking(self, user_act, user_action, DA):
+ """ If user want to book, return a ref number. """
+ if self.recommend_flag > 1:
+ self.recommend_flag = -1
+ self.choice = ""
+ elif self.recommend_flag == 1:
+ self.recommend_flag == 0
+ domain, _ = user_act.split('-')
+ for slot in user_action[user_act]:
+ if domain in booking_info and slot[0] in booking_info[domain]:
+ if 'Booking-Book' not in DA:
+ DA['Booking-Book'] = [["Ref", generate_ref_num(8)]]
+ # TODO handle booking between multi turn
+
+def check_diff(last_state, state):
+ # print(state)
+ user_action = {}
+ if last_state == {}:
+ for domain in state['belief_state']:
+ for slot in state['belief_state'][domain]['book']:
+ if slot != 'booked' and state['belief_state'][domain]['book'][slot] != '':
+ if (domain.capitalize() + "-Inform") not in user_action:
+ user_action[domain.capitalize() + "-Inform"] = []
+ if [REF_USR_DA[domain.capitalize()].get(slot, slot), state['belief_state'][domain]['book'][slot]] \
+ not in user_action[domain.capitalize() + "-Inform"]:
+ user_action[domain.capitalize() + "-Inform"].append([REF_USR_DA[domain.capitalize()].get(slot, slot), \
+ state['belief_state'][domain]['book'][slot]])
+ for slot in state['belief_state'][domain]['semi']:
+ if state['belief_state'][domain]['semi'][slot] != "":
+ if (domain.capitalize() + "-Inform") not in user_action:
+ user_action[domain.capitalize() + "-Inform"] = []
+ if [REF_USR_DA[domain.capitalize()].get(slot, slot), state['belief_state'][domain]['semi'][slot]] \
+ not in user_action[domain.capitalize() + "-Inform"]:
+ user_action[domain.capitalize() + "-Inform"].append([REF_USR_DA[domain.capitalize()].get(slot, slot), \
+ state['belief_state'][domain]['semi'][slot]])
+ for domain in state['request_state']:
+ for slot in state['request_state'][domain]:
+ if (domain.capitalize() + "-Request") not in user_action:
+ user_action[domain.capitalize() + "-Request"] = []
+ if [REF_USR_DA[domain].get(slot, slot), '?'] not in user_action[domain.capitalize() + "-Request"]:
+ user_action[domain.capitalize() + "-Request"].append([REF_USR_DA[domain].get(slot, slot), '?'])
+
+ else:
+ for domain in state['belief_state']:
+ for slot in state['belief_state'][domain]['book']:
+ if slot != 'booked' and state['belief_state'][domain]['book'][slot] != last_state['belief_state'][domain]['book'][slot]:
+ if (domain.capitalize() + "-Inform") not in user_action:
+ user_action[domain.capitalize() + "-Inform"] = []
+ if [REF_USR_DA[domain.capitalize()].get(slot, slot),
+ state['belief_state'][domain]['book'][slot]] \
+ not in user_action[domain.capitalize() + "-Inform"]:
+ user_action[domain.capitalize() + "-Inform"].append(
+ [REF_USR_DA[domain.capitalize()].get(slot, slot), \
+ state['belief_state'][domain]['book'][slot]])
+ for slot in state['belief_state'][domain]['semi']:
+ if state['belief_state'][domain]['semi'][slot] != last_state['belief_state'][domain]['semi'][slot] and \
+ state['belief_state'][domain]['semi'][slot] != '':
+ if (domain.capitalize() + "-Inform") not in user_action:
+ user_action[domain.capitalize() + "-Inform"] = []
+ if [REF_USR_DA[domain.capitalize()].get(slot, slot), state['belief_state'][domain]['semi'][slot]] \
+ not in user_action[domain.capitalize() + "-Inform"]:
+ user_action[domain.capitalize() + "-Inform"].append([REF_USR_DA[domain.capitalize()].get(slot, slot), \
+ state['belief_state'][domain]['semi'][slot]])
+ for domain in state['request_state']:
+ for slot in state['request_state'][domain]:
+ if (domain not in last_state['request_state']) or (slot not in last_state['request_state'][domain]):
+ if (domain.capitalize() + "-Request") not in user_action:
+ user_action[domain.capitalize() + "-Request"] = []
+ if [REF_USR_DA[domain.capitalize()].get(slot, slot), '?'] not in user_action[domain.capitalize() + "-Request"]:
+ user_action[domain.capitalize() + "-Request"].append([REF_USR_DA[domain.capitalize()].get(slot, slot), '?'])
+ return user_action
+
+
+def deduplicate(lst):
+ i = 0
+ while i < len(lst):
+ if lst[i] in lst[0 : i]:
+ lst.pop(i)
+ i -= 1
+ i += 1
+ return lst
+
+def generate_ref_num(length):
+ """ Generate a ref num for booking. """
+ string = ""
+ while len(string) < length:
+ string += alphabet[random.randint(0, 999999) % 36]
+ return string
+
+def generate_car():
+ """ Generate a car for taxi booking. """
+ car_types = ["toyota", "skoda", "bmw", "honda", "ford", "audi", "lexus", "volvo", "volkswagen", "tesla"]
+ p = random.randint(0, 999999) % len(car_types)
+ return car_types[p]
+
+def fake_state():
+ user_action = {'Hotel-Request': [['Name', '?']], 'Train-Inform': [['Day', 'don\'t care']]}
+ init_belief_state = {
+ "police": {
+ "book": {
+ "booked": []
+ },
+ "semi": {}
+ },
+ "hotel": {
+ "book": {
+ "booked": [],
+ "people": "",
+ "day": "",
+ "stay": ""
+ },
+ "semi": {
+ "name": "",
+ "area": "",
+ "parking": "",
+ "pricerange": "",
+ "stars": "",
+ "internet": "",
+ "type": ""
+ }
+ },
+ "attraction": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "type": "",
+ "name": "",
+ "area": ""
+ }
+ },
+ "restaurant": {
+ "book": {
+ "booked": [],
+ "people": "",
+ "day": "",
+ "time": ""
+ },
+ "semi": {
+ "food": "",
+ "pricerange": "",
+ "name": "",
+ "area": "",
+ }
+ },
+ "hospital": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "department": ""
+ }
+ },
+ "taxi": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "leaveAt": "",
+ "destination": "",
+ "departure": "",
+ "arriveBy": ""
+ }
+ },
+ "train": {
+ "book": {
+ "booked": [],
+ "people": ""
+ },
+ "semi": {
+ "leaveAt": "",
+ "destination": "",
+ "day": "",
+ "arriveBy": "",
+ "departure": ""
+ }
+ }
+ }
+ kb_results = [None, None]
+ kb_results[0] = {'name': 'xxx_train', 'day': 'tuesday', 'dest': 'cam', 'phone': '123-3333', 'area': 'south'}
+ kb_results[1] = {'name': 'xxx_train', 'day': 'tuesday', 'dest': 'cam', 'phone': '123-3333', 'area': 'north'}
+ state = {'user_action': user_action,
+ 'belief_state': init_belief_state,
+ 'kb_results_dict': kb_results,
+ 'hotel-request': [['phone']]}
+ '''
+ state = {'user_action': dict(),
+ 'belief_state: dict(),
+ 'kb_results_dict': kb_results
+ }
+ '''
+ return state
+
+
+def test_init_state():
+ user_action = ['general-hello']
+ current_slots = dict()
+ kb_results = [None, None]
+ kb_results[0] = {'name': 'xxx_train', 'day': 'tuesday', 'dest': 'cam', 'phone': '123-3333', 'area': 'south'}
+ kb_results[1] = {'name': 'xxx_train', 'day': 'tuesday', 'dest': 'cam', 'phone': '123-3333', 'area': 'north'}
+ state = {'user_action': user_action,
+ 'current_slots': current_slots,
+ 'kb_results_dict': []}
+ return state
+
+def test_run():
+ policy = RuleBasedMultiwozBot()
+ system_act = policy.predict(fake_state())
+ print(json.dumps(system_act, indent=4))
+
+
+class RuleInformBot(SysPolicy):
+ """ a simple, inform rule bot """
+
+ def __init__(self):
+ """ Constructor for RuleInformBot class. """
+ SysPolicy.__init__(self)
+
+ self.cur_inform_slot_id = 0
+ self.cur_request_slot_id = 0
+ self.domains = ['Taxi']
+
+ def init_session(self):
+ """
+ Restore after one session
+ """
+ self.cur_inform_slot_id = 0
+ self.cur_request_slot_id = 0
+
+ def predict(self, state):
+
+ print('state', state.keys())
+ for key in state:
+ print(key, json.dumps(state[key], indent=2))
+
+ act_slot_response = {}
+ domain = self.domains[0]
+
+ if self.cur_inform_slot_id < len(REF_SYS_DA[domain]):
+ key = list(REF_SYS_DA[domain])[self.cur_inform_slot_id]
+ slot = REF_SYS_DA[domain][key]
+
+ diaact = domain + "-Inform"
+ val = generate_car()
+
+ act_slot_response[diaact] = []
+ act_slot_response[diaact].append([slot, val])
+
+ self.cur_inform_slot_id += 1
+ elif self.cur_request_slot_id < len(REF_SYS_DA[domain]):
+ key = list(REF_SYS_DA[domain])[self.cur_request_slot_id]
+ slot = REF_SYS_DA[domain][key]
+
+ diaact = domain + "-Request"
+ val = "?"
+
+ act_slot_response[diaact] = []
+ act_slot_response[diaact].append([slot, val])
+
+ self.cur_request_slot_id += 1
+ else:
+ act_slot_response['general-hello'] = []
+ self.cur_request_slot_id = 0
+ self.cur_inform_slot_id = 0
+
+ return act_slot_response
+
+
+if __name__ == '__main__':
+ test_run()
diff --git a/convlab/modules/policy/system/multiwoz/util.py b/convlab/modules/policy/system/multiwoz/util.py
new file mode 100644
index 0000000..051078f
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/util.py
@@ -0,0 +1,360 @@
+"""
+Utility package for system policy
+"""
+
+import os
+import json
+from pprint import pprint
+import numpy as np
+
+from convlab.modules.policy.system.multiwoz.rule_based_multiwoz_bot import generate_car, generate_ref_num
+from convlab.modules.util.dbquery import query
+from convlab.modules.util.multiwoz_slot_trans import REF_USR_DA
+
+
+DEFAULT_VOCAB_FILE=os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(
+ os.path.dirname(os.path.dirname(os.path.abspath(__file__)))))),
+ "data/multiwoz/da_slot_cnt.json")
+
+
+class SkipException(Exception):
+ def __init__(self):
+ pass
+
+
+class ActionVocab(object):
+ def __init__(self, vocab_path=DEFAULT_VOCAB_FILE, num_actions=500):
+ # add general actions
+ self.vocab = [
+ {'general-welcome': ['none']},
+ {'general-greet': ['none']},
+ {'general-bye': ['none']},
+ {'general-reqmore': ['none']}
+ ]
+ # add single slot actions
+ for domain in REF_SYS_DA:
+ for slot in REF_SYS_DA[domain]:
+ self.vocab.append({domain + '-Inform': [slot]})
+ self.vocab.append({domain + '-Request': [slot]})
+ # add actions from stats
+ with open(vocab_path, 'r') as f:
+ stats = json.load(f)
+ for action_string in stats:
+ try:
+ act_strings = action_string.split(';];')
+ action_dict = {}
+ for act_string in act_strings:
+ if act_string == '':
+ continue
+ domain_act, slots = act_string.split('[', 1)
+ domain, act_type = domain_act.split('-')
+ if act_type in ['NoOffer', 'OfferBook']:
+ action_dict[domain_act] = ['none']
+ elif act_type in ['Select']:
+ if slots.startswith('none'):
+ raise SkipException
+ action_dict[domain_act] = [slots.split(';')[0]]
+ else:
+ action_dict[domain_act] = sorted(slots.split(';'))
+ if action_dict not in self.vocab:
+ self.vocab.append(action_dict)
+ # else:
+ # print("Duplicate action", str(action_dict))
+ except SkipException as e:
+ print(act_strings)
+ if len(self.vocab) >= num_actions:
+ break
+ print("{} actions are added to vocab".format(len(self.vocab)))
+ # pprint(self.vocab)
+
+ def get_action(self, action_index):
+ return self.vocab[action_index]
+
+
+# action_vocab = ActionVocab()
+
+def _domain_fill(delex_action, state, action, act):
+ domain, act_type = act.split('-')
+ constraints = []
+ for slot in state['belief_state'][domain.lower()]['semi']:
+ if state['belief_state'][domain.lower()]['semi'][slot] != "":
+ constraints.append([slot, state['belief_state'][domain.lower()]['semi'][slot]])
+ if act_type in ['NoOffer', 'OfferBook']: # NoOffer['none'], OfferBook['none']
+ action[act] = []
+ for slot in constraints:
+ action[act].append([REF_USR_DA[domain].get(slot[0], slot[0]), slot[1]])
+ elif act_type in ['Inform', 'Recommend', 'OfferBooked']: # Inform[Slot,...], Recommend[Slot, ...]
+ kb_result = query(domain.lower(), constraints)
+ # print("Policy Util")
+ # print(constraints)
+ # print(len(kb_result))
+ if len(kb_result) == 0:
+ action[act] = [['none', 'none']]
+ else:
+ action[act] = []
+ for slot in delex_action[act]:
+ if slot == 'Choice':
+ action[act].append([slot, len(kb_result)])
+ elif slot == 'Ref':
+ action[act].append(["Ref", generate_ref_num(8)])
+ else:
+ try:
+ action[act].append([slot, kb_result[0][REF_SYS_DA[domain].get(slot, slot)]])
+ except:
+ action[act].append([slot, "N/A"])
+ if len(action[act]) == 0:
+ action[act] = [['none', 'none']]
+ elif act_type in ['Select']: # Select[Slot]
+ kb_result = query(domain.lower(), constraints)
+ if len(kb_result) < 2:
+ action[act] = [['none', 'none']]
+ else:
+ slot = delex_action[act][0]
+ action[act] = []
+ action[act].append([slot, kb_result[0][REF_SYS_DA[domain].get(slot, slot)]])
+ action[act].append([slot, kb_result[1][REF_SYS_DA[domain].get(slot, slot)]])
+ else:
+ print('Cannot decode:', str(delex_action))
+ action[act] = [['none', 'none']]
+
+
+def action_decoder(state, action_index, action_vocab):
+ domains = ['Attraction', 'Hospital', 'Hotel', 'Restaurant', 'Taxi', 'Train', 'Police']
+ delex_action = action_vocab.get_action(action_index)
+ action = {}
+
+ for act in delex_action:
+ domain, act_type = act.split('-')
+ if act_type == 'Request':
+ action[act] = []
+ for slot in delex_action[act]:
+ action[act].append([slot, '?'])
+ elif act == 'Booking-Book':
+ action['Booking-Book'] = [["Ref", generate_ref_num(8)]]
+ elif domain not in domains:
+ action[act] = [['none', 'none']]
+ else:
+ if act == 'Taxi-Inform':
+ for info_slot in ['leaveAt', 'arriveBy']:
+ if info_slot in state['belief_state']['taxi']['semi'] and \
+ state['belief_state']['taxi']['semi'][info_slot] != "":
+ car = generate_car()
+ phone_num = generate_ref_num(11)
+ action[act] = []
+ action[act].append(['Car', car])
+ action[act].append(['Phone', phone_num])
+ break
+ else:
+ action[act] = [['none', 'none']]
+ elif act in ['Train-Inform', 'Train-NoOffer', 'Train-OfferBook']:
+ for info_slot in ['departure', 'destination']:
+ if info_slot not in state['belief_state']['train']['semi'] or \
+ state['belief_state']['train']['semi'][info_slot] == "":
+ action[act] = [['none', 'none']]
+ break
+ else:
+ for info_slot in ['leaveAt', 'arriveBy']:
+ if info_slot in state['belief_state']['train']['semi'] and \
+ state['belief_state']['train']['semi'][info_slot] != "":
+ _domain_fill(delex_action, state, action, act)
+ break
+ else:
+ action[act] = [['none', 'none']]
+ elif domain in domains:
+ _domain_fill(delex_action, state, action, act)
+
+ return action
+
+
+def state_encoder(state):
+ db_vector = get_db_state(state['belief_state'])
+ book_vector = get_book_state(state['belief_state'])
+ info_vector = get_info_state(state['belief_state'])
+ request_vector = get_request_state(state['request_state'])
+ user_act_vector = get_user_act_state(state['user_action'])
+ history_vector = get_history_state(state['history'])
+
+ return np.concatenate((db_vector, book_vector, info_vector, request_vector, user_act_vector, history_vector))
+
+
+def get_history_state(history):
+ history_vector = []
+
+ user_act = None
+ repeat_count = 0
+ user_act_repeat_vector = [0] * 5
+ for turn in reversed(history):
+ if user_act == None:
+ user_act = turn[1]
+ elif user_act == turn[1]:
+ repeat_count += 1
+ else:
+ break
+ user_act_repeat_vector[min(4, repeat_count)] = 1
+ history_vector += user_act_repeat_vector
+
+ return history_vector
+
+
+def get_user_act_state(user_act):
+ user_act_vector = []
+
+ for domain in REF_SYS_DA:
+ for slot in REF_SYS_DA[domain]:
+ for act_type in ['Inform', 'Request', 'Booking']:
+ domain_act = domain + '-' + act_type
+ if domain_act in user_act and slot in [sv[0] for sv in user_act[domain_act]]:
+ user_act_vector.append(1)
+ # print(domain, act_type, slot)
+ else:
+ user_act_vector.append(0)
+
+ return np.array(user_act_vector)
+
+
+def get_request_state(request_state):
+ # TODO fix RuleDST to delete informed slot
+ domains = ['taxi', 'restaurant', 'hospital', 'hotel', 'attraction', 'train', 'police']
+ request_vector = []
+
+ for domain in domains:
+ domain_vector = [0] * (len(REF_USR_DA[domain.capitalize()]) + 1)
+ if domain in request_state:
+ for slot in request_state[domain]:
+ if slot == 'ref':
+ domain_vector[-1] = 1
+ else:
+ domain_vector[list(REF_USR_DA[domain.capitalize()].keys()).index(slot)] = 1
+ # print("request:", slot)
+ request_vector.extend(domain_vector)
+
+ return np.array(request_vector)
+
+
+def get_info_state(belief_state):
+ """Based on the mturk annotations we form multi-domain belief state"""
+ domains = ['taxi', 'restaurant', 'hospital', 'hotel', 'attraction', 'train', 'police']
+ info_vector = []
+
+ for domain in domains:
+ domain_active = False
+
+ booking = []
+ for slot in sorted(belief_state[domain]['book'].keys()):
+ if slot == 'booked':
+ if belief_state[domain]['book']['booked']:
+ booking.append(1)
+ else:
+ booking.append(0)
+ else:
+ if belief_state[domain]['book'][slot] != "":
+ print("domain {} booking set".format(domain))
+ booking.append(1)
+ else:
+ booking.append(0)
+ if domain == 'train':
+ if 'people' not in belief_state[domain]['book'].keys():
+ booking.append(0)
+ if 'ticket' not in belief_state[domain]['book'].keys():
+ booking.append(0)
+ info_vector += booking
+
+ for slot in belief_state[domain]['semi']:
+ slot_enc = [0, 0, 0] # not mentioned, dontcare, filled
+ if belief_state[domain]['semi'][slot] in ['', 'not mentioned']:
+ slot_enc[0] = 1
+ elif belief_state[domain]['semi'][slot] == 'dont care' or belief_state[domain]['semi'][slot] == 'dontcare' or belief_state[domain]['semi'][slot] == "don't care":
+ slot_enc[1] = 1
+ domain_active = True
+ # print("dontcare:", slot)
+ elif belief_state[domain]['semi'][slot]:
+ slot_enc[2] = 1
+ domain_active = True
+ # print("filled:", slot)
+ info_vector += slot_enc
+
+ # quasi domain-tracker
+ if domain_active:
+ info_vector += [1]
+ else:
+ info_vector += [0]
+
+ assert len(info_vector) == 94
+ return np.array(info_vector)
+
+
+def get_book_state(belief_state):
+ """Add information about availability of the booking option."""
+ # Booking pointer
+ rest_vec = np.array([1, 0])
+ if "book" in belief_state['restaurant']:
+ if "booked" in belief_state['restaurant']['book']:
+ if belief_state['restaurant']['book']["booked"]:
+ if "reference" in belief_state['restaurant']['book']["booked"][0]:
+ rest_vec = np.array([0, 1])
+
+ hotel_vec = np.array([1, 0])
+ if "book" in belief_state['hotel']:
+ if "booked" in belief_state['hotel']['book']:
+ if belief_state['hotel']['book']["booked"]:
+ if "reference" in belief_state['hotel']['book']["booked"][0]:
+ hotel_vec = np.array([0, 1])
+
+ train_vec = np.array([1, 0])
+ if "book" in belief_state['train']:
+ if "booked" in belief_state['train']['book']:
+ if belief_state['train']['book']["booked"]:
+ if "reference" in belief_state['train']['book']["booked"][0]:
+ train_vec = np.array([0, 1])
+
+ return np.concatenate((rest_vec, hotel_vec, train_vec))
+
+
+def get_db_state(belief_state):
+ domains = ['restaurant', 'hotel', 'attraction', 'train']
+ db_vector = np.zeros(6 * len(domains))
+ num_entities = {}
+ for domain in domains:
+ entities = query(domain, belief_state[domain]['semi'].items())
+ db_vector = one_hot(len(entities), domain, domains, db_vector)
+
+ return db_vector
+
+
+def one_hot(num, domain, domains, vector):
+ """Return number of available entities for particular domain."""
+ number_of_options = 6
+ if domain != 'train':
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0,0])
+ elif num == 1:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num == 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num == 3:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num == 4:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num >= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+ else:
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0, 0])
+ elif num <= 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num <= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num <= 10:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num <= 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num > 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+
+ return vector
+
+
+if __name__ == '__main__':
+ pass
\ No newline at end of file
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/__init__.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000.jsonnet b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000.jsonnet
new file mode 100644
index 0000000..1b88ab4
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000.jsonnet
@@ -0,0 +1,34 @@
+{
+ "dataset_reader": {
+ "type": "mle_policy",
+ "num_actions": 1000
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ "model": {
+ "type": "vanilla_mle_policy",
+ "input_dim": 192,
+ "num_classes": 1000
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+accuracy",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 30,
+ "grad_norm": 5.0,
+ "patience": 10,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000_ff.jsonnet b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000_ff.jsonnet
new file mode 100644
index 0000000..a1f3e97
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/1000_ff.jsonnet
@@ -0,0 +1,41 @@
+{
+ "dataset_reader": {
+ "type": "mle_policy",
+ "num_actions": 1000
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "vanilla_mle_policy",
+ "input_dim": 192,
+ "num_classes": 1000,
+ "feedforward": {
+ "input_dim": 192,
+ "hidden_dims": 200,
+ "num_layers": 1,
+ "activations": "relu",
+ "dropout": 0.5,
+ },
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 8
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+accuracy",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 30,
+ "grad_norm": 5.0,
+ "patience": 10,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/300.jsonnet b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/300.jsonnet
new file mode 100644
index 0000000..53c0a8d
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/300.jsonnet
@@ -0,0 +1,35 @@
+{
+ "dataset_reader": {
+ "type": "mle_policy",
+ "num_actions": 300
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/sample.json",
+ "model": {
+ "type": "vanilla_mle_policy",
+ // "input_dim": 192,
+ "input_dim": 396,
+ "num_classes": 300
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+accuracy",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 30,
+ "grad_norm": 5.0,
+ "patience": 10,
+ "cuda_device": 0
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/500.jsonnet b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/500.jsonnet
new file mode 100644
index 0000000..9349e00
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/configs/500.jsonnet
@@ -0,0 +1,35 @@
+{
+ "dataset_reader": {
+ "type": "mle_policy",
+ "num_actions": 500
+ },
+ "train_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/train.json.zip",
+ "validation_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/val.json.zip",
+ "test_data_path": "/home/sule/projects/research/DialogZone/data/multiwoz/test.json.zip",
+ // "train_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ // "validation_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ // "test_data_path": "/home/sule/projects/research/DialogZone_RL/data/multiwoz/sample.json",
+ "model": {
+ "type": "vanilla_mle_policy",
+ // "input_dim": 192,
+ "input_dim": 396,
+ "num_classes": 500
+ },
+ "iterator": {
+ "type": "basic",
+ "batch_size": 64
+ },
+ "trainer": {
+ "optimizer": {
+ "type": "adam",
+ "lr": 0.001
+ },
+ "validation_metric": "+accuracy",
+ "num_serialized_models_to_keep": 3,
+ "num_epochs": 30,
+ "grad_norm": 5.0,
+ "patience": 10,
+ "cuda_device": 2
+ },
+ "evaluate_on_test": true
+}
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/dataset_reader.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/dataset_reader.py
new file mode 100644
index 0000000..55be297
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/dataset_reader.py
@@ -0,0 +1,123 @@
+from typing import Dict
+import logging
+import os
+import json
+import zipfile
+import math
+import numpy as np
+
+from overrides import overrides
+
+from allennlp.common.file_utils import cached_path
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.fields import ArrayField, LabelField, Field
+from allennlp.data.instance import Instance
+
+from convlab.modules.dst.multiwoz.rule_dst import RuleDST
+from convlab.modules.policy.system.multiwoz.util import ActionVocab, state_encoder
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+@DatasetReader.register("mle_policy")
+class MlePolicyDatasetReader(DatasetReader):
+ """
+ Reads instances from a data file:
+
+ and converts it into a ``Dataset`` suitable for sequence tagging. You can also specify
+ alternative delimiters in the constructor.
+
+ Parameters
+ ----------
+ """
+ def __init__(self,
+ num_actions: int,
+ lazy: bool = False) -> None:
+ super().__init__(lazy)
+ self.dst = RuleDST()
+ self.action_vocab = ActionVocab(num_actions=num_actions)
+ self.action_list = self.action_vocab.vocab
+
+ @overrides
+ def _read(self, file_path):
+ # if `file_path` is a URL, redirect to the cache
+ file_path = cached_path(file_path)
+
+ if file_path.endswith("zip"):
+ archive = zipfile.ZipFile(file_path, "r")
+ data_file = archive.open(os.path.basename(file_path)[:-4])
+ else:
+ data_file = open(file_path, "r")
+
+ logger.info("Reading instances from lines in file at: %s", file_path)
+
+ dialogs = json.load(data_file)
+
+ for dial_name in dialogs:
+ dialog = dialogs[dial_name]["log"]
+ self.dst.init_session()
+ for i, turn in enumerate(dialog):
+ if i % 2 == 0: # user turn
+ self.dst.update(user_act=turn["dialog_act"])
+ else: # system turn
+ delex_act = {}
+ for domain_act in turn["dialog_act"]:
+ domain, act_type = domain_act.split('-', 1)
+ if act_type in ['NoOffer', 'OfferBook']:
+ delex_act[domain_act] = ['none']
+ elif act_type in ['Select']:
+ for sv in turn["dialog_act"][domain_act]:
+ if sv[0] != "none":
+ delex_act[domain_act] = [sv[0]]
+ break
+ else:
+ delex_act[domain_act] = [sv[0] for sv in turn["dialog_act"][domain_act]]
+ state_vector = state_encoder(self.dst.state)
+ action_index = self.find_best_delex_act(delex_act)
+
+ yield self.text_to_instance(state_vector, action_index)
+
+ def find_best_delex_act(self, action):
+ def _score(a1, a2):
+ score = 0
+ for domain_act in a1:
+ if domain_act not in a2:
+ score += len(a1[domain_act])
+ else:
+ # print(domain_act)
+ # print(a1[domain_act])
+ # print(a2[domain_act])
+ score += len(set(a1[domain_act]) - set(a2[domain_act]))
+ return score
+
+ best_p_action_index = -1
+ best_p_score = math.inf
+ best_pn_action_index = -1
+ best_pn_score = math.inf
+ for i, v_action in enumerate(self.action_list):
+ if v_action == action:
+ return i
+ else:
+ p_score = _score(action, v_action)
+ n_score = _score(v_action, action)
+ if p_score > 0 and n_score == 0 and p_score < best_p_score:
+ best_p_action_index = i
+ best_p_score = p_score
+ else:
+ if p_score + n_score < best_pn_score:
+ best_pn_action_index = i
+ best_pn_score = p_score + n_score
+ if best_p_action_index >= 0:
+ return best_p_action_index
+ return best_pn_action_index
+
+ def text_to_instance(self, state: np.ndarray, action: int = None) -> Instance: # type: ignore
+ """
+ We take `pre-tokenized` input here, because we don't have a tokenizer in this class.
+ """
+ # pylint: disable=arguments-differ
+ fields: Dict[str, Field] = {}
+ fields["states"] = ArrayField(state)
+ if action is not None:
+ fields["actions"] = LabelField(action, skip_indexing=True)
+ return Instance(fields)
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/evaluate.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/evaluate.py
new file mode 100644
index 0000000..75892bf
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/evaluate.py
@@ -0,0 +1,168 @@
+"""
+The ``evaluate`` subcommand can be used to
+evaluate a trained model against a dataset
+and report any metrics calculated by the model.
+
+.. code-block:: bash
+
+ $ allennlp evaluate --help
+ usage: allennlp evaluate [-h] [--output-file OUTPUT_FILE]
+ [--weights-file WEIGHTS_FILE]
+ [--cuda-device CUDA_DEVICE] [-o OVERRIDES]
+ [--batch-weight-key BATCH_WEIGHT_KEY]
+ [--extend-vocab]
+ [--embedding-sources-mapping EMBEDDING_SOURCES_MAPPING]
+ [--include-package INCLUDE_PACKAGE]
+ archive_file input_file
+
+ Evaluate the specified model + dataset
+
+ positional arguments:
+ archive_file path to an archived trained model
+ input_file path to the file containing the evaluation data
+
+ optional arguments:
+ -h, --help show this help message and exit
+ --output-file OUTPUT_FILE
+ path to output file to save metrics
+ --weights-file WEIGHTS_FILE
+ a path that overrides which weights file to use
+ --cuda-device CUDA_DEVICE
+ id of GPU to use (if any)
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --batch-weight-key BATCH_WEIGHT_KEY
+ If non-empty, name of metric used to weight the loss
+ on a per-batch basis.
+ --extend-vocab if specified, we will use the instances in your new
+ dataset to extend your vocabulary. If pretrained-file
+ was used to initialize embedding layers, you may also
+ need to pass --embedding-sources-mapping.
+ --embedding-sources-mapping EMBEDDING_SOURCES_MAPPING
+ a JSON dict defining mapping from embedding module
+ path to embeddingpretrained-file used during training.
+ If not passed, and embedding needs to be extended, we
+ will try to use the original file paths used during
+ training. If they are not available we will use random
+ vectors for embedding extension.
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+from typing import Dict, Any
+import argparse
+import logging
+import json
+
+
+from allennlp.common.util import prepare_environment
+from allennlp.data.dataset_readers.dataset_reader import DatasetReader
+from allennlp.data.iterators import DataIterator
+from allennlp.models.archival import load_archive
+from allennlp.training.util import evaluate
+from allennlp.common import Params
+
+from convlab.modules.policy.system.multiwoz.vanilla_mle import model, dataset_reader
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Evaluate the specified model + dataset.")
+argparser.add_argument('archive_file', type=str, help='path to an archived trained model')
+
+argparser.add_argument('input_file', type=str, help='path to the file containing the evaluation data')
+
+argparser.add_argument('--output-file', type=str, help='path to output file')
+
+argparser.add_argument('--weights-file',
+ type=str,
+ help='a path that overrides which weights file to use')
+
+cuda_device = argparser.add_mutually_exclusive_group(required=False)
+cuda_device.add_argument('--cuda-device',
+ type=int,
+ default=-1,
+ help='id of GPU to use (if any)')
+
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+
+argparser.add_argument('--batch-weight-key',
+ type=str,
+ default="",
+ help='If non-empty, name of metric used to weight the loss on a per-batch basis.')
+
+argparser.add_argument('--extend-vocab',
+ action='store_true',
+ default=False,
+ help='if specified, we will use the instances in your new dataset to '
+ 'extend your vocabulary. If pretrained-file was used to initialize '
+ 'embedding layers, you may also need to pass --embedding-sources-mapping.')
+
+argparser.add_argument('--embedding-sources-mapping',
+ type=str,
+ default="",
+ help='a JSON dict defining mapping from embedding module path to embedding'
+ 'pretrained-file used during training. If not passed, and embedding needs to be '
+ 'extended, we will try to use the original file paths used during training. If '
+ 'they are not available we will use random vectors for embedding extension.')
+
+
+def evaluate_from_args(args: argparse.Namespace) -> Dict[str, Any]:
+ # Disable some of the more verbose logging statements
+ logging.getLogger('allennlp.common.params').disabled = True
+ logging.getLogger('allennlp.nn.initializers').disabled = True
+ logging.getLogger('allennlp.modules.token_embedders.embedding').setLevel(logging.INFO)
+
+ # Load from archive
+ archive = load_archive(args.archive_file, args.cuda_device, args.overrides, args.weights_file)
+ config = archive.config
+ prepare_environment(config)
+ model = archive.model
+ model.eval()
+
+ # Load the evaluation data
+
+ # Try to use the validation dataset reader if there is one - otherwise fall back
+ # to the default dataset_reader used for both training and validation.
+ validation_dataset_reader_params = config.pop('validation_dataset_reader', None)
+ if validation_dataset_reader_params is not None:
+ dataset_reader = DatasetReader.from_params(validation_dataset_reader_params)
+ else:
+ dataset_reader = DatasetReader.from_params(config.pop('dataset_reader'))
+ evaluation_data_path = args.input_file
+ logger.info("Reading evaluation data from %s", evaluation_data_path)
+ instances = dataset_reader.read(evaluation_data_path)
+
+ embedding_sources: Dict[str, str] = (json.loads(args.embedding_sources_mapping)
+ if args.embedding_sources_mapping else {})
+ if args.extend_vocab:
+ logger.info("Vocabulary is being extended with test instances.")
+ model.vocab.extend_from_instances(Params({}), instances=instances)
+ model.extend_embedder_vocab(embedding_sources)
+
+ iterator_params = config.pop("validation_iterator", None)
+ if iterator_params is None:
+ iterator_params = config.pop("iterator")
+ iterator = DataIterator.from_params(iterator_params)
+ iterator.index_with(model.vocab)
+
+ metrics = evaluate(model, instances, iterator, args.cuda_device, args.batch_weight_key)
+
+ logger.info("Finished evaluating.")
+ logger.info("Metrics:")
+ for key, metric in metrics.items():
+ logger.info("%s: %s", key, metric)
+
+ output_file = args.output_file
+ if output_file:
+ with open(output_file, "w") as file:
+ json.dump(metrics, file, indent=4)
+ return metrics
+
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ evaluate_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/model.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/model.py
new file mode 100644
index 0000000..73a3ed1
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/model.py
@@ -0,0 +1,158 @@
+from typing import Dict, Optional, List, Any
+
+from overrides import overrides
+import numpy as np
+import torch
+from torch.nn.modules.linear import Linear
+
+from allennlp.common.checks import check_dimensions_match, ConfigurationError
+from allennlp.data import Vocabulary
+from allennlp.modules import FeedForward
+from allennlp.models.model import Model
+from allennlp.nn import InitializerApplicator, RegularizerApplicator
+import allennlp.nn.util as util
+from allennlp.training.metrics import CategoricalAccuracy
+
+
+@Model.register("vanilla_mle_policy")
+class VanillaMlePolicy(Model):
+ """
+ The ``MlstNlu`` encodes a sequence of text with a ``Seq2SeqEncoder``,
+ then uses a Conditional Random Field model to predict a tag for each token in the sequence.
+
+ Parameters
+ ----------
+ vocab : ``Vocabulary``, required
+ A Vocabulary, required in order to compute sizes for input/output projections.
+ text_field_embedder : ``TextFieldEmbedder``, required
+ Used to embed the tokens ``TextField`` we get as input to the model.
+ encoder : ``Seq2SeqEncoder``
+ The encoder that we will use in between embedding tokens and predicting output tags.
+ sequence_label_namespace : ``str``, optional (default=``labels``)
+ This is needed to compute the SpanBasedF1Measure metric.
+ Unless you did something unusual, the default value should be what you want.
+ feedforward : ``FeedForward``, optional, (default = None).
+ An optional feedforward layer to apply after the encoder.
+ label_encoding : ``str``, optional (default=``None``)
+ Label encoding to use when calculating span f1 and constraining
+ the CRF at decoding time . Valid options are "BIO", "BIOUL", "IOB1", "BMES".
+ Required if ``calculate_span_f1`` or ``constrain_crf_decoding`` is true.
+ include_start_end_transitions : ``bool``, optional (default=``True``)
+ Whether to include start and end transition parameters in the CRF.
+ constrain_crf_decoding : ``bool``, optional (default=``None``)
+ If ``True``, the CRF is constrained at decoding time to
+ produce valid sequences of tags. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ calculate_span_f1 : ``bool``, optional (default=``None``)
+ Calculate span-level F1 metrics during training. If this is ``True``, then
+ ``label_encoding`` is required. If ``None`` and
+ label_encoding is specified, this is set to ``True``.
+ If ``None`` and label_encoding is not specified, it defaults
+ to ``False``.
+ dropout: ``float``, optional (default=``None``)
+ verbose_metrics : ``bool``, optional (default = False)
+ If true, metrics will be returned per label class in addition
+ to the overall statistics.
+ initializer : ``InitializerApplicator``, optional (default=``InitializerApplicator()``)
+ Used to initialize the model parameters.
+ regularizer : ``RegularizerApplicator``, optional (default=``None``)
+ If provided, will be used to calculate the regularization penalty during training.
+ """
+
+ def __init__(self, vocab: Vocabulary,
+ input_dim: int,
+ num_classes: int,
+ label_namespace: str = "labels",
+ feedforward: Optional[FeedForward] = None,
+ dropout: Optional[float] = None,
+ verbose_metrics: bool = False,
+ initializer: InitializerApplicator = InitializerApplicator(),
+ regularizer: Optional[RegularizerApplicator] = None) -> None:
+ super().__init__(vocab, regularizer)
+ self.label_namespace = label_namespace
+ self.input_dim = input_dim
+ # self.num_classes = self.vocab.get_vocab_size(label_namespace)
+ self.num_classes = num_classes
+ self._verbose_metrics = verbose_metrics
+ if dropout:
+ self.dropout = torch.nn.Dropout(dropout)
+ else:
+ self.dropout = None
+ self._feedforward = feedforward
+
+ if self._feedforward is not None:
+ self.projection_layer = Linear(feedforward.get_output_dim(), self.num_classes)
+ else:
+ self.projection_layer = Linear(self.input_dim, self.num_classes)
+
+ self.metrics = {
+ "accuracy": CategoricalAccuracy(),
+ "accuracy3": CategoricalAccuracy(top_k=3),
+ "accuracy5": CategoricalAccuracy(top_k=5)
+ }
+ self._loss = torch.nn.CrossEntropyLoss()
+
+ initializer(self)
+
+ @overrides
+ def forward(self, # type: ignore
+ states: torch.FloatTensor,
+ actions: torch.LongTensor = None,
+ metadata: List[Dict[str, Any]] = None,
+ # pylint: disable=unused-argument
+ **kwargs) -> Dict[str, torch.Tensor]:
+ # pylint: disable=arguments-differ
+ """
+ Parameters
+ ----------
+ metadata : ``List[Dict[str, Any]]``, optional, (default = None)
+ metadata containg the original words in the sentence to be tagged under a 'words' key.
+
+ Returns
+ -------
+ An output dictionary consisting of:
+
+ logits : ``torch.FloatTensor``
+ The logits that are the output of the ``tag_projection_layer``
+ mask : ``torch.LongTensor``
+ The text field mask for the input tokens
+ actions: ``List[List[int]]``
+ The predicted tags using the Viterbi algorithm.
+ loss : ``torch.FloatTensor``, optional
+ A scalar loss to be optimised. Only computed if gold label ``tags`` are provided.
+ """
+ if self.dropout:
+ states = self.dropout(states)
+
+ if self._feedforward is not None:
+ states = self._feedforward(states)
+
+ logits = self.projection_layer(states)
+
+ probs = torch.nn.functional.softmax(logits, dim=-1)
+ output = {"logits": logits, "probs": probs}
+
+ if actions is not None:
+ output["loss"] = self._loss(logits, actions)
+ for metric in self.metrics.values():
+ metric(logits, actions)
+
+ return output
+
+ @overrides
+ def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:
+ """
+ Does a simple argmax over the class probabilities.
+ """
+ predictions = output_dict["probs"].detach().cpu().numpy()
+ argmax_indices = np.argmax(predictions, axis=-1)
+ output_dict["actions"] = argmax_indices
+
+ return output_dict
+
+ @overrides
+ def get_metrics(self, reset: bool = False) -> Dict[str, float]:
+ return {metric_name: metric.get_metric(reset) for metric_name, metric in self.metrics.items()}
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/policy.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/policy.py
new file mode 100644
index 0000000..53edc68
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/policy.py
@@ -0,0 +1,71 @@
+"""
+"""
+
+import os
+from pprint import pprint
+import numpy as np
+
+from allennlp.common.checks import check_for_gpu
+from allennlp.models.archival import load_archive
+from allennlp.data import DatasetReader
+
+from convlab.modules.policy.system.policy import SysPolicy
+from convlab.modules.policy.system.multiwoz.util import state_encoder, action_decoder
+
+DEFAULT_CUDA_DEVICE=-1
+DEFAULT_ARCHIVE_FILE=os.path.join(os.path.dirname(os.path.abspath(__file__)), "models/300/model.tar.gz")
+
+
+class VanillaMlePolicy(SysPolicy):
+ """Vanilla MLE trained policy."""
+
+ def __init__(self,
+ archive_file=DEFAULT_ARCHIVE_FILE,
+ cuda_device=DEFAULT_CUDA_DEVICE):
+ """ Constructor for NLU class. """
+ SysPolicy.__init__(self)
+ check_for_gpu(cuda_device)
+ archive = load_archive(archive_file,
+ cuda_device=cuda_device)
+ dataset_reader_params = archive.config["dataset_reader"]
+ self.dataset_reader = DatasetReader.from_params(dataset_reader_params)
+ self.action_vocab = self.dataset_reader.action_vocab
+ self.model = archive.model
+ self.model.eval()
+
+ def predict(self, state):
+ """
+ Predict the dialog act of a natural language utterance and apply error model.
+ Args:
+ utterance (str): A natural language utterance.
+ Returns:
+ output (dict): The dialog act of utterance.
+ """
+ state_vector = state_encoder(state)
+ # pprint(np.nonzero(state_vector))
+
+ instance = self.dataset_reader.text_to_instance(state_vector)
+ outputs = self.model.forward_on_instance(instance)
+ # print(outputs["actions"])
+ dialacts = action_decoder(state, outputs["actions"], self.action_vocab)
+ # print(outputs["probs"])
+ if dialacts == {'general-bye': [['none', 'none']]}:
+ # print(outputs["probs"][outputs["actions"]])
+ outputs["probs"][outputs["actions"]] = 0
+ outputs["actions"] = np.argmax(outputs["probs"])
+ # print(outputs["actions"])
+ # print(outputs["probs"][outputs["actions"]])
+ dialacts = action_decoder(state, outputs["actions"], self.action_vocab)
+
+
+ if state == init_state():
+ dialacts = {}
+
+ return dialacts
+
+
+if __name__ == "__main__":
+ from convlab.modules.dst.multiwoz.dst_util import init_state
+
+ policy = VanillaMlePolicy()
+ pprint(policy.predict(init_state()))
diff --git a/convlab/modules/policy/system/multiwoz/vanilla_mle/train.py b/convlab/modules/policy/system/multiwoz/vanilla_mle/train.py
new file mode 100644
index 0000000..24ccfee
--- /dev/null
+++ b/convlab/modules/policy/system/multiwoz/vanilla_mle/train.py
@@ -0,0 +1,229 @@
+"""
+The ``train`` subcommand can be used to train a model.
+It requires a configuration file and a directory in
+which to write the results.
+
+.. code-block:: bash
+
+ $ allennlp train --help
+
+ usage: allennlp train [-h] -s SERIALIZATION_DIR [-r] [-f] [-o OVERRIDES]
+ [--file-friendly-logging]
+ [--include-package INCLUDE_PACKAGE]
+ param_path
+
+ Train the specified model on the specified dataset.
+
+ positional arguments:
+ param_path path to parameter file describing the model to be
+ trained
+
+ optional arguments:
+ -h, --help show this help message and exit
+ -s SERIALIZATION_DIR, --serialization-dir SERIALIZATION_DIR
+ directory in which to save the model and its logs
+ -r, --recover recover training from the state in serialization_dir
+ -f, --force overwrite the output directory if it exists
+ -o OVERRIDES, --overrides OVERRIDES
+ a JSON structure used to override the experiment
+ configuration
+ --file-friendly-logging
+ outputs tqdm status on separate lines and slows tqdm
+ refresh rate
+ --include-package INCLUDE_PACKAGE
+ additional packages to include
+"""
+
+import argparse
+import logging
+import os
+
+from allennlp.commands.subcommand import Subcommand
+from allennlp.common.checks import check_for_gpu
+from allennlp.common import Params
+from allennlp.common.util import prepare_environment, prepare_global_logging, cleanup_global_logging, dump_metrics
+from allennlp.models.archival import archive_model, CONFIG_NAME
+from allennlp.models.model import Model, _DEFAULT_WEIGHTS
+from allennlp.training.trainer import Trainer, TrainerPieces
+from allennlp.training.trainer_base import TrainerBase
+from allennlp.training.util import create_serialization_dir, evaluate
+
+from convlab.modules.policy.system.multiwoz.vanilla_mle import dataset_reader
+from convlab.modules.policy.system.multiwoz.vanilla_mle import model
+
+logger = logging.getLogger(__name__) # pylint: disable=invalid-name
+
+
+argparser = argparse.ArgumentParser(description="Train a model.")
+argparser.add_argument('param_path',
+ type=str,
+ help='path to parameter file describing the model to be trained')
+argparser.add_argument('-s', '--serialization-dir',
+ required=True,
+ type=str,
+ help='directory in which to save the model and its logs')
+argparser.add_argument('-r', '--recover',
+ action='store_true',
+ default=False,
+ help='recover training from the state in serialization_dir')
+argparser.add_argument('-f', '--force',
+ action='store_true',
+ required=False,
+ help='overwrite the output directory if it exists')
+argparser.add_argument('-o', '--overrides',
+ type=str,
+ default="",
+ help='a JSON structure used to override the experiment configuration')
+argparser.add_argument('--file-friendly-logging',
+ action='store_true',
+ default=False,
+ help='outputs tqdm status on separate lines and slows tqdm refresh rate')
+
+
+
+def train_model_from_args(args: argparse.Namespace):
+ """
+ Just converts from an ``argparse.Namespace`` object to string paths.
+ """
+ train_model_from_file(args.param_path,
+ args.serialization_dir,
+ args.overrides,
+ args.file_friendly_logging,
+ args.recover,
+ args.force)
+
+
+def train_model_from_file(parameter_filename: str,
+ serialization_dir: str,
+ overrides: str = "",
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ A wrapper around :func:`train_model` which loads the params from a file.
+
+ Parameters
+ ----------
+ parameter_filename : ``str``
+ A json parameter file specifying an AllenNLP experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs. We just pass this along to
+ :func:`train_model`.
+ overrides : ``str``
+ A JSON string that we will use to override values in the input parameter file.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we make our output more friendly to saved model files. We just pass this
+ along to :func:`train_model`.
+ recover : ``bool`, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+ """
+ # Load the experiment config from a file and pass it to ``train_model``.
+ params = Params.from_file(parameter_filename, overrides)
+ return train_model(params, serialization_dir, file_friendly_logging, recover, force)
+
+
+def train_model(params: Params,
+ serialization_dir: str,
+ file_friendly_logging: bool = False,
+ recover: bool = False,
+ force: bool = False) -> Model:
+ """
+ Trains the model specified in the given :class:`Params` object, using the data and training
+ parameters also specified in that object, and saves the results in ``serialization_dir``.
+
+ Parameters
+ ----------
+ params : ``Params``
+ A parameter object specifying an AllenNLP Experiment.
+ serialization_dir : ``str``
+ The directory in which to save results and logs.
+ file_friendly_logging : ``bool``, optional (default=False)
+ If ``True``, we add newlines to tqdm output, even on an interactive terminal, and we slow
+ down tqdm's output to only once every 10 seconds.
+ recover : ``bool``, optional (default=False)
+ If ``True``, we will try to recover a training run from an existing serialization
+ directory. This is only intended for use when something actually crashed during the middle
+ of a run. For continuing training a model on new data, see the ``fine-tune`` command.
+ force : ``bool``, optional (default=False)
+ If ``True``, we will overwrite the serialization directory if it already exists.
+
+ Returns
+ -------
+ best_model: ``Model``
+ The model with the best epoch weights.
+ """
+ prepare_environment(params)
+ create_serialization_dir(params, serialization_dir, recover, force)
+ stdout_handler = prepare_global_logging(serialization_dir, file_friendly_logging)
+
+ cuda_device = params.params.get('trainer').get('cuda_device', -1)
+ check_for_gpu(cuda_device)
+
+ params.to_file(os.path.join(serialization_dir, CONFIG_NAME))
+
+ evaluate_on_test = params.pop_bool("evaluate_on_test", False)
+
+ trainer_type = params.get("trainer", {}).get("type", "default")
+
+ if trainer_type == "default":
+ # Special logic to instantiate backward-compatible trainer.
+ pieces = TrainerPieces.from_params(params, serialization_dir, recover) # pylint: disable=no-member
+ trainer = Trainer.from_params(
+ model=pieces.model,
+ serialization_dir=serialization_dir,
+ iterator=pieces.iterator,
+ train_data=pieces.train_dataset,
+ validation_data=pieces.validation_dataset,
+ params=pieces.params,
+ validation_iterator=pieces.validation_iterator)
+ evaluation_iterator = pieces.validation_iterator or pieces.iterator
+ evaluation_dataset = pieces.test_dataset
+
+ else:
+ trainer = TrainerBase.from_params(params, serialization_dir, recover)
+ # TODO(joelgrus): handle evaluation in the general case
+ evaluation_iterator = evaluation_dataset = None
+
+ params.assert_empty('base train command')
+
+ try:
+ metrics = trainer.train()
+ except KeyboardInterrupt:
+ # if we have completed an epoch, try to create a model archive.
+ if os.path.exists(os.path.join(serialization_dir, _DEFAULT_WEIGHTS)):
+ logging.info("Training interrupted by the user. Attempting to create "
+ "a model archive using the current best epoch weights.")
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ raise
+
+ # Evaluate
+ if evaluation_dataset and evaluate_on_test:
+ logger.info("The model will be evaluated using the best epoch weights.")
+ test_metrics = evaluate(trainer.model, evaluation_dataset, evaluation_iterator,
+ cuda_device=trainer._cuda_devices[0], # pylint: disable=protected-access,
+ # TODO(brendanr): Pass in an arg following Joel's trainer refactor.
+ batch_weight_key="")
+
+ for key, value in test_metrics.items():
+ metrics["test_" + key] = value
+
+ elif evaluation_dataset:
+ logger.info("To evaluate on the test set after training, pass the "
+ "'evaluate_on_test' flag, or use the 'allennlp evaluate' command.")
+
+ cleanup_global_logging(stdout_handler)
+
+ # Now tar up results
+ archive_model(serialization_dir, files_to_archive=params.files_to_archive)
+ dump_metrics(os.path.join(serialization_dir, "metrics.json"), metrics, log=True)
+
+ # We count on the trainer to have the model with best weights
+ return trainer.model
+
+if __name__ == "__main__":
+ args = argparser.parse_args()
+ train_model_from_args(args)
\ No newline at end of file
diff --git a/convlab/modules/policy/system/policy.py b/convlab/modules/policy/system/policy.py
new file mode 100644
index 0000000..597a157
--- /dev/null
+++ b/convlab/modules/policy/system/policy.py
@@ -0,0 +1,27 @@
+"""
+The policy base class for system bot.
+"""
+
+
+class SysPolicy:
+ """Base class for system policy model."""
+
+ def __init__(self):
+ """ Constructor for SysPolicy class. """
+ pass
+
+ def predict(self, state):
+ """
+ Predict the system action (dialog act) given state.
+ Args:
+ state (dict): Dialog state. For more details about the each field of the dialog state, please refer to
+ the init_state method in convlab/dst/dst_util.py
+ Returns:
+ action (dict): The dialog act of the current turn system response, which is then passed to NLG module to
+ generate a NL utterance.
+ """
+ pass
+
+ def init_session(self):
+ """Init the SysPolicy module to start a new session."""
+ pass
diff --git a/convlab/modules/policy/user/__init__.py b/convlab/modules/policy/user/__init__.py
new file mode 100644
index 0000000..e66c23b
--- /dev/null
+++ b/convlab/modules/policy/user/__init__.py
@@ -0,0 +1 @@
+from convlab.modules.policy.user.multiwoz.policy_agenda_multiwoz import UserPolicyAgendaMultiWoz
diff --git a/convlab/modules/policy/user/multiwoz/__init__.py b/convlab/modules/policy/user/multiwoz/__init__.py
new file mode 100644
index 0000000..a6634ef
--- /dev/null
+++ b/convlab/modules/policy/user/multiwoz/__init__.py
@@ -0,0 +1 @@
+from convlab.modules.policy.user.multiwoz.policy_agenda_multiwoz import UserPolicyAgendaMultiWoz
\ No newline at end of file
diff --git a/convlab/modules/policy/user/multiwoz/policy_agenda_multiwoz.py b/convlab/modules/policy/user/multiwoz/policy_agenda_multiwoz.py
new file mode 100644
index 0000000..a269b73
--- /dev/null
+++ b/convlab/modules/policy/user/multiwoz/policy_agenda_multiwoz.py
@@ -0,0 +1,798 @@
+#!/usr/bin/env python3
+# -*- coding: utf-8 -*-
+
+"""
+"""
+
+__time__ = '2019/1/31 10:24'
+
+import os
+import random
+import json
+import copy
+from convlab.modules.usr.multiwoz.goal_generator import GoalGenerator
+from convlab.modules.policy.user.policy import UserPolicy
+from convlab.modules.util.multiwoz_slot_trans import REF_USR_DA, REF_SYS_DA
+
+DEF_VAL_UNK = '?' # Unknown
+DEF_VAL_DNC = 'don\'t care' # Do not care
+DEF_VAL_NUL = 'none' # for none
+DEF_VAL_BOOKED = 'yes' # for booked
+DEF_VAL_NOBOOK = 'no' # for booked
+NOT_SURE_VALS = [DEF_VAL_UNK, DEF_VAL_DNC, DEF_VAL_NUL, DEF_VAL_NOBOOK]
+
+# import reflect table
+REF_USR_DA_M = copy.deepcopy(REF_USR_DA)
+REF_SYS_DA_M = {}
+for dom, ref_slots in REF_SYS_DA.items():
+ dom = dom.lower()
+ REF_SYS_DA_M[dom] = {}
+ for slot_a, slot_b in ref_slots.items():
+ REF_SYS_DA_M[dom][slot_a.lower()] = slot_b
+ REF_SYS_DA_M[dom]['none'] = None
+
+# def book slot
+BOOK_SLOT = ['people', 'day', 'stay', 'time']
+
+class UserPolicyAgendaMultiWoz(UserPolicy):
+ """ The rule-based user policy model by agenda. Derived from the UserPolicy class """
+
+ # load stand value
+ stand_value_dict = json.load(open(os.path.join(os.path.dirname(
+ os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))))),
+ 'data/value_set.json')))
+
+ def __init__(self, max_goal_num=100, seed=2019):
+ """
+ Constructor for User_Policy_Agenda class.
+ """
+ self.max_turn = 40
+ self.max_initiative = 4
+
+ self.goal_generator = GoalGenerator(corpus_path='data/multiwoz/annotated_user_da_with_span_full.json')
+
+ self.__turn = 0
+ self.goal = None
+ self.agenda = None
+
+ random.seed(seed)
+ self.goal_seeds = [random.randint(1,1e7) for i in range(max_goal_num)]
+
+ #UserPolicy.__init__(self, act_types, slots, slot_dict)
+ UserPolicy.__init__(self)
+
+ def init_session(self):
+ """ Build new Goal and Agenda for next session """
+ self.__turn = 0
+ if len(self.goal_seeds)>1:
+ self.goal = Goal(self.goal_generator, self.goal_seeds[0])
+ self.goal_seeds = self.goal_seeds[1:]
+ else:
+ self.goal = Goal(self.goal_generator)
+ self.agenda = Agenda(self.goal)
+
+ def predict(self, state, sys_action):
+ """
+ Predict an user act based on state and preorder system action.
+ Args:
+ state (tuple): Dialog state.
+ sys_action (tuple): Preorder system action.s
+ Returns:
+ action (tuple): User act.
+ session_over (boolean): True to terminate session, otherwise session continues.
+ reward (float): Reward given by user.
+ """
+ self.__turn += 2
+
+ if self.__turn > self.max_turn:
+ self.agenda.close_session()
+ else:
+ sys_action = self._transform_sysact_in(sys_action)
+ self.agenda.update(sys_action, self.goal)
+ if self.goal.task_complete():
+ self.agenda.close_session()
+
+ # A -> A' + user_action
+ # action = self.agenda.get_action(random.randint(1, self.max_initiative))
+ action = self.agenda.get_action(self.max_initiative)
+
+ # Is there any action to say?
+ session_over = self.agenda.is_empty()
+
+ # reward
+ reward = self._reward()
+
+ # transform to DA
+ action = self._transform_usract_out(action)
+
+ return action, session_over, reward
+
+ def _reward(self):
+ """
+ Calculate reward based on task completion
+ Returns:
+ reward (float): Reward given by user.
+ """
+ if self.goal.task_complete():
+ reward = 2.0 * self.max_turn
+ elif self.agenda.is_empty():
+ reward = -1.0 * self.max_turn
+ else:
+ reward = -1.0
+ return reward
+
+ @classmethod
+ def _transform_usract_out(cls, action):
+ new_action = {}
+ for act in action.keys():
+ if '-' in act:
+ if 'general' not in act:
+ (dom, intent) = act.split('-')
+ new_act = dom.capitalize() + '-' + intent.capitalize()
+ new_action[new_act] = []
+ for pairs in action[act]:
+ slot = REF_USR_DA_M[dom.capitalize()].get(pairs[0], None)
+ if slot is not None:
+ new_action[new_act].append([slot, pairs[1]])
+ #new_action[new_act] = [[REF_USR_DA_M[dom.capitalize()].get(pairs[0], pairs[0]), pairs[1]] for pairs in action[act]]
+ else:
+ new_action[act] = action[act]
+ else:
+ pass
+ return new_action
+
+ @classmethod
+ def _transform_sysact_in(cls, action):
+ new_action = {}
+ if not isinstance(action, dict):
+ print('illegal da:', action)
+ return new_action
+
+ for act in action.keys():
+ if not isinstance(act, str) or '-' not in act:
+ print('illegal act: %s' % act)
+ continue
+
+ if 'general' not in act:
+ (dom, intent) = act.lower().split('-')
+ if dom in REF_SYS_DA_M.keys():
+ new_list = []
+ for pairs in action[act]:
+ if (not isinstance(pairs, list) and not isinstance(pairs, tuple)) or\
+ (len(pairs) < 2) or\
+ (not isinstance(pairs[0], str) or not isinstance(pairs[1], str)):
+ print('illegal pairs:', pairs)
+ continue
+
+ if REF_SYS_DA_M[dom].get(pairs[0].lower(), None) is not None:
+ new_list.append([REF_SYS_DA_M[dom][pairs[0].lower()], cls._normalize_value(dom, intent, REF_SYS_DA_M[dom][pairs[0].lower()], pairs[1])])
+
+ if len(new_list) > 0:
+ new_action[act.lower()] = new_list
+ else:
+ new_action[act.lower()] = action[act]
+
+ return new_action
+
+ @classmethod
+ def _normalize_value(cls, domain, intent, slot, value):
+ if intent == 'request':
+ return DEF_VAL_UNK
+
+ if domain not in cls.stand_value_dict.keys():
+ return value
+
+ if slot not in cls.stand_value_dict[domain]:
+ return value
+
+ value_list = cls.stand_value_dict[domain][slot]
+ if value not in value_list:
+ v0 = ' '.join(value.split())
+ v0N = ''.join(value.split())
+ for val in value_list:
+ v1 = ' '.join(val.split())
+ if v0 in v1 or v1 in v0 or v0N in v1 or v1 in v0N:
+ return v1
+ print('illegal value: %s, slot: %s domain: %s' % (value, slot, domain))
+ return value
+
+
+class Goal(object):
+ """ User Goal Model Class. """
+
+ def __init__(self, goal_generator: GoalGenerator, seed=None):
+ """
+ create new Goal by random
+ Args:
+ goal_generator (GoalGenerator): Goal Gernerator.
+ """
+ self.domain_goals = goal_generator.get_user_goal(seed)
+
+ self.domains = list(self.domain_goals['domain_ordering'])
+ del self.domain_goals['domain_ordering']
+
+ for domain in self.domains:
+ if 'reqt' in self.domain_goals[domain].keys():
+ self.domain_goals[domain]['reqt'] = {slot: DEF_VAL_UNK for slot in self.domain_goals[domain]['reqt']}
+
+ if 'book' in self.domain_goals[domain].keys():
+ self.domain_goals[domain]['booked'] = DEF_VAL_UNK
+
+ if domain in ['attraction', 'restaurant', 'hotel']:
+ if 'name' not in self.domain_goals[domain].get('info', {}).keys():
+ old_dict = self.domain_goals[domain].get('reqt', {})
+ old_dict['name'] = DEF_VAL_UNK
+ old_dict['name'] = DEF_VAL_UNK
+ self.domain_goals[domain]['reqt'] = old_dict
+
+ def task_complete(self):
+ """
+ Check that all requests have been met
+ Returns:
+ (boolean): True to accomplish.
+ """
+ for domain in self.domains:
+ if 'reqt' in self.domain_goals[domain]:
+ reqt_vals = self.domain_goals[domain]['reqt'].values()
+ for val in reqt_vals:
+ if val in NOT_SURE_VALS:
+ return False
+
+ if 'booked' in self.domain_goals[domain]:
+ if self.domain_goals[domain]['booked'] in NOT_SURE_VALS:
+ return False
+ return True
+
+ def next_domain_incomplete(self):
+ # request
+ for domain in self.domains:
+ # reqt
+ if 'reqt' in self.domain_goals[domain]:
+ requests = self.domain_goals[domain]['reqt']
+ unknow_reqts = [key for (key, val) in requests.items() if val in NOT_SURE_VALS]
+ if len(unknow_reqts) > 0:
+ return domain, 'reqt', ['name'] if 'name' in unknow_reqts else unknow_reqts
+
+ # book
+ if 'booked' in self.domain_goals[domain]:
+ if self.domain_goals[domain]['booked'] in NOT_SURE_VALS:
+ return domain, 'book', \
+ self.domain_goals[domain]['fail_book'] if 'fail_book' in self.domain_goals[domain].keys() else self.domain_goals[domain]['book']
+
+ return None, None, None
+
+ def __str__(self):
+ return '-----Goal-----\n' + \
+ json.dumps(self.domain_goals, indent=4) + \
+ '\n-----Goal-----'
+
+
+class Agenda(object):
+ def __init__(self, goal: Goal):
+ """
+ Build a new agenda from goal
+ Args:
+ goal (Goal): User goal.
+ """
+
+ def random_sample(data, minimum=0, maximum=1000):
+ return random.sample(data, random.randint(min(len(data), minimum), min(len(data), maximum)))
+
+ self.CLOSE_ACT = 'general-bye'
+ self.HELLO_ACT = 'general-greet'
+ self.__cur_push_num = 0
+
+ self.__stack = []
+
+ # there is a 'bye' action at the bottom of the stack
+ self.__push(self.CLOSE_ACT)
+
+ for idx in range(len(goal.domains) - 1, -1, -1):
+ domain = goal.domains[idx]
+
+ # inform
+ if 'fail_info' in goal.domain_goals[domain]:
+ for slot in random_sample(goal.domain_goals[domain]['fail_info'].keys(),
+ len(goal.domain_goals[domain]['fail_info'])):
+ self.__push(domain + '-inform', slot, goal.domain_goals[domain]['fail_info'][slot])
+ elif 'info' in goal.domain_goals[domain]:
+ for slot in random_sample(goal.domain_goals[domain]['info'].keys(),
+ len(goal.domain_goals[domain]['info'])):
+ self.__push(domain + '-inform', slot, goal.domain_goals[domain]['info'][slot])
+
+ self.cur_domain = None
+
+ def update(self, sys_action, goal: Goal):
+ """
+ update Goal by current agent action and current goal. { A' + G" + sys_action -> A" }
+ Args:
+ sys_action (tuple): Preorder system action.s
+ goal (Goal): User Goal
+ """
+ self.__cur_push_num = 0
+ self._update_current_domain(sys_action, goal)
+
+ for diaact in sys_action.keys():
+ slot_vals = sys_action[diaact]
+ if 'nooffer' in diaact:
+ if self.update_domain(diaact, slot_vals, goal):
+ return
+ elif 'nobook' in diaact:
+ if self.update_booking(diaact, slot_vals, goal):
+ return
+
+ for diaact in sys_action.keys():
+ if 'nooffer' in diaact or 'nobook' in diaact:
+ continue
+
+ slot_vals = sys_action[diaact]
+ if 'booking' in diaact:
+ if self.update_booking(diaact, slot_vals, goal):
+ return
+ elif 'general' in diaact:
+ if self.update_general(diaact, slot_vals, goal):
+ return
+ else:
+ if self.update_domain(diaact, slot_vals, goal):
+ return
+
+ unk_dom, unk_type, data = goal.next_domain_incomplete()
+ if unk_dom is not None:
+ if unk_type == 'reqt' and not self._check_reqt_info(unk_dom) and not self._check_reqt(unk_dom):
+ for slot in data:
+ self._push_item(unk_dom + '-request', slot, DEF_VAL_UNK)
+ elif unk_type == 'book' and not self._check_reqt_info(unk_dom) and not self._check_book_info(unk_dom):
+ for (slot, val) in data.items():
+ self._push_item(unk_dom + '-inform', slot, val)
+
+ def update_booking(self, diaact, slot_vals, goal: Goal):
+ """
+ Handel Book-XXX
+ :param diaact: Dial-Act
+ :param slot_vals: slot value pairs
+ :param goal: Goal
+ :return: True:user want to close the session. False:session is continue
+ """
+ _, intent = diaact.split('-')
+ domain = self.cur_domain
+
+ if domain not in goal.domains:
+ return False
+
+ g_reqt = goal.domain_goals[domain].get('reqt', dict({}))
+ g_info = goal.domain_goals[domain].get('info', dict({}))
+ g_fail_info = goal.domain_goals[domain].get('fail_info', dict({}))
+ g_book = goal.domain_goals[domain].get('book', dict({}))
+ g_fail_book = goal.domain_goals[domain].get('fail_book', dict({}))
+
+ if intent in ['book', 'inform']:
+ info_right = True
+ for [slot, value] in slot_vals:
+ if slot == 'time':
+ if domain in ['train', 'restaurant']:
+ slot = 'duration' if domain == 'train' else 'time'
+ else:
+ print('illegal booking slot: %s, slot: %s domain' % (slot, domain))
+ continue
+
+ if slot in g_reqt:
+ if not self._check_reqt_info(domain):
+ self._remove_item(domain + '-request', slot)
+ if value in NOT_SURE_VALS:
+ g_reqt[slot] = '\"' + value + '\"'
+ else:
+ g_reqt[slot] = value
+
+ elif slot in g_fail_info and value != g_fail_info[slot]:
+ self._push_item(domain + '-inform', slot, g_fail_info[slot])
+ info_right = False
+ elif len(g_fail_info) <= 0 and slot in g_info and value != g_info[slot]:
+ self._push_item(domain + '-inform', slot, g_info[slot])
+ info_right = False
+
+ elif slot in g_fail_book and value != g_fail_book[slot]:
+ self._push_item(domain + '-inform', slot, g_fail_book[slot])
+ info_right = False
+ elif len(g_fail_book) <= 0 and slot in g_book and value != g_book[slot]:
+ self._push_item(domain + '-inform', slot, g_book[slot])
+ info_right = False
+
+ else:
+ pass
+
+ if intent == 'book' and info_right:
+ # booked ok
+ if 'booked' in goal.domain_goals[domain]:
+ goal.domain_goals[domain]['booked'] = DEF_VAL_BOOKED
+ self._push_item('general-thank')
+
+ elif intent in ['nobook']:
+ if len(g_fail_book) > 0:
+ # Discard fail_book data and update the book data to the stack
+ for slot in g_book.keys():
+ if (slot not in g_fail_book) or (slot in g_fail_book and g_fail_book[slot] != g_book[slot]):
+ self._push_item(domain + '-inform', slot, g_book[slot])
+
+ # change fail_info name
+ goal.domain_goals[domain]['fail_book_fail'] = goal.domain_goals[domain].pop('fail_book')
+ elif 'booked' in goal.domain_goals[domain].keys():
+ self.close_session()
+ return True
+
+ elif intent in ['request']:
+ for [slot, _] in slot_vals:
+ if slot == 'time':
+ if domain in ['train', 'restaurant']:
+ slot = 'duration' if domain == 'train' else 'time'
+ else:
+ print('illegal booking slot: %s, slot: %s domain' % (slot, domain))
+ continue
+
+ if slot in g_reqt:
+ pass
+ elif slot in g_fail_info:
+ self._push_item(domain + '-inform', slot, g_fail_info[slot])
+ elif len(g_fail_info) <= 0 and slot in g_info:
+ self._push_item(domain + '-inform', slot, g_info[slot])
+
+ elif slot in g_fail_book:
+ self._push_item(domain + '-inform', slot, g_fail_book[slot])
+ elif len(g_fail_book) <= 0 and slot in g_book:
+ self._push_item(domain + '-inform', slot, g_book[slot])
+
+ else:
+
+ if domain == 'taxi' and (slot == 'destination' or slot == 'departure'):
+ places = [dom for dom in goal.domains[: goal.domains.index('taxi')] if
+ 'address' in goal.domain_goals[dom]['reqt']]
+
+ if len(places) >= 1 and slot == 'destination' and \
+ goal.domain_goals[places[-1]]['reqt']['address'] not in NOT_SURE_VALS:
+ self._push_item(domain + '-inform', slot, goal.domain_goals[places[-1]]['reqt']['address'])
+
+ elif len(places) >= 2 and slot == 'departure' and \
+ goal.domain_goals[places[-2]]['reqt']['address'] not in NOT_SURE_VALS:
+ self._push_item(domain + '-inform', slot, goal.domain_goals[places[-2]]['reqt']['address'])
+
+ elif random.random() < 0.5:
+ self._push_item(domain + '-inform', slot, DEF_VAL_DNC)
+
+ elif random.random() < 0.5:
+ self._push_item(domain + '-inform', slot, DEF_VAL_DNC)
+
+ return False
+
+ def update_domain(self, diaact, slot_vals, goal: Goal):
+ """
+ Handel Domain-XXX
+ :param diaact: Dial-Act
+ :param slot_vals: slot value pairs
+ :param goal: Goal
+ :return: True:user want to close the session. False:session is continue
+ """
+ domain, intent = diaact.split('-')
+
+ if domain not in goal.domains:
+ return False
+
+ g_reqt = goal.domain_goals[domain].get('reqt', dict({}))
+ g_info = goal.domain_goals[domain].get('info', dict({}))
+ g_fail_info = goal.domain_goals[domain].get('fail_info', dict({}))
+ g_book = goal.domain_goals[domain].get('book', dict({}))
+ g_fail_book = goal.domain_goals[domain].get('fail_book', dict({}))
+
+ if intent in ['inform', 'recommend', 'offerbook', 'offerbooked']:
+ info_right = True
+ for [slot, value] in slot_vals:
+ if slot in g_reqt:
+ if not self._check_reqt_info(domain):
+ self._remove_item(domain + '-request', slot)
+ if value in NOT_SURE_VALS:
+ g_reqt[slot] = '\"' + value + '\"'
+ else:
+ g_reqt[slot] = value
+
+ elif slot in g_fail_info and value != g_fail_info[slot]:
+ self._push_item(domain + '-inform', slot, g_fail_info[slot])
+ info_right = False
+ elif len(g_fail_info) <= 0 and slot in g_info and value != g_info[slot]:
+ self._push_item(domain + '-inform', slot, g_info[slot])
+ info_right = False
+
+ elif slot in g_fail_book and value != g_fail_book[slot]:
+ self._push_item(domain + '-inform', slot, g_fail_book[slot])
+ info_right = False
+ elif len(g_fail_book) <= 0 and slot in g_book and value != g_book[slot]:
+ self._push_item(domain + '-inform', slot, g_book[slot])
+ info_right = False
+
+ else:
+ pass
+
+ if intent == 'offerbooked' and info_right:
+ # booked ok
+ if 'booked' in goal.domain_goals[domain]:
+ goal.domain_goals[domain]['booked'] = DEF_VAL_BOOKED
+ self._push_item('general-thank')
+
+ elif intent in ['request']:
+ for [slot, _] in slot_vals:
+ if slot in g_reqt:
+ pass
+ elif slot in g_fail_info:
+ self._push_item(domain + '-inform', slot, g_fail_info[slot])
+ elif len(g_fail_info) <= 0 and slot in g_info:
+ self._push_item(domain + '-inform', slot, g_info[slot])
+
+ elif slot in g_fail_book:
+ self._push_item(domain + '-inform', slot, g_fail_book[slot])
+ elif len(g_fail_book) <= 0 and slot in g_book:
+ self._push_item(domain + '-inform', slot, g_book[slot])
+
+ else:
+
+ if domain == 'taxi' and (slot == 'destination' or slot == 'departure'):
+ places = [dom for dom in goal.domains[: goal.domains.index('taxi')] if
+ 'address' in goal.domain_goals[dom]['reqt']]
+
+ if len(places) >= 1 and slot == 'destination' and \
+ goal.domain_goals[places[-1]]['reqt']['address'] not in NOT_SURE_VALS:
+ self._push_item(domain + '-inform', slot, goal.domain_goals[places[-1]]['reqt']['address'])
+
+ elif len(places) >= 2 and slot == 'departure' and \
+ goal.domain_goals[places[-2]]['reqt']['address'] not in NOT_SURE_VALS:
+ self._push_item(domain + '-inform', slot, goal.domain_goals[places[-2]]['reqt']['address'])
+
+ elif random.random() < 0.5:
+ self._push_item(domain + '-inform', slot, DEF_VAL_DNC)
+
+ elif random.random() < 0.5:
+ self._push_item(domain + '-inform', slot, DEF_VAL_DNC)
+
+ elif intent in ['nooffer']:
+ if len(g_fail_info) > 0:
+ # update info data to the stack
+ for slot in g_info.keys():
+ if (slot not in g_fail_info) or (slot in g_fail_info and g_fail_info[slot] != g_info[slot]):
+ self._push_item(domain + '-inform', slot, g_info[slot])
+
+ # change fail_info name
+ goal.domain_goals[domain]['fail_info_fail'] = goal.domain_goals[domain].pop('fail_info')
+ elif len(g_reqt.keys()) > 0:
+ self.close_session()
+ return True
+
+ elif intent in ['select']:
+ # delete Choice
+ slot_vals = [[slot, val] for [slot, val] in slot_vals if slot != 'choice']
+
+ if len(slot_vals) > 0:
+ slot = slot_vals[0][0]
+
+ if slot in g_fail_info:
+ self._push_item(domain + '-inform', slot, g_fail_info[slot])
+ elif len(g_fail_info) <= 0 and slot in g_info:
+ self._push_item(domain + '-inform', slot, g_info[slot])
+
+ elif slot in g_fail_book:
+ self._push_item(domain + '-inform', slot, g_fail_book[slot])
+ elif len(g_fail_book) <= 0 and slot in g_book:
+ self._push_item(domain + '-inform', slot, g_book[slot])
+
+ else:
+ if not self._check_reqt_info(domain):
+ [slot, value] = random.choice(slot_vals)
+ self._push_item(domain + '-inform', slot, value)
+
+ if slot in g_reqt:
+ self._remove_item(domain + '-request', slot)
+ g_reqt[slot] = value
+
+ return False
+
+ def update_general(self, diaact, slot_vals, goal: Goal):
+ domain, intent = diaact.split('-')
+
+ if intent == 'bye':
+ # self.close_session()
+ # return True
+ pass
+ elif intent == 'greet':
+ pass
+ elif intent == 'reqmore':
+ pass
+ elif intent == 'welcome':
+ pass
+
+ return False
+
+ def close_session(self):
+ """ Clear up all actions """
+ self.__stack = []
+ self.__push(self.CLOSE_ACT)
+
+ def get_action(self, initiative=1):
+ """
+ get multiple acts based on initiative
+ Args:
+ initiative (int): number of slots , just for 'inform'
+ Returns:
+ action (dict): user diaact
+ """
+ diaacts, slots, values = self.__pop(initiative)
+ action = {}
+ for (diaact, slot, value) in zip(diaacts, slots, values):
+ if diaact not in action.keys():
+ action[diaact] = []
+ action[diaact].append([slot, value])
+
+ return action
+
+ def is_empty(self):
+ """
+ Is the agenda already empty
+ Returns:
+ (boolean): True for empty, False for not.
+ """
+ return len(self.__stack) <= 0
+
+ def _update_current_domain(self, sys_action, goal: Goal):
+ for diaact in sys_action.keys():
+ domain, _ = diaact.split('-')
+ if domain in goal.domains:
+ self.cur_domain = domain
+
+ def _remove_item(self, diaact, slot=DEF_VAL_UNK):
+ for idx in range(len(self.__stack)):
+ if 'general' in diaact:
+ if self.__stack[idx]['diaact'] == diaact:
+ self.__stack.remove(self.__stack[idx])
+ break
+ else:
+ if self.__stack[idx]['diaact'] == diaact and self.__stack[idx]['slot'] == slot:
+ self.__stack.remove(self.__stack[idx])
+ break
+
+ def _push_item(self, diaact, slot=DEF_VAL_NUL, value=DEF_VAL_NUL):
+ self._remove_item(diaact, slot)
+ self.__push(diaact, slot, value)
+ self.__cur_push_num += 1
+
+ def _check_item(self, diaact, slot=None):
+ for idx in range(len(self.__stack)):
+ if slot is None:
+ if self.__stack[idx]['diaact'] == diaact:
+ return True
+ else:
+ if self.__stack[idx]['diaact'] == diaact and self.__stack[idx]['slot'] == slot:
+ return True
+ return False
+
+ def _check_reqt(self, domain):
+ for idx in range(len(self.__stack)):
+ if self.__stack[idx]['diaact'] == domain + '-request':
+ return True
+ return False
+
+ def _check_reqt_info(self, domain):
+ for idx in range(len(self.__stack)):
+ if self.__stack[idx]['diaact'] == domain + '-inform' and self.__stack[idx]['slot'] not in BOOK_SLOT:
+ return True
+ return False
+
+ def _check_book_info(self, domain):
+ for idx in range(len(self.__stack)):
+ if self.__stack[idx]['diaact'] == domain + '-inform' and self.__stack[idx]['slot'] in BOOK_SLOT:
+ return True
+ return False
+
+ def __check_next_diaact_slot(self):
+ if len(self.__stack) > 0:
+ return self.__stack[-1]['diaact'], self.__stack[-1]['slot']
+ return None, None
+
+ def __check_next_diaact(self):
+ if len(self.__stack) > 0:
+ return self.__stack[-1]['diaact']
+ return None
+
+ def __push(self, diaact, slot=DEF_VAL_NUL, value=DEF_VAL_NUL):
+ self.__stack.append({'diaact': diaact, 'slot': slot, 'value': value})
+
+ def __pop(self, initiative=1):
+ diaacts = []
+ slots = []
+ values = []
+
+ p_diaact, p_slot = self.__check_next_diaact_slot()
+ if p_diaact.split('-')[1] == 'inform' and p_slot in BOOK_SLOT:
+ for _ in range(10 if self.__cur_push_num == 0 else self.__cur_push_num):
+ try:
+ item = self.__stack.pop(-1)
+ diaacts.append(item['diaact'])
+ slots.append(item['slot'])
+ values.append(item['value'])
+
+ cur_diaact = item['diaact']
+
+ next_diaact, next_slot = self.__check_next_diaact_slot()
+ if next_diaact is None or \
+ next_diaact != cur_diaact or \
+ next_diaact.split('-')[1] != 'inform' or next_slot not in BOOK_SLOT:
+ break
+ except:
+ break
+ else:
+ for _ in range(initiative if self.__cur_push_num == 0 else self.__cur_push_num):
+ try:
+ item = self.__stack.pop(-1)
+ diaacts.append(item['diaact'])
+ slots.append(item['slot'])
+ values.append(item['value'])
+
+ cur_diaact = item['diaact']
+
+ next_diaact = self.__check_next_diaact()
+ if next_diaact is None or \
+ next_diaact != cur_diaact or \
+ (cur_diaact.split('-')[1] == 'request' and item['slot'] == 'name'):
+ break
+ except:
+ break
+
+ return diaacts, slots, values
+
+ def __str__(self):
+ text = '\n-----agenda-----\n'
+ text += '\n'
+ for item in reversed(self.__stack):
+ text += str(item) + '\n'
+ text += '\n'
+ text += '-----agenda-----\n'
+ return text
+
+
+def test():
+ user_simulator = UserPolicyAgendaMultiWoz()
+ user_simulator.init_session()
+
+ test_turn(user_simulator, {'Train-NoOffer': [['Day', 'saturday'], ['Dest', 'place'], ['Depart', 'place']]})
+ test_turn(user_simulator, {'Hotel-NoOffer': [['stars', '3'], ['internet', 'yes'], ['type', 'guest house']], 'Hotel-Request': [['stars', '?']]})
+ test_turn(user_simulator, {"Hotel-Inform": [["Type", "qqq"], ["Parking", "no"], ["Internet", "yes"]]})
+ test_turn(user_simulator, {"Hotel-Inform": [["Type", "qqq"], ["Parking", "no"]]})
+ test_turn(user_simulator, {"Booking-Request": [["Day", "123"], ["Time", "no"]]})
+ test_turn(user_simulator, {"Hotel-Request": [["Addr", "?"]], "Hotel-Inform": [["Internet", "yes"]]})
+ test_turn(user_simulator, {"Hotel-Request": [["Type", "?"], ["Parking", "?"]]})
+ test_turn(user_simulator, {"Hotel-Nooffer": [["Stars", "3"]], "Hotel-Request": [["Parking", "?"]]})
+ test_turn(user_simulator, {"Hotel-Select": [["Area", "aa"], ["Area", "bb"], ["Area", "cc"], ['Choice', 3]]})
+ test_turn(user_simulator, {"Hotel-Offerbooked": [["Ref", "12345"]]})
+
+def test_turn(user_simulator, sys_action):
+ print('input:', sys_action)
+ action, session_over, reward = user_simulator.predict(None, sys_action)
+ print('----------------------------------')
+ print('sys_action :' + str(sys_action))
+ print('user_action:' + str(action))
+ print('over :' + str(session_over))
+ print('reward :' + str(reward))
+ print(user_simulator.goal)
+ print(user_simulator.agenda)
+
+
+def test_with_system():
+ from convlab.policy.system.rule_based_multiwoz_bot import RuleBasedMultiwozBot, fake_state
+ user_simulator = UserPolicyAgendaMultiWoz()
+ user_simulator.init_session()
+ state = fake_state()
+ system_agent = RuleBasedMultiwozBot(None, None, None)
+ sys_action = system_agent.predict(state)
+ action, session_over, reward = user_simulator.predict(None, sys_action)
+ print("Sys:")
+ print(json.dumps(sys_action, indent=4))
+ print("User:")
+ print(json.dumps(action, indent=4))
+
+
+if __name__ == '__main__':
+ test()
+ # test_with_system()
diff --git a/convlab/modules/policy/user/multiwoz/policy_uber.py b/convlab/modules/policy/user/multiwoz/policy_uber.py
new file mode 100644
index 0000000..660ee81
--- /dev/null
+++ b/convlab/modules/policy/user/multiwoz/policy_uber.py
@@ -0,0 +1,227 @@
+from convlab.modules.usr.multiwoz.goal_generator import GoalGenerator
+from convlab.modules.policy.user.policy import UserPolicy
+from convlab.util.multiwoz_slot_trans import REF_USR_DA, REF_SYS_DA
+from convlab.modules.usr.multiwoz.uber_usr.data_loader import DataLoader
+import numpy as np
+import os
+import copy
+
+from convlab.modules.usr.multiwoz.uber_usr.model import E2EUser
+
+DEF_VAL_UNK = '?' # Unknown
+DEF_VAL_DNC = 'don\'t care' # Do not care
+DEF_VAL_NUL = 'none' # for none
+DEF_VAL_BOOKED = 'yes' # for booked
+DEF_VAL_NOBOOK = 'no' # for booked
+NOT_SURE_VALS = [DEF_VAL_UNK, DEF_VAL_DNC, DEF_VAL_NUL, DEF_VAL_NOBOOK]
+
+# import reflect table
+REF_USR_DA_M = copy.deepcopy(REF_USR_DA)
+REF_SYS_DA_M = {}
+for dom, ref_slots in REF_SYS_DA.items():
+ dom = dom.lower()
+ REF_SYS_DA_M[dom] = {}
+ for slot_a, slot_b in ref_slots.items():
+ REF_SYS_DA_M[dom][slot_a.lower()] = slot_b
+ REF_SYS_DA_M[dom]['none'] = None
+
+# def book slot
+BOOK_SLOT = ['people', 'day', 'stay', 'time']
+
+class Goal(object):
+ def __init__(self, goal_generator: GoalGenerator, seed=None):
+ """
+ create new Goal by random
+ Args:
+ goal_generator (GoalGenerator): Goal Gernerator.
+ """
+ self.domain_goals = goal_generator.get_user_goal(seed)
+ self.domain_goals_org = copy.deepcopy(self.domain_goals)
+
+ self.domains = list(self.domain_goals['domain_ordering'])
+ del self.domain_goals['domain_ordering']
+
+ for domain in self.domains:
+ if 'reqt' in self.domain_goals[domain].keys():
+ self.domain_goals[domain]['reqt'] = {slot: DEF_VAL_UNK for slot in self.domain_goals[domain]['reqt']}
+
+ if 'book' in self.domain_goals[domain].keys():
+ self.domain_goals[domain]['booked'] = DEF_VAL_UNK
+
+ if domain in ['attraction', 'restaurant', 'hotel']:
+ if 'name' not in self.domain_goals[domain].get('info', {}).keys():
+ old_dict = self.domain_goals[domain].get('reqt', {})
+ old_dict['name'] = DEF_VAL_UNK
+ old_dict['name'] = DEF_VAL_UNK
+ self.domain_goals[domain]['reqt'] = old_dict
+
+ def task_complete(self):
+ """
+ Check that all requests have been met
+ Returns:
+ (boolean): True to accomplish.
+ """
+ for domain in self.domains:
+ if 'reqt' in self.domain_goals[domain]:
+ reqt_vals = self.domain_goals[domain]['reqt'].values()
+ for val in reqt_vals:
+ if val in NOT_SURE_VALS:
+ return False
+
+ if 'booked' in self.domain_goals[domain]:
+ if self.domain_goals[domain]['booked'] in NOT_SURE_VALS:
+ return False
+ return True
+
+ def __str__(self):
+ return '-----Goal-----\n' + \
+ json.dumps(self.domain_goals, indent=4) + \
+ '\n-----Goal-----'
+
+class UserPolicyHUS(UserPolicy):
+
+
+ def __init__(self):
+
+ self.max_turn = 40
+ self.max_response_len = 15
+
+ self.goal_generator = GoalGenerator(corpus_path='data/multiwoz/annotated_user_da_with_span_full.json')
+
+ self.goal = None
+ self.sys_da = None
+ self.usr_da = None
+ self.session_over = False
+ self.cur_domain = None
+
+ self.data = DataLoader()
+ self.voc_goal, self.voc_usr, self.voc_sys = self.data.vocab_loader()
+ self.goal_vocab_size, self.usr_vocab_size, self.sys_vocab_size = self.data.get_voc_size()
+ self.user = E2EUser(self.goal_vocab_size, self.usr_vocab_size, self.sys_vocab_size)
+ model_path = os.path.join(os.path.join(os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))), 'usr'), 'uber_usr'), 'save')
+ self.user.load_checkpoint(os.path.join(model_path, '9-00003500'))
+
+
+ def init_session(self):
+
+ self.__turn = 0
+ self.session_over = False
+
+ self.goal = Goal(self.goal_generator)
+ self.sys_da = []
+ self.__user_action = []
+ self.cur_domain = None
+
+ def predict(self, state, sys_action):
+ self.__turn += 2
+ if(self.__turn) >= self.max_turn:
+ self.close_session()
+ return {}, True, self.reward
+
+ self.reward = -1
+
+ self.sys_da.append(sys_action)
+
+ self.sys_da_seq = [[self.data.sysda2seq(da, self.goal.domain_goals_org) for da in self.sys_da]]
+ self.sys_da_seq = [[[self.voc_sys.get(word, self.voc_sys[self.data.unk]) for word in sys_da] for sys_da in sys_das] for
+ sys_das in self.sys_da_seq]
+ self.goal_seq = [[self.voc_goal.get(word, self.voc_goal[self.data.unk]) for word in goal] for goal in [self.data.usrgoal2seq(self.goal.domain_goals_org)]]
+
+ batch_input = {}
+ posts_length = []
+ posts = []
+ goals_length = []
+ goals = []
+
+ ''' start padding '''
+ sentence_num = [len(sess) for sess in self.sys_da_seq]
+ max_sentence_num = max(sentence_num)
+
+ max_goal_length = max([len(sess_goal) for sess_goal in self.goal_seq])
+ for i, l in enumerate(sentence_num):
+ goals_length += [len(self.goal_seq[i])] * l
+ goals_padded = self.goal_seq[i] + [0] * (max_goal_length - len(self.goal_seq[i]))
+ goals += [goals_padded] * l
+
+ for sess in self.sys_da_seq:
+
+ sen_padded = padding(sess, 15)
+
+ for j, sen in enumerate(sess):
+ if j == 0:
+ post_single = np.zeros([max_sentence_num, 15], np.int)
+ post_length_single = np.zeros([max_sentence_num], np.int)
+ else:
+ post_single = posts[-1]
+ post_length_single = posts_length[-1]
+ post_length_single[j] = min(len(sen), 15)
+ post_single[j, :] = sen_padded[j]
+
+ posts_length.append(post_length_single)
+ posts.append(post_single)
+ ''' end padding '''
+
+ batch_input['posts_length'] = posts_length
+ batch_input['posts'] = posts
+ batch_input['goals_length'] = goals_length
+ batch_input['goals'] = goals
+ response_idx = self.user.inference(batch_input)
+ response_seq = self.data.id2sentence(response_idx[0][0])
+ user_action = self.data.usrseq2da(response_seq, self.goal.domain_goals_org)
+ self.__user_action.append(user_action)
+
+ # print("User action: ", user_action)
+ self.update(user_action, self.goal.domain_goals)
+
+ return user_action, self.session_over, self.reward
+
+ def update(self, user_action, domain_goals):
+ # print("Org goal: ", domain_goals)
+ for user_act in user_action:
+ domain, intent = user_act.split('-')
+ if intent == 'Request':
+ for slot in user_action[user_act]:
+ try:
+ del domain_goals[domain.lower()]['reqt'][REF_SYS_DA[domain].get(slot[0], slot[0])]
+ except:
+ pass
+ elif intent == 'Inform':
+ for slot in user_action[user_act]:
+ try:
+ del domain_goals[domain.lower()]['info'][REF_SYS_DA[domain].get(slot[0], slot[0])]
+ except:
+ pass
+ # print("Goal after: ", domain_goals)
+
+
+ def close_session(self):
+ self.session_over = True
+ if self.goal.task_complete == True:
+ self.reward = 2.0 * self.max_turn
+ else:
+ self.reward = -1.0 * self.max_turn
+ # print(self.goal.domain_goals)
+ # print(self.goal.domain_goals_org)
+ total_slot_cnt = 0
+ satisfied_slot_cnt = 0
+ for domain in self.goal.domain_goals_org:
+ for intent in ['info', 'reqt']:
+ try:
+ for slot in self.goal.domain_goals_org[domain][intent]:
+ total_slot_cnt += 1
+ if slot not in self.goal.domain_goals[domain][intent]:
+ satisfied_slot_cnt += 1
+ except:
+ pass
+ print("Total slots: ", total_slot_cnt)
+ print("Satisfied slots: ", satisfied_slot_cnt)
+
+def padding(origin, l):
+ """
+ pad a list of different lens "origin" to the same len "l"
+ """
+ new = origin.copy()
+ for i, j in enumerate(new):
+ new[i] += [0] * (l - len(j))
+ new[i] = j[:l]
+ return new
\ No newline at end of file
diff --git a/convlab/modules/policy/user/policy.py b/convlab/modules/policy/user/policy.py
new file mode 100644
index 0000000..ed638b0
--- /dev/null
+++ b/convlab/modules/policy/user/policy.py
@@ -0,0 +1,29 @@
+"""
+The policy base class for user bot.
+"""
+
+
+class UserPolicy:
+ """Base model for user policy model."""
+ def __init__(self):
+ """ Constructor for UserPolicy class. """
+ pass
+
+ def predict(self, state, sys_action):
+ """
+ Predict an user act based on state and preorder system action.
+ Args:
+ state (tuple): Dialog state.
+ sys_action (tuple): Preorder system action.s
+ Returns:
+ action (tuple): User act.
+ session_over (boolean): True to terminate session, otherwise session continues.
+ reward (float): Reward given by the user.
+ """
+ pass
+
+ def init_session(self):
+ """
+ Restore after one session
+ """
+ pass
\ No newline at end of file
diff --git a/convlab/modules/state_encoder/__init__.py b/convlab/modules/state_encoder/__init__.py
new file mode 100644
index 0000000..2c0fb7a
--- /dev/null
+++ b/convlab/modules/state_encoder/__init__.py
@@ -0,0 +1 @@
+from convlab.modules.state_encoder.multiwoz.multiwoz_state_encoder import MultiWozStateEncoder
\ No newline at end of file
diff --git a/convlab/modules/state_encoder/multiwoz/__init__.py b/convlab/modules/state_encoder/multiwoz/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/state_encoder/multiwoz/multiwoz_state_encoder.py b/convlab/modules/state_encoder/multiwoz/multiwoz_state_encoder.py
new file mode 100644
index 0000000..8b2c5cd
--- /dev/null
+++ b/convlab/modules/state_encoder/multiwoz/multiwoz_state_encoder.py
@@ -0,0 +1,200 @@
+import os
+import json
+from pprint import pprint
+import numpy as np
+
+from convlab.modules.util.dbquery import query
+from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA, REF_USR_DA
+
+
+class MultiWozStateEncoder(object):
+ def __init__(self):
+ pass
+
+ def encode(self, state):
+ db_vector = self.get_db_state(state['belief_state'])
+ book_vector = self.get_book_state(state['belief_state'])
+ info_vector = self.get_info_state(state['belief_state'])
+ request_vector = self.get_request_state(state['request_state'])
+ user_act_vector = self.get_user_act_state(state['user_action'])
+ history_vector = self.get_history_state(state['history'])
+
+ return np.concatenate((db_vector, book_vector, info_vector, request_vector, user_act_vector, history_vector))
+
+ def get_history_state(self, history):
+ history_vector = []
+
+ user_act = None
+ repeat_count = 0
+ user_act_repeat_vector = [0] * 5
+ for turn in reversed(history):
+ if user_act == None:
+ user_act = turn[1]
+ elif user_act == turn[1]:
+ repeat_count += 1
+ else:
+ break
+ user_act_repeat_vector[min(4, repeat_count)] = 1
+ history_vector += user_act_repeat_vector
+
+ return history_vector
+
+ def get_user_act_state(self, user_act):
+ user_act_vector = []
+
+ for domain in REF_SYS_DA:
+ for slot in REF_SYS_DA[domain]:
+ for act_type in ['Inform', 'Request', 'Booking']:
+ domain_act = domain + '-' + act_type
+ if domain_act in user_act and slot in [sv[0] for sv in user_act[domain_act]]:
+ user_act_vector.append(1)
+ # print(domain, act_type, slot)
+ else:
+ user_act_vector.append(0)
+
+ return np.array(user_act_vector)
+
+ def get_request_state(self, request_state):
+ domains = ['taxi', 'restaurant', 'hospital', 'hotel', 'attraction', 'train', 'police']
+ request_vector = []
+
+ for domain in domains:
+ domain_vector = [0] * (len(REF_USR_DA[domain.capitalize()]) + 1)
+ if domain in request_state:
+ for slot in request_state[domain]:
+ if slot == 'ref':
+ domain_vector[-1] = 1
+ else:
+ # print("request: {} {}".format(domain.capitalize(), slot))
+ domain_vector[list(REF_USR_DA[domain.capitalize()].keys()).index(slot)] = 1
+ # print("request:", slot)
+ request_vector.extend(domain_vector)
+
+ return np.array(request_vector)
+
+ def get_info_state(self, belief_state):
+ """Based on the mturk annotations we form multi-domain belief state"""
+ domains = ['taxi', 'restaurant', 'hospital', 'hotel', 'attraction', 'train', 'police']
+ info_vector = []
+
+ for domain in domains:
+ domain_active = False
+
+ booking = []
+ for slot in sorted(belief_state[domain]['book'].keys()):
+ if slot == 'booked':
+ if belief_state[domain]['book']['booked']:
+ booking.append(1)
+ else:
+ booking.append(0)
+ else:
+ if belief_state[domain]['book'][slot] != "":
+ print("domain {} booking set".format(domain))
+ booking.append(1)
+ else:
+ booking.append(0)
+ if domain == 'train':
+ if 'people' not in belief_state[domain]['book'].keys():
+ booking.append(0)
+ else:
+ booking.append(1)
+ if 'ticket' not in belief_state[domain]['book'].keys():
+ booking.append(0)
+ else:
+ booking.append(1)
+ info_vector += booking
+
+ for slot in belief_state[domain]['semi']:
+ slot_enc = [0, 0, 0] # not mentioned, dontcare, filled
+ if belief_state[domain]['semi'][slot] in ['', 'not mentioned']:
+ slot_enc[0] = 1
+ elif belief_state[domain]['semi'][slot] == 'dont care' or belief_state[domain]['semi'][slot] == 'dontcare' or belief_state[domain]['semi'][slot] == "don't care":
+ slot_enc[1] = 1
+ domain_active = True
+ # print("dontcare:", slot)
+ elif belief_state[domain]['semi'][slot]:
+ slot_enc[2] = 1
+ domain_active = True
+ # print("filled:", slot)
+ info_vector += slot_enc
+
+ # quasi domain-tracker
+ if domain_active:
+ info_vector += [1]
+ else:
+ info_vector += [0]
+
+ assert len(info_vector) == 94
+ return np.array(info_vector)
+
+ def get_book_state(self, belief_state):
+ """Add information about availability of the booking option."""
+ # Booking pointer
+ rest_vec = np.array([1, 0])
+ if "book" in belief_state['restaurant']:
+ if "booked" in belief_state['restaurant']['book']:
+ if belief_state['restaurant']['book']["booked"]:
+ if "reference" in belief_state['restaurant']['book']["booked"][0]:
+ rest_vec = np.array([0, 1])
+
+ hotel_vec = np.array([1, 0])
+ if "book" in belief_state['hotel']:
+ if "booked" in belief_state['hotel']['book']:
+ if belief_state['hotel']['book']["booked"]:
+ if "reference" in belief_state['hotel']['book']["booked"][0]:
+ hotel_vec = np.array([0, 1])
+
+ train_vec = np.array([1, 0])
+ if "book" in belief_state['train']:
+ if "booked" in belief_state['train']['book']:
+ if belief_state['train']['book']["booked"]:
+ if "reference" in belief_state['train']['book']["booked"][0]:
+ train_vec = np.array([0, 1])
+
+ return np.concatenate((rest_vec, hotel_vec, train_vec))
+
+ def get_db_state(self, belief_state):
+ domains = ['restaurant', 'hotel', 'attraction', 'train']
+ db_vector = np.zeros(6 * len(domains))
+ num_entities = {}
+ for domain in domains:
+ entities = query(domain, belief_state[domain]['semi'].items())
+ db_vector = self.one_hot(len(entities), domain, domains, db_vector)
+
+ return db_vector
+
+ def one_hot(self, num, domain, domains, vector):
+ """Return number of available entities for particular domain."""
+ number_of_options = 6
+ if domain != 'train':
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0,0])
+ elif num == 1:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num == 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num == 3:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num == 4:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num >= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+ else:
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0, 0])
+ elif num <= 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num <= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num <= 10:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num <= 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num > 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+
+ return vector
+
+
diff --git a/convlab/modules/usr/__init__.py b/convlab/modules/usr/__init__.py
new file mode 100644
index 0000000..57cfa2d
--- /dev/null
+++ b/convlab/modules/usr/__init__.py
@@ -0,0 +1,4 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.usr.user import UserSimulator
diff --git a/convlab/modules/usr/multiwoz/__init__.py b/convlab/modules/usr/multiwoz/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/usr/multiwoz/goal_generator.py b/convlab/modules/usr/multiwoz/goal_generator.py
new file mode 100644
index 0000000..3a4b983
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/goal_generator.py
@@ -0,0 +1,649 @@
+"""
+"""
+
+import os
+import json
+import random
+from collections import Counter
+from collections import defaultdict
+from copy import deepcopy
+import numpy as np
+from numpy.random import multinomial
+import pickle
+from pprint import pprint
+
+from convlab.modules.util import dbquery
+
+domains = {'attraction', 'hotel', 'restaurant', 'train', 'taxi', 'hospital', 'police'}
+days = ['monday', 'tuesday', 'wednesday', 'thursday', 'friday', 'saturday', 'sunday']
+domain_keywords = {
+ 'restaurant': 'place to dine',
+ 'train': 'train',
+ 'hotel': 'place to stay',
+ 'attraction': 'places to go',
+ 'police': 'help',
+ 'taxi': 'taxi',
+ 'hospital': 'hospital'
+}
+request_slot_string_map = {
+ 'phone': 'phone number',
+ 'pricerange': 'price range',
+ 'duration': 'travel time',
+ 'arriveBy': 'arrival time',
+ 'leaveAt': 'departure time',
+ 'trainID': 'train ID'
+}
+templates = {
+ 'intro': 'You are looking for information in Cambridge.',
+ 'restaurant': {
+ 'intro': 'You are looking forward to trying local restaurants.',
+ 'request': 'Once you find a restaurnat, make sure you get {}.',
+ 'area': 'The restaurant should be in the {}.',
+ 'food': 'The restaurant should serve {} food.',
+ 'name': 'You are looking for a particular restaurant. Its name is called {}.',
+ 'pricerange': 'The restaurant should be in the {} price range.',
+ 'book': 'Once you find the restaurant you want to book a table {}.',
+ 'fail_info food': 'If there is no such restaurant, how about one that serves {} food.',
+ 'fail_info area': 'If there is no such restaurant, how about one in the {} area.',
+ 'fail_info pricerange': 'If there is no such restaurant, how about one in the {} price range.',
+ 'fail_book time': 'If the booking fails how about {}.',
+ 'fail_book day': 'If the booking fails how about {}.'
+ },
+ 'hotel': {
+ 'intro': 'You are looking for a place to stay.',
+ 'request': 'Once you find a hotel, make sure you get {}.',
+ 'stars': 'The hotel should have a star of {}.',
+ 'area': 'The hotel should be in the {}.',
+ 'type': 'The hotel should be in the type of {}.',
+ 'pricerange': 'The hotel should be in the {} price range.',
+ 'name': 'You are looking for a particular hotel. Its name is called {}.',
+ 'internet yes': 'The hotel should include free wifi.',
+ 'internet no': 'The hotel does not need to include free wifi.',
+ 'parking yes': 'The hotel should include free parking.',
+ 'parking no': 'The hotel does not need to include free parking.',
+ 'book': 'Once you find the hotel you want to book it {}.',
+ 'fail_info type': 'If there is no such hotel, how about one that is in the type of {}.',
+ 'fail_info area': 'If there is no such hotel, how about one that is in the {} area.',
+ 'fail_info stars': 'If there is no such hotel, how about one that has a star of {}.',
+ 'fail_info pricerange': 'If there is no such hotel, how about one that is in the {} price range.',
+ 'fail_info parking yes': 'If there is no such hotel, how about one that has free parking.',
+ 'fail_info parking no': 'If there is no such hotel, how about one that does not has free parking.',
+ 'fail_info internet yes': 'If there is no such hotel, how about one that has free wifi.',
+ 'fail_info internet no': 'If there is no such hotel, how about one that does not has free wifi.',
+ 'fail_book stay': 'If the booking fails how about {} nights.',
+ 'fail_book day': 'If the booking fails how about {}.'
+ },
+ 'attraction': {
+ 'intro': 'You are excited about seeing local tourist attractions.',
+ 'request': 'Once you find an attraction, make sure you get {}.',
+ 'area': 'The attraction should be in the {}.',
+ 'type': 'The attraction should be in the type of {}.',
+ 'name': 'You are looking for a particular attraction. Its name is called {}.',
+ 'fail_info type': 'If there is no such attraction, how about one that is in the type of {}.',
+ 'fail_info area': 'If there is no such attraction, how about one in the {} area.'
+ },
+ 'taxi': {
+ 'intro': 'You are also looking for a taxi.',
+ 'commute': 'You also want to book a taxi to commute between the two places.',
+ 'restaurant': 'You want to make sure it arrives the restaurant by the booked time.',
+ 'request': 'Once you find a taxi, make sure you get {}.',
+ 'departure': 'The taxi should depart from {}.',
+ 'destination': 'The taxi should go to {}.',
+ 'leaveAt': 'The taxi should leave after {}.',
+ 'arriveBy': 'The taxi should arrive by {}.'
+ },
+ 'train': {
+ 'intro': 'You are also looking for a train.',
+ 'request': 'Once you find a train, make sure you get {}.',
+ 'departure': 'The train should depart from {}.',
+ 'destination': 'The train should go to {}.',
+ 'day': 'The train should leave on {}.',
+ 'leaveAt': 'The train should leave after {}.',
+ 'arriveBy': 'The train should arrive by {}.',
+ 'book': 'Once you find the train you want to make a booking {}.'
+ },
+ 'police': {
+ 'intro': 'You were robbed and are looking for help.',
+ 'request': 'Make sure you get {}.'
+ },
+ 'hospital': {
+ 'intro': 'You got injured and are looking for a hospital nearby',
+ 'request': 'Make sure you get {}.',
+ 'department': 'The hospital should have the {} department.'
+ }
+}
+
+pro_correction = {
+ # "info": 0.2,
+ "info": 0.0,
+ # "reqt": 0.2,
+ "reqt": 0.0,
+ # "book": 0.2
+ "book": 0.0
+}
+
+
+def null_boldify(content):
+ return content
+
+def do_boldify(content):
+ return '' + content + ''
+
+def nomial_sample(counter: Counter):
+ return list(counter.keys())[np.argmax(np.random.multinomial(1, list(counter.values())))]
+
+class GoalGenerator:
+ """User goal generator."""
+
+ def __init__(self,
+ goal_model_path=os.path.join(
+ os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))))),
+ 'data/multiwoz/goal/goal_model.pkl'),
+ corpus_path=None,
+ boldify=False):
+ """
+ Args:
+ goal_model_path: path to a goal model
+ corpus_path: path to a dialog corpus to build a goal model
+ """
+ self.goal_model_path = goal_model_path
+ self.corpus_path = corpus_path
+ self.boldify = do_boldify if boldify else null_boldify
+ if os.path.exists(self.goal_model_path):
+ self.ind_slot_dist, self.ind_slot_value_dist, self.domain_ordering_dist, self.book_dist = pickle.load(
+ open(self.goal_model_path, 'rb'))
+ print('Loading goal model is done')
+ else:
+ self._build_goal_model()
+ print('Building goal model is done')
+
+ # remove some slot
+ del self.ind_slot_dist['police']['reqt']['postcode']
+ del self.ind_slot_value_dist['police']['reqt']['postcode']
+ del self.ind_slot_dist['hospital']['reqt']['postcode']
+ del self.ind_slot_value_dist['hospital']['reqt']['postcode']
+ del self.ind_slot_dist['hospital']['reqt']['address']
+ del self.ind_slot_value_dist['hospital']['reqt']['address']
+
+ def _build_goal_model(self):
+ dialogs = json.load(open(self.corpus_path))
+
+ # domain ordering
+ def _get_dialog_domains(dialog):
+ return list(filter(lambda x: x in domains and len(dialog['goal'][x]) > 0, dialog['goal']))
+
+ domain_orderings = []
+ for d in dialogs:
+ d_domains = _get_dialog_domains(dialogs[d])
+ first_index = []
+ for domain in d_domains:
+ message = [dialogs[d]['goal']['message']] if type(dialogs[d]['goal']['message']) == str else \
+ dialogs[d]['goal']['message']
+ for i, m in enumerate(message):
+ if domain_keywords[domain].lower() in m.lower() or domain.lower() in m.lower():
+ first_index.append(i)
+ break
+ domain_orderings.append(tuple(map(lambda x: x[1], sorted(zip(first_index, d_domains), key=lambda x: x[0]))))
+ domain_ordering_cnt = Counter(domain_orderings)
+ self.domain_ordering_dist = deepcopy(domain_ordering_cnt)
+ for order in domain_ordering_cnt.keys():
+ self.domain_ordering_dist[order] = domain_ordering_cnt[order] / sum(domain_ordering_cnt.values())
+
+ # independent goal slot distribution
+ ind_slot_value_cnt = dict([(domain, {}) for domain in domains])
+ domain_cnt = Counter()
+ book_cnt = Counter()
+
+ for d in dialogs:
+ for domain in domains:
+ if dialogs[d]['goal'][domain] != {}:
+ domain_cnt[domain] += 1
+ if 'info' in dialogs[d]['goal'][domain]:
+ for slot in dialogs[d]['goal'][domain]['info']:
+ if 'invalid' in slot:
+ continue
+ if 'info' not in ind_slot_value_cnt[domain]:
+ ind_slot_value_cnt[domain]['info'] = {}
+ if slot not in ind_slot_value_cnt[domain]['info']:
+ ind_slot_value_cnt[domain]['info'][slot] = Counter()
+ if 'care' in dialogs[d]['goal'][domain]['info'][slot]:
+ continue
+ ind_slot_value_cnt[domain]['info'][slot][dialogs[d]['goal'][domain]['info'][slot]] += 1
+ if 'reqt' in dialogs[d]['goal'][domain]:
+ for slot in dialogs[d]['goal'][domain]['reqt']:
+ if 'reqt' not in ind_slot_value_cnt[domain]:
+ ind_slot_value_cnt[domain]['reqt'] = Counter()
+ ind_slot_value_cnt[domain]['reqt'][slot] += 1
+ if 'book' in dialogs[d]['goal'][domain]:
+ book_cnt[domain] += 1
+ for slot in dialogs[d]['goal'][domain]['book']:
+ if 'invalid' in slot:
+ continue
+ if 'book' not in ind_slot_value_cnt[domain]:
+ ind_slot_value_cnt[domain]['book'] = {}
+ if slot not in ind_slot_value_cnt[domain]['book']:
+ ind_slot_value_cnt[domain]['book'][slot] = Counter()
+ if 'care' in dialogs[d]['goal'][domain]['book'][slot]:
+ continue
+ ind_slot_value_cnt[domain]['book'][slot][dialogs[d]['goal'][domain]['book'][slot]] += 1
+
+ self.ind_slot_value_dist = deepcopy(ind_slot_value_cnt)
+ self.ind_slot_dist = dict([(domain, {}) for domain in domains])
+ self.book_dist = {}
+ for domain in domains:
+ if 'info' in ind_slot_value_cnt[domain]:
+ for slot in ind_slot_value_cnt[domain]['info']:
+ if 'info' not in self.ind_slot_dist[domain]:
+ self.ind_slot_dist[domain]['info'] = {}
+ if slot not in self.ind_slot_dist[domain]['info']:
+ self.ind_slot_dist[domain]['info'][slot] = {}
+ self.ind_slot_dist[domain]['info'][slot] = sum(ind_slot_value_cnt[domain]['info'][slot].values()) / \
+ domain_cnt[domain]
+ slot_total = sum(ind_slot_value_cnt[domain]['info'][slot].values())
+ for val in self.ind_slot_value_dist[domain]['info'][slot]:
+ self.ind_slot_value_dist[domain]['info'][slot][val] = ind_slot_value_cnt[domain]['info'][slot][
+ val] / slot_total
+ if 'reqt' in ind_slot_value_cnt[domain]:
+ for slot in ind_slot_value_cnt[domain]['reqt']:
+ if 'reqt' not in self.ind_slot_dist[domain]:
+ self.ind_slot_dist[domain]['reqt'] = {}
+ self.ind_slot_dist[domain]['reqt'][slot] = ind_slot_value_cnt[domain]['reqt'][slot] / domain_cnt[
+ domain]
+ self.ind_slot_value_dist[domain]['reqt'][slot] = ind_slot_value_cnt[domain]['reqt'][slot] / \
+ domain_cnt[domain]
+ if 'book' in ind_slot_value_cnt[domain]:
+ for slot in ind_slot_value_cnt[domain]['book']:
+ if 'book' not in self.ind_slot_dist[domain]:
+ self.ind_slot_dist[domain]['book'] = {}
+ if slot not in self.ind_slot_dist[domain]['book']:
+ self.ind_slot_dist[domain]['book'][slot] = {}
+ self.ind_slot_dist[domain]['book'][slot] = sum(ind_slot_value_cnt[domain]['book'][slot].values()) / \
+ domain_cnt[domain]
+ slot_total = sum(ind_slot_value_cnt[domain]['book'][slot].values())
+ for val in self.ind_slot_value_dist[domain]['book'][slot]:
+ self.ind_slot_value_dist[domain]['book'][slot][val] = ind_slot_value_cnt[domain]['book'][slot][
+ val] / slot_total
+ self.book_dist[domain] = book_cnt[domain] / len(dialogs)
+
+ pickle.dump((self.ind_slot_dist, self.ind_slot_value_dist, self.domain_ordering_dist, self.book_dist),
+ open(self.goal_model_path, 'wb'))
+
+ def _get_domain_goal(self, domain):
+ cnt_slot = self.ind_slot_dist[domain]
+ cnt_slot_value = self.ind_slot_value_dist[domain]
+ pro_book = self.book_dist[domain]
+
+ while True:
+ # domain_goal = defaultdict(lambda: {})
+ # domain_goal = {'info': {}, 'fail_info': {}, 'reqt': {}, 'book': {}, 'fail_book': {}}
+ domain_goal = {'info': {}}
+ # inform
+ if 'info' in cnt_slot:
+ for slot in cnt_slot['info']:
+ if random.random() < cnt_slot['info'][slot] + pro_correction['info']:
+ domain_goal['info'][slot] = nomial_sample(cnt_slot_value['info'][slot])
+
+ if domain in ['hotel', 'restaurant', 'attraction'] and 'name' in domain_goal['info'] and len(
+ domain_goal['info']) > 1:
+ if random.random() < cnt_slot['info']['name']:
+ domain_goal['info'] = {'name': domain_goal['info']['name']}
+ else:
+ del domain_goal['info']['name']
+
+ if domain in ['taxi', 'train'] and 'arriveBy' in domain_goal['info'] and 'leaveAt' in domain_goal[
+ 'info']:
+ if random.random() < (
+ cnt_slot['info']['leaveAt'] / (cnt_slot['info']['arriveBy'] + cnt_slot['info']['leaveAt'])):
+ del domain_goal['info']['arriveBy']
+ else:
+ del domain_goal['info']['leaveAt']
+
+ if domain in ['taxi', 'train'] and 'arriveBy' not in domain_goal['info'] and 'leaveAt' not in \
+ domain_goal['info']:
+ if random.random() < (cnt_slot['info']['arriveBy'] / (
+ cnt_slot['info']['arriveBy'] + cnt_slot['info']['leaveAt'])):
+ domain_goal['info']['arriveBy'] = nomial_sample(cnt_slot_value['info']['arriveBy'])
+ else:
+ domain_goal['info']['leaveAt'] = nomial_sample(cnt_slot_value['info']['leaveAt'])
+
+ if domain in ['taxi', 'train'] and 'departure' not in domain_goal['info']:
+ domain_goal['info']['departure'] = nomial_sample(cnt_slot_value['info']['departure'])
+
+ if domain in ['taxi', 'train'] and 'destination' not in domain_goal['info']:
+ domain_goal['info']['destination'] = nomial_sample(cnt_slot_value['info']['destination'])
+
+ if domain in ['taxi', 'train'] and \
+ 'departure' in domain_goal['info'] and \
+ 'destination' in domain_goal['info'] and \
+ domain_goal['info']['departure'] == domain_goal['info']['destination']:
+ if random.random() < (cnt_slot['info']['departure'] / (
+ cnt_slot['info']['departure'] + cnt_slot['info']['destination'])):
+ domain_goal['info']['departure'] = nomial_sample(cnt_slot_value['info']['departure'])
+ else:
+ domain_goal['info']['destination'] = nomial_sample(cnt_slot_value['info']['destination'])
+ if domain_goal['info'] == {}:
+ continue
+ # request
+ if 'reqt' in cnt_slot:
+ reqt = [slot for slot in cnt_slot['reqt']
+ if random.random() < cnt_slot['reqt'][slot] + pro_correction['reqt'] and slot not in
+ domain_goal['info']]
+ if len(reqt) > 0:
+ domain_goal['reqt'] = reqt
+
+ # book
+ if 'book' in cnt_slot and random.random() < pro_book + pro_correction['book']:
+ if 'book' not in domain_goal:
+ domain_goal['book'] = {}
+
+ for slot in cnt_slot['book']:
+ if random.random() < cnt_slot['book'][slot] + pro_correction['book']:
+ domain_goal['book'][slot] = nomial_sample(cnt_slot_value['book'][slot])
+
+ # makes sure that there are all necessary slots for booking
+ if domain == 'restaurant' and 'time' not in domain_goal['book']:
+ domain_goal['book']['time'] = nomial_sample(cnt_slot_value['book']['time'])
+
+ if domain == 'hotel' and 'stay' not in domain_goal['book']:
+ domain_goal['book']['stay'] = nomial_sample(cnt_slot_value['book']['stay'])
+
+ if domain in ['hotel', 'restaurant'] and 'day' not in domain_goal['book']:
+ domain_goal['book']['day'] = nomial_sample(cnt_slot_value['book']['day'])
+
+ if domain in ['hotel', 'restaurant'] and 'people' not in domain_goal['book']:
+ domain_goal['book']['people'] = nomial_sample(cnt_slot_value['book']['people'])
+
+ if domain == 'train' and len(domain_goal['book']) <= 0:
+ domain_goal['book']['people'] = nomial_sample(cnt_slot_value['book']['people'])
+
+ # fail_book
+ if 'book' in domain_goal and random.random() < 0.5:
+ if domain == 'hotel':
+ domain_goal['fail_book'] = deepcopy(domain_goal['book'])
+ if 'stay' in domain_goal['book'] and random.random() < 0.5:
+ # increase hotel-stay
+ domain_goal['fail_book']['stay'] = str(int(domain_goal['book']['stay']) + 1)
+ elif 'day' in domain_goal['book']:
+ # push back hotel-day by a day
+ domain_goal['fail_book']['day'] = days[(days.index(domain_goal['book']['day']) - 1) % 7]
+
+ elif domain == 'restaurant':
+ domain_goal['fail_book'] = deepcopy(domain_goal['book'])
+ if 'time' in domain_goal['book'] and random.random() < 0.5:
+ hour, minute = domain_goal['book']['time'].split(':')
+ domain_goal['fail_book']['time'] = str((int(hour) + 1) % 24) + ':' + minute
+ elif 'day' in domain_goal['book']:
+ if random.random() < 0.5:
+ domain_goal['fail_book']['day'] = days[(days.index(domain_goal['book']['day']) - 1) % 7]
+ else:
+ domain_goal['fail_book']['day'] = days[(days.index(domain_goal['book']['day']) + 1) % 7]
+
+ # fail_info
+ if 'info' in domain_goal and len(dbquery.query(domain, domain_goal['info'].items())) == 0:
+ num_trial = 0
+ while num_trial < 100:
+ adjusted_info = self._adjust_info(domain, domain_goal['info'])
+ if len(dbquery.query(domain, adjusted_info.items())) > 0:
+ if domain == 'train':
+ domain_goal['info'] = adjusted_info
+ else:
+ domain_goal['fail_info'] = domain_goal['info']
+ domain_goal['info'] = adjusted_info
+
+ break
+ num_trial += 1
+
+ if num_trial >= 100:
+ continue
+
+ # at least there is one request and book
+ if 'reqt' in domain_goal or 'book' in domain_goal:
+ break
+
+ return domain_goal
+
+ def get_user_goal(self, seed=None):
+ if seed is not None:
+ random.seed(seed)
+ np.random.seed(seed)
+ domain_ordering = ()
+ while len(domain_ordering) <= 0:
+ domain_ordering = nomial_sample(self.domain_ordering_dist)
+ # domain_ordering = ('restaurant',)
+
+ user_goal = {dom: self._get_domain_goal(dom) for dom in domain_ordering}
+ assert len(user_goal.keys()) > 0
+
+ # using taxi to communte between places, removing destination and departure.
+ if 'taxi' in domain_ordering:
+ places = [dom for dom in domain_ordering[: domain_ordering.index('taxi')] if 'address' in self.ind_slot_dist[dom]['reqt'].keys()]
+ if len(places) >= 1:
+ del user_goal['taxi']['info']['destination']
+ user_goal[places[-1]]['reqt'] = list(set(user_goal[places[-1]].get('reqt', [])).union({'address'}))
+ if places[-1] == 'restaurant' and 'book' in user_goal['restaurant']:
+ user_goal['taxi']['info']['arriveBy'] = user_goal['restaurant']['book']['time']
+ if 'leaveAt' in user_goal['taxi']['info']:
+ del user_goal['taxi']['info']['leaveAt']
+ if len(places) >= 2:
+ del user_goal['taxi']['info']['departure']
+ user_goal[places[-2]]['reqt'] = list(set(user_goal[places[-2]].get('reqt', [])).union({'address'}))
+
+ # match area of attraction and restaurant
+ if 'restaurant' in domain_ordering and \
+ 'attraction' in domain_ordering and \
+ 'fail_info' not in user_goal['restaurant'] and \
+ domain_ordering.index('restaurant') > domain_ordering.index('attraction') and \
+ 'area' in user_goal['restaurant']['info'] and 'area' in user_goal['attraction']['info']:
+ adjusted_restaurant_goal = deepcopy(user_goal['restaurant']['info'])
+ adjusted_restaurant_goal['area'] = user_goal['attraction']['info']['area']
+ if len(dbquery.query('restaurant', adjusted_restaurant_goal.items())) > 0 and random.random() < 0.5:
+ user_goal['restaurant']['info']['area'] = user_goal['attraction']['info']['area']
+
+ # match day and people of restaurant and hotel
+ if 'restaurant' in domain_ordering and 'hotel' in domain_ordering and \
+ 'book' in user_goal['restaurant'] and 'book' in user_goal['hotel']:
+ if random.random() < 0.5:
+ user_goal['restaurant']['book']['people'] = user_goal['hotel']['book']['people']
+ if 'fail_book' in user_goal['restaurant']:
+ user_goal['restaurant']['fail_book']['people'] = user_goal['hotel']['book']['people']
+ if random.random() < 1.0:
+ user_goal['restaurant']['book']['day'] = user_goal['hotel']['book']['day']
+ if 'fail_book' in user_goal['restaurant']:
+ user_goal['restaurant']['fail_book']['day'] = user_goal['hotel']['book']['day']
+ if user_goal['restaurant']['book']['day'] == user_goal['restaurant']['fail_book']['day'] and \
+ user_goal['restaurant']['book']['time'] == user_goal['restaurant']['fail_book']['time'] and \
+ user_goal['restaurant']['book']['people'] == user_goal['restaurant']['fail_book']['people']:
+ del user_goal['restaurant']['fail_book']
+
+ # match day and people of hotel and train
+ if 'hotel' in domain_ordering and 'train' in domain_ordering and \
+ 'book' in user_goal['hotel'] and 'info' in user_goal['train']:
+ if user_goal['train']['info']['destination'] == 'cambridge' and \
+ 'day' in user_goal['hotel']['book']:
+ user_goal['train']['info']['day'] = user_goal['hotel']['book']['day']
+ elif user_goal['train']['info']['departure'] == 'cambridge' and \
+ 'day' in user_goal['hotel']['book'] and 'stay' in user_goal['hotel']['book']:
+ user_goal['train']['info']['day'] = days[
+ (days.index(user_goal['hotel']['book']['day']) + int(
+ user_goal['hotel']['book']['stay'])) % 7]
+ # In case, we have no query results with adjusted train goal, we simply drop the train goal.
+ if len(dbquery.query('train', user_goal['train']['info'].items())) == 0:
+ del user_goal['train']
+ domain_ordering = tuple(list(domain_ordering).remove('train'))
+
+ user_goal['domain_ordering'] = domain_ordering
+
+ return user_goal
+
+ def _adjust_info(self, domain, info):
+ # adjust one of the slots of the info
+ adjusted_info = deepcopy(info)
+ slot = random.choice(list(info.keys()))
+ adjusted_info[slot] = random.choice(list(self.ind_slot_value_dist[domain]['info'][slot].keys()))
+ return adjusted_info
+
+ def build_message(self, user_goal, boldify=null_boldify):
+ message = []
+ state = deepcopy(user_goal)
+
+ for dom in user_goal['domain_ordering']:
+ dom_msg = []
+ state = deepcopy(user_goal[dom])
+ num_acts_in_unit = 0
+
+ if not (dom == 'taxi' and len(state['info']) == 1):
+ # intro
+ m = [templates[dom]['intro']]
+
+ # info
+ def fill_info_template(user_goal, domain, slot, info):
+ if slot != 'area' or not ('restaurant' in user_goal and
+ 'attraction' in user_goal and
+ info in user_goal['restaurant'].keys() and
+ info in user_goal['attraction'].keys() and
+ 'area' in user_goal['restaurant'][info] and
+ 'area' in user_goal['attraction'][info] and
+ user_goal['restaurant'][info]['area'] == user_goal['attraction'][info]['area']):
+ return templates[domain][slot].format(self.boldify(user_goal[domain][info][slot]))
+ else:
+ restaurant_index = user_goal['domain_ordering'].index('restaurant')
+ attraction_index = user_goal['domain_ordering'].index('attraction')
+ if restaurant_index > attraction_index and domain == 'restaurant':
+ return templates[domain][slot].format(self.boldify('same area as the attraction'))
+ elif attraction_index > restaurant_index and domain == 'attraction':
+ return templates[domain][slot].format(self.boldify('same area as the restaurant'))
+ return templates[domain][slot].format(self.boldify(user_goal[domain][info][slot]))
+
+ info = 'info'
+ if 'fail_info' in user_goal[dom]:
+ info = 'fail_info'
+ if dom == 'taxi' and len(state[info]) == 1:
+ taxi_index = user_goal['domain_ordering'].index('taxi')
+ places = [dom for dom in user_goal['domain_ordering'][: taxi_index] if
+ dom in ['attraction', 'hotel', 'restaurant']]
+ if len(places) >= 2:
+ random.shuffle(places)
+ m.append(templates['taxi']['commute'])
+ if 'arriveBy' in state[info]:
+ m.append('The taxi should arrive at the {} from the {} by {}.'.format(self.boldify(places[0]),
+ self.boldify(places[1]),
+ self.boldify(state[info]['arriveBy'])))
+ elif 'leaveAt' in state[info]:
+ m.append('The taxi should leave from the {} to the {} after {}.'.format(self.boldify(places[0]),
+ self.boldify(places[1]),
+ self.boldify(state[info]['leaveAt'])))
+ message.append(' '.join(m))
+ else:
+ while len(state[info]) > 0:
+ num_acts = random.randint(1, min(len(state[info]), 3))
+ slots = random.sample(list(state[info].keys()), num_acts)
+ sents = [fill_info_template(user_goal, dom, slot, info) for slot in slots if slot not in ['parking', 'internet']]
+ if 'parking' in slots:
+ sents.append(templates[dom]['parking ' + state[info]['parking']])
+ if 'internet' in slots:
+ sents.append(templates[dom]['internet ' + state[info]['internet']])
+ m.extend(sents)
+ message.append(' '.join(m))
+ m = []
+ for slot in slots:
+ del state[info][slot]
+
+ # fail_info
+ if 'fail_info' in user_goal[dom]:
+ # if 'fail_info' in user_goal[dom]:
+ adjusted_slot = list(filter(lambda x: x[0][1] != x[1][1],
+ zip(user_goal[dom]['info'].items(), user_goal[dom]['fail_info'].items())))[0][0][0]
+ if adjusted_slot in ['internet', 'parking']:
+ message.append(templates[dom]['fail_info ' + adjusted_slot + ' ' + user_goal[dom]['info'][adjusted_slot]])
+ else:
+ message.append(templates[dom]['fail_info ' + adjusted_slot].format(self.boldify(user_goal[dom]['info'][adjusted_slot])))
+
+ # reqt
+ if 'reqt' in state:
+ slot_strings = []
+ for slot in state['reqt']:
+ if slot in ['internet', 'parking', 'food']:
+ continue
+ slot_strings.append(slot if slot not in request_slot_string_map else request_slot_string_map[slot])
+ if len(slot_strings) > 0:
+ message.append(templates[dom]['request'].format(self.boldify(', '.join(slot_strings))))
+ if 'internet' in state['reqt']:
+ message.append('Make sure to ask if the hotel includes free wifi.')
+ if 'parking' in state['reqt']:
+ message.append('Make sure to ask if the hotel includes free parking.')
+ if 'food' in state['reqt']:
+ message.append('Make sure to ask about what food it serves.')
+
+ def get_same_people_domain(user_goal, domain, slot):
+ if slot not in ['day', 'people']:
+ return None
+ domain_index = user_goal['domain_ordering'].index(domain)
+ previous_domains = user_goal['domain_ordering'][:domain_index]
+ for prev in previous_domains:
+ if prev in ['restaurant', 'hotel', 'train'] and 'book' in user_goal[prev] and \
+ slot in user_goal[prev]['book'] and user_goal[prev]['book'][slot] == \
+ user_goal[domain]['book'][slot]:
+ return prev
+ return None
+
+ # book
+ book = 'book'
+ if 'fail_book' in user_goal[dom]:
+ book = 'fail_book'
+ if 'book' in state:
+ slot_strings = []
+ for slot in ['people', 'time', 'day', 'stay']:
+ if slot in state[book]:
+ if slot == 'people':
+ same_people_domain = get_same_people_domain(user_goal, dom, slot)
+ if same_people_domain is None:
+ slot_strings.append('for {} people'.format(self.boldify(state[book][slot])))
+ else:
+ slot_strings.append(self.boldify(
+ 'for the same group of people as the {} booking'.format(same_people_domain)))
+ elif slot == 'time':
+ slot_strings.append('at {}'.format(self.boldify(state[book][slot])))
+ elif slot == 'day':
+ same_people_domain = get_same_people_domain(user_goal, dom, slot)
+ if same_people_domain is None:
+ slot_strings.append('on {}'.format(self.boldify(state[book][slot])))
+ else:
+ slot_strings.append(
+ self.boldify('on the same day as the {} booking'.format(same_people_domain)))
+ elif slot == 'stay':
+ slot_strings.append('for {} nights'.format(self.boldify(state[book][slot])))
+ del state[book][slot]
+
+ assert len(state[book]) <= 0, state[book]
+
+ if len(slot_strings) > 0:
+ message.append(templates[dom]['book'].format(' '.join(slot_strings)))
+
+ # fail_book
+ if 'fail_book' in user_goal[dom]:
+ adjusted_slot = list(filter(lambda x: x[0][1] != x[1][1], zip(user_goal[dom]['book'].items(),
+ user_goal[dom]['fail_book'].items())))[0][0][0]
+
+ if adjusted_slot in ['internet', 'parking']:
+ message.append(
+ templates[dom]['fail_book ' + adjusted_slot + ' ' + user_goal[dom]['book'][adjusted_slot]])
+ else:
+ message.append(templates[dom]['fail_book ' + adjusted_slot].format(
+ self.boldify(user_goal[dom]['book'][adjusted_slot])))
+
+ if boldify == do_boldify:
+ for i, m in enumerate(message):
+ message[i] = message[i].replace('wifi', "wifi")
+ message[i] = message[i].replace('internet', "internet")
+ message[i] = message[i].replace('parking', "parking")
+
+ return message
+
+
+if __name__ == "__main__":
+ goal_generator = GoalGenerator(corpus_path='data/multiwoz/annotated_user_da_with_span_full.json')
+ while True:
+ user_goal = goal_generator.get_user_goal()
+ print(user_goal)
+ # message = goal_generator.build_message(user_goal)
+ # pprint(message)
diff --git a/convlab/modules/usr/multiwoz/uber_usr/Config.py b/convlab/modules/usr/multiwoz/uber_usr/Config.py
new file mode 100644
index 0000000..3cdde36
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/uber_usr/Config.py
@@ -0,0 +1,12 @@
+class Config:
+ def __init__(self):
+ self.goal_embedding_size = 100
+ self.usr_embedding_size = 100
+ self.sys_embedding_size = 100
+ self.dropout = 0.5
+ self.layer_num = 3
+ self.hidden_state_num = 128
+ self.lr = 0.001
+ self.lr_decay = 0.5
+
+config = Config()
\ No newline at end of file
diff --git a/convlab/modules/usr/multiwoz/uber_usr/__init__.py b/convlab/modules/usr/multiwoz/uber_usr/__init__.py
new file mode 100644
index 0000000..1f776fc
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/uber_usr/__init__.py
@@ -0,0 +1,2 @@
+#!/usr/bin/env python3
+# -*- coding: utf-8 -*-
\ No newline at end of file
diff --git a/convlab/modules/usr/multiwoz/uber_usr/data_loader.py b/convlab/modules/usr/multiwoz/uber_usr/data_loader.py
new file mode 100644
index 0000000..dede7fe
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/uber_usr/data_loader.py
@@ -0,0 +1,548 @@
+#!/usr/bin/env python3
+# -*- coding: utf-8 -*-
+
+"""
+"""
+
+__time__ = '2019/2/25 16:22'
+
+import os
+import pickle
+import json
+import collections
+import random
+import numpy as np
+
+__time__ = '2019/2/23 16:41'
+
+# domains_set = {'restaurant', 'attraction', 'hotel', 'hospital', 'police', 'train', 'taxi'}
+domains_set = {'restaurant', 'attraction', 'hotel', 'train', 'taxi'}
+
+ref_slot_data2stand = {
+ 'train': {
+ 'Duration': 'Time', 'Price': 'Ticket', 'TrainID': 'Id'
+ }
+}
+
+SysDa2Goal = {
+ 'attraction': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Fee': "entrance fee", 'Name': "name", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Type': "type",
+ 'none': None
+ },
+ 'booking': {
+ 'Day': 'day', 'Name': 'name', 'People': 'people',
+ 'Ref': 'ref', 'Stay': 'stay', 'Time': 'time',
+ 'none': None
+ },
+ 'hotel': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Internet': "internet", 'Name': "name", 'Parking': "parking",
+ 'Phone': "phone", 'Post': "postcode", 'Price': "pricerange",
+ 'Ref': "ref", 'Stars': "stars", 'Type': "type",
+ 'none': None
+ },
+ 'restaurant': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Name': "name", 'Food': "food", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Ref': "ref",
+ 'none': None
+ },
+ 'taxi': {
+ 'Arrive': "arriveBy", 'Car': "car type", 'Depart': "departure",
+ 'Dest': "destination", 'Leave': "leaveAt", 'Phone': "phone",
+ 'none': None
+ },
+ 'train': {
+ 'Arrive': "arriveBy", 'Choice': "choice", 'Day': "day",
+ 'Depart': "departure", 'Dest': "destination", 'Id': "trainID", 'TrainID': "trainID",
+ 'Leave': "leaveAt", 'People': "people", 'Ref': "ref",
+ 'Ticket': "price", 'Time': "duration", 'Duration': 'duration', 'none': None
+ }
+}
+
+UsrDa2Goal = {
+ 'attraction': {
+ 'Area': 'area', 'Name': 'name', 'Type': 'type',
+ 'Addr': 'address', 'Fee': 'entrance fee', 'Phone': 'phone',
+ 'Post': 'postcode', 'none': None
+ },
+ 'hospital': {
+ 'Department': 'department', 'Addr': 'address', 'Phone': 'phone',
+ 'Post': 'postcode', 'none': None
+ },
+ 'hotel': {
+ 'Area': 'area', 'Internet': 'internet', 'Name': 'name',
+ 'Parking': 'parking', 'Price': 'pricerange', 'Stars': 'stars',
+ 'Type': 'type', 'Addr': 'address', 'Phone': 'phone',
+ 'Post': 'postcode', 'Day': 'day', 'People': 'people',
+ 'Stay': 'stay', 'none': None
+ },
+ 'police': {
+ 'Addr': 'address', 'Phone': 'phone', 'Post': 'postcode', 'none': None
+ },
+ 'restaurant': {
+ 'Area': 'area', 'Day': 'day', 'Food': 'food',
+ 'Name': 'name', 'People': 'people', 'Price': 'pricerange',
+ 'Time': 'time', 'Addr': 'address', 'Phone': 'phone',
+ 'Post': 'postcode', 'none': None
+ },
+ 'taxi': {
+ 'Arrive': 'arriveBy', 'Depart': 'departure', 'Dest': 'destination',
+ 'Leave': 'leaveAt', 'Car': 'car type', 'Phone': 'phone', 'none': None
+ },
+ 'train': {
+ 'Time': "duration", 'Arrive': 'arriveBy', 'Day': 'day', 'Ref': "ref",
+ 'Depart': 'departure', 'Dest': 'destination', 'Leave': 'leaveAt',
+ 'People': 'people', 'Duration': 'duration', 'Price': 'price', 'Choice': "choice",
+ 'TrainID': 'trainID', 'Ticket': 'price', 'Id': "trainID", 'none': None
+ }
+}
+
+
+class DataLoader(object):
+
+ def __init__(self):
+ self.__org_goals = None
+ self.__org_usr_dass = None
+ self.__org_sys_dass = None
+
+ self.__goals = None
+ self.__usr_dass = None
+ self.__sys_dass = None
+
+ self.__goals_seg = None
+ self.__usr_dass_seg = None
+ self.__sys_dass_seg = None
+
+ self.__voc_goal = None
+ self.__voc_usr = None
+ self.__voc_usr_rev = None
+ self.__voc_sys = None
+
+ self.pad = ''
+ self.unk = ''
+ self.sos = ''
+ self.eos = ''
+ self.special_words = [self.pad, self.unk, self.sos, self.eos]
+ pass
+
+ @ staticmethod
+ def usrgoal2seq(goal: dict):
+ def add(lt: list, domain_goal: dict, domain: str, intent: str):
+ map = domain_goal.get(intent, {})
+ slots = [slot for slot in map.keys() if isinstance(map[slot], str)]
+ if len(slots) > 0:
+ lt.append(domain + '_' + intent)
+ lt.append('(')
+ slots.sort()
+ lt.extend(slots)
+ lt.append(')')
+
+ ret = []
+ for (domain, domain_goal) in filter(lambda x: (x[0] in domains_set and len(x[1]) > 0),
+ sorted(goal.items(), key=lambda x: x[0])):
+ # info
+ add(ret, domain_goal, domain, 'info')
+ # fail_info
+ add(ret, domain_goal, domain, 'fail_info')
+ # book
+ add(ret, domain_goal, domain, 'book')
+ # fail_book
+ add(ret, domain_goal, domain, 'fail_book')
+ # reqt
+ slots = domain_goal.get('reqt', [])
+ if len(slots) > 0:
+ ret.append(domain + '_' + 'reqt')
+ ret.append('(')
+ ret.extend(slots)
+ ret.append(')')
+
+ return ret
+
+ @staticmethod
+ def query_goal_for_sys(domain, slot, value, goal):
+ ret = None
+ if slot == 'Choice':
+ ret = 'Zero' if value in ['None', 'none'] else 'NonZero'
+ else:
+ goal_slot = SysDa2Goal.get(domain, {}).get(slot, 'Unknow')
+ if goal_slot is not None and goal_slot != 'Unknow':
+ check = {'info': None, 'fail_info': None, 'book': None, 'fail_book': None}
+ for zone in check.keys():
+ dt = goal.get(domain, {}).get(zone, {})
+ if goal_slot in dt.keys():
+ check[zone] = (dt[goal_slot].lower() == value.lower())
+ if True in check.values() or False in check.values():
+ # in constraint
+ ret = 'InConstraint'
+ if True in check.values() and False in check.values():
+ ret += '[C]'
+ elif True in check.values() and False not in check.values():
+ ret += '[R]'
+ elif True not in check.values() and False in check.values():
+ ret += '[W]'
+ elif goal_slot in goal.get(domain, {}).get('reqt', []):
+ # in Request
+ ret = 'InRequest'
+ else:
+ # not in goal
+ ret = 'NotInGoal'
+ elif goal_slot == 'Unknow':
+ ret = 'Unknow'
+ else:
+ ret = None
+ return ret
+
+ @staticmethod
+ def sysda2seq(sys_da: dict, goal: dict):
+ ret = []
+ for (act, pairs) in sorted(sys_da.items(), key=lambda x: x[0]):
+ (domain, intent) = act.split('-')
+ domain = domain.lower()
+ intent = intent.lower()
+ if domain in domains_set or domain in ['booking', 'general']:
+ ret.append(act)
+ ret.append('(')
+ if 'general' not in act:
+ for [slot, val] in sorted(pairs, key=lambda x: x[0]):
+ if (intent == 'request'):
+ ret.append(slot)
+ else:
+ m_val = DataLoader.query_goal_for_sys(domain, slot, val, goal)
+ if m_val is not None:
+ ret.append(slot + '=' + m_val)
+
+ ret.append(')')
+ # assert len(ret) > 0, str(sys_da)
+ return ret
+
+ @staticmethod
+ def query_goal_for_usr(domain, slot, value, goal):
+ ret = None
+ goal_slot = UsrDa2Goal.get(domain, {}).get(slot, 'Unknow')
+ if goal_slot is not None and goal_slot != 'Unknow':
+ check = {'info': None, 'fail_info': None, 'book': None, 'fail_book': None}
+ for zone in check.keys():
+ dt = goal.get(domain, {}).get(zone, {})
+ if goal_slot in dt.keys():
+ check[zone] = (dt[goal_slot].replace(' ', '').lower() == value.replace(' ', '').lower())
+ if True in check.values() or False in check.values():
+ # in constraint
+ if True in check.values():
+ ret = 'In' + [zone for (zone, value) in check.items() if value == True][0].capitalize()
+ else:
+ ret = 'In' + [zone for (zone, value) in check.items() if value == False][0].capitalize()
+ else:
+ # not in goal
+ ret = 'DoNotCare'
+ elif goal_slot == 'Unknow':
+ ret = 'Unknow'
+ else:
+ ret = None
+ return ret
+
+ @staticmethod
+ def usrda2seq(usr_da: dict, goal: dict):
+ ret = []
+ for (act, pairs) in sorted(usr_da.items(), key=lambda x: x[0]):
+ (domain, intent) = act.split('-')
+ domain = domain.lower()
+ intent = intent.lower()
+ if domain in domains_set or domain in ['booking', 'general']:
+ ret.append(act)
+ ret.append('(')
+ if 'general' not in act:
+ for [slot, val] in sorted(pairs, key=lambda x: x[0]):
+ if (intent == 'request'):
+ ret.append(slot)
+ else:
+ m_val = DataLoader.query_goal_for_usr(domain, slot, val, goal)
+ if m_val is not None:
+ ret.append(slot + '=' + m_val)
+
+ ret.append(')')
+ assert len(ret) > 0, str(usr_da)
+ return ret
+
+ @staticmethod
+ def usrseq2da(usr_seq: list, goal: dict):
+ ret = {}
+ cur_act = None
+ domain = None
+ for word in usr_seq:
+ if word in ['', '', '', '', '(', ')']:
+ continue
+
+ # act
+ if '-' in word:
+ cur_act = word
+ domain, _ = cur_act.split('-')
+ ret[cur_act] = []
+
+ # slot-value
+ elif '=' in word and cur_act is not None:
+ slot_da, value_pos = word.split('=')
+ value_pos = value_pos.lower()
+ slot_goal = UsrDa2Goal.get(domain.lower(), {}).get(slot_da, None)
+ if slot_goal is not None:
+ value = None
+ if value_pos == 'ininfo':
+ value = goal.get(domain.lower(), {}).get('info', {}).get(slot_goal, None)
+ elif value_pos == 'infail_info':
+ value = goal.get(domain.lower(), {}).get('fail_info', {}).get(slot_goal, None)
+ elif value_pos == 'inbook':
+ value = goal.get(domain.lower(), {}).get('book', {}).get(slot_goal, None)
+ elif value_pos == 'infail_book':
+ value = goal.get(domain.lower(), {}).get('fail_book', {}).get(slot_goal, None)
+ elif value_pos == 'donotcare':
+ value = 'don\'t care'
+
+ if value is not None:
+ ret[cur_act].append([slot_da, value])
+ else:
+ pass
+ #assert False, slot_da
+ else:
+ pass
+ # assert False, '%s - %s' % (domain, slot_da)
+
+ # slot in reqt
+ elif cur_act is not None:
+ ret[cur_act].append([word, '?'])
+
+ return ret
+
+ @staticmethod
+ def ref_data2stand(da):
+ for act in da.keys():
+ if '-' in act:
+ domain, _ = act.split('-')
+ for idx in range(len(da[act])):
+ da[act][idx][0] = ref_slot_data2stand.get(domain.lower(), {}).get(da[act][idx][0], da[act][idx][0])
+ return da
+
+
+ def org_data_loader(self):
+ if self.__org_goals is None or self.__org_usr_dass is None or self.__org_sys_dass is None:
+ file_path = os.path.join(
+ os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))),
+ 'data/multiwoz/annotated_user_da_with_span_full.json')
+ # 'data/multiwoz/annotated_user_da_with_span_100sample.json')
+ full_data = json.load(open(file_path))
+ goals = []
+ usr_dass = []
+ sys_dass = []
+ for session in full_data.values():
+ goal = session.get('goal', {})
+ logs = session.get('log', [])
+ usr_das, sys_das = [], []
+ for turn in range(len(logs) // 2):
+ # : {'Hotel-Inform': [['Price', 'cheap'], ['Type', 'hotel']]}
+ usr_da = self.ref_data2stand(logs[turn * 2].get('dialog_act', {}))
+ sys_da = self.ref_data2stand(logs[turn * 2 + 1].get('dialog_act', {}))
+ usr_das.append(usr_da)
+ sys_das.append(sys_da)
+ if len(usr_das[-1]) <= 0 or len(sys_das[-1]) <= 0:
+ usr_das = []
+ break
+
+ if len(goal) <= 0 or len(logs) <= 0 or \
+ len(usr_das) <= 0 or len(sys_das) <= 0 or len(usr_das) != len(sys_das):
+ continue
+ goals.append(goal)
+ usr_dass.append(usr_das)
+ sys_dass.append(sys_das)
+
+ self.__org_goals = [DataLoader.usrgoal2seq(goal) for goal in goals]
+ self.__org_usr_dass = [[DataLoader.usrda2seq(usr_da, goal) for usr_da in usr_das] for (usr_das, goal) in zip(usr_dass, goals)]
+ self.__org_sys_dass = [[DataLoader.sysda2seq(sys_da, goal) for sys_da in sys_das] for (sys_das, goal) in zip(sys_dass, goals)]
+
+ return self.__org_goals, self.__org_usr_dass, self.__org_sys_dass
+
+ def vocab_loader(self):
+ if self.__voc_goal is None or self.__voc_usr is None or self.__voc_usr_rev is None or self.__voc_sys is None:
+ vocab_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'vocab.pkl')
+
+ if os.path.exists(vocab_path):
+ self.__voc_goal, self.__voc_usr, self.__voc_sys = pickle.load(open(vocab_path, 'rb'))
+ else:
+ goals, usr_dass, sys_dass = self.org_data_loader()
+
+ # goals
+ counter = collections.Counter()
+ for goal in goals:
+ for word in goal:
+ counter[word] += 1
+ word_list = self.special_words + [x for x in counter.keys()]
+ self.__voc_goal = {x: i for i, x in enumerate(word_list)}
+
+ counter = collections.Counter()
+ for usr_das in usr_dass:
+ for usr_da in usr_das:
+ for word in usr_da:
+ counter[word] += 1
+ word_list = self.special_words + [x for x in counter.keys()]
+ self.__voc_usr = {x: i for i, x in enumerate(word_list)}
+
+ counter = collections.Counter()
+ for sys_das in sys_dass:
+ for sys_da in sys_das:
+ for word in sys_da:
+ counter[word] += 1
+ word_list = self.special_words + [x for x in counter.keys()]
+ self.__voc_sys = {x: i for i, x in enumerate(word_list)}
+
+ pickle.dump((self.__voc_goal, self.__voc_usr, self.__voc_sys), open(vocab_path, 'wb'))
+ print('voc build ok')
+
+ self.__voc_usr_rev = {val: key for (key, val) in self.__voc_usr.items()}
+
+ return self.__voc_goal, self.__voc_usr, self.__voc_sys
+
+ def get_voc_size(self):
+ goal, usr, sys = self.vocab_loader()
+ return len(goal), len(usr), len(sys)
+
+ def data_loader(self):
+ if self.__goals is None or self.__usr_dass is None or self.__sys_dass is None:
+ org_goals, org_usr_dass, org_sys_dass = self.org_data_loader()
+ voc_goal, voc_usr, voc_sys = self.vocab_loader()
+ self.__goals = [[voc_goal.get(word, voc_goal[self.unk]) for word in goal] for goal in org_goals]
+ self.__usr_dass = [
+ [[voc_usr[self.sos]] + [voc_usr.get(word, voc_usr[self.unk]) for word in usr_da] + [voc_usr[self.eos]]
+ for usr_da in usr_das] for usr_das in org_usr_dass]
+ self.__sys_dass = [[[voc_sys.get(word, voc_sys[self.unk]) for word in sys_da] for sys_da in sys_das] for
+ sys_das in org_sys_dass]
+ assert len(self.__goals) == len(self.__usr_dass)
+ assert len(self.__goals) == len(self.__sys_dass)
+ return self.__goals, self.__usr_dass, self.__sys_dass
+
+ @staticmethod
+ def train_test_val_split(goals, usr_dass, sys_dass, test_size=0.1, val_size=0.1):
+ idx = range(len(goals))
+ idx_test = random.sample(idx, int(len(goals) * test_size))
+ idx_train = list(set(idx) - set(idx_test))
+ idx_val = random.sample(idx_train, int(len(goals) * val_size))
+ idx_train = list(set(idx_train) - set(idx_val))
+ idx_train = random.sample(idx_train, len(idx_train))
+ return np.array(goals)[idx_train], np.array(usr_dass)[idx_train], np.array(sys_dass)[idx_train], \
+ np.array(goals)[idx_test], np.array(usr_dass)[idx_test], np.array(sys_dass)[idx_test], \
+ np.array(goals)[idx_val], np.array(usr_dass)[idx_val], np.array(sys_dass)[idx_val]
+
+ def data_loader_seg(self):
+ if self.__goals_seg is None or self.__usr_dass_seg is None or self.__sys_dass_seg is None:
+ self.data_loader()
+ self.__goals_seg, self.__usr_dass_seg, self.__sys_dass_seg = [], [], []
+
+ for (goal, usr_das, sys_das) in zip(self.__goals, self.__usr_dass, self.__sys_dass):
+ goals, usr_dass, sys_dass = [], [], []
+ for length in range(len(usr_das)):
+ goals.append(goal)
+ usr_dass.append([usr_das[idx] for idx in range(length + 1)])
+ sys_dass.append([sys_das[idx] for idx in range(length + 1)])
+
+ self.__goals_seg.append(goals)
+ self.__usr_dass_seg.append(usr_dass)
+ self.__sys_dass_seg.append(sys_dass)
+
+ assert len(self.__goals_seg) == len(self.__usr_dass_seg)
+ assert len(self.__goals_seg) == len(self.__sys_dass_seg)
+ return self.__goals_seg, self.__usr_dass_seg, self.__sys_dass_seg
+
+ def id2sentence(self, ids):
+ sentence = [self.__voc_usr_rev[id] for id in ids]
+ return sentence
+
+ @staticmethod
+ def train_test_val_split_seg(goals_seg, usr_dass_seg, sys_dass_seg, test_size=0.1, val_size=0.1):
+ def dr(dss):
+ return np.array([d for ds in dss for d in ds])
+
+ idx = range(len(goals_seg))
+ idx_test = random.sample(idx, int(len(goals_seg) * test_size))
+ idx_train = list(set(idx) - set(idx_test))
+ idx_val = random.sample(idx_train, int(len(goals_seg) * val_size))
+ idx_train = list(set(idx_train) - set(idx_val))
+ idx_train = random.sample(idx_train, len(idx_train))
+ return dr(np.array(goals_seg)[idx_train]), dr(np.array(usr_dass_seg)[idx_train]), dr(np.array(sys_dass_seg)[idx_train]), \
+ dr(np.array(goals_seg)[idx_test]), dr(np.array(usr_dass_seg)[idx_test]), dr(np.array(sys_dass_seg)[idx_test]), \
+ dr(np.array(goals_seg)[idx_val]), dr(np.array(usr_dass_seg)[idx_val]), dr(np.array(sys_dass_seg)[idx_val])
+
+
+def batch_iter(x, y, z, batch_size=64):
+ data_len = len(x)
+ num_batch = ((data_len - 1) // batch_size) + 1
+
+ indices = np.random.permutation(np.arange(data_len))
+ x_shuffle = np.array(x)[indices]
+ y_shuffle = np.array(y)[indices]
+ z_shuffle = np.array(z)[indices]
+
+ for i in range(num_batch):
+ start_id = i * batch_size
+ end_id = min((i + 1) * batch_size, data_len)
+ yield x_shuffle[start_id:end_id], y_shuffle[start_id:end_id], z_shuffle[start_id:end_id]
+
+
+
+def test():
+ # example
+ # data class
+ data = DataLoader()
+ seq_goals, seq_usr_dass, seq_sys_dass = data.data_loader_seg()
+
+ # DO NOT DELETE
+ file_path = os.path.join(
+ os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))),
+ 'data/multiwoz/annotated_user_da_with_span_full.json')
+ # 'data/multiwoz/annotated_user_da_with_span_100sample.json')
+ full_data = json.load(open(file_path))
+ dic_goals = []
+ for session in full_data.values():
+ goal = session.get('goal', {})
+ logs = session.get('log', [])
+ usr_das, sys_das = [], []
+ for turn in range(len(logs) // 2):
+ usr_das.append(logs[turn * 2].get('dialog_act', {}))
+ sys_das.append(logs[turn * 2 + 1].get('dialog_act', {}))
+ if len(usr_das[-1]) <= 0 or len(sys_das[-1]) <= 0:
+ usr_das = []
+ break
+
+ if len(goal) <= 0 or len(logs) <= 0 or \
+ len(usr_das) <= 0 or len(sys_das) <= 0 or len(usr_das) != len(sys_das):
+ continue
+ dic_goals.append(goal)
+
+
+ _, org_usr_dass, org_sys_dass = data.org_data_loader()
+ for goal, usr_das, sys_das in zip(dic_goals, org_usr_dass, org_sys_dass):
+ # in session
+ for usr_da_seq, _ in zip(usr_das, sys_das):
+ usr_da = DataLoader.usrseq2da(usr_da_seq, goal)
+ print(usr_da_seq)
+ print('-> ', usr_da)
+ pass
+ print('')
+ '''
+ # segment
+ seq_goals, seq_usr_dass, seq_sys_dass = data.data_loader_seg()
+ # split train and test
+ train_goals, train_usrdas, train_sysdas, test_goals, test_usrdas, test_sysdas, val_goals, val_usrdas, val_sysdas = DataLoader.train_test_val_split_seg(
+ seq_goals, seq_usr_dass, seq_sys_dass)
+
+ # batch generator
+ generator = batch_iter(train_goals, train_usrdas, train_sysdas, 10)
+
+ # show
+ for batch_goals, batch_usrdas, batch_sysdas in generator:
+ print('----------------------------------------')
+ print(batch_goals)
+ print(batch_usrdas)
+ print(batch_sysdas)
+ '''
+
+if __name__ == '__main__':
+ test()
\ No newline at end of file
diff --git a/convlab/modules/usr/multiwoz/uber_usr/main.py b/convlab/modules/usr/multiwoz/uber_usr/main.py
new file mode 100644
index 0000000..ed1e1a2
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/uber_usr/main.py
@@ -0,0 +1,238 @@
+import sys
+from data_loader import DataLoader, batch_iter
+from model import E2EUser
+import argparse
+import tensorflow as tf
+import numpy as np
+import datetime
+import os
+import random
+
+BATCH_SIZE = 64
+
+'''
+input_graph = tf.Graph()
+with input_graph.as_default():
+ data = DataLoader()
+ proto = tf.ConfigProto()
+ input_sess = tf.Session(config=proto)
+'''
+
+data = DataLoader()
+seq_goals, seq_usr_dass, seq_sys_dass = data.data_loader_seg()
+train_goals, train_usrdas, train_sysdas, test_goals, test_usrdas, test_sysdas, val_goals, val_usrdas, val_sysdas = DataLoader.train_test_val_split_seg(
+ seq_goals, seq_usr_dass, seq_sys_dass)
+generator = batch_iter(train_goals, train_usrdas, train_sysdas, BATCH_SIZE)
+generator_valid = batch_iter(val_goals, val_usrdas, val_sysdas, BATCH_SIZE)
+generator_test = batch_iter(test_goals, test_usrdas, test_sysdas, BATCH_SIZE)
+
+voc_goal_size, voc_usr_size, voc_sys_size = data.get_voc_size()
+
+model = E2EUser(voc_goal_size, voc_usr_size, voc_sys_size)
+model.load_checkpoint('save/0-00000060')
+
+
+def padding(origin, l):
+ """
+ pad a list of different lens "origin" to the same len "l"
+ """
+ new = origin.copy()
+ for i, j in enumerate(new):
+ new[i] += [0] * (l - len(j))
+ new[i] = j[:l]
+ return new
+
+def train(batch_goals, batch_usrdas, batch_sysdas):
+ batch_input = {}
+ posts_length = []
+ posts = []
+ origin_responses = []
+ origin_responses_length = []
+ goals_length = []
+ goals = []
+
+ ''' start padding '''
+ sentence_num = [len(sess) for sess in batch_usrdas]
+ max_sentence_num = max(sentence_num)
+
+ max_goal_length = max([len(sess_goal) for sess_goal in batch_goals])
+ for i, l in enumerate(sentence_num):
+ goals_length += [len(batch_goals[i])] * l
+ goals_padded = batch_goals[i] + [0] * (max_goal_length - len(batch_goals[i]))
+ goals += [goals_padded] * l
+
+ for sess in batch_usrdas:
+ origin_responses_length += [len(sen) for sen in sess]
+ max_response_length = max(origin_responses_length)
+ for sess in batch_usrdas:
+ origin_responses += padding(sess, max_response_length)
+
+ for sess in batch_sysdas:
+ sen_padded = padding(sess, 15)
+ for j, sen in enumerate(sess):
+ if j == 0:
+ post_single = np.zeros([max_sentence_num, 15], np.int)
+ post_length_single = np.zeros([max_sentence_num], np.int)
+ else:
+ post_single = posts[-1]
+ post_length_single = posts_length[-1]
+ post_length_single[j] = min(len(sen), 15)
+ post_single[j, :] = sen_padded[j]
+
+ posts_length.append(post_length_single)
+ posts.append(post_single)
+ ''' end padding '''
+
+ batch_input['origin_responses'] = origin_responses
+ batch_input['origin_responses_length'] = origin_responses_length
+ batch_input['posts_length'] = posts_length
+ batch_input['posts'] = posts
+ batch_input['goals_length'] = goals_length
+ batch_input['goals'] = goals
+ return model.train(batch_input)
+
+
+def test(batch_goals, batch_usrdas, batch_sysdas):
+ batch_input = {}
+ posts_length = []
+ posts = []
+ origin_responses = []
+ origin_responses_length = []
+ goals_length = []
+ goals = []
+
+ ''' start padding '''
+ sentence_num = [len(sess) for sess in batch_usrdas]
+ max_sentence_num = max(sentence_num)
+
+ max_goal_length = max([len(sess_goal) for sess_goal in batch_goals])
+ for i, l in enumerate(sentence_num):
+ goals_length += [len(batch_goals[i])] * l
+ goals_padded = batch_goals[i] + [0] * (max_goal_length - len(batch_goals[i]))
+ goals += [goals_padded] * l
+
+ for sess in batch_usrdas:
+ origin_responses_length += [len(sen) for sen in sess]
+ max_response_length = max(origin_responses_length)
+ for sess in batch_usrdas:
+ origin_responses += padding(sess, max_response_length)
+
+ for sess in batch_sysdas:
+ sen_padded = padding(sess, 15)
+ for j, sen in enumerate(sess):
+ if j == 0:
+ post_single = np.zeros([max_sentence_num, 15], np.int)
+ post_length_single = np.zeros([max_sentence_num], np.int)
+ else:
+ post_single = posts[-1]
+ post_length_single = posts_length[-1]
+ post_length_single[j] = min(len(sen), 15)
+ post_single[j, :] = sen_padded[j]
+
+ posts_length.append(post_length_single)
+ posts.append(post_single)
+ ''' end padding '''
+
+ batch_input['origin_responses'] = origin_responses
+ batch_input['origin_responses_length'] = origin_responses_length
+ batch_input['posts_length'] = posts_length
+ batch_input['posts'] = posts
+ batch_input['goals_length'] = goals_length
+ batch_input['goals'] = goals
+ return model.evaluate(batch_input)
+
+def infer(batch_goals, batch_usrdas, batch_sysdas):
+ batch_input = {}
+ posts_length = []
+ posts = []
+ origin_responses = []
+ origin_responses_length = []
+ goals_length = []
+ goals = []
+
+ ''' start padding '''
+ sentence_num = [len(sess) for sess in batch_usrdas]
+ max_sentence_num = max(sentence_num)
+
+ max_goal_length = max([len(sess_goal) for sess_goal in batch_goals])
+ for i, l in enumerate(sentence_num):
+ goals_length += [len(batch_goals[i])] * l
+ goals_padded = batch_goals[i] + [0] * (max_goal_length - len(batch_goals[i]))
+ goals += [goals_padded] * l
+
+ for sess in batch_usrdas:
+ origin_responses_length += [len(sen) for sen in sess]
+ max_response_length = max(origin_responses_length)
+ for sess in batch_usrdas:
+ origin_responses += padding(sess, max_response_length)
+
+ for sess in batch_sysdas:
+ sen_padded = padding(sess, 15)
+ for j, sen in enumerate(sess):
+ if j == 0:
+ post_single = np.zeros([max_sentence_num, 15], np.int)
+ post_length_single = np.zeros([max_sentence_num], np.int)
+ else:
+ post_single = posts[-1]
+ post_length_single = posts_length[-1]
+ post_length_single[j] = min(len(sen), 15)
+ post_single[j, :] = sen_padded[j]
+
+ posts_length.append(post_length_single)
+ posts.append(post_single)
+ ''' end padding '''
+
+ batch_input['origin_responses'] = origin_responses
+ batch_input['origin_responses_length'] = origin_responses_length
+ batch_input['posts_length'] = posts_length
+ batch_input['posts'] = posts
+ batch_input['goals_length'] = goals_length
+ batch_input['goals'] = goals
+ return model.infer(batch_input)
+
+def get_args():
+ parser = argparse.ArgumentParser()
+ parser.register("type", "bool", lambda x: x.lower() == 'true')
+ parser.add_argument("--train", type="bool", default=True)
+ parser.add_argument("--save_dir", type=str, default='save')
+ args = parser.parse_args(sys.argv[1:])
+ return args
+
+def main():
+ args = get_args()
+ if not os.path.exists(args.save_dir):
+ os.makedirs(args.save_dir)
+ idx = 0
+ epoch_num = 10
+ best = float('inf')
+
+ if args.train:
+ for i in range(epoch_num):
+ generator = batch_iter(train_goals, train_usrdas, train_sysdas, BATCH_SIZE)
+ print("Epoch {}".format(i))
+ for batch_goals, batch_usrdas, batch_sysdas in generator:
+ loss = train(batch_goals, batch_usrdas, batch_sysdas)
+ time_str = datetime.datetime.now().isoformat()
+ print("{}: step {}, loss {}".format(time_str, idx, loss))
+ idx += 1
+ if idx % 100 == 0:
+ model.store_checkpoint(args.save_dir + '/' + str(i), 'latest')
+ val_loss, val_ppl, blue = test(val_goals, val_usrdas, val_sysdas)
+ print("Validate:")
+ print("{}:Val loss {} Val ppl {}".format(time_str, val_loss, val_ppl))
+ if val_loss < best:
+ best = val_loss
+ model.store_checkpoint(args.save_dir + '/' + str(i), 'best')
+ test_loss, test_ppl, bleu = test(test_goals, test_usrdas, test_sysdas)
+ rand = []
+
+ print("Test:")
+ print("{}:Test loss {} Test ppl {}".format(time_str, test_loss, test_ppl))
+ else:
+ _, perplexity, bleu, result = infer(batch_goals, batch_usrdas, batch_sysdas)
+ print("ppl: {} BLEU: {}".format(perplexity, bleu))
+
+
+
+if __name__ == "__main__":
+ main()
diff --git a/convlab/modules/usr/multiwoz/uber_usr/model.py b/convlab/modules/usr/multiwoz/uber_usr/model.py
new file mode 100644
index 0000000..eab0e26
--- /dev/null
+++ b/convlab/modules/usr/multiwoz/uber_usr/model.py
@@ -0,0 +1,253 @@
+import tensorflow as tf
+from convlab.usr.uber_usr import Config
+import numpy as np
+import os
+
+class E2EUser():
+ def __init__(self, goal_vocab_size, usr_vocab_size, sys_vocab_size, start_token=2, end_token=3, Train=True):
+ config = Config.config
+ self.goal_vocab_size = goal_vocab_size
+ self.usr_vocab_size = usr_vocab_size
+ self.sys_vocab_size = sys_vocab_size
+ self.goal_embedding_size = config.goal_embedding_size
+ self.usr_embedding_size = config.usr_embedding_size
+ self.sys_embedding_size = config.sys_embedding_size
+ self.lr = config.lr
+ self.lr_decay = config.lr_decay
+ self.dropout = config.dropout
+ self.layer_num = config.layer_num
+ self.hidden_state_num = config.hidden_state_num
+ self.start_token = start_token
+ self.end_token = end_token
+ self.ifTrain = Train
+ self.sys_max_len = 15
+ self.usr_max_len = 20
+
+ sess_graph = tf.Graph()
+ with sess_graph.as_default():
+ self._build_graph()
+ sess_config = tf.ConfigProto()
+ sess_config.gpu_options.allow_growth = True
+ self.sess = tf.Session(graph=sess_graph, config=sess_config)
+ self.sess.run(tf.global_variables_initializer())
+
+
+ # Build graph
+ def _build_graph(self):
+
+ self.posts = tf.placeholder(tf.int32, (None, None, self.sys_max_len), 'enc_inps') # batch*sen*max_len
+ self.posts_length = tf.placeholder(tf.int32, (None, None), 'enc_lens') # batch*sen
+ self.goals = tf.placeholder(tf.int32, (None, None), 'goal_inps') # batch*len
+ self.goals_length = tf.placeholder(tf.int32, (None,), 'goal_lens') # batch
+ self.origin_responses = tf.placeholder(tf.int32, (None, None), 'dec_inps') # batch*len
+ self.origin_responses_length = tf.placeholder(tf.int32, (None,), 'dec_lens') # batch
+
+ # initialize the training process
+ self.learning_rate = tf.Variable(float(self.lr), trainable=False, dtype=tf.float32)
+ self.learning_rate_decay_op = self.learning_rate.assign(self.learning_rate * self.lr_decay)
+ self.global_step = tf.Variable(0, trainable=False)
+
+ _, init_encoder_state = self._goal_encode()
+ encoder_states, _ = self._system_encode()
+ _, context = self._history_encode(init_encoder_state, encoder_states)
+ self._decode(context)
+ self._decode_test(context)
+
+ # calculate the gradient of parameters and update
+ self.params = tf.trainable_variables()
+ opt = tf.train.AdamOptimizer(self.learning_rate)
+ gradients = tf.gradients(self.decoder_loss, self.params)
+ clipped_gradients, self.gradient_norm = tf.clip_by_global_norm(gradients, 5.0)
+ self.update = opt.apply_gradients(zip(clipped_gradients, self.params),
+ global_step=self.global_step)
+
+ # save checkpoint
+ self.latest_saver = tf.train.Saver(write_version=tf.train.SaverDef.V2, max_to_keep=5,
+ pad_step_number=True, keep_checkpoint_every_n_hours=1.0)
+ self.best_saver = tf.train.Saver(write_version=tf.train.SaverDef.V2, max_to_keep=1,
+ pad_step_number=True, keep_checkpoint_every_n_hours=1.0)
+
+ def _goal_encode(self, embed=None):
+ # build the embedding table and embedding input
+ if embed is None:
+ # initialize the embedding randomly
+ self.goal_embed = tf.get_variable('goal_embed', [self.goal_vocab_size, self.goal_embedding_size], tf.float32)
+ else:
+ # initialize the embedding by pre-trained word vectors
+ self.goal_embed = tf.get_variable('goal_embed', dtype=tf.float32, initializer=embed)
+ encoder_input = tf.nn.embedding_lookup(self.goal_embed, self.goals) #batch*len*unit
+
+ cell_enc = tf.nn.rnn_cell.GRUCell(self.hidden_state_num)
+ with tf.variable_scope('goal_encoder'):
+ encoder_output, encoder_state = tf.nn.dynamic_rnn(cell_enc, encoder_input,
+ self.goals_length, dtype=tf.float32, scope="goal_rnn")
+ return encoder_output, encoder_state
+
+ def _system_encode(self, embed=None):
+ # build the embedding table and embedding input
+ if embed is None:
+ # initialize the embedding randomly
+ self.sys_embed = tf.get_variable('sys_embed', [self.sys_vocab_size, self.sys_embedding_size], tf.float32)
+ else:
+ # initialize the embedding by pre-trained word vectors
+ self.sys_embed = tf.get_variable('sys_embed', dtype=tf.float32, initializer=embed)
+ batch_size, sentence_max_len = tf.shape(self.posts)[0], tf.shape(self.posts)[1]
+ posts_input = tf.reshape(self.posts, [batch_size, -1])
+ encoder_input = tf.nn.embedding_lookup(self.sys_embed, posts_input) #batch*(sen*max_len)*unit
+
+ cell_enc = tf.nn.rnn_cell.GRUCell(self.hidden_state_num)
+ with tf.variable_scope('system_encoder'):
+ encoder_output, encoder_state = tf.nn.dynamic_rnn(cell_enc, encoder_input, dtype=tf.float32, scope="sys_rnn")
+
+ w = tf.range(sentence_max_len) * self.sys_max_len
+ W = tf.tile(tf.expand_dims(w, 0), [batch_size, 1])
+ ends = W + self.posts_length - 1
+ outputs = batch_gather(encoder_output, ends) #batch*sen*unit
+ return outputs, encoder_state
+
+ def _history_encode(self, init_state, inputs):
+ cell_enc = tf.nn.rnn_cell.GRUCell(self.hidden_state_num)
+ sentence_len = tf.count_nonzero(self.posts_length, 1)
+ with tf.variable_scope('history_encoder'):
+ outputs, state = tf.nn.dynamic_rnn(cell_enc, inputs, sentence_len,
+ initial_state=init_state, dtype=tf.float32, scope="history_rnn")
+ return outputs, state
+
+ def _decode(self, dec_start, embed=None):
+ # build the embedding table and embedding input
+ if embed is None:
+ # initialize the embedding randomly
+ self.usr_embed = tf.get_variable('usr_embed', [self.usr_vocab_size, self.usr_embedding_size], tf.float32)
+ else:
+ # initialize the embedding by pre-trained word vectors
+ self.usr_embed = tf.get_variable('usr_embed', dtype=tf.float32, initializer=embed)
+
+ # deal with original data to adapt encoder and decoder
+ decoder_len = tf.shape(self.origin_responses)[1]
+ self.responses_length = self.origin_responses_length - 1
+ self.responses_input = tf.split(self.origin_responses, [decoder_len-1, 1], 1)[0] # no eos_id
+ self.responses_target = tf.split(self.origin_responses, [1, decoder_len-1], 1)[1] # no go_id
+ decoder_len = decoder_len - 1
+ self.decoder_mask = tf.sequence_mask(self.responses_length, decoder_len)
+
+ # get output projection function
+ self.output_fn = tf.layers.Dense(self.usr_vocab_size)
+
+ # construct cell and helper
+ decoder_input = tf.nn.embedding_lookup(self.usr_embed, self.responses_input)
+ self.cell_dec = tf.nn.rnn_cell.GRUCell(self.hidden_state_num)
+ train_helper = tf.contrib.seq2seq.TrainingHelper(decoder_input, self.responses_length)
+
+ # build decoder (train)
+ with tf.variable_scope('decoder'):
+ decoder_train = tf.contrib.seq2seq.BasicDecoder(self.cell_dec, train_helper, dec_start, output_layer=self.output_fn)
+ train_outputs, _, _ = tf.contrib.seq2seq.dynamic_decode(decoder_train, impute_finished=True, scope="decoder_rnn")
+ self.decoder_output = train_outputs.rnn_output
+ self.decoder_loss = tf.contrib.seq2seq.sequence_loss(self.decoder_output, self.responses_target,
+ tf.cast(self.decoder_mask, tf.float32))
+ self.decoder_batch_loss = tf.contrib.seq2seq.sequence_loss(self.decoder_output, self.responses_target,
+ tf.cast(self.decoder_mask, tf.float32),
+ average_across_batch=False)
+
+ def _decode_test(self, dec_start, embed=None):
+ batch_size = tf.shape(self.posts)[0]
+ infer_helper = tf.contrib.seq2seq.GreedyEmbeddingHelper(self.usr_embed,
+ tf.fill([batch_size], self.start_token), self.end_token)
+
+ # build decoder (test)
+ with tf.variable_scope('decoder', reuse=True):
+ decoder_infer = tf.contrib.seq2seq.BasicDecoder(self.cell_dec, infer_helper, dec_start, output_layer=self.output_fn)
+ infer_outputs, _, _ = tf.contrib.seq2seq.dynamic_decode(decoder_infer, impute_finished=True,
+ maximum_iterations=self.usr_max_len,
+ scope="decoder_rnn")
+ self.decoder_distribution = infer_outputs.rnn_output
+ self.generation_index = tf.argmax(tf.split(self.decoder_distribution,
+ [2, self.usr_vocab_size-2], 2)[1], 2) + 2 #for removing PAD=0, UNK=1
+
+ def step(self, batch_input, forward_only=False):
+ input_feed = {self.posts: batch_input['posts'], # feed with data (temp)
+ self.posts_length: batch_input['posts_length'],
+ self.goals: batch_input['goals'],
+ self.goals_length: batch_input['goals_length'],
+ self.origin_responses: batch_input['origin_responses'],
+ self.origin_responses_length: batch_input['origin_responses_length']}
+ if forward_only:
+ output_feed = [self.decoder_loss, self.decoder_batch_loss, self.generation_index]
+ else:
+ output_feed = [self.decoder_loss, self.gradient_norm, self.update]
+ return self.sess.run(output_feed, input_feed)
+
+ def store_checkpoint(self, path, key):
+ if key == "latest":
+ self.latest_saver.save(self.sess, path, global_step = self.global_step)
+ elif key == 'best':
+ self.best_saver.save(self.sess, path + '_best', global_step = self.global_step)
+
+ def load_checkpoint(self, path):
+ if os.path.exists(path + '.meta'):
+ print(path + '.meta')
+ self.latest_saver.restore(self.sess, path)
+
+
+ # Train step
+ def train(self, batch_input):
+ loss, grad, _ = self.step(batch_input, forward_only=False)
+ return loss
+
+ # Evalution step, output result
+ def evaluate(self, batch_input):
+ loss, batch_loss, result = self.step(batch_input, forward_only=True)
+ perplexity = np.mean(np.exp(loss))
+ bleu = 0 #TODO: bleu = bleu_score_metric(batch_input[1], result)
+
+ return loss, perplexity, bleu
+
+ def inference(self, batch_input):
+ input_feed = {self.posts: batch_input['posts'],
+ self.posts_length: batch_input['posts_length'],
+ self.goals: batch_input['goals'],
+ self.goals_length: batch_input['goals_length']}
+ output_feed = [self.generation_index]
+ return self.sess.run(output_feed, input_feed)
+
+def batch_gather(params, indices, name=None):
+ """
+ for tf1.4
+ """
+ indices_shape = tf.shape(indices)
+ params_shape = tf.shape(params)
+
+ ndims = indices.shape.ndims
+ if ndims is None:
+ raise ValueError("batch_gather does not allow indices with unknown shape.")
+ batch_indices = indices
+ indices_dtype = indices.dtype.base_dtype
+ accum_dim_value = tf.ones((), dtype=indices_dtype)
+ # Use correct type for offset index computation
+ casted_params_shape = tf.cast(params_shape, indices_dtype)
+ for dim in range(ndims-1, 0, -1):
+ dim_value = casted_params_shape[dim-1]
+ accum_dim_value *= casted_params_shape[dim]
+ start = tf.zeros((), dtype=indices_dtype)
+ step = tf.ones((), dtype=indices_dtype)
+ dim_indices = tf.range(start, dim_value, step)
+ dim_indices *= accum_dim_value
+ dim_shape = tf.stack([1] * (dim - 1) + [dim_value] + [1] * (ndims - dim),
+ axis=0)
+ batch_indices += tf.reshape(dim_indices, dim_shape)
+
+ flat_indices = tf.reshape(batch_indices, [-1])
+ outer_shape = params_shape[ndims:]
+ flat_inner_shape = tf.reduce_prod(
+ params_shape[:ndims], [0])
+
+ flat_params = tf.reshape(
+ params, tf.concat([[flat_inner_shape], outer_shape], axis=0))
+ flat_result = tf.gather(flat_params, flat_indices)
+ result = tf.reshape(flat_result, tf.concat([indices_shape, outer_shape], axis=0))
+ final_shape = indices.get_shape()[:ndims-1].merge_with(
+ params.get_shape()[:ndims -1])
+ final_shape = final_shape.concatenate(indices.get_shape().dims[ndims-1])
+ final_shape = final_shape.concatenate(params.get_shape()[ndims:])
+ result.set_shape(final_shape)
+ return result
diff --git a/convlab/modules/usr/multiwoz/uber_usr/save/9-00003500.meta b/convlab/modules/usr/multiwoz/uber_usr/save/9-00003500.meta
new file mode 100644
index 0000000..1829a26
Binary files /dev/null and b/convlab/modules/usr/multiwoz/uber_usr/save/9-00003500.meta differ
diff --git a/convlab/modules/usr/multiwoz/uber_usr/vocab.pkl b/convlab/modules/usr/multiwoz/uber_usr/vocab.pkl
new file mode 100644
index 0000000..b38e481
Binary files /dev/null and b/convlab/modules/usr/multiwoz/uber_usr/vocab.pkl differ
diff --git a/convlab/modules/usr/user.py b/convlab/modules/usr/user.py
new file mode 100644
index 0000000..9b5b33b
--- /dev/null
+++ b/convlab/modules/usr/user.py
@@ -0,0 +1,65 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+
+class UserSimulator:
+ """An aggregation of user simulator components."""
+ def __init__(self, nlu_model, policy, nlg_model):
+ """
+ The constructor of UserSimulator class. The input are the models of each component.
+ Args:
+ nlu_model (NLU): An instance of NLU class.
+ policy (UserPolicy): An instance of Policy class.
+ nlg_model (NLG): An instance of NLG class.
+ """
+ self.nlu_model = nlu_model
+ # self.tracker = tracker
+ self.policy = policy
+ self.nlg_model = nlg_model
+
+ self.sys_act = None
+ self.current_action = None
+ self.policy.init_session()
+
+ def response(self, input):
+ """
+ Generate the response of user.
+ Args:
+ input (str or dict): Preorder system output. The type is str if system.nlg is not None, else dict.
+ Returns:
+ output (str or dict): User response. If the nlg component is None, type(output) == dict, else str.
+ action (dict): The dialog act of output. Note that if the nlg component is None, the output and action are
+ identical.
+ session_over (boolean): True to terminate session, else session continues.
+ reward (float): The reward given by the user.
+ """
+
+ if self.nlu_model is not None:
+ sys_act = self.nlu_model.parse(input)
+ else:
+ sys_act = input
+ self.sys_act = sys_act
+ action, session_over, reward = self.policy.predict(None, sys_act)
+ if self.nlg_model is not None:
+ output = self.nlg_model.generate(action)
+ else:
+ output = action
+
+ self.current_action = action
+
+ return output, action, session_over, reward
+
+ def init_session(self):
+ """Init the parameters for a new session by calling the init_session methods of policy component."""
+ self.policy.init_session()
+ self.current_action = None
+
+ def init_response(self):
+ """Return a init response of the user."""
+ if self.nlg_model is not None:
+ output = self.nlg_model.generate({})
+ else:
+ output = {}
+ return output
\ No newline at end of file
diff --git a/convlab/modules/util/__init__.py b/convlab/modules/util/__init__.py
new file mode 100644
index 0000000..d22315a
--- /dev/null
+++ b/convlab/modules/util/__init__.py
@@ -0,0 +1,6 @@
+from convlab.modules.util.dataloader import load
+from convlab.modules.util.dialog_act import DialogAct
+from convlab.modules.util.state import State
+from convlab.modules.util.log import Log
+
+from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA, REF_USR_DA
diff --git a/convlab/modules/util/dataloader.py b/convlab/modules/util/dataloader.py
new file mode 100644
index 0000000..4be5edf
--- /dev/null
+++ b/convlab/modules/util/dataloader.py
@@ -0,0 +1,8 @@
+"""
+Data loader for task-oriented dialog framework.
+"""
+
+DOMAIN_SET = ['movie', 'taxi']
+
+def load(domain_name):
+ pass
\ No newline at end of file
diff --git a/convlab/modules/util/dbquery.py b/convlab/modules/util/dbquery.py
new file mode 100644
index 0000000..0bc4976
--- /dev/null
+++ b/convlab/modules/util/dbquery.py
@@ -0,0 +1,60 @@
+"""
+"""
+import os
+import random
+import json
+
+
+# loading databases
+domains = ['restaurant', 'hotel', 'attraction', 'train', 'hospital', 'taxi', 'police']
+dbs = {}
+for domain in domains:
+ dbs[domain] = json.load(open(os.path.join(os.path.dirname(os.path.dirname(
+ os.path.dirname(os.path.dirname(os.path.abspath(__file__))))),
+ 'data/multiwoz/db/{}_db.json'.format(domain))))
+
+def query(domain, constraints, ignore_open=True):
+ """Returns the list of entities for a given domain
+ based on the annotation of the belief state"""
+ # query the db
+ if domain == 'taxi':
+ return [{'taxi_colors': random.choice(dbs[domain]['taxi_colors']),
+ 'taxi_types': random.choice(dbs[domain]['taxi_types']),
+ 'taxi_phone': [random.randint(1, 9) for _ in range(10)]}]
+ if domain == 'police':
+ return dbs['police']
+ if domain == 'hospital':
+ return dbs['hospital']
+
+ found = []
+ for record in dbs[domain]:
+ for key, val in constraints:
+ if val == "" or val == "dont care" or val == 'not mentioned' or val == "don't care" or val == "dontcare" or val == "do n't care":
+ pass
+ else:
+ try:
+ if key not in record:
+ continue
+ if key == 'leaveAt':
+ val1 = int(val.split(':')[0]) * 100 + int(val.split(':')[1])
+ val2 = int(record['leaveAt'].split(':')[0]) * 100 + int(record['leaveAt'].split(':')[1])
+ if val1 > val2:
+ break
+ elif key == 'arriveBy':
+ val1 = int(val.split(':')[0]) * 100 + int(val.split(':')[1])
+ val2 = int(record['arriveBy'].split(':')[0]) * 100 + int(record['arriveBy'].split(':')[1])
+ if val1 < val2:
+ break
+ elif ignore_open and key in ['destination', 'departure', 'name']:
+ continue
+ else:
+ if val.strip() != record[key].strip():
+ break
+ except:
+ continue
+ else:
+ found.append(record)
+
+ return found
+
+# print(query('restaurant', [['food', 'european'], ['pricerange', 'cheap'], ['area', 'centre']]))
diff --git a/convlab/modules/util/dialog_act.py b/convlab/modules/util/dialog_act.py
new file mode 100644
index 0000000..462c7b6
--- /dev/null
+++ b/convlab/modules/util/dialog_act.py
@@ -0,0 +1,38 @@
+"""
+"""
+
+class DialogAct:
+ """The base class for all kinds of dialog act."""
+ def __init__(self):
+ pass
+
+
+class DeterministicAct(DialogAct):
+ """Deterministic dialog act class."""
+ def __init__(self, act_type, sv_pairs):
+ """
+ Constructor for deterministic dialog act class.
+ Args:
+ act_type (str): A dialog act type name.
+ sv_pairs (list): A list of slot-value pairs, e.g., [['location', 'north'], ['price', 'cheap']]
+ """
+ DialogAct.__init__(self)
+ self.act_type = act_type
+ self.sv_pairs = sv_pairs
+ self.available_slots = [item[0] for item in self.sv_pairs]
+
+
+class StochasticAct(DialogAct):
+ """Stochastic dialog act class."""
+ def __init__(self, act_type_vec, sv_pair_vecs):
+ """
+ Constructor for stochastic dialog act class.
+ Args:
+ act_type_vec (list): A prob distribution over all act types, where len(act_type_vec) = |act_types|.
+ sv_pair_vecs (list): The prob distributions over the values of each slot, where each item is a list. The
+ length of slot X's item is |X_values|+1 where the extra 1 dimension indicates X is not mentioned or
+ dont_care.
+ """
+ DialogAct.__init__(self)
+ self.act_type_vec = act_type_vec
+ self.sv_pair_vecs = sv_pair_vecs
\ No newline at end of file
diff --git a/convlab/modules/util/kb_query.py b/convlab/modules/util/kb_query.py
new file mode 100644
index 0000000..10799ac
--- /dev/null
+++ b/convlab/modules/util/kb_query.py
@@ -0,0 +1,39 @@
+"""
+"""
+import random, copy
+
+class KBQuery:
+ def __init__(self, kb_path):
+ self.kb_path = kb_path
+ # configure knowledge base TODO: yaoqin
+
+ def query(self, state):
+ """
+ Args:
+ state (dict): The current state, every item is updated except 'kb_result_dict'.
+ state['current_slots']['inform_slots'] provides the constraints collected so far.
+ Example: {'price': 'expensive', 'location': 'north'}
+ Returns:
+ query_result (list): A list of query results, each item is a instance dict.
+ Example: [{'name': 'xxx hotel', 'price': expensive', 'location': 'north', ...},
+ {'name': 'xxxx hotel', ...}]
+ """
+ # implemented TODO: yaoqin
+
+ # below is a trivial implementation by ramdomly return results
+ # meta_result = {'name': 'xxx_train', 'day': 'tuesday', 'dest': 'cam', 'phone': '123-3333', 'area': 'south',
+ # 'duration': 'xxx_time'}
+ slot_set = ['fee', 'address', 'addr', 'area', 'stars', 'internet', 'department', 'choice', 'ref', 'food', 'type', 'price',
+ 'pricerange', 'stay', 'phone', 'post', 'day', 'trainid', 'name', 'car', 'leave', 'time', 'arrive', 'ticket',
+ 'none', 'depart', 'people', 'dest', 'parking', 'duration', 'open', 'id', 'entrance fee']
+ meta_result = {}
+ for slot in slot_set:
+ meta_result[slot] = '{}-value'.format(slot)
+
+ result_no = random.randint(1, 5)
+ kb_result = []
+ for idx in range(result_no):
+ item = copy.deepcopy(meta_result)
+ item['name'] = item['name'] + str(idx)
+ kb_result.append(item)
+ return kb_result
\ No newline at end of file
diff --git a/convlab/modules/util/log.py b/convlab/modules/util/log.py
new file mode 100644
index 0000000..bf260ca
--- /dev/null
+++ b/convlab/modules/util/log.py
@@ -0,0 +1,14 @@
+class Log:
+ def __init__(self, log_path):
+ self.log_path = log_path
+
+ def log(self, info):
+ with open(self.log_path, 'a+') as f:
+ f.write(info)
+ f.write('\n')
+ f.close()
+
+ def clear(self):
+ with open(self.log_path, 'w+') as f:
+ f.write('')
+ f.close()
\ No newline at end of file
diff --git a/convlab/modules/util/multiwoz_slot_trans.py b/convlab/modules/util/multiwoz_slot_trans.py
new file mode 100644
index 0000000..4b8363e
--- /dev/null
+++ b/convlab/modules/util/multiwoz_slot_trans.py
@@ -0,0 +1,79 @@
+REF_USR_DA = {
+ 'Attraction': {
+ 'area': 'Area', 'type': 'Type', 'name': 'Name',
+ 'entrance fee': 'Fee', 'address': 'Addr',
+ 'postcode': 'Post', 'phone': 'Phone'
+ },
+ 'Hospital': {
+ 'department': 'Department', 'address': 'Addr', 'postcode': 'Post',
+ 'phone': 'Phone'
+ },
+ 'Hotel': {
+ 'type': 'Type', 'parking': 'Parking', 'pricerange': 'Price',
+ 'internet': 'Internet', 'area': 'Area', 'stars': 'Stars',
+ 'name': 'Name', 'stay': 'Stay', 'day': 'Day', 'people': 'People',
+ 'address': 'Addr', 'postcode': 'Post', 'phone': 'Phone'
+ },
+ 'Police': {
+ 'address': 'Addr', 'postcode': 'Post', 'phone': 'Phone', 'name': 'Name'
+ },
+ 'Restaurant': {
+ 'food': 'Food', 'pricerange': 'Price', 'area': 'Area',
+ 'name': 'Name', 'time': 'Time', 'day': 'Day', 'people': 'People',
+ 'phone': 'Phone', 'postcode': 'Post', 'address': 'Addr'
+ },
+ 'Taxi': {
+ 'leaveAt': 'Leave', 'destination': 'Dest', 'departure': 'Depart', 'arriveBy': 'Arrive',
+ 'car type': 'Car', 'phone': 'Phone'
+ },
+ 'Train': {
+ 'destination': 'Dest', 'day': 'Day', 'arriveBy': 'Arrive',
+ 'departure': 'Depart', 'leaveAt': 'Leave', 'people': 'People',
+ 'duration': 'Time', 'price': 'Ticket', 'trainID': 'Id'
+ }
+}
+
+REF_SYS_DA = {
+ 'Attraction': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Fee': "entrance fee", 'Name': "name", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Type': "type",
+ 'none': None, 'Open': None
+ },
+ 'Hospital': {
+ 'Department': 'department', 'Addr': 'address', 'Post': 'postcode',
+ 'Phone': 'phone', 'none': None
+ },
+ 'Booking': {
+ 'Day': 'day', 'Name': 'name', 'People': 'people',
+ 'Ref': 'ref', 'Stay': 'stay', 'Time': 'time',
+ 'none': None
+ },
+ 'Hotel': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Internet': "internet", 'Name': "name", 'Parking': "parking",
+ 'Phone': "phone", 'Post': "postcode", 'Price': "pricerange",
+ 'Ref': "ref", 'Stars': "stars", 'Type': "type",
+ 'none': None
+ },
+ 'Restaurant': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Name': "name", 'Food': "food", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Ref': "ref",
+ 'none': None
+ },
+ 'Taxi': {
+ 'Arrive': "arriveBy", 'Car': "car type", 'Depart': "departure",
+ 'Dest': "destination", 'Leave': "leaveAt", 'Phone': "phone",
+ 'none': None
+ },
+ 'Train': {
+ 'Arrive': "arriveBy", 'Choice': "choice", 'Day': "day",
+ 'Depart': "departure", 'Dest': "destination", 'Id': "trainID",
+ 'Leave': "leaveAt", 'People': "people", 'Ref': "ref",
+ 'Time': "duration", 'none': None, 'Ticket': 'price',
+ },
+ 'Police': {
+ 'Addr': "address", 'Post': "postcode", 'Phone': "phone"
+ },
+}
\ No newline at end of file
diff --git a/convlab/modules/util/state.py b/convlab/modules/util/state.py
new file mode 100644
index 0000000..8f12d0c
--- /dev/null
+++ b/convlab/modules/util/state.py
@@ -0,0 +1,39 @@
+"""
+"""
+
+class State:
+ """Base class for dialog state."""
+ def __init__(self):
+ """
+ Construct a init state variable for the class.
+ The dialog state is a dict type variable, including the necessary aspects as shown in following code.
+ Variable:
+ Action (dict): System/User act, with the form of {act_type1: [[slot_name_1, value_1], [slot_name_2, value_2], ...], ...}
+ Current_slot
+ """
+ state = {
+ 'user_action': None,
+ 'current_slots': None,
+ 'kb_results_dict': None,
+ 'turn': None,
+ 'history': None,
+ 'agent_action': None
+ }
+ self.state = state
+
+ def set(self, new_state):
+ """
+ Set the state with the new_state variable.
+ Args:
+ new_state (dict): A new state variable.
+ """
+ self.state = new_state
+
+ def set_aspect(self, slot, value):
+ """
+ Set the value for certrain slot.
+ Args:
+ slot (str): The name of slot.
+ value: The value of the slot.
+ """
+ self.state[slot] = value
\ No newline at end of file
diff --git a/convlab/modules/util/value_gen.py b/convlab/modules/util/value_gen.py
new file mode 100644
index 0000000..a8469b2
--- /dev/null
+++ b/convlab/modules/util/value_gen.py
@@ -0,0 +1,72 @@
+import os
+import json
+
+
+db_dir = '../../data/multiwoz/db'
+
+dbs = os.listdir(db_dir)
+dbs = [os.path.join(db_dir, item) for item in dbs]
+
+value_dict = {}
+
+ignore_slot = ['id', 'location', 'phone']
+
+for db in dbs:
+ db_file = db.split('/')[-1]
+ domain_name = db_file.split('_db.json')[0]
+ # print(domain_name)
+ data = json.load(open(db))
+ # print(len(data))
+ domain_dict = {}
+ # ignore
+ # all: id
+ # attraction:
+ print('domain: {}'.format(domain_name))
+ if domain_name != 'taxi':
+ for item in data:
+ for k, v in item.items():
+ assert type(k) is str
+ if k in ignore_slot:
+ continue
+ else:
+ if k in domain_dict:
+ if type(v) is str:
+ domain_dict[k].add(v)
+ elif type(v) is dict:
+ for _, sub_v in v.items():
+ domain_dict[k].add(sub_v)
+ else:
+ raise Exception('unexpected value type: {}'.format(type(v)))
+ else:
+ domain_dict[k] = set()
+ if type(v) is str:
+ domain_dict[k].add(v)
+ elif type(v) is dict:
+ for _, sub_v in v.items():
+ domain_dict[k].add(sub_v)
+ else:
+ raise Exception('unexpected value type: {}'.format(type(v)))
+ else:
+ for slot, values in data.items():
+ assert type(slot) is str
+ slot = slot.split('_')[1]
+ if slot is 'phone': continue
+ domain_dict[slot] = values
+ new_domain_dict = {}
+ for slot, v_set in domain_dict.items():
+ new_domain_dict[slot] = list(v_set)
+
+ for k, v_list in new_domain_dict.items():
+ print('\t', k, len(v_list))
+ for v in v_list:
+ json.dumps(v, indent=4)
+ json.dumps(k, indent=4)
+ json.dumps(v_list, indent=4)
+
+ value_dict[domain_name] = new_domain_dict
+
+json.dump(value_dict, open('../../data/value_set.json', 'w+'), indent=4)
+# json.dumps(value_dict, indent=4)
+
+
+
diff --git a/convlab/modules/word_policy/__init__.py b/convlab/modules/word_policy/__init__.py
new file mode 100644
index 0000000..c010fb6
--- /dev/null
+++ b/convlab/modules/word_policy/__init__.py
@@ -0,0 +1,4 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from convlab.modules.word_policy.multiwoz.mdrg.predict import MDRGWordPolicy
diff --git a/convlab/modules/word_policy/multiwoz/__init__.py b/convlab/modules/word_policy/multiwoz/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/README.md b/convlab/modules/word_policy/multiwoz/mdrg/README.md
new file mode 100644
index 0000000..e544a2a
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/README.md
@@ -0,0 +1,104 @@
+# multiwoz
+
+multiwoz is an open source toolkit for building end-to-end trainable task-oriented dialogue models.
+It is released by Paweł Budzianowski from Cambridge Dialogue Systems Group under Apache License 2.0.
+
+# Requirements
+Python 2 with pip
+
+# Quick start
+In repo directory:
+
+## Preprocessing
+To download and pre-process the data run:
+
+```python create_delex_data.py```
+
+## Training
+To train the model run:
+
+```python train.py [--args=value]```
+```
+python train.py --max_epochs 20 --batch_size 64 --lr_rate 0.005 --clip 5.0 --l2_norm 0.00001 --dropout 0.0 --optim Adam --emb_size 50 --use_attn True --hid_size_enc 150 --hid_size_pol 150 --hid_size_dec 150 --cell_type lstm --cuda 0
+```
+
+
+Some of these args include:
+
+```
+// hyperparamters for model learning
+--max_epochs : numbers of epochs
+--batch_size : numbers of turns per batch
+--lr_rate : initial learning rate
+--clip : size of clipping
+--l2_norm : l2-regularization weight
+--dropout : dropout rate
+--optim : optimization method
+
+// network structure
+--emb_size : word vectors emedding size
+--use_attn : whether to use attention
+--hid_size_enc : size of RNN hidden cell
+--hid_size_pol : size of policy hidden output
+--hid_size_dec : size of RNN hidden cell
+--cell_type : specify RNN type
+```
+
+## Testing
+To evaluate the run:
+
+```python test.py [--args=value]```
+
+# Benchmark results
+The following [benchmark results](http://dialogue.mi.eng.cam.ac.uk/index.php/corpus/) were produced by this software.
+We ran a small grid search over various hyperparameter settings
+and reported the performance of the best model on the test set.
+The selection criterion was 0.5*match + 0.5*success+100*BLEU on the validation set.
+The final parameters were:
+
+```
+// hyperparamters for model learning
+--max_epochs : 20
+--batch_size : 64
+--lr_rate : 0.005
+--clip : 5.0
+--l2_norm : 0.00001
+--dropout : 0.0
+--optim : Adam
+
+// network structure
+--emb_size : 50
+--use_attn : True
+--hid_size_enc : 150
+--hid_size_pol : 150
+--hid_size_dec : 150
+--cell_type : lstm
+```
+
+
+# References
+If you use any source codes or datasets included in this toolkit in your
+work, please cite the corresponding papers. The bibtex are listed below:
+```
+[Budzianowski et al. 2018]
+@inproceedings{budzianowski2018large,
+ Author = {Budzianowski, Pawe{\l} and Wen, Tsung-Hsien and Tseng, Bo-Hsiang and Casanueva, I{\~n}igo and Ultes Stefan and Ramadan Osman and Ga{\v{s}}i\'c, Milica},
+ title={MultiWOZ - A Large-Scale Multi-Domain Wizard-of-Oz Dataset for Task-Oriented Dialogue Modelling},
+ booktitle={Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing (EMNLP)},
+ year={2018}
+}
+
+[Ramadan et al. 2018]
+@inproceedings{ramadan2018large,
+ title={Large-Scale Multi-Domain Belief Tracking with Knowledge Sharing},
+ author={Ramadan, Osman and Budzianowski, Pawe{\l} and Gasic, Milica},
+ booktitle={Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics},
+ volume={2},
+ pages={432--437},
+ year={2018}
+}
+```
+
+# Bug Report
+
+If you have found any bugs in the code, please contact: pfb30 at cam dot ac dot uk
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/__init__.py b/convlab/modules/word_policy/multiwoz/mdrg/__init__.py
new file mode 100644
index 0000000..9a04545
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/__init__.py
@@ -0,0 +1,2 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/create_delex_data.py b/convlab/modules/word_policy/multiwoz/mdrg/create_delex_data.py
new file mode 100644
index 0000000..55ed757
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/create_delex_data.py
@@ -0,0 +1,480 @@
+# -*- coding: utf-8 -*-
+
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import json
+import os
+import re
+import shutil
+import urllib
+from collections import OrderedDict
+from io import BytesIO
+from zipfile import ZipFile
+from tqdm import tqdm
+
+import numpy as np
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils import dbPointer, delexicalize
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils.nlp import normalize
+
+
+np.set_printoptions(precision=3)
+
+np.random.seed(2)
+
+# GLOBAL VARIABLES
+DICT_SIZE = 400
+MAX_LENGTH = 50
+
+def is_ascii(s):
+ return all(ord(c) < 128 for c in s)
+
+
+def fixDelex(filename, data, data2, idx, idx_acts):
+ """Given system dialogue acts fix automatic delexicalization."""
+ try:
+ turn = data2[filename.strip('.json')][str(idx_acts)]
+ except:
+ return data
+
+ # if not isinstance(turn, str) and not isinstance(turn, unicode):
+ if not isinstance(turn, str):
+ for k, act in turn.items():
+ if 'Attraction' in k:
+ if 'restaurant_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("restaurant", "attraction")
+ if 'hotel_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("hotel", "attraction")
+ if 'Hotel' in k:
+ if 'attraction_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("attraction", "hotel")
+ if 'restaurant_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("restaurant", "hotel")
+ if 'Restaurant' in k:
+ if 'attraction_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("attraction", "restaurant")
+ if 'hotel_' in data['log'][idx]['text']:
+ data['log'][idx]['text'] = data['log'][idx]['text'].replace("hotel", "restaurant")
+
+ return data
+
+
+def delexicaliseReferenceNumber(sent, turn):
+ """Based on the belief state, we can find reference number that
+ during data gathering was created randomly."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital'] # , 'police']
+ if turn['metadata']:
+ for domain in domains:
+ if turn['metadata'][domain]['book']['booked']:
+ for slot in turn['metadata'][domain]['book']['booked'][0]:
+ if slot == 'reference':
+ val = '[' + domain + '_' + slot + ']'
+ else:
+ val = '[' + domain + '_' + slot + ']'
+ key = normalize(turn['metadata'][domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+
+ # try reference with hashtag
+ key = normalize("#" + turn['metadata'][domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+
+ # try reference with ref#
+ key = normalize("ref#" + turn['metadata'][domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+ return sent
+
+
+def addBookingPointer(task, turn, pointer_vector):
+ """Add information about availability of the booking option."""
+ # Booking pointer
+ rest_vec = np.array([1, 0])
+ if task['goal']['restaurant']:
+ # if turn['metadata']['restaurant'].has_key("book"):
+ if "book" in turn['metadata']['restaurant']:
+ # if turn['metadata']['restaurant']['book'].has_key("booked"):
+ if "booked" in turn['metadata']['restaurant']['book']:
+ if turn['metadata']['restaurant']['book']["booked"]:
+ if "reference" in turn['metadata']['restaurant']['book']["booked"][0]:
+ rest_vec = np.array([0, 1])
+
+ hotel_vec = np.array([1, 0])
+ if task['goal']['hotel']:
+ # if turn['metadata']['hotel'].has_key("book"):
+ if "book" in turn['metadata']['hotel']:
+ # if turn['metadata']['hotel']['book'].has_key("booked"):
+ if "booked" in turn['metadata']['hotel']['book']:
+ if turn['metadata']['hotel']['book']["booked"]:
+ if "reference" in turn['metadata']['hotel']['book']["booked"][0]:
+ hotel_vec = np.array([0, 1])
+
+ train_vec = np.array([1, 0])
+ if task['goal']['train']:
+ # if turn['metadata']['train'].has_key("book"):
+ if "book" in turn['metadata']['train']:
+ # if turn['metadata']['train']['book'].has_key("booked"):
+ if "booked" in turn['metadata']['train']['book']:
+ if turn['metadata']['train']['book']["booked"]:
+ if "reference" in turn['metadata']['train']['book']["booked"][0]:
+ train_vec = np.array([0, 1])
+
+ pointer_vector = np.append(pointer_vector, rest_vec)
+ pointer_vector = np.append(pointer_vector, hotel_vec)
+ pointer_vector = np.append(pointer_vector, train_vec)
+
+ return pointer_vector
+
+
+def addDBPointer(turn):
+ """Create database pointer for all related domains."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train']
+ pointer_vector = np.zeros(6 * len(domains))
+ for domain in domains:
+ num_entities = dbPointer.queryResult(domain, turn)
+ pointer_vector = dbPointer.oneHotVector(num_entities, domain, pointer_vector)
+
+ return pointer_vector
+
+
+def get_summary_bstate(bstate):
+ """Based on the mturk annotations we form multi-domain belief state"""
+ domains = [u'taxi',u'restaurant', u'hospital', u'hotel',u'attraction', u'train', u'police']
+ summary_bstate = []
+ for domain in domains:
+ domain_active = False
+
+ booking = []
+ #print(domain,len(bstate[domain]['book'].keys()))
+ for slot in sorted(bstate[domain]['book'].keys()):
+ if slot == 'booked':
+ if bstate[domain]['book']['booked']:
+ booking.append(1)
+ else:
+ booking.append(0)
+ else:
+ if bstate[domain]['book'][slot] != "":
+ booking.append(1)
+ else:
+ booking.append(0)
+ if domain == 'train':
+ if 'people' not in bstate[domain]['book'].keys():
+ booking.append(0)
+ if 'ticket' not in bstate[domain]['book'].keys():
+ booking.append(0)
+ summary_bstate += booking
+
+ for slot in bstate[domain]['semi']:
+ slot_enc = [0, 0, 0] # not mentioned, dontcare, filled
+ if bstate[domain]['semi'][slot] == 'not mentioned':
+ slot_enc[0] = 1
+ elif bstate[domain]['semi'][slot] == 'dont care' or bstate[domain]['semi'][slot] == 'dontcare' or bstate[domain]['semi'][slot] == "don't care":
+ slot_enc[1] = 1
+ elif bstate[domain]['semi'][slot]:
+ slot_enc[2] = 1
+ if slot_enc != [0, 0, 0]:
+ domain_active = True
+ summary_bstate += slot_enc
+
+ # quasi domain-tracker
+ if domain_active:
+ summary_bstate += [1]
+ else:
+ summary_bstate += [0]
+
+ #print(len(summary_bstate))
+ assert len(summary_bstate) == 94
+ return summary_bstate
+
+
+def analyze_dialogue(dialogue, maxlen):
+ """Cleaning procedure for all kinds of errors in text and annotation."""
+ d = dialogue
+ # do all the necessary postprocessing
+ if len(d['log']) % 2 != 0:
+ #print path
+ print('odd # of turns')
+ return None # odd number of turns, wrong dialogue
+ d_pp = {}
+ d_pp['goal'] = d['goal'] # for now we just copy the goal
+ usr_turns = []
+ sys_turns = []
+ for i in range(len(d['log'])):
+ if len(d['log'][i]['text'].split()) > maxlen:
+ print('too long')
+ return None # too long sentence, wrong dialogue
+ if i % 2 == 0: # usr turn
+ if 'db_pointer' not in d['log'][i]:
+ print('no db')
+ return None # no db_pointer, probably 2 usr turns in a row, wrong dialogue
+ text = d['log'][i]['text']
+ if not is_ascii(text):
+ print('not ascii')
+ return None
+ #d['log'][i]['tkn_text'] = self.tokenize_sentence(text, usr=True)
+ usr_turns.append(d['log'][i])
+ else: # sys turn
+ text = d['log'][i]['text']
+ if not is_ascii(text):
+ print('not ascii')
+ return None
+ #d['log'][i]['tkn_text'] = self.tokenize_sentence(text, usr=False)
+ belief_summary = get_summary_bstate(d['log'][i]['metadata'])
+ d['log'][i]['belief_summary'] = belief_summary
+ sys_turns.append(d['log'][i])
+ d_pp['usr_log'] = usr_turns
+ d_pp['sys_log'] = sys_turns
+
+ return d_pp
+
+
+def get_dial(dialogue):
+ """Extract a dialogue from the file"""
+ dial = []
+ d_orig = analyze_dialogue(dialogue, MAX_LENGTH) # max turn len is 50 words
+ if d_orig is None:
+ return None
+ usr = [t['text'] for t in d_orig['usr_log']]
+ db = [t['db_pointer'] for t in d_orig['usr_log']]
+ bs = [t['belief_summary'] for t in d_orig['sys_log']]
+ sys = [t['text'] for t in d_orig['sys_log']]
+ for u, d, s, b in zip(usr, db, sys, bs):
+ dial.append((u, s, d, b))
+
+ return dial
+
+
+def createDict(word_freqs):
+ words = list(word_freqs.keys())
+ freqs = list(word_freqs.values())
+
+ sorted_idx = list(np.argsort(freqs))
+ sorted_words = [words[ii] for ii in sorted_idx[::-1]]
+
+ # Extra vocabulary symbols
+ _GO = '_GO'
+ EOS = '_EOS'
+ UNK = '_UNK'
+ PAD = '_PAD'
+ extra_tokens = [_GO, EOS, UNK, PAD]
+
+ worddict = OrderedDict()
+ for ii, ww in enumerate(extra_tokens):
+ worddict[ww] = ii
+ for ii, ww in enumerate(sorted_words):
+ worddict[ww] = ii + len(extra_tokens)
+
+ to_remove = []
+ for key, idx in worddict.items():
+ if idx >= DICT_SIZE:
+ to_remove.append(key)
+ for key in to_remove:
+ del worddict[key]
+
+ return worddict
+
+
+def loadData():
+ data_url = "data/multi-woz/data.json"
+ dataset_url = "https://www.repository.cam.ac.uk/bitstream/handle/1810/280608/MULTIWOZ2.zip?sequence=3&isAllowed=y"
+ if not os.path.exists("data"):
+ os.makedirs("data")
+ os.makedirs("data/multi-woz")
+
+ if not os.path.exists(data_url):
+ print("Downloading and unzipping the MultiWOZ dataset")
+ resp = urllib.urlopen(dataset_url)
+ zip_ref = ZipFile(BytesIO(resp.read()))
+ zip_ref.extractall("data/multi-woz")
+ zip_ref.close()
+ shutil.copy('data/multi-woz/MULTIWOZ2 2/data.json', 'data/multi-woz/')
+ shutil.copy('data/multi-woz/MULTIWOZ2 2/valListFile.json', 'data/multi-woz/')
+ shutil.copy('data/multi-woz/MULTIWOZ2 2/testListFile.json', 'data/multi-woz/')
+ shutil.copy('data/multi-woz/MULTIWOZ2 2/dialogue_acts.json', 'data/multi-woz/')
+
+
+def createDelexData():
+ """Main function of the script - loads delexical dictionary,
+ goes through each dialogue and does:
+ 1) data normalization
+ 2) delexicalization
+ 3) addition of database pointer
+ 4) saves the delexicalized data
+ """
+ # download the data
+ loadData()
+
+ # create dictionary of delexicalied values that then we will search against, order matters here!
+ dic = delexicalize.prepareSlotValuesIndependent()
+ delex_data = {}
+
+ # fin1 = file('data/multi-woz/data.json')
+ fin1 = open('data/multi-woz/data.json')
+ data = json.load(fin1)
+
+ # fin2 = file('data/multi-woz/dialogue_acts.json')
+ fin2 = open('data/multi-woz/dialogue_acts.json')
+ data2 = json.load(fin2)
+
+ num = 0
+ for dialogue_name in tqdm(data):
+ dialogue = data[dialogue_name]
+ #print dialogue_name
+
+ idx_acts = 1
+
+ for idx, turn in enumerate(dialogue['log']):
+ # normalization, split and delexicalization of the sentence
+ sent = normalize(turn['text'])
+
+ words = sent.split()
+ sent = delexicalize.delexicalise(' '.join(words), dic)
+
+ # parsing reference number GIVEN belief state
+ sent = delexicaliseReferenceNumber(sent, turn)
+
+ # changes to numbers only here
+ digitpat = re.compile('\d+')
+ sent = re.sub(digitpat, '[value_count]', sent)
+
+ # delexicalized sentence added to the dialogue
+ dialogue['log'][idx]['text'] = sent
+
+ if idx % 2 == 1: # if it's a system turn
+ # add database pointer
+ pointer_vector = addDBPointer(turn)
+ # add booking pointer
+ pointer_vector = addBookingPointer(dialogue, turn, pointer_vector)
+
+ #print pointer_vector
+ dialogue['log'][idx - 1]['db_pointer'] = pointer_vector.tolist()
+
+ # FIXING delexicalization:
+ dialogue = fixDelex(dialogue_name, dialogue, data2, idx, idx_acts)
+ idx_acts +=1
+
+ delex_data[dialogue_name] = dialogue
+ # num += 1
+ # if num > 100:
+ # break
+
+ with open('data/multi-woz/delex.json', 'w') as outfile:
+ json.dump(delex_data, outfile)
+
+ return delex_data
+
+
+def divideData(data):
+ """Given test and validation sets, divide
+ the data for three different sets"""
+ testListFile = []
+ fin = open('data/multi-woz/testListFile.json')
+ for line in fin:
+ testListFile.append(line[:-1])
+ fin.close()
+
+ valListFile = []
+ fin = open('data/multi-woz/valListFile.json')
+ for line in fin:
+ valListFile.append(line[:-1])
+ fin.close()
+
+ trainListFile = open('data/trainListFile', 'w')
+
+ test_dials = {}
+ val_dials = {}
+ train_dials = {}
+
+ # dictionaries
+ word_freqs_usr = OrderedDict()
+ word_freqs_sys = OrderedDict()
+
+ for dialogue_name in tqdm(data):
+ #print dialogue_name
+ dial = get_dial(data[dialogue_name])
+ if dial:
+ dialogue = {}
+ dialogue['usr'] = []
+ dialogue['sys'] = []
+ dialogue['db'] = []
+ dialogue['bs'] = []
+ for turn in dial:
+ dialogue['usr'].append(turn[0])
+ dialogue['sys'].append(turn[1])
+ dialogue['db'].append(turn[2])
+ dialogue['bs'].append(turn[3])
+
+ if dialogue_name in testListFile:
+ test_dials[dialogue_name] = dialogue
+ elif dialogue_name in valListFile:
+ val_dials[dialogue_name] = dialogue
+ else:
+ trainListFile.write(dialogue_name + '\n')
+ train_dials[dialogue_name] = dialogue
+
+ for turn in dial:
+ line = turn[0]
+ words_in = line.strip().split(' ')
+ for w in words_in:
+ if w not in word_freqs_usr:
+ word_freqs_usr[w] = 0
+ word_freqs_usr[w] += 1
+
+ line = turn[1]
+ words_in = line.strip().split(' ')
+ for w in words_in:
+ if w not in word_freqs_sys:
+ word_freqs_sys[w] = 0
+ word_freqs_sys[w] += 1
+
+ # save all dialogues
+ with open('data/val_dials.json', 'w') as f:
+ json.dump(val_dials, f, indent=4)
+
+ with open('data/test_dials.json', 'w') as f:
+ json.dump(test_dials, f, indent=4)
+
+ with open('data/train_dials.json', 'w') as f:
+ json.dump(train_dials, f, indent=4)
+
+ return word_freqs_usr, word_freqs_sys
+
+
+def buildDictionaries(word_freqs_usr, word_freqs_sys):
+ """Build dictionaries for both user and system sides.
+ You can specify the size of the dictionary through DICT_SIZE variable."""
+ dicts = []
+ worddict_usr = createDict(word_freqs_usr)
+ dicts.append(worddict_usr)
+ worddict_sys = createDict(word_freqs_sys)
+ dicts.append(worddict_sys)
+
+ # reverse dictionaries
+ idx2words = []
+ for dictionary in dicts:
+ dic = {}
+ for k,v in dictionary.items():
+ dic[v] = k
+ idx2words.append(dic)
+
+ with open('data/input_lang.index2word.json', 'w') as f:
+ json.dump(idx2words[0], f, indent=2)
+ with open('data/input_lang.word2index.json', 'w') as f:
+ json.dump(dicts[0], f,indent=2)
+ with open('data/output_lang.index2word.json', 'w') as f:
+ json.dump(idx2words[1], f,indent=2)
+ with open('data/output_lang.word2index.json', 'w') as f:
+ json.dump(dicts[1], f,indent=2)
+
+
+def main():
+ print('Create delexicalized dialogues. Get yourself a coffee, this might take a while.')
+ delex_data = createDelexData()
+ print('Divide dialogues for separate bits - usr, sys, db, bs')
+ word_freqs_usr, word_freqs_sys = divideData(delex_data)
+ print('Building dictionaries')
+ buildDictionaries(word_freqs_usr, word_freqs_sys)
+
+
+if __name__ == "__main__":
+ main()
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/attraction-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/attraction-dbase.db
new file mode 100644
index 0000000..d5d0279
Binary files /dev/null and b/convlab/modules/word_policy/multiwoz/mdrg/db/attraction-dbase.db differ
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/attraction_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/attraction_db.json
new file mode 100644
index 0000000..4f5fbc7
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/attraction_db.json
@@ -0,0 +1,1266 @@
+[
+ {
+ "address": "pool way, whitehill road, off newmarket road",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "1",
+ "location": [
+ 52.208789,
+ 0.154883
+ ],
+ "name": "abbey pool and astroturf pitch",
+ "openhours": "?",
+ "phone": "01223902088",
+ "postcode": "cb58nt",
+ "pricerange": "?",
+ "type": "swimmingpool"
+ },
+ {
+ "address": "park street",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "2",
+ "location": [
+ 52.208699,
+ 0.12006
+ ],
+ "name": "adc theatre",
+ "openhours": "?",
+ "phone": "01223300085",
+ "postcode": "cb58as",
+ "pricerange": "?",
+ "type": "theatre"
+ },
+ {
+ "address": "jesus lane",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "3",
+ "location": [
+ 52.2078083333333,
+ 0.125616666666667
+ ],
+ "name": "all saints church",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m., at other times the key can be borrowed from a nearby key holder.",
+ "phone": "01223452587",
+ "postcode": "cb58bs",
+ "pricerange": "free",
+ "type": "architecture"
+ },
+ {
+ "address": "heidelberg gardens, lion yard",
+ "area": "centre",
+ "entrance fee": "5 pounds",
+ "id": "4",
+ "location": [
+ 52.20478,
+ 0.11975
+ ],
+ "name": "ballare",
+ "openhours": "it opens from 10:30 p.m. to 03:30 a.m on thursday, from 11:00 p.m. to 04:00 a.m. on friday, from 10:00 p.m. to 03:30 a.m. on saturday, and from 10:00 p.m. to 02:30 a.m. on monday",
+ "phone": "01223364222",
+ "postcode": "cb23na",
+ "pricerange": "moderate",
+ "type": "nightclub"
+ },
+ {
+ "address": "98 king street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "5",
+ "location": [
+ 52.207409,
+ 0.126738
+ ],
+ "name": "broughton house gallery",
+ "openhours": "?",
+ "phone": "01223314960",
+ "postcode": "cb11ln",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "14 king's parade",
+ "area": "south",
+ "entrance fee": "free",
+ "id": "6",
+ "location": [
+ 52.1725982,
+ 0.1112224
+ ],
+ "name": "byard art",
+ "openhours": "it opens from 09:30 a.m. to 5:30 p.m. from monday to saturday, and from 11:00 a.m. to 4:00 p.m. on sunday",
+ "phone": "01223464646",
+ "postcode": "cb21sj",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "cafe jello gallery, 13 magdalene street",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "7",
+ "location": [
+ 52.221949,
+ 0.094948
+ ],
+ "name": "cafe jello gallery",
+ "openhours": "it opens from 10:30 a.m. to 5:30 p.m. thursday to saturday",
+ "phone": "01223312112",
+ "postcode": "cb30af",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "the plough, green end, fen ditton,",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "8",
+ "location": [
+ 52.21247,
+ 0.15619
+ ],
+ "name": "camboats",
+ "openhours": "?",
+ "phone": "01223902112",
+ "postcode": "cb58sx",
+ "pricerange": "?",
+ "type": "boat"
+ },
+ {
+ "address": "2-3 castle street",
+ "area": "west",
+ "entrance fee": "3.50 pounds",
+ "id": "9",
+ "location": [
+ 52.210766,
+ 0.114795
+ ],
+ "name": "cambridge and county folk museum",
+ "openhours": "it opens from monday to saturday, 10 a.m. to 5 p.m. while on sunday it opens from 2 p.m. to 5 p.m.",
+ "phone": "01223355159",
+ "postcode": "cb30aq",
+ "pricerange": "moderate",
+ "type": "museum"
+ },
+ {
+ "address": "6 saint edward's passage",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "10",
+ "location": [
+ 52.2034781571435,
+ 0.119176917855308
+ ],
+ "name": "cambridge arts theatre",
+ "openhours": "?",
+ "phone": "01223503333",
+ "postcode": "cb23pj",
+ "pricerange": "?",
+ "type": "theatre"
+ },
+ {
+ "address": "5 greens road",
+ "area": "east",
+ "entrance fee": "free",
+ "id": "11",
+ "location": [
+ 52.202271,
+ 0.14702
+ ],
+ "name": "cambridge artworks",
+ "openhours": "?",
+ "phone": "01223902168",
+ "postcode": "cb13ef",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "49 newnham road",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "12",
+ "location": [
+ 52.198744,
+ 0.113364
+ ],
+ "name": "cambridge book and print gallery",
+ "openhours": "it opens from 10:00 a.m. to 5:00 p.m. from tuesday to saturday",
+ "phone": "01223694264",
+ "postcode": "cb39ey",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "6 trinity street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "13",
+ "location": [
+ 52.206084,
+ 0.118268
+ ],
+ "name": "cambridge contemporary art",
+ "openhours": "it opens from 11:00 a.m. to 4:00 p.m. on sunday, and from 09:00 a.m. to 5:30 p.m. from monday to saturday",
+ "phone": "01223324222",
+ "postcode": "cb21su",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "the old pumping station, cheddars lane",
+ "area": "east",
+ "entrance fee": "5 pounds",
+ "id": "14",
+ "location": [
+ 52.21247,
+ 0.15619
+ ],
+ "name": "cambridge museum of technology",
+ "openhours": "it opens on sunday from 2:00 p.m. to 5:00 p.m.",
+ "phone": "01223368650",
+ "postcode": "cb58ld",
+ "pricerange": "expensive",
+ "type": "museum"
+ },
+ {
+ "address": "bateman street",
+ "area": "centre",
+ "entrance fee": "4 pounds",
+ "id": "15",
+ "location": [
+ 52.19525,
+ 0.126
+ ],
+ "name": "cambridge university botanic gardens",
+ "openhours": "it opens from 10:00 a.m. to 6:00 p.m. from april to september, from 10:00 a.m. to 5:00 p.m. in february march and october, and from 10:00 a.m. to 4:00 p.m. from november to january",
+ "phone": "01223336265",
+ "postcode": "cb21jf",
+ "pricerange": "moderate",
+ "type": "park"
+ },
+ {
+ "address": "unit su43, grande arcade, saint andrews street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "16",
+ "location": [
+ 52.204788,
+ 0.1214
+ ],
+ "name": "castle galleries",
+ "openhours": "it opens from 09:00 a.m. to 6:00 p.m. every day except wednesday when it opens from 09:00 a.m. to 8:00 p.m., and sunday when it opens from 11:00 a.m. to 5:00 p.m.",
+ "phone": "01223307402",
+ "postcode": "cb23bj",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "cherry hinton road",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "17",
+ "location": [
+ 52.186045,
+ 0.157515
+ ],
+ "name": "cherry hinton hall and grounds",
+ "openhours": "?",
+ "phone": "01223446104",
+ "postcode": "cb18dw",
+ "pricerange": "?",
+ "type": "entertainment"
+ },
+ {
+ "address": "cherry hinton hall, cherry hinton road",
+ "area": "east",
+ "entrance fee": "free",
+ "id": "18",
+ "location": [
+ 52.186045,
+ 0.157515
+ ],
+ "name": "cherry hinton water play",
+ "openhours": "it opens from may to september",
+ "phone": "01223446100",
+ "postcode": "cb18dw",
+ "pricerange": "free",
+ "type": "park"
+ },
+ {
+ "address": "saint andrew's street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "19",
+ "location": [
+ 52.20635,
+ 0.121727777777778
+ ],
+ "name": "christ's college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223334900",
+ "postcode": "cb23bu",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "storey's way",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "20",
+ "location": [
+ 52.2128888888889,
+ 0.103127777777778
+ ],
+ "name": "churchill college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223336233",
+ "postcode": "cb30ds",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "cambridge leisure park, clifton way",
+ "area": "south",
+ "entrance fee": "?",
+ "id": "21",
+ "location": [
+ 52.1901222222222,
+ 0.136991666666667
+ ],
+ "name": "cineworld cinema",
+ "openhours": "?",
+ "phone": "00872208000",
+ "postcode": "cb17dy",
+ "pricerange": "?",
+ "type": "cinema"
+ },
+ {
+ "address": "trinity lane",
+ "area": "west",
+ "entrance fee": "2.50 pounds",
+ "id": "22",
+ "location": [
+ 52.2048527777778,
+ 0.115422222222222
+ ],
+ "name": "clare college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223333200",
+ "postcode": "cb21tl",
+ "pricerange": "moderate",
+ "type": "college"
+ },
+ {
+ "address": "herschel road",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "23",
+ "location": [
+ 52.2040527777778,
+ 0.104480555555556
+ ],
+ "name": "clare hall",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223332360",
+ "postcode": "cb39al",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "1 station road",
+ "area": "centre",
+ "entrance fee": "5 pounds",
+ "id": "24",
+ "location": [
+ 52.195173,
+ 0.131644
+ ],
+ "name": "club salsa",
+ "openhours": "it opens at the university social club from 9:30 p.m. to 11:30 p.m. on wednesday, and from 10:00 p.m. to 01:00 a.m. on friday",
+ "phone": "07782218745",
+ "postcode": "cb12jb",
+ "pricerange": "moderate",
+ "type": "nightclub"
+ },
+ {
+ "address": "king's parade",
+ "area": "centre",
+ "entrance fee": "2 pounds",
+ "id": "25",
+ "location": [
+ 52.2028416666667,
+ 0.117844444444444
+ ],
+ "name": "corpus christi",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223338000",
+ "postcode": "cb21rh",
+ "pricerange": "cheap",
+ "type": "college"
+ },
+ {
+ "address": "regent street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "26",
+ "location": [
+ 52.2013777777778,
+ 0.125194444444444
+ ],
+ "name": "downing college",
+ "openhours": "it opens daily from 9 a.m. to 5 p.m. except during easter term",
+ "phone": "01223334860",
+ "postcode": "cb21dq",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "saint andrew's street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "27",
+ "location": [
+ 52.203572,
+ 0.123778
+ ],
+ "name": "emmanuel college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223334200",
+ "postcode": "cb23ap",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "8 mercers row, mercers row industrial estate",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "28",
+ "location": [
+ 52.21401,
+ 0.14789
+ ],
+ "name": "funky fun house",
+ "openhours": "?",
+ "phone": "01223304705",
+ "postcode": "cb58hy",
+ "pricerange": "?",
+ "type": "entertainment"
+ },
+ {
+ "address": "fulbourn",
+ "area": "east",
+ "entrance fee": "free",
+ "id": "29",
+ "location": [
+ 52.183498,
+ 0.22186
+ ],
+ "name": "gallery at twelve a high street",
+ "openhours": "?",
+ "phone": "01223295264",
+ "postcode": "cb15dh",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "trinity street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "30",
+ "location": [
+ 52.205861,
+ 0.117972
+ ],
+ "name": "gonville and caius college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223332400",
+ "postcode": "cb21ta",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "market square",
+ "area": "centre",
+ "entrance fee": "2 pounds",
+ "id": "31",
+ "location": [
+ 52.2049472222222,
+ 0.118222222222222
+ ],
+ "name": "great saint mary's church",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m.",
+ "phone": "01223350914",
+ "postcode": "cb23pq",
+ "pricerange": "cheap",
+ "type": "architecture"
+ },
+ {
+ "address": "market street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "32",
+ "location": [
+ 52.2057694444444,
+ 0.120033333333333
+ ],
+ "name": "holy trinity church",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m.",
+ "phone": "01223355397",
+ "postcode": "cb23nz",
+ "pricerange": "free",
+ "type": "architecture"
+ },
+ {
+ "address": "wollaston road",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "33",
+ "location": [
+ 52.200692,
+ 0.133253
+ ],
+ "name": "hughes hall",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223334898",
+ "postcode": "cb12ew",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "jesus lane",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "34",
+ "location": [
+ 52.209353,
+ 0.125342
+ ],
+ "name": "jesus college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223339485",
+ "postcode": "cb58bl",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "between victoria road and the river",
+ "area": "north",
+ "entrance fee": "?",
+ "id": "35",
+ "location": [
+ 52.220328,
+ 0.115149
+ ],
+ "name": "jesus green outdoor pool",
+ "openhours": "?",
+ "phone": "01223302579",
+ "postcode": "cb43px",
+ "pricerange": "?",
+ "type": "swimmingpool"
+ },
+ {
+ "address": "1 wheeler street",
+ "area": "centre",
+ "entrance fee": "5 pounds",
+ "id": "36",
+ "location": [
+ 52.204192,
+ 0.119187
+ ],
+ "name": "kambar",
+ "openhours": "it opens from 10:00 p.m. to 4:00 a.m. depending on whether there is an event on or not",
+ "phone": "01223842725",
+ "postcode": "cb23qb",
+ "pricerange": "moderate",
+ "type": "nightclub"
+ },
+ {
+ "address": "castle street",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "37",
+ "location": [
+ 52.212405,
+ 0.113075
+ ],
+ "name": "kettle's yard",
+ "openhours": "it opens from 11:30 a.m. to 5:00 p.m. tuesday to sunday",
+ "phone": "01223748100",
+ "postcode": "cb30aq",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "king's parade",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "38",
+ "location": [
+ 52.204289,
+ 0.117269
+ ],
+ "name": "king's college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223331100",
+ "postcode": "cb21st",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "jedburgh court, kings hedges",
+ "area": "north",
+ "entrance fee": "?",
+ "id": "39",
+ "location": [
+ 52.23171,
+ 0.122415
+ ],
+ "name": "kings hedges learner pool",
+ "openhours": "?",
+ "phone": "01223353248",
+ "postcode": "cb42xh",
+ "pricerange": "?",
+ "type": "swimmingpool"
+ },
+ {
+ "address": "little saint mary's lane",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "40",
+ "location": [
+ 52.2005111111111,
+ 0.119883333333333
+ ],
+ "name": "little saint mary's church",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m.",
+ "phone": "01223366202",
+ "postcode": "cb21qy",
+ "pricerange": "free",
+ "type": "architecture"
+ },
+ {
+ "address": "23 high street, fen ditton",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "41",
+ "location": [
+ 52.222053,
+ 0.095086
+ ],
+ "name": "lynne strover gallery",
+ "openhours": "it opens from 10:00 a.m. to 5:00 p.m. thursday to saturday",
+ "phone": "01223295264",
+ "postcode": "cb30aq",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "magdalene street",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "42",
+ "location": [
+ 52.210403,
+ 0.115803
+ ],
+ "name": "magdalene college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223332138",
+ "postcode": "cb30ag",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "milton country park, milton",
+ "area": "north",
+ "entrance fee": "free",
+ "id": "43",
+ "location": [
+ 52.247361,
+ 0.156627
+ ],
+ "name": "milton country park",
+ "openhours": "always",
+ "phone": "01223420060",
+ "postcode": "cb46az",
+ "pricerange": "free",
+ "type": "park"
+ },
+ {
+ "address": "anglia ruskin enterprise, east road",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "44",
+ "location": [
+ 52.20571,
+ 0.131061
+ ],
+ "name": "mumford theatre",
+ "openhours": "?",
+ "phone": "08451962320",
+ "postcode": "cb11pt",
+ "pricerange": "?",
+ "type": "theatre"
+ },
+ {
+ "address": "university of cambridge, downing street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "45",
+ "location": [
+ 52.205261,
+ 0.11664
+ ],
+ "name": "museum of archaelogy and anthropology",
+ "openhours": "it opens from 10:30 a.m. to 4:30 p.m. tuesday to saturday",
+ "phone": "01223333516",
+ "postcode": "cb23dz",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "sidgwick avenue",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "46",
+ "location": [
+ 52.20987,
+ 0.111565
+ ],
+ "name": "museum of classical archaeology",
+ "openhours": "it opens from 10:00 a.m. to 5:00 p.m. monday to friday",
+ "phone": "01223335153",
+ "postcode": "cb39da",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "unit g6, cambridge leisure park, clifton road",
+ "area": "south",
+ "entrance fee": "?",
+ "id": "47",
+ "location": [
+ 52.1896573155949,
+ 0.137541476208324
+ ],
+ "name": "nusha",
+ "openhours": "it opens from 5:00 p.m. to 01:30 a.m. on tuesday, friday and saturday, and from 5:00 p.m. to midnight on monday, wednesday, thursday and sunday.",
+ "phone": "01223902158",
+ "postcode": "cb17dy",
+ "pricerange": "?",
+ "type": "entertainment"
+ },
+ {
+ "address": "trinity lane",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "48",
+ "location": [
+ 52.2052638888889,
+ 0.116641666666667
+ ],
+ "name": "old schools",
+ "openhours": "it opens normally daily from 08:00 a.m. to 5:45 p.m.",
+ "phone": "01223332320",
+ "postcode": "cb21tt",
+ "pricerange": "free",
+ "type": "architecture"
+ },
+ {
+ "address": "gonville place",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "49",
+ "location": [
+ 52.201275,
+ 0.129935
+ ],
+ "name": "parkside pools",
+ "openhours": "?",
+ "phone": "01223446100",
+ "postcode": "cb11ly",
+ "pricerange": "?",
+ "type": "swimmingpool"
+ },
+ {
+ "address": "trumpington street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "50",
+ "location": [
+ 52.202611,
+ 0.120658
+ ],
+ "name": "pembroke college",
+ "openhours": "any time except may and june",
+ "phone": "01223338100",
+ "postcode": "cb21rf",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "girton college, huntingdon road",
+ "area": "west",
+ "entrance fee": "free",
+ "id": "51",
+ "location": [
+ 52.228375,
+ 0.0837527777777778
+ ],
+ "name": "people's portraits exhibition at girton college",
+ "openhours": "it opens from 2:00 p.m. to 4:00 p.m. daily from february to july",
+ "phone": "01223338901",
+ "postcode": "cb3ojg",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "10 king s parade",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "52",
+ "location": [
+ 52.2034781571435,
+ 0.119176917855308
+ ],
+ "name": "primavera",
+ "openhours": "it opens from 11:00 a.m. to 4:30 p.m. on sunday, from 10:00 a.m. to 5:00 p.m. from monday to friday, and from 10:00 a.m. to 5:30 p.m. on saturday",
+ "phone": "01223357708",
+ "postcode": "cb21sj",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "silver street",
+ "area": "west",
+ "entrance fee": "2.50 pounds",
+ "id": "53",
+ "location": [
+ 52.2018,
+ 0.114239
+ ],
+ "name": "queens' college",
+ "openhours": "monday to sunday 10 a.m. to 4:30 p.m.",
+ "phone": "01223335511",
+ "postcode": "cb39et",
+ "pricerange": "moderate",
+ "type": "college"
+ },
+ {
+ "address": "39 fitzroy street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "54",
+ "location": [
+ 52.206823,
+ 0.131361
+ ],
+ "name": "regency gallery",
+ "openhours": "?",
+ "phone": "01223365454",
+ "postcode": "cb11er",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "cambridge passenger cruisers, jubilee house",
+ "area": "north",
+ "entrance fee": "?",
+ "id": "55",
+ "location": [
+ 52.229515,
+ 0.111645
+ ],
+ "name": "riverboat georgina",
+ "openhours": "?",
+ "phone": "01223902091",
+ "postcode": "cb43ax",
+ "pricerange": "?",
+ "type": "boat"
+ },
+ {
+ "address": "anglia ruskin university, east road",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "56",
+ "location": [
+ 52.20571,
+ 0.131061
+ ],
+ "name": "ruskin gallery",
+ "openhours": "?",
+ "phone": "01245493131",
+ "postcode": "cb11pt",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "the belfast yard, coldham's road",
+ "area": "east",
+ "entrance fee": "free",
+ "id": "57",
+ "location": [
+ 52.20858,
+ 0.148702
+ ],
+ "name": "saint barnabas press gallery",
+ "openhours": "?",
+ "phone": "01223902116",
+ "postcode": "cb13ew",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "king's parade",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "58",
+ "location": [
+ 52.202839,
+ 0.116394
+ ],
+ "name": "saint catharine's college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223338300",
+ "postcode": "cb21rl",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "saint john's street",
+ "area": "centre",
+ "entrance fee": "2.50 pounds",
+ "id": "59",
+ "location": [
+ 52.208803,
+ 0.117411
+ ],
+ "name": "saint john's college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223338600",
+ "postcode": "cb21tp",
+ "pricerange": "moderate",
+ "type": "college"
+ },
+ {
+ "address": "lensfield road",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "60",
+ "location": [
+ 52.19806,
+ 0.123185
+ ],
+ "name": "scott polar museum",
+ "openhours": "it opens from 10:00 a.m. to 4:00 p.m. from tuesday to saturday",
+ "phone": "01223336540",
+ "postcode": "cb21er",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "granta place, mill lane",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "61",
+ "location": [
+ 52.200975,
+ 0.116298
+ ],
+ "name": "scudamores punting co",
+ "openhours": "?",
+ "phone": "01223359750",
+ "postcode": "cb21rs",
+ "pricerange": "?",
+ "type": "boat"
+ },
+ {
+ "address": "fen causeway, newnham road,",
+ "area": "south",
+ "entrance fee": "free",
+ "id": "62",
+ "location": [
+ 52.17674,
+ 0.14559
+ ],
+ "name": "sheep's green and lammas land park fen causeway",
+ "openhours": "it is open from may to sept",
+ "phone": "01223302580",
+ "postcode": "cb22ad",
+ "pricerange": "free",
+ "type": "park"
+ },
+ {
+ "address": "sidney street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "63",
+ "location": [
+ 52.207464,
+ 0.121342
+ ],
+ "name": "sidney sussex college",
+ "openhours": "it opens daily from 9 a.m. to 5 p.m. except during easter term",
+ "phone": "01223338800",
+ "postcode": "cb23hu",
+ "pricerange": "free",
+ "type": "college"
+ },
+ {
+ "address": "1-6 corn exchange street",
+ "area": "centre",
+ "entrance fee": "4 pounds",
+ "id": "64",
+ "location": [
+ 52.203878,
+ 0.12044
+ ],
+ "name": "soul tree nightclub",
+ "openhours": "it opens from 9:30 p.m. to 02:00 a.m. from sunday to tuesday, from 9:00 p.m. to 02:00 a.m. on wednesday, and from 9:00 p.m. to 02:30 a.m. from thursday to saturday",
+ "phone": "01223477900",
+ "postcode": "cb23qf",
+ "pricerange": "cheap",
+ "type": "nightclub"
+ },
+ {
+ "address": "cambridge leisure park, clifton way",
+ "area": "south",
+ "entrance fee": "?",
+ "id": "65",
+ "location": [
+ 52.18568,
+ 0.144638
+ ],
+ "name": "tenpin",
+ "openhours": "?",
+ "phone": "08715501010",
+ "postcode": "cb17dy",
+ "pricerange": "?",
+ "type": "entertainment"
+ },
+ {
+ "address": "wheeler street",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "66",
+ "location": [
+ 52.20431,
+ 0.119215
+ ],
+ "name": "the cambridge corn exchange",
+ "openhours": "?",
+ "phone": "01223357851",
+ "postcode": "cb23qe",
+ "pricerange": "?",
+ "type": "theatre"
+ },
+ {
+ "address": "251a chesterton road",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "67",
+ "location": [
+ 52.211939,
+ 0.118661
+ ],
+ "name": "the cambridge punter",
+ "openhours": "?",
+ "phone": "07807718591",
+ "postcode": "cb41as",
+ "pricerange": "?",
+ "type": "boat"
+ },
+ {
+ "address": "colville road, cherry hinton",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "68",
+ "location": [
+ 52.186715,
+ 0.17882
+ ],
+ "name": "the cherry hinton village centre",
+ "openhours": "it opens from 09:00 a.m. to 8:00 p.m. on sunday, and from 09:00 a.m. to 10:00 p.m. from monday to saturday",
+ "phone": "01223576412",
+ "postcode": "cb19ej",
+ "pricerange": "?",
+ "type": "mutliple sports"
+ },
+ {
+ "address": "8 market passage",
+ "area": "centre",
+ "entrance fee": "5 pounds",
+ "id": "69",
+ "location": [
+ 52.206144,
+ 0.120283
+ ],
+ "name": "the fez club",
+ "openhours": "it opens on monday from 9 p.m. to 2 a.m.. it is closed on tuesday. from wednesday to saturday it opens from 9 p.m. to 2 a.m. and it is closed on sunday",
+ "phone": "01223519224",
+ "postcode": "cb23hx",
+ "pricerange": "moderate",
+ "type": "nightclub"
+ },
+ {
+ "address": "trumpington street",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "70",
+ "location": [
+ 52.19855,
+ 0.121785
+ ],
+ "name": "the fitzwilliam museum",
+ "openhours": "from tuesday to saturday it opens from 10 a.m. to 5 p.m. while on sunday, monday and bank holidays it opens from 12 to 5 p.m.",
+ "phone": "01223332900",
+ "postcode": "cb21rb",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "clifton way",
+ "area": "south",
+ "entrance fee": "?",
+ "id": "71",
+ "location": [
+ 52.190325,
+ 0.135755
+ ],
+ "name": "the junction",
+ "openhours": "?",
+ "phone": "01223511511",
+ "postcode": "cb17gx",
+ "pricerange": "?",
+ "type": "theatre"
+ },
+ {
+ "address": "2 norfolk street",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "72",
+ "location": [
+ 52.204746,
+ 0.136515
+ ],
+ "name": "the man on the moon",
+ "openhours": "?",
+ "phone": "01223474144",
+ "postcode": "cb12lf",
+ "pricerange": "?",
+ "type": "concerthall"
+ },
+ {
+ "address": "22 sidney street",
+ "area": "south",
+ "entrance fee": "?",
+ "id": "73",
+ "location": [
+ 52.1725982,
+ 0.1112224
+ ],
+ "name": "the place",
+ "openhours": "it opens from 10:30 p.m. to 03:30 a.m. on tuesday, from 10:00 p.m. to 02:30 a.m. on thursday, from 10:00 p.m. to 04:00 a.m. on friday and saturday, and from 10:00 p.m. to 02:00 a.m. on sunday",
+ "phone": "01223324600",
+ "postcode": "cb23hg",
+ "pricerange": "moderate",
+ "type": "nightclub"
+ },
+ {
+ "address": "trinity street",
+ "area": "centre",
+ "entrance fee": "1 pound",
+ "id": "74",
+ "location": [
+ 52.207081,
+ 0.117622
+ ],
+ "name": "trinity college",
+ "openhours": "it opens normally daily from 9 a.m. to 5 p.m. except easter term",
+ "phone": "01223338400",
+ "postcode": "cb21tq",
+ "pricerange": "cheap",
+ "type": "college"
+ },
+ {
+ "address": "the grafton centre, east road",
+ "area": "centre",
+ "entrance fee": "?",
+ "id": "75",
+ "location": [
+ 52.20571,
+ 0.131061
+ ],
+ "name": "vue cinema",
+ "openhours": "?",
+ "phone": "08712240240",
+ "postcode": "cb11ps",
+ "pricerange": "?",
+ "type": "cinema"
+ },
+ {
+ "address": "wandlebury ring, gog magog hills, babraham",
+ "area": "south",
+ "entrance fee": "free",
+ "id": "76",
+ "location": [
+ 52.119551,
+ 0.181018
+ ],
+ "name": "wandlebury country park",
+ "openhours": "always",
+ "phone": "01223243830",
+ "postcode": "cb223ae",
+ "pricerange": "free",
+ "type": "park"
+ },
+ {
+ "address": "unit 8, viking way, bar hill",
+ "area": "west",
+ "entrance fee": "?",
+ "id": "77",
+ "location": [
+ 52.254,
+ 0.016478
+ ],
+ "name": "whale of a time",
+ "openhours": "it opens from 09:30 a.m. to 6:00 p.m. daily",
+ "phone": "01954781018",
+ "postcode": "cb238el",
+ "pricerange": "?",
+ "type": "entertainment"
+ },
+ {
+ "address": "free school lane",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "78",
+ "location": [
+ 52.203117,
+ 0.118928
+ ],
+ "name": "whipple museum of the history of science",
+ "openhours": "it opens from 12:30 p.m. to 4:30 p.m. from monday to friday",
+ "phone": "01223330906",
+ "postcode": "cb23rh",
+ "pricerange": "free",
+ "type": "museum"
+ },
+ {
+ "address": "gwydir street, no. 5 dale's brewery",
+ "area": "centre",
+ "entrance fee": "free",
+ "id": "79",
+ "location": [
+ 52.2002,
+ 0.1385
+ ],
+ "name": "williams art and antiques",
+ "openhours": "it opens from 11:00 a.m. to 6:00 p.m. from tuesday to friday, from 11:00 a.m. to 5:00 p.m. on saturday and sunday, and it is closed on monday",
+ "phone": "01223311687",
+ "postcode": "cb12lj",
+ "pricerange": "free",
+ "type": "museum"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/bus-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/bus-dbase.db
new file mode 100644
index 0000000..a2249b4
Binary files /dev/null and b/convlab/modules/word_policy/multiwoz/mdrg/db/bus-dbase.db differ
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/bus_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/bus_db.json
new file mode 100644
index 0000000..050d9f1
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/bus_db.json
@@ -0,0 +1,28282 @@
+[
+ {
+ "arriveBy": "05:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7075"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2289"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7409"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1111"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6110"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6028"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7786"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4957"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2634"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1428"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9536"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3343"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3371"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6925"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0315"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2643"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0945"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4125"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5941"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6595"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3702"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1058"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6583"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9781"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3624"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3843"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8676"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4218"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7942"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8272"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8335"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3433"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0792"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5266"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1791"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6595"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0720"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9478"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5767"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8026"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2000"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1502"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3685"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2420"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6628"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3055"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9876"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0899"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9941"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "18.88 pounds",
+ "trainID": "TR2138"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5170"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "18.88 pounds",
+ "trainID": "TR4003"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "18.88 pounds",
+ "trainID": "TR6203"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "18.88 pounds",
+ "trainID": "TR8134"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0427"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0925"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "18.88 pounds",
+ "trainID": "TR4898"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "18.88 pounds",
+ "trainID": "TR7423"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "18.88 pounds",
+ "trainID": "TR3207"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "18.88 pounds",
+ "trainID": "TR6198"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "18.88 pounds",
+ "trainID": "TR8799"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "18.88 pounds",
+ "trainID": "TR7447"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9386"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "18.88 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9039"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5143"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5594"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0378"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9276"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3899"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3194"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9114"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7556"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8288"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5325"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2851"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7909"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8105"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4987"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7850"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3456"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0269"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1434"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4429"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6300"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2471"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5725"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4543"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3810"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2417"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0922"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0397"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6045"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9332"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7326"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7010"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2775"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4016"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8410"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4216"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2512"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5502"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1149"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6883"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2564"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5219"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3228"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5686"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7195"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4748"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8842"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0835"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9139"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1581"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4210"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "18.88 pounds",
+ "trainID": "TR2687"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8885"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4824"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7309"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "18.88 pounds",
+ "trainID": "TR5729"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4101"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7804"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7223"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "18.88 pounds",
+ "trainID": "TR5503"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8830"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3350"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8131"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3478"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7147"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "18.88 pounds",
+ "trainID": "TR1688"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7931"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "18.88 pounds",
+ "trainID": "TR2952"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "18.88 pounds",
+ "trainID": "TR1681"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4467"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3724"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3929"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1992"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3085"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7276"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1764"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3602"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7092"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR0117"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4915"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5431"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7299"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4259"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4494"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR8394"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9404"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4276"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9561"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3515"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5722"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR0740"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1047"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2835"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5874"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4604"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5285"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2815"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4757"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR6037"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3626"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4158"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4127"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1049"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2715"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5504"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3672"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3237"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR6332"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3315"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3695"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5155"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5154"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3892"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7057"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1750"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4187"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9956"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5212"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9941"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3138"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2895"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0737"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1887"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "13.28 pounds",
+ "trainID": "TR3312"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "13.28 pounds",
+ "trainID": "TR4466"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "13.28 pounds",
+ "trainID": "TR4859"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8824"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2166"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1667"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8231"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8104"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0995"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "13.28 pounds",
+ "trainID": "TR9025"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2141"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0189"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "13.28 pounds",
+ "trainID": "TR7713"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "13.28 pounds",
+ "trainID": "TR9732"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "13.28 pounds",
+ "trainID": "TR3256"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "13.28 pounds",
+ "trainID": "TR7187"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5240"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3673"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7256"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6226"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9202"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3183"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0867"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5906"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3938"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6939"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2715"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0088"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5691"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR1395"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5245"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2855"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9616"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4781"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7020"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8813"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7519"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4161"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2826"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7978"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2232"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2823"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4119"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0075"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3839"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4204"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0998"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR1268"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3257"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8944"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7360"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0459"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2485"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8805"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8522"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5936"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0637"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7943"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5015"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9802"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9886"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9566"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8373"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6769"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "13.28 pounds",
+ "trainID": "TR7397"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2503"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "13.28 pounds",
+ "trainID": "TR0357"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4330"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4078"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "13.28 pounds",
+ "trainID": "TR5863"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8530"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "13.28 pounds",
+ "trainID": "TR3940"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2361"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "13.28 pounds",
+ "trainID": "TR7909"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2620"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4678"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2357"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "13.28 pounds",
+ "trainID": "TR9835"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "13.28 pounds",
+ "trainID": "TR6578"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "13.28 pounds",
+ "trainID": "TR6946"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8260"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "13.28 pounds",
+ "trainID": "TR3197"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4890"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8580"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7964"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7528"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2926"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3596"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1854"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3566"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7430"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0793"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5756"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9468"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2324"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4649"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7803"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8868"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5070"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6146"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0675"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0122"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6110"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3824"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0687"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0607"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3883"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7548"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2354"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3953"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6585"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5336"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8808"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4368"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7417"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9452"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0525"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9926"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8387"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1731"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3137"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1574"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5541"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3921"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2831"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2599"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6159"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4972"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3805"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8793"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9565"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8890"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8627"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0002"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3234"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1797"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8445"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2182"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0345"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7239"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9999"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7319"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0268"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1855"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7618"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9515"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7654"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8563"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0064"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1752"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8222"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7938"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0481"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5026"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3495"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0454"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3112"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0431"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7677"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2764"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3947"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9077"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2601"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2621"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8494"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5751"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3057"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1911"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9226"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6762"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2457"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3765"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8453"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0394"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2311"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0992"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7324"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2973"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4689"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7888"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9680"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1817"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5645"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7673"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5339"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6982"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8364"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2840"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7579"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7604"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0837"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6633"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1749"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9330"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3212"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6368"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3626"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8042"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6088"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7535"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8704"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5507"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8241"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2650"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9024"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5578"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8665"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2045"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9582"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1600"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2647"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9473"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0573"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4943"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1069"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8950"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4758"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0942"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4095"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0684"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5091"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4329"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2257"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1863"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7002"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0415"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3808"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1978"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1465"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8571"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2215"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7450"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9854"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6161"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3721"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8782"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2616"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1704"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8331"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4840"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8932"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8177"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5793"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5664"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3450"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4809"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9783"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9704"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8888"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5908"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0373"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5831"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4638"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8044"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3478"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5554"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8143"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2452"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5153"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3677"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0780"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5556"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9057"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7062"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8385"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7648"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2788"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6283"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6807"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8705"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3447"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6298"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8852"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5879"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4836"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2162"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9634"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0209"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4308"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5664"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2986"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9732"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3912"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5790"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0181"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9102"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4257"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3858"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1797"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1612"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1958"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3147"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6454"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0674"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6844"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5331"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0864"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2640"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7328"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4440"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1082"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8307"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0672"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5028"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0305"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6366"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2095"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3297"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2514"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7578"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0310"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7178"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9346"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1031"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4235"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1499"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9408"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4109"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1120"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9356"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8331"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6003"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0413"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5198"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8092"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1526"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5928"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7763"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1152"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9175"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3316"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2965"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0864"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7634"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5146"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6697"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7217"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1039"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6364"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4208"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2205"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9531"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5773"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3753"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8495"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9202"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1060"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8237"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3325"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1206"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9460"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8504"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6675"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6688"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9246"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2662"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0940"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9493"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1999"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4305"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8498"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0627"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9942"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8542"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5949"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6538"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1659"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6426"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6524"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1029"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1817"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3022"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0821"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2181"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9594"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2588"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9735"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1144"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9179"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9081"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3445"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9635"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2625"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5574"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7499"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1871"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6838"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1309"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7776"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7855"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9827"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2614"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5371"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8477"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2266"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4540"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6765"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1584"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7779"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6129"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1530"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1437"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5190"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8604"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2865"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4110"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5120"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5892"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8945"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9937"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4321"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9119"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2534"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0127"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4419"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7284"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8056"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3468"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2557"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8042"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3034"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8314"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7747"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7047"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3833"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4093"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3718"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4886"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0625"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7581"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7179"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6866"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "14.08 pounds",
+ "trainID": "TR0953"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1309"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1062"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8411"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9588"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7240"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7451"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8933"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6828"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3823"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6880"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4018"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7043"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4383"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6511"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1292"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4057"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3234"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3370"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8218"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "14.08 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8108"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4969"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9533"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7438"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "14.08 pounds",
+ "trainID": "TR2506"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8185"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1036"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "14.08 pounds",
+ "trainID": "TR0334"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1840"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1975"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9083"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4082"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6759"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7767"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "14.08 pounds",
+ "trainID": "TR2792"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9546"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9020"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1347"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1476"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9911"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8094"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2485"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1762"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9567"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3087"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2176"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3310"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0192"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7514"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8009"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6293"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1329"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8920"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3207"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4787"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3932"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6305"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0339"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9492"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4134"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0667"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0839"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9157"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2098"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6699"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4180"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4896"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2175"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5488"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1855"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1633"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7935"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3358"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7593"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4203"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0435"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9933"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9921"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1180"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9639"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3356"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4475"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2877"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1892"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0033"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4800"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2379"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3342"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8658"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7126"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9487"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0990"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5721"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0256"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4387"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3948"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9905"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2398"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6655"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3078"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6590"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3378"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9099"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8040"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1099"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4161"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7233"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2493"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0256"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4050"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6681"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2966"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9900"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3339"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3147"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3293"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2365"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4045"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8662"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8151"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1952"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4828"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9266"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8365"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4990"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5761"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9589"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3694"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9817"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3534"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2970"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6560"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6689"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5693"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5689"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5478"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2334"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8724"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8899"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "14.08 pounds",
+ "trainID": "TR1156"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "14.08 pounds",
+ "trainID": "TR9724"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3962"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8600"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5589"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "14.08 pounds",
+ "trainID": "TR0615"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3267"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4244"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6629"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5163"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4202"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3634"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "14.08 pounds",
+ "trainID": "TR0996"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2925"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6419"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5225"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5920"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5234"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8733"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "14.08 pounds",
+ "trainID": "TR1321"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2974"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4702"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2705"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5899"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4186"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4106"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3284"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1985"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0646"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6076"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9003"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9682"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9662"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1257"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3331"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3628"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7076"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7386"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9495"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7924"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6230"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3154"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3066"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2586"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7786"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4765"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9314"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5383"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9310"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8620"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5774"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0607"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6188"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3297"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1686"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7573"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1245"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7310"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0664"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6071"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6940"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4769"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4136"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1391"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9610"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9197"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0503"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0162"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5009"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8947"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1494"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9733"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1430"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5552"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5995"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4344"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0613"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6310"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0852"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8806"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7727"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0771"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6405"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1636"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5902"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8574"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9395"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9561"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8025"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6831"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3646"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1384"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3548"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5110"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5605"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7663"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1634"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2641"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6712"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3473"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3347"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3704"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3069"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5818"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3730"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6487"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7413"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1009"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8836"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0467"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9805"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4104"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9768"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1097"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3221"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1108"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1879"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3102"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3587"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4125"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6302"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5411"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7706"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4080"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2421"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0515"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8760"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4875"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8199"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0797"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5604"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5117"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4188"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3068"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8574"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2375"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5599"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9183"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7098"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4745"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9932"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8769"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6688"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8985"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9685"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4863"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1820"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1154"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7317"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6523"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8188"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8954"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8124"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9792"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0502"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5146"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8531"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4274"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4814"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4814"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6542"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6357"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6000"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2814"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3775"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2017"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7676"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2178"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5926"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0439"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6227"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2497"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6068"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8917"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9859"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7476"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8166"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2711"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2016"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9487"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5659"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6009"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3071"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9522"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9886"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5098"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7005"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5241"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2101"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5650"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0545"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5901"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5638"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5051"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8327"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6104"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8132"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0112"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4706"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6062"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9731"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5124"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1147"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5294"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2637"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8131"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6574"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9851"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6536"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2641"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7310"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8549"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5765"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6527"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9362"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7872"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2077"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4389"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8002"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9001"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9803"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3596"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3688"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1615"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5711"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3934"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "13.20 pounds",
+ "trainID": "TR6164"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9212"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1145"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2922"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3322"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3360"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4455"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5194"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2459"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7918"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2569"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5039"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "13.20 pounds",
+ "trainID": "TR5731"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2466"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "13.20 pounds",
+ "trainID": "TR0489"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "13.20 pounds",
+ "trainID": "TR4928"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9766"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3734"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8183"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2657"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6199"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8293"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2913"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7661"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9356"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3074"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0160"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8821"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3211"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7930"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9437"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1492"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0743"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9376"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8517"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9733"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9327"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0283"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3434"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4558"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "13.20 pounds",
+ "trainID": "TR1086"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6063"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5473"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7771"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0274"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8255"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7734"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8239"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9076"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6958"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9790"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1784"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "13.20 pounds",
+ "trainID": "TR1016"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1217"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "13.20 pounds",
+ "trainID": "TR6855"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6080"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3021"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1349"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1895"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8977"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6741"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8316"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9265"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2118"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1460"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6684"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0168"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5370"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0919"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9659"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7895"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1192"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4642"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9063"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8443"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8633"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7537"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7305"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2831"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3027"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7848"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7359"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3727"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7917"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1512"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7940"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0583"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3285"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8533"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1553"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4173"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7846"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7946"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7374"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5042"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2437"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2116"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6923"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6453"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7046"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7123"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5758"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4597"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9620"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5547"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1674"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6457"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5060"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6232"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7307"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4679"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2701"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9964"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0674"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5933"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4136"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5267"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0017"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0044"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2433"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0274"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4288"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2673"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1009"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1951"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3009"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0068"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8054"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3489"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5862"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3319"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2995"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1111"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4470"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6289"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8935"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5777"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8266"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0073"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3279"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9757"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4535"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0106"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1412"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0962"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9545"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7157"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5003"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9074"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6230"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4892"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1536"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6193"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4535"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0385"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0334"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3188"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6373"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9969"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3989"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7766"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6607"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8472"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3929"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1210"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4804"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5979"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6626"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1357"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2394"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9593"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7094"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9641"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9303"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5734"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1719"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8659"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6418"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4669"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6034"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8431"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3798"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0768"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0143"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1482"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0904"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8509"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4526"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4121"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3440"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9812"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6692"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3867"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8645"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8185"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9107"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3692"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1617"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3553"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1202"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9540"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1158"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1662"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1799"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3144"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8286"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0035"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2279"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6496"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0916"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1393"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4296"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2105"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6932"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5443"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6691"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7877"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4250"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6359"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2521"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7522"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4997"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2777"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2274"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3010"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0992"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6542"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3113"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4182"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1477"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5474"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9805"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4011"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9217"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0530"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4017"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1928"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3884"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9086"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8638"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7594"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0222"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2306"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6886"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9422"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "13.20 pounds",
+ "trainID": "TR3390"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6763"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1616"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2131"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7793"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3695"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8494"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5538"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1131"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1616"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7278"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5373"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3834"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5049"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0012"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0690"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9369"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1200"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4494"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9566"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4005"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0240"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1256"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7143"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "13.20 pounds",
+ "trainID": "TR5914"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "13.20 pounds",
+ "trainID": "TR4698"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5100"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7215"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0974"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8898"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7165"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3782"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9809"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0485"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7721"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "13.20 pounds",
+ "trainID": "TR5662"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1863"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6183"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0774"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1071"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8509"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1759"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1344"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9345"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5836"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2674"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9407"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7864"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "13.20 pounds",
+ "trainID": "TR2225"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1044"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6892"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1802"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "13.20 pounds",
+ "trainID": "TR2897"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3698"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7483"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6662"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3922"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1809"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2135"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0694"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4944"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9417"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6499"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6668"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4920"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "13.20 pounds",
+ "trainID": "TR3221"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR2013"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7313"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8399"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8089"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5167"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7177"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4294"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6975"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4882"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6737"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1534"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9530"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3246"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7458"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3420"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4447"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7733"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5511"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9022"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3842"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4642"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1955"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5626"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1646"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4346"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6745"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1549"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6698"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8533"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8424"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0996"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4553"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1923"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5216"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5225"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0013"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7355"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7979"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0222"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5217"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1709"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0367"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8792"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0767"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5484"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5844"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9933"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6053"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9842"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR2894"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "3.52 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5344"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0718"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0721"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "3.52 pounds",
+ "trainID": "TR9809"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "3.52 pounds",
+ "trainID": "TR6391"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "3.52 pounds",
+ "trainID": "TR1469"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "3.52 pounds",
+ "trainID": "TR7349"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "3.52 pounds",
+ "trainID": "TR7738"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5925"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3854"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "3.52 pounds",
+ "trainID": "TR2475"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3177"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "3.52 pounds",
+ "trainID": "TR1159"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5412"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5713"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5389"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3544"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0537"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3151"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR7994"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0755"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2987"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4095"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4849"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6898"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6645"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6679"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1992"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4724"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8685"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6971"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4669"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3412"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9420"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1431"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1537"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3014"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5116"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5348"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9741"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2704"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2006"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1039"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2211"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8610"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0328"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5050"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8230"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4068"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR7745"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2029"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0813"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4992"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3240"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0055"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9183"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0612"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5253"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8519"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8510"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3976"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0212"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0236"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4389"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2759"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3492"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0292"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8799"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "3.52 pounds",
+ "trainID": "TR6433"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "3.52 pounds",
+ "trainID": "TR2551"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "3.52 pounds",
+ "trainID": "TR0554"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "3.52 pounds",
+ "trainID": "TR3052"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4698"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "3.52 pounds",
+ "trainID": "TR8176"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "3.52 pounds",
+ "trainID": "TR7824"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4288"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4056"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4480"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "3.52 pounds",
+ "trainID": "TR9382"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "3.52 pounds",
+ "trainID": "TR1037"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4212"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "3.52 pounds",
+ "trainID": "TR6517"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "3.52 pounds",
+ "trainID": "TR5703"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "3.52 pounds",
+ "trainID": "TR9823"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4579"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4883"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4205"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "3.52 pounds",
+ "trainID": "TR2578"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4964"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7460"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4602"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0797"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5030"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8207"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1552"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3769"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6936"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7095"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1088"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3571"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7696"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6539"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4015"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2977"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2701"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0611"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1656"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1951"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0684"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5500"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8261"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0945"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7293"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7621"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3299"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4233"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0471"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7743"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9495"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0768"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8238"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3359"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6043"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0990"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1610"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7700"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5718"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4034"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1085"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2762"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6727"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0644"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7996"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6012"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0678"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2912"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8893"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4447"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2694"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6056"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4364"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2297"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6956"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7966"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1301"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2547"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7924"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6242"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6161"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2930"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0521"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6456"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9427"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9438"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5579"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5476"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9030"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8383"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6934"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9751"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7213"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4520"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0916"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7827"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2048"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5998"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6616"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0188"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1090"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1316"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1681"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7062"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0460"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8337"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1110"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9595"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4067"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3864"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8582"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7400"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8598"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "8.08 pounds",
+ "trainID": "TR0335"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5580"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2755"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "8.08 pounds",
+ "trainID": "TR4508"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3373"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8476"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "8.08 pounds",
+ "trainID": "TR6193"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2708"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "8.08 pounds",
+ "trainID": "TR0638"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2001"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3762"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2041"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8399"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3128"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2605"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8669"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9339"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5529"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7436"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1262"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8500"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8208"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2110"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "8.08 pounds",
+ "trainID": "TR4844"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5985"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1668"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8247"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1727"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8363"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1526"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5009"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1703"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7554"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3886"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9492"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9640"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1188"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3710"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9641"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7360"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3304"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7103"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5754"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6844"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4605"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3903"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2781"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5365"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4096"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8162"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2808"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3873"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4232"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7956"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9213"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9892"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7036"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0514"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5077"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1610"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8846"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3398"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4117"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6312"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0135"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9737"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8372"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2021"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1965"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5301"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8948"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9115"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7599"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5910"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1272"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0196"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7667"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3828"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0467"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1691"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6386"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3720"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5499"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2488"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1342"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7061"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1419"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6557"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5230"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0426"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3265"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3503"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1472"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2744"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6437"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9084"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2635"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7920"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9775"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3637"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2473"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3076"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7012"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5654"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5433"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2286"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4629"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3571"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8923"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3598"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3659"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8167"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6416"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1756"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5694"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9937"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7990"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1387"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2819"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2958"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9390"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2848"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5921"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0491"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5097"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7276"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5841"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4269"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4194"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7103"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8301"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5504"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7409"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6310"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7441"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8488"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9408"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4230"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "8.08 pounds",
+ "trainID": "TR1493"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7078"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5953"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4858"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5207"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "8.08 pounds",
+ "trainID": "TR0446"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "8.08 pounds",
+ "trainID": "TR2146"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9737"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3254"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5431"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9894"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6479"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "8.08 pounds",
+ "trainID": "TR1008"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3336"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9445"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5358"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6980"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4227"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9680"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7744"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7484"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5736"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7170"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "8.08 pounds",
+ "trainID": "TR2021"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3949"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4207"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "8.08 pounds",
+ "trainID": "TR0060"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8631"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1745"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4546"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2192"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6715"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3908"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4096"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6799"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6723"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5465"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6067"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2696"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6941"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5816"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9424"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1891"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2919"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0335"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7007"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2950"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2863"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9811"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6985"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3462"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7107"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7692"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5584"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1997"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0469"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6272"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4506"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0776"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8207"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0378"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2457"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3948"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1654"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0677"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9110"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3093"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2561"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2176"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9366"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8350"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2854"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8374"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0451"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7398"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2474"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1745"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8304"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6411"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7011"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4649"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3770"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2483"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5903"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6720"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0025"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4859"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1755"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1790"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5908"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0822"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1160"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3780"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9839"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0358"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3564"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7399"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3255"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0440"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3470"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6761"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6219"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4826"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2293"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3138"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7944"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7505"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5648"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8080"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9530"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4792"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0623"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0552"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0094"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2508"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4727"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1233"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3918"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3466"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4061"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7457"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9193"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1656"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1925"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5677"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1562"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1165"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2129"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5089"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "30.24 pounds",
+ "trainID": "TR0687"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1832"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7600"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7178"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6034"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "30.24 pounds",
+ "trainID": "TR4708"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5392"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7610"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2982"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6706"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2025"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9187"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2153"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5173"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3371"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5767"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3699"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7678"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3756"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9992"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1247"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9444"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9517"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9831"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5806"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "30.24 pounds",
+ "trainID": "TR0488"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7188"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3173"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8829"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7753"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5686"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6121"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0032"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1193"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5054"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4541"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0330"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2985"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2078"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4588"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6223"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6383"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2900"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7658"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5590"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5297"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6932"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6954"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4734"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0363"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0897"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6224"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4354"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4032"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3713"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7850"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4912"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3370"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5273"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8632"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0627"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0596"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4761"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7186"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1903"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3645"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1775"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7703"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1672"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3404"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9776"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2887"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8292"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6038"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2052"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5245"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5062"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9125"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5387"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6974"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3747"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9387"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8001"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6125"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7583"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4217"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6180"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3839"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2058"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9225"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8882"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9758"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2361"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1575"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5424"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5488"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7693"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8530"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8828"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2621"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8149"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3928"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3190"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4256"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4390"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4170"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8659"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3934"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3877"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4625"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6247"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4351"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7878"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5154"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9629"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4365"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6539"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1356"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5071"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9488"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2735"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1386"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2969"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8070"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "30.24 pounds",
+ "trainID": "TR6678"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "30.24 pounds",
+ "trainID": "TR6210"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7248"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0662"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0137"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8596"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4602"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7824"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2515"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "30.24 pounds",
+ "trainID": "TR5790"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2292"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9577"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0974"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4509"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4106"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0466"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7843"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0440"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1079"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1744"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8285"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9999"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0104"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1492"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8517"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1784"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7472"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "30.24 pounds",
+ "trainID": "TR3544"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8716"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "30.24 pounds",
+ "trainID": "TR3672"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0662"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "30.24 pounds",
+ "trainID": "TR5342"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9195"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4300"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7269"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6628"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1162"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4026"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1028"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6162"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7481"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6251"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5435"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7900"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7728"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2753"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3283"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2850"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2392"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7001"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6495"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8947"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6447"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2164"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0077"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4567"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8233"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1731"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1051"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6168"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6870"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4752"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6413"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9018"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0304"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6319"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5600"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8825"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1088"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0115"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4488"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6868"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6850"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1773"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3836"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2694"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3338"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8924"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5558"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1038"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8531"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1766"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9236"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8220"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7935"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8873"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7013"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5961"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2031"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0368"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6464"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2102"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6576"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7379"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9360"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8126"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0021"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1765"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1606"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6238"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7976"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0392"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1649"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9678"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8310"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5408"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4141"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3732"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6668"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6564"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3166"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2716"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8928"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2519"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8952"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4750"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7420"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5389"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7769"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2847"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8202"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4724"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4975"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4418"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0713"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "60.08 pounds",
+ "trainID": "TR8707"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2576"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "60.08 pounds",
+ "trainID": "TR7683"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5669"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4137"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9790"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0942"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "60.08 pounds",
+ "trainID": "TR3735"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "60.08 pounds",
+ "trainID": "TR3245"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2815"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5867"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2984"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1388"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0728"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5413"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0112"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6725"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "60.08 pounds",
+ "trainID": "TR7291"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9985"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2968"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1931"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5401"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0686"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0831"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6908"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4905"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2776"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2631"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6792"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5971"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5750"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1012"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9352"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2850"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3888"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7853"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5747"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9942"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9366"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3387"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0572"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3734"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1328"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5385"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5349"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3130"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1404"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9813"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2993"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8406"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6309"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4100"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0254"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0749"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0932"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2761"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4373"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4931"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9708"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0734"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7873"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8466"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5630"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4631"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3802"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6741"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5859"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7274"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6255"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7055"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1928"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0014"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5299"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7329"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5635"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3543"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7940"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1670"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3615"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4885"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2286"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5567"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7883"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4977"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2998"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8845"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6122"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6568"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3094"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4235"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3736"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7478"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2188"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2613"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3498"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7509"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2089"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2148"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6886"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7967"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7285"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3474"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5106"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7324"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3567"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4887"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2301"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5473"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8082"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0497"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0044"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4431"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6359"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8121"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9756"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6477"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7406"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8903"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9704"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6351"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5713"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6052"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0234"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3415"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4463"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8259"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4382"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "60.08 pounds",
+ "trainID": "TR7802"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0690"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4553"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0680"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8390"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1843"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1283"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3891"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1327"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3792"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9293"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2465"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0247"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3174"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4122"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8730"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9637"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9462"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1958"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9714"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "60.08 pounds",
+ "trainID": "TR7468"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9644"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "60.08 pounds",
+ "trainID": "TR6739"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8347"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2236"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "60.08 pounds",
+ "trainID": "TR6856"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8297"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "60.08 pounds",
+ "trainID": "TR5797"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0665"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2026"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2274"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2170"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1873"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "60.08 pounds",
+ "trainID": "TR5562"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4283"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2957"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7169"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7928"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4861"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8811"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2530"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8244"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5181"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7494"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2478"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7155"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1562"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4041"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2771"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8017"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2153"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5928"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8824"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4000"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4404"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1458"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7666"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8224"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3844"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3661"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0449"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3262"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4863"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9984"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0269"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2617"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4260"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2929"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0927"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7759"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6673"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7961"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7177"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1339"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3847"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6809"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5853"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8078"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8585"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2730"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1567"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5965"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4664"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3547"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7518"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3062"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3396"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9383"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5643"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0121"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0969"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4673"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1159"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0123"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6572"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR8095"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9904"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0007"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR2402"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3600"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6742"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6072"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1389"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9113"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4448"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0532"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0757"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4606"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1827"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9722"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8925"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5806"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8167"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9693"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8192"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3058"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0635"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4173"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8266"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1392"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1772"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9286"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3308"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3809"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2545"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4094"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9178"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0516"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4226"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9939"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9282"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9148"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1728"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6270"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1242"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0798"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6864"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0141"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8190"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0277"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0060"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6336"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3000"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2061"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3450"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2083"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4076"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0465"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0201"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9891"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4549"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5628"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6163"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4162"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0268"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4594"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5108"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4115"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3474"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7734"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1382"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5433"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9219"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0723"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4803"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1478"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0275"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4651"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5298"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0053"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7879"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6914"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0796"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9760"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3174"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5517"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1213"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1319"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5971"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5656"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9605"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9022"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4747"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4660"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6516"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4655"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2292"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2291"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9611"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0158"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6357"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8443"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6024"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3805"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7656"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6851"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2130"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2368"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5802"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8301"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3247"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1835"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0189"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5484"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9317"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3118"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6762"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2820"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8820"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8300"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0228"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1234"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3279"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4659"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0550"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5745"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6167"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5164"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6016"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2925"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9193"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1148"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5293"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5256"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2876"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9669"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1228"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8008"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2885"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0146"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2617"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2125"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6806"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3262"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3006"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0071"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9033"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8183"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9531"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6457"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9890"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6706"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7253"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7222"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2615"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8765"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6549"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7808"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2133"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1240"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2519"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0826"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7372"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4266"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1118"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5094"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9351"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5694"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6675"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2436"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0943"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3342"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8966"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9312"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4174"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8674"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2812"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6755"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7807"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "14.32 pounds",
+ "trainID": "TR1997"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0823"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9887"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9098"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4334"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5237"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8522"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8252"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5688"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9683"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7796"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0625"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5975"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5034"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7222"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8736"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4249"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4533"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "14.32 pounds",
+ "trainID": "TR1053"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2941"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9580"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0914"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2939"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4414"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9291"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4541"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6870"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4481"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9788"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8991"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6192"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7208"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "14.32 pounds",
+ "trainID": "TR3697"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0133"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6934"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8702"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5095"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1246"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0559"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9199"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5550"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0354"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3108"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5587"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1942"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3326"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2479"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1726"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9083"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2182"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7759"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3836"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8643"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2938"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9048"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4537"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2088"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0722"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6989"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8702"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9688"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8199"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9417"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8361"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7598"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6368"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8653"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6788"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7341"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3112"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4557"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2104"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0788"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0605"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5119"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6324"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5167"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1819"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5953"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7834"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3171"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3470"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5972"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6374"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2436"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9909"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0164"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6477"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3289"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1729"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5199"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0393"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5725"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5496"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8194"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5687"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5979"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1590"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7406"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9908"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5517"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2946"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0579"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1828"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9237"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5657"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3250"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0661"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3017"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7477"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5570"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6885"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0934"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3005"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2145"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5678"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4848"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3158"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7015"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2144"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4031"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1291"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4322"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7648"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5056"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5539"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5078"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8204"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3456"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1480"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "14.32 pounds",
+ "trainID": "TR3971"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1971"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9384"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7846"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "14.32 pounds",
+ "trainID": "TR2025"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0003"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7768"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0279"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1412"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1270"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4941"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0811"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6948"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4967"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4221"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "14.32 pounds",
+ "trainID": "TR5395"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0720"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1701"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8778"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4149"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6871"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "14.32 pounds",
+ "trainID": "TR3111"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0184"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6774"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1426"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0862"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8655"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4813"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4658"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9331"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7885"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1428"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4670"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8913"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1016"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4676"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9717"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3607"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1640"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8290"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6930"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1898"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2045"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0254"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9082"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6530"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6906"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1433"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0076"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4546"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6009"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0743"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5343"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9883"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6692"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7822"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3300"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5695"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8974"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8913"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3844"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2874"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7245"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1165"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0609"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9016"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6387"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2016"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4376"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0552"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7024"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8777"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7176"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4765"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0385"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2380"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8239"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2515"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5497"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6334"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3043"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7852"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8135"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0217"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8118"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8420"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8575"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "10.24 pounds",
+ "trainID": "TR3259"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "10.24 pounds",
+ "trainID": "TR9925"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "10.24 pounds",
+ "trainID": "TR7542"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8377"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6998"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8813"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "10.24 pounds",
+ "trainID": "TR4216"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8501"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6454"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5390"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "10.24 pounds",
+ "trainID": "TR3889"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6488"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8464"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "10.24 pounds",
+ "trainID": "TR0523"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "10.24 pounds",
+ "trainID": "TR4550"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "10.24 pounds",
+ "trainID": "TR7729"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8726"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5299"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "10.24 pounds",
+ "trainID": "TR9765"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9175"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2494"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8265"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9062"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9013"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5825"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2656"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8377"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1699"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4498"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9263"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5737"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9623"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR0517"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1830"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1800"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3463"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6914"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9084"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3606"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9448"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8723"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4626"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6473"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7411"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9675"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1947"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4015"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3190"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5756"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1044"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3330"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1661"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2833"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1596"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8573"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9547"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6795"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8041"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8306"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4800"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2860"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR0601"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7785"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3264"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7278"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4969"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3609"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2077"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "10.24 pounds",
+ "trainID": "TR4391"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6016"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "10.24 pounds",
+ "trainID": "TR9024"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5314"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6607"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "10.24 pounds",
+ "trainID": "TR0545"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2442"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6759"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2015"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5782"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "10.24 pounds",
+ "trainID": "TR1542"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5870"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7802"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "10.24 pounds",
+ "trainID": "TR8225"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7551"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "10.24 pounds",
+ "trainID": "TR1577"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2623"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "10.24 pounds",
+ "trainID": "TR0021"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7261"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5679"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/hospital-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/hospital-dbase.db
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/hospital_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/hospital_db.json
new file mode 100644
index 0000000..82fe62e
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/hospital_db.json
@@ -0,0 +1,332 @@
+[
+ {
+ "department": "neurosciences critical care unit",
+ "id": 0,
+ "phone": "01223216297"
+ },
+ {
+ "department": "trauma high dependency unit",
+ "id": 1,
+ "phone": "01223216305"
+ },
+ {
+ "department": "neurology neurosurgery",
+ "id": 2,
+ "phone": "01223217216"
+ },
+ {
+ "department": "oncology neurosurgery",
+ "id": 3,
+ "phone": "01223216314"
+ },
+ {
+ "department": "children's oncology and haematology",
+ "id": 4,
+ "phone": "01223217231"
+ },
+ {
+ "department": "children's surgical and medicine",
+ "id": 5,
+ "phone": "01223217450"
+ },
+ {
+ "department": "acute medicine for the elderly",
+ "id": 6,
+ "phone": "01223217261"
+ },
+ {
+ "department": "general medicine and nephrology",
+ "id": 7,
+ "phone": "01223217195"
+ },
+ {
+ "department": "medicine for the elderly",
+ "id": 8,
+ "phone": "01223216988"
+ },
+ {
+ "department": "hepatobillary and gastrointestinal surgery regional referral centre",
+ "id": 9,
+ "phone": "01223217300"
+ },
+ {
+ "department": "trauma and orthopaedics",
+ "id": 10,
+ "phone": "01223217279"
+ },
+ {
+ "department": "teenage cancer trust unit",
+ "id": 11,
+ "phone": "01223274222"
+ },
+ {
+ "department": "haematology and haematological oncology",
+ "id": 12,
+ "phone": "01223217312"
+ },
+ {
+ "department": "children's surgical and medicine",
+ "id": 13,
+ "phone": "01223217250"
+ },
+ {
+ "department": "intermediate dependancy area",
+ "id": 14,
+ "phone": "01223348144"
+ },
+ {
+ "department": "hepatology",
+ "id": 15,
+ "phone": "01223217712"
+ },
+ {
+ "department": "haematology",
+ "id": 16,
+ "phone": "01223274679"
+ },
+ {
+ "department": "neurology",
+ "id": 17,
+ "phone": "01223274680"
+ },
+ {
+ "department": "surgery",
+ "id": 18,
+ "phone": "01223217303"
+ },
+ {
+ "department": "trauma and orthopaedics",
+ "id": 19,
+ "phone": "01223217282"
+ },
+ {
+ "department": "oncology",
+ "id": 20,
+ "phone": "01223217708"
+ },
+ {
+ "department": "infectious diseases",
+ "id": 21,
+ "phone": "01223217314"
+ },
+ {
+ "department": "haematology day unit",
+ "id": 22,
+ "phone": "01223348169"
+ },
+ {
+ "department": "clinical decisions unit",
+ "id": 23,
+ "phone": "01223596203"
+ },
+ {
+ "department": "acute medical assessment unit",
+ "id": 24,
+ "phone": "01223348314"
+ },
+ {
+ "department": "medical short stay unit",
+ "id": 25,
+ "phone": "01223348336"
+ },
+ {
+ "department": "inpatient occupational therapy",
+ "id": 26,
+ "phone": "01223216881"
+ },
+ {
+ "department": "paediatric day unit",
+ "id": 27,
+ "phone": "01223217567"
+ },
+ {
+ "department": "paediatric clinic",
+ "id": 28,
+ "phone": "01223348313"
+ },
+ {
+ "department": "medicine for the elderly",
+ "id": 29,
+ "phone": "01223274744"
+ },
+ {
+ "department": "transplant high dependency unit",
+ "id": 30,
+ "phone": "01223216811"
+ },
+ {
+ "department": "diabetes and endocrinology",
+ "id": 31,
+ "phone": "01223217323"
+ },
+ {
+ "department": "infusion services",
+ "id": 32,
+ "phone": "01223586967"
+ },
+ {
+ "department": "medicine for the elderly",
+ "id": 33,
+ "phone": "01223217484"
+ },
+ {
+ "department": "medicine for the elderly",
+ "id": 34,
+ "phone": "01223217498"
+ },
+ {
+ "department": "transplant unit",
+ "id": 35,
+ "phone": "01223217711"
+ },
+ {
+ "department": "medicine for the elderly",
+ "id": 36,
+ "phone": "01223217428"
+ },
+ {
+ "department": "theatre admissions unit",
+ "id": 37,
+ "phone": "01223256583"
+ },
+ {
+ "department": "cardiology",
+ "id": 38,
+ "phone": "01223256233"
+ },
+ {
+ "department": "major trauma unit",
+ "id": 39,
+ "phone": "01223349881"
+ },
+ {
+ "department": "cardiology and coronary care unit",
+ "id": 40,
+ "phone": "01223256459"
+ },
+ {
+ "department": "colorectal surgery",
+ "id": 41,
+ "phone": "01223348545"
+ },
+ {
+ "department": "plastic and vascular surgery plastics",
+ "id": 42,
+ "phone": "01223274280"
+ },
+ {
+ "department": "gastroenterology",
+ "id": 43,
+ "phone": "01223274284"
+ },
+ {
+ "department": "oral and maxillofacial surgery and ent",
+ "id": 44,
+ "phone": "01223348527"
+ },
+ {
+ "department": "urology",
+ "id": 45,
+ "phone": "01223256650"
+ },
+ {
+ "department": "respiratory medicine",
+ "id": 46,
+ "phone": "01223256645"
+ },
+ {
+ "department": "lewin stroke and rehabilitation unit",
+ "id": 47,
+ "phone": "01223274750"
+ },
+ {
+ "department": "neurosciences",
+ "id": 48,
+ "phone": "01223216348"
+ },
+ {
+ "department": "psychiatry",
+ "id": 49,
+ "phone": "01223596201"
+ },
+ {
+ "department": "emergency department",
+ "id": 50,
+ "phone": "01223217118"
+ },
+ {
+ "department": "cambridge eye unit",
+ "id": 51,
+ "phone": "01223257168"
+ },
+ {
+ "department": "clinical investigation ward",
+ "id": 52,
+ "phone": "01223586706"
+ },
+ {
+ "department": "clinical research facility",
+ "id": 53,
+ "phone": "01223596055"
+ },
+ {
+ "department": "coronary care unit",
+ "id": 54,
+ "phone": "01223217297"
+ },
+ {
+ "department": "intermediate dependency area",
+ "id": 55,
+ "phone": "01223217873"
+ },
+ {
+ "department": "medical decisions unit",
+ "id": 56,
+ "phone": "01223596066"
+ },
+ {
+ "department": "paediatric intensive care unit",
+ "id": 57,
+ "phone": "01223217715"
+ },
+ {
+ "department": "paediatric day unit",
+ "id": 58,
+ "phone": "01223257157"
+ },
+ {
+ "department": "john farman intensive care unit",
+ "id": 59,
+ "phone": "01223256166"
+ },
+ {
+ "department": "delivery unit",
+ "id": 60,
+ "phone": "01223217217"
+ },
+ {
+ "department": "postnatal",
+ "id": 61,
+ "phone": "01223217667"
+ },
+ {
+ "department": "neonatal unit",
+ "id": 62,
+ "phone": "01223217678"
+ },
+ {
+ "department": "antenatal",
+ "id": 63,
+ "phone": "01223217671"
+ },
+ {
+ "department": "transitional care",
+ "id": 64,
+ "phone": "01223254668"
+ },
+ {
+ "department": "gynaecology",
+ "id": 65,
+ "phone": "01223257206"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/hotel-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/hotel-dbase.db
new file mode 100644
index 0000000..f242381
Binary files /dev/null and b/convlab/modules/word_policy/multiwoz/mdrg/db/hotel-dbase.db differ
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/hotel_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/hotel_db.json
new file mode 100644
index 0000000..09729f1
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/hotel_db.json
@@ -0,0 +1,749 @@
+[
+ {
+ "address": "124 tenison road",
+ "area": "east",
+ "internet": "yes",
+ "parking": "no",
+ "id": "0",
+ "location": [
+ 52.1963733,
+ 0.1987426
+ ],
+ "name": "a and b guest house",
+ "phone": "01223315702",
+ "postcode": "cb12dp",
+ "price": {
+ "double": "70",
+ "family": "90",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "154 chesterton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "1",
+ "location": [
+ 52.2157138888889,
+ 0.133519444444444
+ ],
+ "name": "acorn guest house",
+ "phone": "01223353888",
+ "postcode": "cb41da",
+ "price": {
+ "double": "75",
+ "family": "105",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "56 saint barnabas road",
+ "area": "centre",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "2",
+ "location": [
+ 52.1986444444444,
+ 0.138133333333333
+ ],
+ "name": "alexander bed and breakfast",
+ "phone": "01223525725",
+ "postcode": "cb12de",
+ "price": {
+ "double": "50",
+ "single": "40"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "517a coldham lane",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "3",
+ "location": [
+ 52.1963733,
+ 0.1987426
+ ],
+ "name": "allenbell",
+ "phone": "01223210353",
+ "postcode": "cb13js",
+ "price": {
+ "double": "60",
+ "family": "90",
+ "single": "35"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "n": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "63 milton road",
+ "area": "north",
+ "internet": "no",
+ "parking": "no",
+ "id": "4",
+ "location": [
+ 52.2173388888889,
+ 0.127638888888889
+ ],
+ "name": "alpha-milton guest house",
+ "phone": "01223311625",
+ "postcode": "cb41xa",
+ "price": {
+ "double": "80",
+ "single": "45"
+ },
+ "pricerange": "moderate",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "82 arbury road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "5",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "arbury lodge guesthouse",
+ "phone": "01223364319",
+ "postcode": "cb42je",
+ "price": {
+ "double": "75",
+ "family": "100",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "52 gilbert road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "6",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "archway house",
+ "phone": "01223575314",
+ "postcode": "cb43pe",
+ "price": {
+ "double": "70",
+ "single": "40"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "74 chesterton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "7",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "ashley hotel",
+ "phone": "01223350059",
+ "postcode": "cb41er",
+ "price": {
+ "double": "75",
+ "family": "85"
+ },
+ "pricerange": "moderate",
+ "stars": "2",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "710 newmarket road",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "8",
+ "location": [
+ 52.2176534,
+ 0.1747439
+ ],
+ "name": "autumn house",
+ "phone": "01223575122",
+ "postcode": "cb58rs",
+ "price": {
+ "double": "60",
+ "family": "90",
+ "single": "40"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "62 gilbert road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "no",
+ "id": "9",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "avalon",
+ "phone": "01223353071",
+ "postcode": "cb43pd",
+ "price": {
+ "double": "65",
+ "single": "45"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "5 mowbray road",
+ "area": "south",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "10",
+ "location": [
+ 52.1815361111111,
+ 0.150375
+ ],
+ "name": "aylesbray lodge guest house",
+ "phone": "01223240089",
+ "postcode": "cb17sr",
+ "price": {
+ "double": "75",
+ "family": "95",
+ "single": "65"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "151 hills road",
+ "area": "south",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "11",
+ "location": [
+ 52.1725982,
+ 0.1112224
+ ],
+ "name": "bridge guest house",
+ "phone": "01223247942",
+ "postcode": "cb28rj",
+ "price": {
+ "double": "75",
+ "family": "90",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "138 perne road",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "12",
+ "location": [
+ 52.1935027777778,
+ 0.155355555555556
+ ],
+ "name": "carolina bed and breakfast",
+ "phone": "01223247015",
+ "postcode": "cb13nx",
+ "price": {
+ "double": "75",
+ "family": "100",
+ "single": "45"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "328a histon road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "13",
+ "location": [
+ 52.227589,
+ 0.112288
+ ],
+ "name": "city centre north b and b",
+ "phone": "01223312843",
+ "postcode": "cb43ht",
+ "price": {
+ "single": "40"
+ },
+ "pricerange": "cheap",
+ "stars": "0",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "sleeperz hotel, station road",
+ "area": "centre",
+ "internet": "yes",
+ "parking": "no",
+ "id": "14",
+ "location": [
+ 52.194866,
+ 0.134223
+ ],
+ "name": "cityroomz",
+ "phone": "01223304050",
+ "postcode": "cb12tz",
+ "price": {
+ "double": "67",
+ "family": "77",
+ "single": "47"
+ },
+ "pricerange": "moderate",
+ "stars": "0",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "41 warkworth street",
+ "area": "centre",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "15",
+ "location": [
+ 52.20439812598512,
+ 0.13059139251708984
+ ],
+ "name": "el shaddai",
+ "phone": "01223327978",
+ "postcode": "cb11eg",
+ "price": {
+ "double": "60",
+ "family": "62",
+ "single": "40"
+ },
+ "pricerange": "cheap",
+ "stars": "0",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "15-17 norman way, coldhams business park",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "16",
+ "location": [
+ 52.1956472222222,
+ 0.167444444444444
+ ],
+ "name": "express by holiday inn cambridge",
+ "phone": "01223866800",
+ "postcode": "cb13lh",
+ "price": {
+ "double": "90",
+ "family": "90",
+ "single": "90"
+ },
+ "pricerange": "expensive",
+ "stars": "2",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "144 thornton road",
+ "area": "west",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "17",
+ "location": [
+ 52.226235,
+ 0.091796
+ ],
+ "name": "finches bed and breakfast",
+ "phone": "01223276653",
+ "postcode": "cb30nd",
+ "price": {
+ "double": "50",
+ "single": "50"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "gonville place",
+ "area": "centre",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "18",
+ "location": [
+ 52.201275,
+ 0.129935
+ ],
+ "name": "gonville hotel",
+ "phone": "01223366611",
+ "postcode": "cb11ly",
+ "price": {
+ "double": "95",
+ "family": "119",
+ "single": "79"
+ },
+ "pricerange": "expensive",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "156 chesterton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "19",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "hamilton lodge",
+ "phone": "01223365664",
+ "postcode": "cb41da",
+ "price": {
+ "double": "73",
+ "family": "85",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "96 barton road",
+ "area": "west",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "20",
+ "location": [
+ 52.2283801,
+ 0.0782873
+ ],
+ "name": "hobsons house",
+ "phone": "01223304906",
+ "postcode": "cb39lh",
+ "price": {
+ "double": "75",
+ "family": "110",
+ "single": "59"
+ },
+ "pricerange": "moderate",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "78-80 milton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "21",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "home from home",
+ "phone": "01223323555",
+ "postcode": "cb41la",
+ "price": {
+ "double": "75",
+ "family": "105",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "kingfisher way, hinchinbrook business park, huntingdon",
+ "area": "west",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "22",
+ "location": [
+ 52.3386166666667,
+ -0.210897222222222
+ ],
+ "name": "huntingdon marriott hotel",
+ "phone": "01480446000",
+ "postcode": "pe296fl",
+ "price": {
+ "double": "145",
+ "family": "145",
+ "single": "125"
+ },
+ "pricerange": "expensive",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "172 chesterton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "23",
+ "location": [
+ 52.2157138888889,
+ 0.133519444444444
+ ],
+ "name": "kirkwood house",
+ "phone": "01223306283",
+ "postcode": "cb41da",
+ "price": {
+ "double": "75",
+ "family": "130",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "732-734 newmarket road",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "24",
+ "location": [
+ 52.2176534,
+ 0.1747439
+ ],
+ "name": "leverton house",
+ "phone": "01223292094",
+ "postcode": "cb58rs",
+ "price": {
+ "double": "60",
+ "family": "90",
+ "single": "40"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "78-80 milton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "25",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "limehouse",
+ "phone": "01223300552",
+ "postcode": "cb42je",
+ "price": {
+ "double": "75",
+ "single": "40"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "365 milton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "26",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "lovell lodge",
+ "phone": "01223425478",
+ "postcode": "cb41sr",
+ "price": {
+ "double": "65",
+ "family": "70",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "2",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "53 roseford road",
+ "area": "south",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "27",
+ "location": [
+ 52.1725982,
+ 0.1112224
+ ],
+ "name": "rosa's bed and breakfast",
+ "phone": "01223512596",
+ "postcode": "cb22ha",
+ "price": {
+ "single": "25"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "back lane, cambourne",
+ "area": "west",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "28",
+ "location": [
+ 52.2213805555556,
+ -0.0680333333333333
+ ],
+ "name": "the cambridge belfry",
+ "phone": "01954714600",
+ "postcode": "cb236bw",
+ "price": {
+ "double": "60",
+ "single": "60"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "53-57 lensfield road",
+ "area": "south",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "29",
+ "location": [
+ 52.1725982,
+ 0.1112224
+ ],
+ "name": "the lensfield hotel",
+ "phone": "01223355017",
+ "postcode": "cb21en",
+ "price": {
+ "double": "90",
+ "family": "125",
+ "single": "65"
+ },
+ "pricerange": "expensive",
+ "stars": "3",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "regent street",
+ "area": "centre",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "30",
+ "location": [
+ 52.19942,
+ 0.12722
+ ],
+ "name": "university arms hotel",
+ "phone": "01223351241",
+ "postcode": "cb21ad",
+ "price": {
+ "double": "124",
+ "family": "144",
+ "single": "104"
+ },
+ "pricerange": "expensive",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "hotel"
+ },
+ {
+ "address": "warkworth terrace",
+ "area": "east",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "31",
+ "location": [
+ 52.1963733,
+ 0.1987426
+ ],
+ "name": "warkworth house",
+ "phone": "01223363682",
+ "postcode": "cb11ee",
+ "price": {
+ "double": "75",
+ "family": "95",
+ "single": "55"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ },
+ {
+ "address": "152 chesterton road",
+ "area": "north",
+ "internet": "yes",
+ "parking": "yes",
+ "id": "32",
+ "location": [
+ 52.2309912,
+ 0.1295545
+ ],
+ "name": "worth house",
+ "phone": "01223316074",
+ "postcode": "cb41da",
+ "price": {
+ "double": "60",
+ "family": "85",
+ "single": "49"
+ },
+ "pricerange": "cheap",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/police_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/police_db.json
new file mode 100644
index 0000000..dbe208f
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/police_db.json
@@ -0,0 +1,8 @@
+[
+ {
+ "name": "Parkside Police Station",
+ "address": "Parkside, Cambridge",
+ "id": 0,
+ "phone": "01223358966"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant-dbase.db
new file mode 100644
index 0000000..63d0f31
Binary files /dev/null and b/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant-dbase.db differ
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant_db.json
new file mode 100644
index 0000000..58ed562
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/restaurant_db.json
@@ -0,0 +1,1761 @@
+[
+ {
+ "address": "Regent Street City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19210",
+ "introduction": "Pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away",
+ "location": [
+ 52.20103,
+ 0.126023
+ ],
+ "name": "pizza hut city centre",
+ "phone": "01223323737",
+ "postcode": "cb21ab",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "Finders Corner Newmarket Road",
+ "area": "east",
+ "food": "international",
+ "id": "30650",
+ "introduction": "",
+ "location": [
+ 52.21768,
+ 0.224907
+ ],
+ "name": "the missing sock",
+ "phone": "01223812660",
+ "postcode": "cb259aq",
+ "pricerange": "cheap",
+ "signature": "african babooti",
+ "type": "restaurant"
+ },
+ {
+ "address": "106 Regent Street City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19214",
+ "introduction": "curry garden serves traditional indian and bangladeshi cuisine cooked with fresh produce delivered every day",
+ "location": [
+ 52.200187,
+ 0.126407
+ ],
+ "name": "curry garden",
+ "phone": "01223302330",
+ "postcode": "cb21dp",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "82 Cherry Hinton Road Cherry Hinton",
+ "area": "south",
+ "food": "chinese",
+ "id": "19192",
+ "location": [
+ 52.188528,
+ 0.140627
+ ],
+ "name": "the good luck chinese food takeaway",
+ "phone": "01223244149",
+ "postcode": "cb17ag",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "G4 Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "area": "south",
+ "food": "italian",
+ "id": "19196",
+ "introduction": "pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away",
+ "location": [
+ 52.190176,
+ 0.13699
+ ],
+ "name": "pizza hut cherry hinton",
+ "phone": "01223323737",
+ "postcode": "cb17dy",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "64 Cherry Hinton Road Cherry Hinton",
+ "area": "south",
+ "food": "indian",
+ "id": "19191",
+ "introduction": "taj tandoori serves a variety of indian dishes to eat in or take away catering for private parties of up to 50 guests is available upon request",
+ "location": [
+ 52.188747,
+ 0.138941
+ ],
+ "name": "taj tandoori",
+ "phone": "01223412299",
+ "postcode": "cb17aa",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "152 - 154 Hills Road",
+ "area": "south",
+ "food": "modern european",
+ "id": "14731",
+ "introduction": "",
+ "location": [
+ 52.18889,
+ 0.13589
+ ],
+ "name": "restaurant alimentum",
+ "phone": "01223413000",
+ "postcode": "cb28pb",
+ "pricerange": "moderate",
+ "signature": "slowroast sirloin of beef red onion celeriac and garlic",
+ "type": "restaurant"
+ },
+ {
+ "address": "529 Newmarket Road Fen Ditton",
+ "area": "east",
+ "food": "chinese",
+ "id": "19273",
+ "introduction": "yu garden serves authentic chinese cuisine",
+ "location": [
+ 52.212992,
+ 0.157569
+ ],
+ "name": "yu garden",
+ "phone": "01223248882",
+ "postcode": "cb58pa",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Market Hill City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19240",
+ "location": [
+ 52.205442,
+ 0.119706
+ ],
+ "name": "stazione restaurant and coffee bar",
+ "phone": "01223352607",
+ "postcode": "cb23nj",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "451 Newmarket Road Fen Ditton",
+ "area": "east",
+ "food": "indian",
+ "id": "19270",
+ "introduction": "curry prince is a neighbourhood indian restaurant serving authentic cuisine",
+ "location": [
+ 52.213072,
+ 0.149771
+ ],
+ "name": "curry prince",
+ "phone": "01223566388",
+ "postcode": "cb58jj",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "Regent Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19212",
+ "introduction": "charlie chan serves a variety of popular chinese dishes at their restaurant",
+ "location": [
+ 52.201743,
+ 0.124843
+ ],
+ "name": "charlie chan",
+ "phone": "01223361763",
+ "postcode": "cb21db",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "Free School Lane City Centre",
+ "area": "centre",
+ "food": "european",
+ "id": "19245",
+ "introduction": "eraina serves a variety of drinks and european dishes with influences from france spain italy and greece catering for vegetarians is also provided",
+ "location": [
+ 52.203708,
+ 0.119082
+ ],
+ "name": "eraina",
+ "phone": "01223368786",
+ "postcode": "cb23rh",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Regent Street City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19213",
+ "introduction": "the simple menu and kitchen concept at pizza express has retained its freshly made ideal and you can still watch your pizza being prepared for you",
+ "location": [
+ 52.201743,
+ 0.124843
+ ],
+ "name": "pizza express",
+ "phone": "01223324033",
+ "postcode": "cb21db",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "De Vere University Arms Regent Street City Centre",
+ "area": "centre",
+ "food": "british",
+ "id": "19211",
+ "introduction": "adjoining the de vere university arms restaurant one seven is located at the forefront of regent street, and provides a birds eye view to take in the hustle and bustle of the busy city. Enjoy beautifully created food which is always complemented by a fine selection of wines in a truly relaxing and contemporary atmosphere",
+ "location": [
+ 52.20103,
+ 0.126023
+ ],
+ "name": "restaurant one seven",
+ "phone": "01223337766",
+ "postcode": "cb21ab",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "12 Bridge Street City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19229",
+ "introduction": "ask is a leading name in the uk casual dining market with over 100 restaurants across the uk. ask is the perfect place to relax and enjoy mouthwatering risottos an extended range of hearty al forno dishes and all your favourite pastas pizzas and salads",
+ "location": [
+ 52.209028,
+ 0.118296
+ ],
+ "name": "ask restaurant",
+ "phone": "01223364917",
+ "postcode": "cb21uf",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "11 Peas Hill City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19242",
+ "introduction": "jinling noodle bar serves a wide range of chinese and shanghai dishes reflecting many different flavours and ingredients",
+ "location": [
+ 52.204453,
+ 0.118693
+ ],
+ "name": "jinling noodle bar",
+ "phone": "01223566188",
+ "postcode": "cb23pp",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "83 Regent Street",
+ "area": "centre",
+ "food": "modern european",
+ "id": "3697",
+ "introduction": "de luca cucina bar in the heart of cambridge is a stylish spot to enjoy food, wine, cocktails and coffee all in a vibrant atmosphere. The cocktail bar at the front is perfect for coffee and light meals in the day and cocktails in the evening. An open kitchen provides real excitement with head chef darren kiegher and his team preparing simply delicious italian food using locally sourced ingredients.",
+ "location": [
+ 52.2002,
+ 0.1268
+ ],
+ "name": "de luca cucina and bar",
+ "phone": "01223356666",
+ "postcode": "cb21aw",
+ "pricerange": "moderate",
+ "signature": "roasted barbary duck breast served with sweet potato wedges and mange tout with a red wine sauce",
+ "type": "restaurant"
+ },
+ {
+ "address": "2 Sturton Street City Centre",
+ "area": "centre",
+ "food": "gastropub",
+ "id": "19188",
+ "introduction": "the backstreet bistro is a gastropub with a separate bar area serving a couple of good real ales and a dining room serving modern european food. There is a decked area to sit out in during the summer months",
+ "location": [
+ 52.202449,
+ 0.141062
+ ],
+ "name": "backstreet bistro",
+ "phone": "01223306306",
+ "postcode": "cb12qa",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "68 Histon Road Chesterton",
+ "area": "west",
+ "food": "indian",
+ "id": "19266",
+ "introduction": "tandoori palace serve a variety of indian and bangladeshi dishes and can cater for private parties of up to 110 guests upon request",
+ "location": [
+ 52.215486,
+ 0.111167
+ ],
+ "name": "tandoori palace",
+ "phone": "01223506055",
+ "postcode": "cb43le",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Doubletree by Hilton Cambridge Granta Place Mill Lane",
+ "area": "centre",
+ "food": "modern european",
+ "id": "10347",
+ "introduction": "",
+ "location": [
+ 52.20025,
+ 0.11659
+ ],
+ "name": "riverside brasserie",
+ "phone": "01223259988",
+ "postcode": "cb21rt",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "74 Mill Road City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19180",
+ "introduction": "kohinoor serves a variety of indian and vegetarian dishes at their restaurant a takeaway and delivery service is also available",
+ "location": [
+ 52.200422,
+ 0.135784
+ ],
+ "name": "kohinoor",
+ "phone": "01223323639",
+ "postcode": "cb12as",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton",
+ "area": "south",
+ "food": "mexican",
+ "id": "19194",
+ "introduction": "chiquito is a chain of inexpensive tex mex restaurants predominantly aimed at tourists. They serve a variety of mexican and north of the border food as well as a range of cocktails",
+ "location": [
+ 52.190176,
+ 0.13699
+ ],
+ "name": "chiquito restaurant bar",
+ "phone": "01223400170",
+ "postcode": "cb17dy",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "21 - 24 Northampton Road",
+ "area": "west",
+ "food": "italian",
+ "id": "12700",
+ "introduction": "",
+ "location": [
+ 52.21032,
+ 0.11367
+ ],
+ "name": "prezzo",
+ "phone": "01799521260",
+ "postcode": "cb30ad",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "88 Mill Road City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19185",
+ "introduction": "rice house serve a variety of popular chinese dishes at their restaurant",
+ "location": [
+ 52.199332,
+ 0.138395
+ ],
+ "name": "rice house",
+ "phone": "01223367755",
+ "postcode": "cb12bd",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "59 Hills Road City Centre",
+ "area": "centre",
+ "food": "lebanese",
+ "id": "19221",
+ "location": [
+ 52.195416,
+ 0.13114
+ ],
+ "name": "ali baba",
+ "phone": "01462432565",
+ "postcode": "cb21nt",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "35 Saint Andrews Street City Centre",
+ "area": "centre",
+ "food": "international",
+ "id": "19235",
+ "introduction": "the varsity restaurant serves a variety of international and vegetarian dishes and can cater for private parties of up to 40 guests upon request",
+ "location": [
+ 52.202793,
+ 0.123488
+ ],
+ "name": "the varsity restaurant",
+ "phone": "01223356060",
+ "postcode": "cb23ar",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "40270 King Street City Centre",
+ "area": "centre",
+ "food": "modern european",
+ "id": "19177",
+ "introduction": "darrys cookhouse and wine shop is an award winning drinking and dining restaurant and bar in the centre of cambridge",
+ "location": [
+ 52.207312,
+ 0.124201
+ ],
+ "name": "darrys cookhouse and wine shop",
+ "phone": "01223505015",
+ "postcode": "cb11ln",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Mill Road City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19182",
+ "introduction": "the golden curry serves a variety of authentic indian dishes at their fully licensed restaurant",
+ "location": [
+ 52.199289,
+ 0.13974
+ ],
+ "name": "the golden curry",
+ "phone": "01223329432",
+ "postcode": "cb12az",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "71 Castle Street City Centre",
+ "area": "west",
+ "food": "indian",
+ "id": "19249",
+ "introduction": "cocum specialises in south indian cuisine using spices meat and vegetables from the kerala region there is also a take away option",
+ "location": [
+ 52.212444,
+ 0.112823
+ ],
+ "name": "cocum",
+ "phone": "01223366668",
+ "postcode": "cb30ah",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "St. Michael's Church Trinity Street City Centre",
+ "area": "centre",
+ "food": "european",
+ "id": "19227",
+ "introduction": "digby trout is a chain of restaurants that are located in many of london's premier tourist attractions. they serve modern european cuisine and are open for lunch and dinner. situated in st michaels church, michaelhouse cafe serves coffee sandwiches and lunch from a regularly changing menu",
+ "location": [
+ 52.20608,
+ 0.118215
+ ],
+ "name": "michaelhouse cafe",
+ "phone": "01223309147",
+ "postcode": "cb21su",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "37 Newnham Road Newnham",
+ "area": "west",
+ "food": "indian",
+ "id": "19255",
+ "introduction": "the rice boat serves an authentic kind of indian cuisine that originates from the villages of kerala where the spice trade originated",
+ "location": [
+ 52.199012,
+ 0.113196
+ ],
+ "name": "rice boat",
+ "phone": "01223302800",
+ "postcode": "cb39ey",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "15 - 19 Trumpington Street",
+ "area": "centre",
+ "food": "european",
+ "id": "4607",
+ "introduction": "",
+ "location": [
+ 52.19934,
+ 0.12146
+ ],
+ "name": "hotel du vin and bistro",
+ "phone": "01223227330",
+ "postcode": "cb21qa",
+ "pricerange": "moderate",
+ "signature": "",
+ "type": "restaurant"
+ },
+ {
+ "address": "41518 Castle Street City Centre",
+ "area": "west",
+ "food": "indian",
+ "id": "19250",
+ "introduction": "maharajah tandoori restaurant serve a variety of indian and tandoori dishes at their restaurant catering for private parties of up to 40 guests is available upon request",
+ "location": [
+ 52.212444,
+ 0.112823
+ ],
+ "name": "maharajah tandoori restaurant",
+ "phone": "01223358399",
+ "postcode": "cb30ah",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Crowne Plaza Hotel 20 Downing Street",
+ "area": "centre",
+ "food": "international",
+ "id": "14742",
+ "introduction": "",
+ "location": [
+ 52.20342,
+ 0.12171
+ ],
+ "name": "bloomsbury restaurant",
+ "phone": "08719429180",
+ "postcode": "cb23dt",
+ "pricerange": "moderate",
+ "signature": "coconut and red chilli monkfish",
+ "type": "restaurant"
+ },
+ {
+ "address": "17 Magdalene Street City Centre",
+ "area": "west",
+ "food": "vietnamese",
+ "id": "19248",
+ "introduction": "thanh binh serve a variety of vietnamese dishes as well as selling an assortment of tea and coffees",
+ "location": [
+ 52.210226,
+ 0.115646
+ ],
+ "name": "thanh binh",
+ "phone": "01223362456",
+ "postcode": "cb30af",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "14 -16 Bridge Street",
+ "area": "centre",
+ "food": "spanish",
+ "id": "12566",
+ "introduction": "la tasca is a spanish tapas restaurant and bar offering over 30 tapas dishes",
+ "location": [
+ 52.20903,
+ 0.1183
+ ],
+ "name": "la tasca",
+ "phone": "01223464630",
+ "postcode": "cb21uf",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "20 Milton Road Chesterton",
+ "area": "north",
+ "food": "italian",
+ "id": "19259",
+ "introduction": "da Vinci pizzeria serve an extensive range of pizza and italian dishes as well as some vegetarian options a takeaway and delivery service is also available",
+ "location": [
+ 52.215311,
+ 0.12593
+ ],
+ "name": "da vinci pizzeria",
+ "phone": "01223351707",
+ "postcode": "cb41jy",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "22 Chesterton Road Chesterton",
+ "area": "north",
+ "food": "french",
+ "id": "19264",
+ "location": [
+ 52.213742,
+ 0.1242
+ ],
+ "name": "restaurant two two",
+ "phone": "01223351880",
+ "postcode": "cb43ax",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "12 St. Johns Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19228",
+ "introduction": "ugly duckling serves a variety of chinese dishes to eat in or take away they also offer 10 percent discount on takeaway orders",
+ "location": [
+ 52.208055,
+ 0.118397
+ ],
+ "name": "ugly duckling",
+ "postcode": "cb21tw",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "36 Saint Andrews Street",
+ "area": "centre",
+ "food": "japanese",
+ "id": "12638",
+ "introduction": "",
+ "location": [
+ 52.203,
+ 0.12375
+ ],
+ "name": "wagamama",
+ "phone": "01223462354",
+ "postcode": "cb23ar",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "12 Norfolk Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19186",
+ "introduction": "lan hong house serves great value home cooked authentic chinese food with over two five dishes available from the buffet",
+ "location": [
+ 52.204609,
+ 0.137976
+ ],
+ "name": "lan hong house",
+ "phone": "01223350420",
+ "postcode": "cb12lf",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge Leisure Park Clifton Way",
+ "area": "south",
+ "food": "portuguese",
+ "id": "12238",
+ "introduction": "It's Nandos",
+ "location": [
+ 52.19017,
+ 0.13699
+ ],
+ "name": "nandos",
+ "phone": "01223327908",
+ "postcode": "cb17dy",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "6 Lensfield Road",
+ "area": "centre",
+ "food": "british",
+ "id": "13071",
+ "introduction": "",
+ "location": [
+ 52.1987,
+ 0.12578
+ ],
+ "name": "the oak bistro",
+ "phone": "01223323361",
+ "postcode": "cb21eg",
+ "pricerange": "moderate",
+ "signature": "chargrilled rib eye steak with truffle butter mixed salad and fries",
+ "type": "restaurant"
+ },
+ {
+ "address": "4 Kings Parade City Centre",
+ "area": "centre",
+ "food": "british",
+ "id": "19226",
+ "introduction": "the copper kettle serve a variety of english dishes at their restaurant including full english breakfasts lunches, roast dinners and baked potatoes. a takeaway menu is also provided",
+ "location": [
+ 52.204387,
+ 0.117841
+ ],
+ "name": "the copper kettle",
+ "phone": "01223365068",
+ "postcode": "cb21sj",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "area": "south",
+ "food": "chinese",
+ "id": "19197",
+ "location": [
+ 52.190176,
+ 0.13699
+ ],
+ "name": "the lucky star",
+ "phone": "01223244277",
+ "postcode": "cb17dy",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "51 Trumpington Street City Centre",
+ "area": "centre",
+ "food": "british",
+ "id": "19224",
+ "introduction": "fitzbillies restaurant serves a variety of bistro style lunches, anglo-european a la carte evening meals, as well as teas coffees and cakes throughout the day. catering for private parties is available upon request",
+ "location": [
+ 52.202598,
+ 0.118342
+ ],
+ "name": "fitzbillies restaurant",
+ "phone": "01223352500",
+ "postcode": "cb21rg",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "108 Regent Street City Centre",
+ "area": "centre",
+ "food": "korean",
+ "id": "19216",
+ "introduction": "little seoul offer a variety of korean cuisine for lunch and dinner",
+ "location": [
+ 52.200187,
+ 0.126407
+ ],
+ "name": "little seoul",
+ "phone": "01223308681",
+ "postcode": "cb21dp",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "196 Mill Road City Centre",
+ "area": "centre",
+ "food": "turkish",
+ "id": "19189",
+ "introduction": "meze is a restaurant and bar that serves tasty and fresh turkish cuisine set in an informal relaxed atmosphere the bar area also serves a wide range of beers wines and spirits",
+ "location": [
+ 52.197349,
+ 0.145075
+ ],
+ "name": "meze bar",
+ "postcode": "cb13nf",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "40210 Millers Yard City Centre",
+ "area": "centre",
+ "food": "asian oriental",
+ "id": "19225",
+ "introduction": "dojo noodle bar serves a variety of japanese chinese vietnamese korean and malaysian dishes to eat in or take away sister restaurant to touzai",
+ "location": [
+ 52.201423,
+ 0.116661
+ ],
+ "name": "dojo noodle bar",
+ "phone": "01223363471",
+ "postcode": "cb21rq",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "15 Magdalene Street City Centre",
+ "area": "west",
+ "food": "italian",
+ "id": "19247",
+ "introduction": "la margherita serve a variety of italian and vegetarian dishes at their restaurant",
+ "location": [
+ 52.210226,
+ 0.115646
+ ],
+ "name": "la margherita",
+ "phone": "01223315232",
+ "postcode": "cb30af",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "40428 King Street City Centre",
+ "area": "centre",
+ "food": "asian oriental",
+ "id": "19175",
+ "introduction": "yippee noodle bar serves a variety of oriental and vegetarian dishes at their restaurant they also have a bar area and offer a take away service",
+ "location": [
+ 52.207446,
+ 0.122788
+ ],
+ "name": "yippee noodle bar",
+ "phone": "01223518111",
+ "postcode": "cb11lh",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "7 Milton Road Chesterton",
+ "area": "north",
+ "food": "indian",
+ "id": "19263",
+ "location": [
+ 52.215157,
+ 0.125015
+ ],
+ "name": "the nirala",
+ "phone": "01223360966",
+ "postcode": "cb41uy",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "183 East Road City Centre",
+ "area": "centre",
+ "food": "british",
+ "id": "19171",
+ "introduction": "cotto is a restaurant cafe and bakery all rolled in to one. The restaurant upstairs is open for dinner from wednesday to saturday consisting of one menu of between three to five dishes tailored to the day the cafe and bakery offer cakes and other delicacies",
+ "location": [
+ 52.204703,
+ 0.133238
+ ],
+ "name": "cotto",
+ "phone": "01223302010",
+ "postcode": "cb11bg",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "21 - 24 Northampton Street",
+ "area": "west",
+ "food": "british",
+ "id": "14810",
+ "introduction": "",
+ "location": [
+ 52.21031,
+ 0.11381
+ ],
+ "name": "saint johns chop house",
+ "phone": "01223353110",
+ "postcode": "cb30ad",
+ "pricerange": "moderate",
+ "signature": "barnsley chop braised potatoes roast celeriac red cabbage and port sauce",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge Retail Park Newmarket Road Fen Ditton",
+ "area": "east",
+ "food": "italian",
+ "id": "19275",
+ "introduction": "pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away",
+ "location": [
+ 52.209742,
+ 0.146975
+ ],
+ "name": "pizza hut fen ditton",
+ "phone": "01223323737",
+ "postcode": "cb58wr",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "12 Lensfield Road City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19219",
+ "location": [
+ 52.198696,
+ 0.12578
+ ],
+ "name": "golden house",
+ "phone": "01842753771",
+ "postcode": "cb21eg",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "86 Regent Street City Centre",
+ "area": "centre",
+ "food": "asian oriental",
+ "id": "19215",
+ "introduction": "j restaurant offers a wide variety of sushi noodles and dim sum to eat in or takeaway a home delivery service is also available",
+ "location": [
+ 52.200187,
+ 0.126407
+ ],
+ "name": "j restaurant",
+ "phone": "01223307581",
+ "postcode": "cb21dp",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "33 Bridge Street",
+ "area": "centre",
+ "food": "european",
+ "id": "6780",
+ "introduction": "",
+ "location": [
+ 52.20951,
+ 0.11669
+ ],
+ "name": "galleria",
+ "phone": "01223362054",
+ "postcode": "cb21uw",
+ "pricerange": "moderate",
+ "signature": "poached fillets of monkfish in lemongrass with sweet red chilli cream sauce and tiger prawns with leeks and mushrooms served with rice",
+ "type": "restaurant"
+ },
+ {
+ "address": "Corn Exchange Street",
+ "area": "centre",
+ "food": "gastropub",
+ "id": "31390",
+ "introduction": "",
+ "location": [
+ 52.204424,
+ 0.12046
+ ],
+ "name": "the cow pizza kitchen and bar",
+ "phone": "01223308871",
+ "postcode": "cb23qf",
+ "pricerange": "moderate",
+ "signature": "wasabi spiked hamburger",
+ "type": "restaurant"
+ },
+ {
+ "address": "100 Mill Road City Centre",
+ "area": "centre",
+ "food": "african",
+ "id": "19183",
+ "introduction": "bedouin serves algerian cuisine",
+ "location": [
+ 52.199332,
+ 0.138395
+ ],
+ "name": "bedouin",
+ "phone": "01223367660",
+ "postcode": "cb12bd",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "2 Rose Crescent City Centre",
+ "area": "centre",
+ "food": "mediterranean",
+ "id": "19238",
+ "introduction": "the gardenia serves a variety of authentic greek and mediterranean dishes at their restaurant catering for private parties of up to two five guests is available upon request",
+ "location": [
+ 52.206098,
+ 0.118713
+ ],
+ "name": "the gardenia",
+ "phone": "01223356354",
+ "postcode": "cb23ll",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "47-53 Regent Street",
+ "area": "centre",
+ "food": "italian",
+ "id": "29652",
+ "introduction": "",
+ "location": [
+ 52.201116,
+ 0.125712
+ ],
+ "name": "zizzi cambridge",
+ "phone": "01223365599",
+ "postcode": "cb21ab",
+ "pricerange": "cheap",
+ "signature": "piccante rustica pizza, a spicy sausage salami mascarpone and roquito chilli",
+ "type": "restaurant"
+ },
+ {
+ "address": "Newmarket Road Fen Ditton",
+ "area": "east",
+ "food": "indian",
+ "id": "19272",
+ "introduction": "pipasha restaurant serves a variety of indian dishes to eat in or take away a delivery service is also available",
+ "location": [
+ 52.212992,
+ 0.157569
+ ],
+ "name": "pipasha restaurant",
+ "phone": "01223577786",
+ "postcode": "cb58pa",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "33-34 Saint Andrews Street",
+ "area": "centre",
+ "food": "portuguese",
+ "id": "12237",
+ "introduction": "",
+ "location": [
+ 52.203,
+ 0.12375
+ ],
+ "name": "nandos city centre",
+ "phone": "01223327908",
+ "postcode": "cb23ar",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "Victoria Avenue Chesterton",
+ "area": "north",
+ "food": "indian",
+ "id": "19257",
+ "location": [
+ 52.213853,
+ 0.125509
+ ],
+ "name": "royal spice",
+ "phone": "01733553355",
+ "postcode": "cb41eh",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "Milton Road Chesterton",
+ "area": "north",
+ "food": "chinese",
+ "id": "19260",
+ "introduction": "A unique treat for all lovers of Chinese cuisine. From the Spice Islands to the food streets of Beijing and the finest ocean catch.",
+ "location": [
+ 52.215311,
+ 0.12593
+ ],
+ "name": "hakka",
+ "phone": "01223568988",
+ "postcode": "cb41jy",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "4 - 6 Rose Crescent",
+ "area": "centre",
+ "food": "spanish",
+ "id": "19237",
+ "introduction": "",
+ "location": [
+ 52.206098,
+ 0.118713
+ ],
+ "name": "la raza",
+ "phone": "01223464550",
+ "postcode": "cb23ll",
+ "pricerange": "cheap",
+ "signature": "seafood paella",
+ "type": "restaurant"
+ },
+ {
+ "address": "72 Regent Street City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19218",
+ "introduction": "the gandhi serves a variety of indian and bangladeshi dishes at their restaurant to eat in or take away. Catering for private parties of up to 140 guests is available upon request",
+ "location": [
+ 52.200187,
+ 0.126407
+ ],
+ "name": "the gandhi",
+ "phone": "01223353942",
+ "postcode": "cb21dp",
+ "pricerange": "cheap",
+ "type": "restaurant"
+ },
+ {
+ "address": "191 Histon Road Chesterton",
+ "area": "north",
+ "food": "chinese",
+ "id": "19265",
+ "introduction": "the golden wok serves a variety of traditional chinese meals including sweet and sour dishes as well as rice and noodles",
+ "location": [
+ 52.220757,
+ 0.111564
+ ],
+ "name": "golden wok",
+ "phone": "01223350688",
+ "postcode": "cb43hl",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "205 Victoria Road Chesterton",
+ "area": "west",
+ "food": "indian",
+ "id": "19267",
+ "location": [
+ 52.215077,
+ 0.112421
+ ],
+ "name": "meghna",
+ "phone": "01223727410",
+ "postcode": "cb43lf",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "Hills Road City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19220",
+ "introduction": "the saffron brasserie serve a variety of dishes from their contemporary indian and bangladeshi menu. Catering for private parties of up to 100 guests is available upon request",
+ "location": [
+ 52.196862,
+ 0.129248
+ ],
+ "name": "saffron brasserie",
+ "phone": "01223354679",
+ "postcode": "cb21la",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Thompsons Lane Fen Ditton",
+ "area": "centre",
+ "food": "mediterranean",
+ "id": "19268",
+ "location": [
+ 52.210013,
+ 0.118007
+ ],
+ "name": "la mimosa",
+ "phone": "01223362525",
+ "postcode": "cb58aq",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "39 Burleigh Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19173",
+ "introduction": "shanghai family restaurant comprises a french cafe on the lower level and a chinese restaurant upstairs",
+ "location": [
+ 52.206111,
+ 0.132969
+ ],
+ "name": "shanghai family restaurant",
+ "phone": "01223301761",
+ "postcode": "cb11dg",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "The Little Rose 37 Trumpington Street",
+ "area": "centre",
+ "food": "seafood",
+ "id": "19223",
+ "introduction": "using the freshest seafood from the loch of the same name, loch fyne restaurants serve a variety of shellfish and smoked fish all of which are complimented by an extensive wine list. Non-seafood dishes are also available",
+ "location": [
+ 52.200693,
+ 0.119744
+ ],
+ "name": "loch fyne",
+ "phone": "01223362433",
+ "postcode": "cb21qy",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "3 - 5 Millers Yard Mill Lane",
+ "area": "centre",
+ "food": "indian",
+ "id": "15275",
+ "introduction": "",
+ "location": [
+ 52.20143,
+ 0.11664
+ ],
+ "name": "mahal of cambridge",
+ "phone": "01223360409",
+ "postcode": "cb21rq",
+ "pricerange": "cheap",
+ "signature": "chicken tikka masala",
+ "type": "restaurant"
+ },
+ {
+ "address": "Jesus Lane Fen Ditton",
+ "area": "centre",
+ "food": "italian",
+ "id": "19269",
+ "introduction": "the simple menu and kitchen concept at pizza express has retained its freshly made ideal, and you can still watch your pizza being prepared for you. This branch has live jazz music",
+ "location": [
+ 52.208252,
+ 0.119957
+ ],
+ "name": "pizza express Fen Ditton",
+ "phone": "01223324033",
+ "postcode": "cb58ba",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "35 Newnham Road Newnham",
+ "area": "west",
+ "food": "thai",
+ "id": "19256",
+ "introduction": "sala thong serves a variety of thai dishes at their restaurant catering for private parties of up to 40 guests is available upon request",
+ "location": [
+ 52.199012,
+ 0.113196
+ ],
+ "name": "sala thong",
+ "phone": "01223323178",
+ "postcode": "cb39ey",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge City Football Club Milton Road Chesterton",
+ "area": "north",
+ "id": "19262",
+ "introduction": "located in cambridge city football club, city stop restaurant serve a variety of english and italian dishes as well as offering a selection of vegetarian options catering for corporate events and private parties of up to 100 guests is available upon request.",
+ "location": [
+ 52.215157,
+ 0.125015
+ ],
+ "name": "city stop restaurant",
+ "phone": "01223363270",
+ "postcode": "cb41uy",
+ "pricerange": "expensive",
+ "food": "european",
+ "type": "restaurant"
+ },
+ {
+ "address": "169 High Street Chesterton Chesterton",
+ "area": "north",
+ "food": "asian oriental",
+ "id": "19261",
+ "introduction": "saigon city serve vietnamese chinese and thai cuisine to eat in or take away",
+ "location": [
+ 52.218164,
+ 0.143209
+ ],
+ "name": "saigon city",
+ "phone": "01223356555",
+ "postcode": "cb41nl",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "10 Homerton Street City Centre",
+ "area": "south",
+ "food": "chinese",
+ "id": "19246",
+ "introduction": "peking resturant cook from fresh ingredients. they specialise in sichuan and hunan dishes",
+ "location": [
+ 52.189484,
+ 0.135465
+ ],
+ "name": "peking restaurant",
+ "phone": "01223354755",
+ "postcode": "cb28nx",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge Leisure Park Clifton Way Cherry Hinton",
+ "area": "south",
+ "food": "italian",
+ "id": "19195",
+ "introduction": "frankie and bennys has a traditional 1950s new york feel to it with its original family photographs, traditional wooden furniture and period music. They serve a wide range of authentic american and italian dishes.",
+ "location": [
+ 52.190176,
+ 0.13699
+ ],
+ "name": "frankie and bennys",
+ "phone": "01223412430",
+ "postcode": "cb17dy",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Hotel Felix Whitehouse Lane Huntingdon Road",
+ "area": "west",
+ "food": "british",
+ "id": "7492",
+ "introduction": "Critically acclaimed food in luxurious and stylish surroundings, overlooking the hotels lush gardens.",
+ "location": [
+ 52.22414,
+ 0.09194
+ ],
+ "name": "graffiti",
+ "phone": "01223277977",
+ "postcode": "cb30lx",
+ "pricerange": "expensive",
+ "signature": "panfried fillet of brill tempura of langoustine crushed garden peas shellfish basil nage",
+ "type": "restaurant"
+ },
+ {
+ "address": "31 Newnham Road Newnham",
+ "area": "west",
+ "food": "indian",
+ "id": "19254",
+ "introduction": "indian house serve a variety of indian dishes to eat in or take away they also have a selection of english dishes on their menu",
+ "location": [
+ 52.199012,
+ 0.113196
+ ],
+ "name": "india house",
+ "phone": "01223461661",
+ "postcode": "cb39ey",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Cambridge Lodge Hotel 139 Huntingdon Road City Centre",
+ "area": "west",
+ "food": "european",
+ "id": "19252",
+ "introduction": "located in the cambridge lodge hotel, this restaurant serves a variety of european and vegetarian dishes and can cater for private parties of up to 20 guests upon request.",
+ "location": [
+ 52.217736,
+ 0.102505
+ ],
+ "name": "cambridge lodge restaurant",
+ "phone": "01223355166",
+ "postcode": "cb30dq",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Grafton Hotel 619 Newmarket Road Fen Ditton",
+ "area": "east",
+ "food": "british",
+ "id": "19271",
+ "introduction": "located in the grafton hotel this restaurant serves a variety of english and vegetarian dishes from their a la carte and carvery menu. They also have a bar area",
+ "location": [
+ 52.212992,
+ 0.157569
+ ],
+ "name": "grafton hotel restaurant",
+ "phone": "01223241387",
+ "postcode": "cb58pa",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "66 Chesterton Road Chesterton",
+ "area": "north",
+ "food": "chinese",
+ "id": "19258",
+ "introduction": "the hotpot serves a variety of chinese dishes at their restaurant and can cater for private parties of up to five five guests upon request",
+ "location": [
+ 52.214531,
+ 0.127298
+ ],
+ "name": "the hotpot",
+ "phone": "01223366552",
+ "postcode": "cb41ep",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Quayside Off Bridge Street",
+ "area": "centre",
+ "food": "modern european",
+ "id": "7236",
+ "introduction": "",
+ "location": [
+ 52.20984,
+ 0.11793
+ ],
+ "name": "the river bar steakhouse and grill",
+ "phone": "01223307030",
+ "postcode": "cb58aq",
+ "pricerange": "cheap",
+ "signature": "lobster mac and cheese",
+ "type": "restaurant"
+ },
+ {
+ "address": "54 King Street City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19176",
+ "introduction": "clowns cafe serve a variety of drinks as well as italian dishes such as pasta ciabatta and salads",
+ "location": [
+ 52.207312,
+ 0.124201
+ ],
+ "name": "clowns cafe",
+ "phone": "01223355711",
+ "postcode": "cb11ln",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "30 Bridge Street City Centre",
+ "area": "centre",
+ "food": "turkish",
+ "id": "19232",
+ "introduction": "anatolia is a basement restaurant that serves a variety of turkish and vegetarian dishes and cater for private parties of up to 80 guests upon request",
+ "location": [
+ 52.209632,
+ 0.117213
+ ],
+ "name": "anatolia",
+ "phone": "01223362372",
+ "postcode": "cb21uj",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "8 Norfolk Street City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19187",
+ "location": [
+ 52.204609,
+ 0.137976
+ ],
+ "name": "panahar",
+ "phone": "01223355012",
+ "postcode": "cb12lf",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Napier Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19174",
+ "introduction": "tang chinese is a buffet restaurant and bar serving a variety of dishes for lunch and dinner there is also a takeaway menu available",
+ "location": [
+ 52.207702,
+ 0.133982
+ ],
+ "name": "tang chinese",
+ "phone": "01223357187",
+ "postcode": "cb11hr",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "34 - 35 Green Street",
+ "area": "centre",
+ "food": "gastropub",
+ "id": "12482",
+ "introduction": "slug lettuce is a premium high street bar that serves a wide range of restaurant quality food to suit all occasions and appetites.",
+ "location": [
+ 52.20683,
+ 0.1192
+ ],
+ "name": "the slug and lettuce",
+ "postcode": "cb23ju",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "5 Jordans Yard Bridge Street City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19231",
+ "introduction": "curry king serve a variety of indian dishes to eat in or take away catering for private parties of up to 40 guests is available upon request",
+ "location": [
+ 52.209003,
+ 0.118661
+ ],
+ "name": "curry king",
+ "phone": "01223324351",
+ "postcode": "cb21ug",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Huntingdon Road City Centre",
+ "area": "west",
+ "food": "british",
+ "id": "19251",
+ "introduction": "",
+ "location": [
+ 52.214201,
+ 0.108588
+ ],
+ "name": "travellers rest",
+ "phone": "01223276182",
+ "postcode": "cb30df",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "106 Mill Road City Centre",
+ "area": "centre",
+ "food": "indian",
+ "id": "19184",
+ "introduction": "curry queen is the most popular indian restaurant in cambridge serving good indian cuisine including all the usual dishes",
+ "location": [
+ 52.199332,
+ 0.138395
+ ],
+ "name": "curry queen",
+ "phone": "01223351027",
+ "postcode": "cb12bd",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "290 Mill Road City Centre",
+ "area": "east",
+ "food": "gastropub",
+ "id": "19190",
+ "location": [
+ 52.196967,
+ 0.149286
+ ],
+ "name": "royal standard",
+ "phone": "01223247877",
+ "postcode": "cb13nl",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "7 Barnwell Road Fen Ditton",
+ "area": "east",
+ "food": "indian",
+ "id": "19274",
+ "introduction": "rajmahal serves traditional indian cuisine accomapnied by a broad wine list with beers and spirits also available",
+ "location": [
+ 52.211144,
+ 0.163247
+ ],
+ "name": "rajmahal",
+ "phone": "01223244955",
+ "postcode": "cb58rg",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "21 Burleigh Street City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19172",
+ "location": [
+ 52.206111,
+ 0.132969
+ ],
+ "name": "hk fusion",
+ "phone": "01223355909",
+ "postcode": "cb11dg",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "King Street City Centre",
+ "area": "centre",
+ "food": "turkish",
+ "id": "19178",
+ "introduction": "efes restaurant serve a variety of turkish dishes including kebabs in truly authentic surroundings.",
+ "location": [
+ 52.207312,
+ 0.124201
+ ],
+ "name": "efes restaurant",
+ "phone": "01223500005",
+ "postcode": "cb11ln",
+ "pricerange": "moderate",
+ "type": "restaurant"
+ },
+ {
+ "address": "Regent Street City Centre",
+ "area": "centre",
+ "food": "north american",
+ "id": "19209",
+ "introduction": "gourmet burger kitchen has a trendy interior and, although a bit more expensive than the average high street burger joint, the delicious burgers and other dishes are huge and freshly prepared with large side orders to match. Catering for vegetarians is provided",
+ "location": [
+ 52.20103,
+ 0.126023
+ ],
+ "name": "gourmet burger kitchen",
+ "phone": "01223312598",
+ "postcode": "cb21ab",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "12 Market Hill City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19239",
+ "introduction": "don pasquale pizzeria serves an extensive range of pizzas and italian dishes including pasta as well as a selection of beverages. Catering for private parties of up to 80 guests is available upon request",
+ "location": [
+ 52.205442,
+ 0.119706
+ ],
+ "name": "don pasquale pizzeria",
+ "phone": "01223350106",
+ "postcode": "cb23nj",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "1 Kings Parade",
+ "area": "centre",
+ "food": "british",
+ "id": "6941",
+ "introduction": "",
+ "location": [
+ 52.20439,
+ 0.11784
+ ],
+ "name": "the cambridge chop house",
+ "phone": "01223359506",
+ "postcode": "cb21sj",
+ "pricerange": "expensive",
+ "signature": "lamb barnsley chop potato and garlic bake greens and gravy",
+ "type": "restaurant"
+ },
+ {
+ "address": "52 Mill Road City Centre",
+ "area": "centre",
+ "food": "asian oriental",
+ "id": "19181",
+ "introduction": "kymmoy is a noodle bar serving a wide variety of chinese thai cuisine for lunch and dinner",
+ "location": [
+ 52.200422,
+ 0.135784
+ ],
+ "name": "kymmoy",
+ "phone": "01223311911",
+ "postcode": "cb12as",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "43 High Street Cherry Hinton Cherry Hinton",
+ "area": "east",
+ "food": "indian",
+ "id": "19198",
+ "location": [
+ 52.186739,
+ 0.173048
+ ],
+ "name": "sitar tandoori",
+ "phone": "01223249955",
+ "postcode": "cb19hx",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "84 Regent Street City Centre",
+ "area": "centre",
+ "food": "mediterranean",
+ "id": "19217",
+ "introduction": "shiraz serves traditional mediterranean cuisine accompanied by an extensive wine list with beers and spirits also available",
+ "location": [
+ 52.200187,
+ 0.126407
+ ],
+ "name": "shiraz restaurant",
+ "phone": "01223307581",
+ "postcode": "cb21dp",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "Midsummer Common",
+ "area": "centre",
+ "food": "british",
+ "id": "508",
+ "introduction": "",
+ "location": [
+ 52.21251,
+ 0.12774
+ ],
+ "name": "midsummer house restaurant",
+ "phone": "01223369299",
+ "postcode": "cb41ha",
+ "pricerange": "expensive",
+ "signature": "seared scallops with truffle apple and celeriac",
+ "type": "restaurant"
+ },
+ {
+ "address": "Bridge Street City Centre",
+ "area": "centre",
+ "food": "french",
+ "id": "19230",
+ "introduction": "cote is a modern french bistro offering some of the classic and simple favourites of french cuisine",
+ "location": [
+ 52.209028,
+ 0.118296
+ ],
+ "name": "cote",
+ "phone": "01223311053",
+ "postcode": "cb21uf",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "32 Bridge Street City Centre",
+ "area": "centre",
+ "food": "italian",
+ "id": "19234",
+ "introduction": "caffe uno is a chain of cafe style restaurants that offer a wide selection of meals and snacks to suit any time of the day including an extensive breakfast menu and choice of hot or cold drinks",
+ "location": [
+ 52.209632,
+ 0.117213
+ ],
+ "name": "caffe uno",
+ "phone": "01223448620",
+ "postcode": "cb21uj",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "17 Hills Road City Centre",
+ "area": "centre",
+ "food": "chinese",
+ "id": "19222",
+ "introduction": "sesame restaurant and bar offers a wide variety of traditional chinese cuisine for lunch or dinner with wifi access and a television screen in the basement",
+ "location": [
+ 52.197154,
+ 0.129511
+ ],
+ "name": "sesame restaurant and bar",
+ "phone": "01223358899",
+ "postcode": "cb21nw",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ },
+ {
+ "address": "24 Green Street City Centre",
+ "area": "centre",
+ "food": "thai",
+ "id": "19236",
+ "introduction": "bangkok city serve a variety of authentic dishes to eat in or take away",
+ "location": [
+ 52.206504,
+ 0.119157
+ ],
+ "name": "bangkok city",
+ "phone": "01223354382",
+ "postcode": "cb23jx",
+ "pricerange": "expensive",
+ "type": "restaurant"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/taxi-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/taxi-dbase.db
new file mode 100644
index 0000000..e69de29
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/taxi_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/taxi_db.json
new file mode 100644
index 0000000..03c6ade
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/taxi_db.json
@@ -0,0 +1,5 @@
+{
+ "taxi_colors": ["black","white","red","yellow","blue","grey"],
+ "taxi_types": ["toyota","skoda","bmw","honda","ford","audi","lexus","volvo","volkswagen","tesla"],
+ "taxi_phone": ["^[0-9]{10}$"]
+}
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/train-dbase.db b/convlab/modules/word_policy/multiwoz/mdrg/db/train-dbase.db
new file mode 100644
index 0000000..d96769e
Binary files /dev/null and b/convlab/modules/word_policy/multiwoz/mdrg/db/train-dbase.db differ
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/db/train_db.json b/convlab/modules/word_policy/multiwoz/mdrg/db/train_db.json
new file mode 100644
index 0000000..050d9f1
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/db/train_db.json
@@ -0,0 +1,28282 @@
+[
+ {
+ "arriveBy": "05:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7075"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2289"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7409"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1111"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6110"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6028"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7786"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4957"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2634"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1428"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9536"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3343"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3371"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6925"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0315"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2643"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0945"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4125"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5941"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6595"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3702"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1058"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6583"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9781"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3624"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3843"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8676"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR4218"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7942"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8272"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8335"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3433"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0792"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5266"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1791"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6595"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR0720"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9478"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR5767"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "23.60 pounds",
+ "trainID": "TR8026"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2000"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1502"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3685"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "23.60 pounds",
+ "trainID": "TR2420"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "23.60 pounds",
+ "trainID": "TR6628"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "23.60 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "23.60 pounds",
+ "trainID": "TR3055"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "23.60 pounds",
+ "trainID": "TR9876"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0899"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9941"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "18.88 pounds",
+ "trainID": "TR2138"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5170"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "18.88 pounds",
+ "trainID": "TR4003"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "18.88 pounds",
+ "trainID": "TR6203"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "18.88 pounds",
+ "trainID": "TR8134"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0427"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "18.88 pounds",
+ "trainID": "TR0925"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "18.88 pounds",
+ "trainID": "TR4898"
+ },
+ {
+ "arriveBy": "05:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "18.88 pounds",
+ "trainID": "TR7423"
+ },
+ {
+ "arriveBy": "07:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "07:00",
+ "price": "18.88 pounds",
+ "trainID": "TR3207"
+ },
+ {
+ "arriveBy": "09:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "09:00",
+ "price": "18.88 pounds",
+ "trainID": "TR6198"
+ },
+ {
+ "arriveBy": "11:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "11:00",
+ "price": "18.88 pounds",
+ "trainID": "TR8799"
+ },
+ {
+ "arriveBy": "13:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "13:00",
+ "price": "18.88 pounds",
+ "trainID": "TR7447"
+ },
+ {
+ "arriveBy": "15:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "15:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9386"
+ },
+ {
+ "arriveBy": "17:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "17:00",
+ "price": "18.88 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "19:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "19:00",
+ "price": "18.88 pounds",
+ "trainID": "TR9039"
+ },
+ {
+ "arriveBy": "21:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "21:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5143"
+ },
+ {
+ "arriveBy": "23:51",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "23:00",
+ "price": "18.88 pounds",
+ "trainID": "TR5594"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0378"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9276"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3899"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3194"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9114"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7556"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8288"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5325"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "monday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2851"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7909"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8105"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4987"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7850"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3456"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0269"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1434"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4429"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6300"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "tuesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2471"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5725"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4543"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3810"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2417"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0922"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0397"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6045"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9332"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7326"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "wednesday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7010"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2775"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4016"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8410"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4216"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2512"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5502"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1149"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR6883"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "thursday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR2564"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5219"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "23.60 pounds",
+ "trainID": "TR3228"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "23.60 pounds",
+ "trainID": "TR5686"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "23.60 pounds",
+ "trainID": "TR7195"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4748"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "23.60 pounds",
+ "trainID": "TR8842"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "23.60 pounds",
+ "trainID": "TR0835"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "23.60 pounds",
+ "trainID": "TR9139"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "23.60 pounds",
+ "trainID": "TR1581"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "friday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "23.60 pounds",
+ "trainID": "TR4210"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "18.88 pounds",
+ "trainID": "TR2687"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8885"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4824"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7309"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "18.88 pounds",
+ "trainID": "TR5729"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4101"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7804"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7223"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "18.88 pounds",
+ "trainID": "TR5503"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "saturday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8830"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "05:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3350"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "07:17",
+ "price": "18.88 pounds",
+ "trainID": "TR8131"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "09:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3478"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "11:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7147"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "13:17",
+ "price": "18.88 pounds",
+ "trainID": "TR1688"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "15:17",
+ "price": "18.88 pounds",
+ "trainID": "TR7931"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "17:17",
+ "price": "18.88 pounds",
+ "trainID": "TR2952"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "19:17",
+ "price": "18.88 pounds",
+ "trainID": "TR1681"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "21:17",
+ "price": "18.88 pounds",
+ "trainID": "TR4467"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "sunday",
+ "departure": "london kings cross",
+ "destination": "cambridge",
+ "duration": "51 minutes",
+ "leaveAt": "23:17",
+ "price": "18.88 pounds",
+ "trainID": "TR3724"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3929"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1992"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3085"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7276"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1764"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3602"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7092"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR0117"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4915"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5431"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7299"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4259"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4494"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR8394"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9404"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4276"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9561"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3515"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5722"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR0740"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1047"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2835"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5874"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4604"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5285"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2815"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4757"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR6037"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3626"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4158"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4127"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1049"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR2715"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5504"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3672"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3237"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR6332"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3315"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3695"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5155"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5154"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3892"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "16.60 pounds",
+ "trainID": "TR7057"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "16.60 pounds",
+ "trainID": "TR1750"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "16.60 pounds",
+ "trainID": "TR4187"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9956"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "16.60 pounds",
+ "trainID": "TR5212"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9941"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "16.60 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "16.60 pounds",
+ "trainID": "TR3138"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2895"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0737"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1887"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "13.28 pounds",
+ "trainID": "TR3312"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "13.28 pounds",
+ "trainID": "TR4466"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "13.28 pounds",
+ "trainID": "TR4859"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8824"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2166"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1667"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8231"
+ },
+ {
+ "arriveBy": "07:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "05:59",
+ "price": "13.28 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "09:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "07:59",
+ "price": "13.28 pounds",
+ "trainID": "TR8104"
+ },
+ {
+ "arriveBy": "11:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "09:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0995"
+ },
+ {
+ "arriveBy": "13:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "11:59",
+ "price": "13.28 pounds",
+ "trainID": "TR9025"
+ },
+ {
+ "arriveBy": "15:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "13:59",
+ "price": "13.28 pounds",
+ "trainID": "TR2141"
+ },
+ {
+ "arriveBy": "17:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "15:59",
+ "price": "13.28 pounds",
+ "trainID": "TR0189"
+ },
+ {
+ "arriveBy": "19:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "17:59",
+ "price": "13.28 pounds",
+ "trainID": "TR7713"
+ },
+ {
+ "arriveBy": "21:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "19:59",
+ "price": "13.28 pounds",
+ "trainID": "TR9732"
+ },
+ {
+ "arriveBy": "23:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "21:59",
+ "price": "13.28 pounds",
+ "trainID": "TR3256"
+ },
+ {
+ "arriveBy": "01:27",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "london liverpool street",
+ "duration": "88 minutes",
+ "leaveAt": "23:59",
+ "price": "13.28 pounds",
+ "trainID": "TR7187"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5240"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3673"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7256"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6226"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9202"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3183"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0867"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5906"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "monday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3938"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6939"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2715"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0088"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5691"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR1395"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5245"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2855"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9616"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "tuesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4781"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7020"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8813"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7519"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4161"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2826"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7978"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2232"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2823"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4119"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "wednesday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0075"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3839"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR4204"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0998"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR1268"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR3257"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8944"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7360"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0459"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR2485"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "thursday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8805"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8522"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5936"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "16.60 pounds",
+ "trainID": "TR0637"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "16.60 pounds",
+ "trainID": "TR7943"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "16.60 pounds",
+ "trainID": "TR5015"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9802"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9886"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "16.60 pounds",
+ "trainID": "TR9566"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "16.60 pounds",
+ "trainID": "TR8373"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "friday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "16.60 pounds",
+ "trainID": "TR6769"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "13.28 pounds",
+ "trainID": "TR7397"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2503"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "13.28 pounds",
+ "trainID": "TR0357"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4330"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4078"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "13.28 pounds",
+ "trainID": "TR5863"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8530"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "13.28 pounds",
+ "trainID": "TR3940"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2361"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "saturday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "13.28 pounds",
+ "trainID": "TR7909"
+ },
+ {
+ "arriveBy": "07:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "05:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2620"
+ },
+ {
+ "arriveBy": "09:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "07:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4678"
+ },
+ {
+ "arriveBy": "11:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "09:39",
+ "price": "13.28 pounds",
+ "trainID": "TR2357"
+ },
+ {
+ "arriveBy": "13:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "11:39",
+ "price": "13.28 pounds",
+ "trainID": "TR9835"
+ },
+ {
+ "arriveBy": "15:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "13:39",
+ "price": "13.28 pounds",
+ "trainID": "TR6578"
+ },
+ {
+ "arriveBy": "17:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "15:39",
+ "price": "13.28 pounds",
+ "trainID": "TR6946"
+ },
+ {
+ "arriveBy": "19:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "17:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8260"
+ },
+ {
+ "arriveBy": "21:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "19:39",
+ "price": "13.28 pounds",
+ "trainID": "TR3197"
+ },
+ {
+ "arriveBy": "23:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "21:39",
+ "price": "13.28 pounds",
+ "trainID": "TR4890"
+ },
+ {
+ "arriveBy": "01:07",
+ "day": "sunday",
+ "departure": "london liverpool street",
+ "destination": "cambridge",
+ "duration": "88 minutes",
+ "leaveAt": "23:39",
+ "price": "13.28 pounds",
+ "trainID": "TR8580"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7964"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7528"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2926"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3596"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1854"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3566"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7430"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0793"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5756"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9468"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2324"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4649"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7803"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8868"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5070"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6146"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0675"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0122"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6110"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3824"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0687"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0607"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3883"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7548"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2354"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3953"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6585"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5336"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8808"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4368"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7417"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9452"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0525"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9926"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8387"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1731"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3137"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1574"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5541"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3921"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2831"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2599"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6159"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4972"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3805"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8793"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9565"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8890"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8627"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0002"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3234"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1797"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8445"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2182"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0345"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7239"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9999"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7319"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0268"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1855"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7618"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9515"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7654"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8563"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0064"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1752"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8222"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7938"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0481"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5026"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3495"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0454"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3112"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0431"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7677"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2764"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3947"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9077"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2601"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2621"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8494"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5751"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3057"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1911"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9226"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6762"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2457"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3765"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8453"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0394"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2311"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0992"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7324"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2973"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4689"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7888"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9680"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1817"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5645"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7673"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5339"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6982"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8364"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2840"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7579"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7604"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0837"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6633"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1749"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9330"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3212"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6368"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3626"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8042"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6088"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7535"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8704"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5507"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8241"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2650"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9024"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5578"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8665"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2045"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9582"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1600"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2647"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9473"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "kings lynn",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0573"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4943"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1069"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8950"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4758"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0942"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4095"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0684"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5091"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4329"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2257"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1863"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7002"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0415"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3808"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1978"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1465"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8571"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2215"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "monday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7450"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9854"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6161"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3721"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8782"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2616"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1704"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8331"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5720"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4840"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8932"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8177"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5793"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5664"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3450"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4809"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9783"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9704"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "tuesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8888"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5908"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0373"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5831"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4638"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8044"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3478"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5554"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8143"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2452"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5153"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3677"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0780"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5556"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9057"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7062"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8385"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "wednesday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7648"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2788"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6283"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6807"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8705"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3447"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6298"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8852"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5879"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4836"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2162"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9634"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0209"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4308"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5664"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2986"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9732"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3912"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5790"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "thursday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0181"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "9.80 pounds",
+ "trainID": "TR9102"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4257"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3858"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1797"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1612"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1958"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "9.80 pounds",
+ "trainID": "TR3147"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6454"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0674"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "9.80 pounds",
+ "trainID": "TR6844"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5331"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0864"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "9.80 pounds",
+ "trainID": "TR2640"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "9.80 pounds",
+ "trainID": "TR7328"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "9.80 pounds",
+ "trainID": "TR4440"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "9.80 pounds",
+ "trainID": "TR1082"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "9.80 pounds",
+ "trainID": "TR8307"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "9.80 pounds",
+ "trainID": "TR0672"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "friday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "9.80 pounds",
+ "trainID": "TR5028"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0305"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6366"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2095"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3297"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2514"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7578"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0310"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7178"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9346"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1031"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4235"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1499"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9408"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4109"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1120"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9356"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8331"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "saturday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "05:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "05:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6003"
+ },
+ {
+ "arriveBy": "06:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "06:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0413"
+ },
+ {
+ "arriveBy": "07:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "07:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5198"
+ },
+ {
+ "arriveBy": "08:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "08:11",
+ "price": "7.84 pounds",
+ "trainID": "TR8092"
+ },
+ {
+ "arriveBy": "09:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "09:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1526"
+ },
+ {
+ "arriveBy": "10:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "10:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5928"
+ },
+ {
+ "arriveBy": "11:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "11:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7763"
+ },
+ {
+ "arriveBy": "12:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "12:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1152"
+ },
+ {
+ "arriveBy": "13:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "13:11",
+ "price": "7.84 pounds",
+ "trainID": "TR9175"
+ },
+ {
+ "arriveBy": "14:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "14:11",
+ "price": "7.84 pounds",
+ "trainID": "TR3316"
+ },
+ {
+ "arriveBy": "15:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "15:11",
+ "price": "7.84 pounds",
+ "trainID": "TR2965"
+ },
+ {
+ "arriveBy": "16:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "16:11",
+ "price": "7.84 pounds",
+ "trainID": "TR0864"
+ },
+ {
+ "arriveBy": "17:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "17:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7634"
+ },
+ {
+ "arriveBy": "18:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "18:11",
+ "price": "7.84 pounds",
+ "trainID": "TR5146"
+ },
+ {
+ "arriveBy": "19:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "19:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6697"
+ },
+ {
+ "arriveBy": "20:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "20:11",
+ "price": "7.84 pounds",
+ "trainID": "TR7217"
+ },
+ {
+ "arriveBy": "21:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "21:11",
+ "price": "7.84 pounds",
+ "trainID": "TR1039"
+ },
+ {
+ "arriveBy": "22:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "22:11",
+ "price": "7.84 pounds",
+ "trainID": "TR6364"
+ },
+ {
+ "arriveBy": "23:58",
+ "day": "sunday",
+ "departure": "kings lynn",
+ "destination": "cambridge",
+ "duration": "47 minutes",
+ "leaveAt": "23:11",
+ "price": "7.84 pounds",
+ "trainID": "TR4208"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2205"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9531"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5773"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3753"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8495"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9202"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1060"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8237"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3325"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1206"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9460"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8504"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6675"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6688"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9246"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2662"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0940"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9493"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1999"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4305"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8498"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0627"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9942"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8542"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5949"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6538"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1659"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6426"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6524"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1029"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1817"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3022"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0821"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2181"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9594"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2588"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9735"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1144"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9179"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9081"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3445"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9635"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2625"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5574"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7499"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1871"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6838"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1309"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7776"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7855"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9827"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2614"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5371"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8477"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2266"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4540"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6765"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1584"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7779"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR6129"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1530"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR1437"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5190"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8604"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2865"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4110"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5120"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR5892"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8945"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9937"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4321"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR9119"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2534"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0127"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4419"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7284"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8056"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3468"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "17.60 pounds",
+ "trainID": "TR2557"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8042"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3034"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "17.60 pounds",
+ "trainID": "TR8314"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7747"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7047"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3833"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4093"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "17.60 pounds",
+ "trainID": "TR3718"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "17.60 pounds",
+ "trainID": "TR4886"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "17.60 pounds",
+ "trainID": "TR0625"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7581"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "17.60 pounds",
+ "trainID": "TR7179"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6866"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "14.08 pounds",
+ "trainID": "TR0953"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1309"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1062"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8411"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9588"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7240"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7451"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8933"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6828"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3823"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6880"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4018"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7043"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4383"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6511"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1292"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4057"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3234"
+ },
+ {
+ "arriveBy": "06:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "05:36",
+ "price": "14.08 pounds",
+ "trainID": "TR3370"
+ },
+ {
+ "arriveBy": "07:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "06:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8218"
+ },
+ {
+ "arriveBy": "08:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "07:36",
+ "price": "14.08 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "09:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "08:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8108"
+ },
+ {
+ "arriveBy": "10:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "09:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4969"
+ },
+ {
+ "arriveBy": "11:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "10:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9533"
+ },
+ {
+ "arriveBy": "12:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "11:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7438"
+ },
+ {
+ "arriveBy": "13:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "12:36",
+ "price": "14.08 pounds",
+ "trainID": "TR2506"
+ },
+ {
+ "arriveBy": "14:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "13:36",
+ "price": "14.08 pounds",
+ "trainID": "TR8185"
+ },
+ {
+ "arriveBy": "15:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "14:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1036"
+ },
+ {
+ "arriveBy": "16:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "15:36",
+ "price": "14.08 pounds",
+ "trainID": "TR0334"
+ },
+ {
+ "arriveBy": "17:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "16:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1840"
+ },
+ {
+ "arriveBy": "18:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "17:36",
+ "price": "14.08 pounds",
+ "trainID": "TR1975"
+ },
+ {
+ "arriveBy": "19:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "18:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9083"
+ },
+ {
+ "arriveBy": "20:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "19:36",
+ "price": "14.08 pounds",
+ "trainID": "TR4082"
+ },
+ {
+ "arriveBy": "21:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "20:36",
+ "price": "14.08 pounds",
+ "trainID": "TR6759"
+ },
+ {
+ "arriveBy": "22:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "21:36",
+ "price": "14.08 pounds",
+ "trainID": "TR7767"
+ },
+ {
+ "arriveBy": "23:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "22:36",
+ "price": "14.08 pounds",
+ "trainID": "TR2792"
+ },
+ {
+ "arriveBy": "24:55",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "norwich",
+ "duration": "79 minutes",
+ "leaveAt": "23:36",
+ "price": "14.08 pounds",
+ "trainID": "TR9546"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9020"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1347"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1476"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9911"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8094"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2485"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1762"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9567"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3087"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2176"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3310"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0192"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7514"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8009"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6293"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1329"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8920"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3207"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "monday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4787"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3932"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6305"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0339"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9492"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4134"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0667"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0839"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9157"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2098"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6699"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4180"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4896"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2175"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5488"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1855"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1633"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7935"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3358"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "tuesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7593"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4203"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0435"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9933"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9921"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1180"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9639"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3356"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4475"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2877"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1892"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0033"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4800"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2379"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3342"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8658"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7126"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9487"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0990"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "wednesday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5721"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0256"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4387"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3948"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9905"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2398"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6655"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3078"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6590"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3378"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9099"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8040"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1099"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4161"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR7233"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2493"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR0256"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4050"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR6681"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "thursday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2966"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9900"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3339"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3147"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3293"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "17.60 pounds",
+ "trainID": "TR2365"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4045"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8662"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8151"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "17.60 pounds",
+ "trainID": "TR1952"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4828"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9266"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "17.60 pounds",
+ "trainID": "TR8365"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "17.60 pounds",
+ "trainID": "TR4990"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5761"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9589"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "17.60 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3694"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "17.60 pounds",
+ "trainID": "TR9817"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "friday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "17.60 pounds",
+ "trainID": "TR3534"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2970"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6560"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6689"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5693"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5689"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5478"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2334"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8724"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8899"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "14.08 pounds",
+ "trainID": "TR1156"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "14.08 pounds",
+ "trainID": "TR9724"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3962"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8600"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5589"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "14.08 pounds",
+ "trainID": "TR0615"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3267"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "saturday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4244"
+ },
+ {
+ "arriveBy": "06:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "05:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6629"
+ },
+ {
+ "arriveBy": "07:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "06:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5163"
+ },
+ {
+ "arriveBy": "08:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "07:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4202"
+ },
+ {
+ "arriveBy": "09:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "08:16",
+ "price": "14.08 pounds",
+ "trainID": "TR3634"
+ },
+ {
+ "arriveBy": "10:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "09:16",
+ "price": "14.08 pounds",
+ "trainID": "TR0996"
+ },
+ {
+ "arriveBy": "11:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "10:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2925"
+ },
+ {
+ "arriveBy": "12:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "11:16",
+ "price": "14.08 pounds",
+ "trainID": "TR6419"
+ },
+ {
+ "arriveBy": "13:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "12:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5225"
+ },
+ {
+ "arriveBy": "14:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "13:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5920"
+ },
+ {
+ "arriveBy": "15:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "14:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5234"
+ },
+ {
+ "arriveBy": "16:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "15:16",
+ "price": "14.08 pounds",
+ "trainID": "TR8733"
+ },
+ {
+ "arriveBy": "17:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "16:16",
+ "price": "14.08 pounds",
+ "trainID": "TR1321"
+ },
+ {
+ "arriveBy": "18:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "17:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2974"
+ },
+ {
+ "arriveBy": "19:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "18:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4702"
+ },
+ {
+ "arriveBy": "20:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "19:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2705"
+ },
+ {
+ "arriveBy": "21:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "20:16",
+ "price": "14.08 pounds",
+ "trainID": "TR5899"
+ },
+ {
+ "arriveBy": "22:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "21:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4186"
+ },
+ {
+ "arriveBy": "23:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "22:16",
+ "price": "14.08 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "24:35",
+ "day": "sunday",
+ "departure": "norwich",
+ "destination": "cambridge",
+ "duration": "79 minutes",
+ "leaveAt": "23:16",
+ "price": "14.08 pounds",
+ "trainID": "TR4106"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3284"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1985"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0646"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6076"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9003"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9682"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9662"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1257"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3331"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3628"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7076"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7386"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9495"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7924"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6230"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3154"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3066"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2586"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7786"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4765"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9314"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5383"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9310"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8620"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5774"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0607"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6188"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3297"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1686"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7573"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1245"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7310"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0664"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6071"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6940"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4769"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4136"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1391"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9610"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9197"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0503"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0162"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5009"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8947"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1494"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9733"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1430"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5552"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5995"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4344"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0613"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6310"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0852"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8806"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7727"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0771"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6405"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1636"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5902"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8574"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9395"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9561"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8025"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6831"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3646"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1384"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3548"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5110"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5605"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7663"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1634"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2641"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6712"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3473"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3347"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3704"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3069"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5818"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3730"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6487"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7413"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1009"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8836"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0467"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9805"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4104"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9768"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1097"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3221"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1108"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1879"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3102"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3587"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4125"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6302"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5411"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7706"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4080"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2421"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0515"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8760"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4875"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8199"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0797"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5604"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5117"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4188"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3068"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8574"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2375"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5599"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9183"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7098"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4745"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9932"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8769"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6688"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8985"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9685"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4863"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR1820"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1154"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7317"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6523"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8188"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8954"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8124"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9792"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0502"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5146"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8531"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4274"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4814"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR4814"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6542"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6357"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6000"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2814"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR3775"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2017"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7676"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2178"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5926"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR0439"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6227"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2497"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6068"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8917"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9859"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "16.50 pounds",
+ "trainID": "TR7476"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "16.50 pounds",
+ "trainID": "TR8166"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2711"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2016"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9487"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5659"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "16.50 pounds",
+ "trainID": "TR6009"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "16.50 pounds",
+ "trainID": "TR3071"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9522"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "16.50 pounds",
+ "trainID": "TR9886"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5098"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "16.50 pounds",
+ "trainID": "TR7005"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5241"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2101"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5650"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0545"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5901"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5291"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "16.50 pounds",
+ "trainID": "TR5638"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5051"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8327"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6104"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8132"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "16.50 pounds",
+ "trainID": "TR0112"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "16.50 pounds",
+ "trainID": "TR4706"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6062"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9731"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5124"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "16.50 pounds",
+ "trainID": "TR1147"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "16.50 pounds",
+ "trainID": "TR5294"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2637"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "16.50 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "16.50 pounds",
+ "trainID": "TR8131"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6574"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "16.50 pounds",
+ "trainID": "TR9851"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "16.50 pounds",
+ "trainID": "TR6536"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "16.50 pounds",
+ "trainID": "TR2641"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7310"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8549"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5765"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6527"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9362"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7872"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2077"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4389"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8002"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9001"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9803"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3596"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3688"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1615"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5711"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3934"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "13.20 pounds",
+ "trainID": "TR6164"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9212"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1145"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2922"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3322"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3360"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4455"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5194"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2459"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7918"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2569"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5039"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "13.20 pounds",
+ "trainID": "TR5731"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2466"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "13.20 pounds",
+ "trainID": "TR0489"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "13.20 pounds",
+ "trainID": "TR4928"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9766"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3734"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8183"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "13.20 pounds",
+ "trainID": "TR2657"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6199"
+ },
+ {
+ "arriveBy": "05:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8293"
+ },
+ {
+ "arriveBy": "06:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "05:34",
+ "price": "13.20 pounds",
+ "trainID": "TR2913"
+ },
+ {
+ "arriveBy": "06:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7661"
+ },
+ {
+ "arriveBy": "07:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "06:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9356"
+ },
+ {
+ "arriveBy": "07:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3074"
+ },
+ {
+ "arriveBy": "08:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "07:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8636"
+ },
+ {
+ "arriveBy": "08:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0160"
+ },
+ {
+ "arriveBy": "09:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "08:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8821"
+ },
+ {
+ "arriveBy": "09:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3211"
+ },
+ {
+ "arriveBy": "10:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "09:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7930"
+ },
+ {
+ "arriveBy": "10:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9437"
+ },
+ {
+ "arriveBy": "11:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "10:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1492"
+ },
+ {
+ "arriveBy": "11:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0743"
+ },
+ {
+ "arriveBy": "12:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "11:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9376"
+ },
+ {
+ "arriveBy": "12:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:06",
+ "price": "13.20 pounds",
+ "trainID": "TR8517"
+ },
+ {
+ "arriveBy": "13:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "12:34",
+ "price": "13.20 pounds",
+ "trainID": "TR9733"
+ },
+ {
+ "arriveBy": "13:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9327"
+ },
+ {
+ "arriveBy": "14:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "13:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "14:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0283"
+ },
+ {
+ "arriveBy": "15:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "14:34",
+ "price": "13.20 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:06",
+ "price": "13.20 pounds",
+ "trainID": "TR3434"
+ },
+ {
+ "arriveBy": "16:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "15:34",
+ "price": "13.20 pounds",
+ "trainID": "TR4558"
+ },
+ {
+ "arriveBy": "16:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:06",
+ "price": "13.20 pounds",
+ "trainID": "TR1086"
+ },
+ {
+ "arriveBy": "17:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "16:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6063"
+ },
+ {
+ "arriveBy": "17:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:06",
+ "price": "13.20 pounds",
+ "trainID": "TR5473"
+ },
+ {
+ "arriveBy": "18:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "17:34",
+ "price": "13.20 pounds",
+ "trainID": "TR7771"
+ },
+ {
+ "arriveBy": "18:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:06",
+ "price": "13.20 pounds",
+ "trainID": "TR0274"
+ },
+ {
+ "arriveBy": "19:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "18:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8255"
+ },
+ {
+ "arriveBy": "19:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:06",
+ "price": "13.20 pounds",
+ "trainID": "TR7734"
+ },
+ {
+ "arriveBy": "20:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "19:34",
+ "price": "13.20 pounds",
+ "trainID": "TR8239"
+ },
+ {
+ "arriveBy": "20:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9076"
+ },
+ {
+ "arriveBy": "21:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "20:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6958"
+ },
+ {
+ "arriveBy": "21:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:06",
+ "price": "13.20 pounds",
+ "trainID": "TR9790"
+ },
+ {
+ "arriveBy": "22:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "21:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1784"
+ },
+ {
+ "arriveBy": "22:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:06",
+ "price": "13.20 pounds",
+ "trainID": "TR1016"
+ },
+ {
+ "arriveBy": "23:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "22:34",
+ "price": "13.20 pounds",
+ "trainID": "TR1217"
+ },
+ {
+ "arriveBy": "23:56",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:06",
+ "price": "13.20 pounds",
+ "trainID": "TR6855"
+ },
+ {
+ "arriveBy": "24:24",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "peterborough",
+ "duration": "50 minutes",
+ "leaveAt": "23:34",
+ "price": "13.20 pounds",
+ "trainID": "TR6080"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3021"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1349"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1895"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8977"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6741"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8316"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9265"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2118"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1460"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6684"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0168"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5370"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0919"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9659"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7895"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1192"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4642"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9063"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8443"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8633"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7537"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7305"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2831"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3027"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7848"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7359"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3727"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7917"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1512"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7940"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0583"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3285"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8533"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1553"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4173"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7846"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7946"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "monday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7374"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5042"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2437"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2116"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6923"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6453"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7046"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7123"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5758"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4597"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9620"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5547"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1674"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6457"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5060"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6232"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR7307"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4679"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2701"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9964"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0674"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5933"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4136"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5267"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0017"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0044"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2433"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0274"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4288"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2673"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1009"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1951"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3009"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0068"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8054"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3489"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5862"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "tuesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3319"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2995"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1111"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4470"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6289"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8935"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5777"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8266"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0073"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3279"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9757"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4535"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0106"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1412"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0962"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9545"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7157"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5003"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9074"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6230"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4892"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1536"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6193"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4535"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0385"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0334"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3188"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6373"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9969"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3989"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7766"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6607"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8472"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3929"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1210"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4804"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5979"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "wednesday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6626"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1357"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2394"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9593"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7094"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9641"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9303"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR5734"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1719"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8659"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6418"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4669"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6034"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8431"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3798"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0768"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0143"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1482"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0904"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8509"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2239"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4526"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4121"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3440"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9812"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6692"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3867"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8645"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR8185"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9107"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3692"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1617"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3553"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1202"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9540"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "thursday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1158"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1662"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1799"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3144"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8286"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0035"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2279"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6496"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0916"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1393"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4296"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2105"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6932"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5443"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "16.50 pounds",
+ "trainID": "TR6691"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7877"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4250"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6359"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2521"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "16.50 pounds",
+ "trainID": "TR7522"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4997"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "16.50 pounds",
+ "trainID": "TR2777"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "16.50 pounds",
+ "trainID": "TR2274"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "16.50 pounds",
+ "trainID": "TR3010"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "16.50 pounds",
+ "trainID": "TR0992"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "16.50 pounds",
+ "trainID": "TR6542"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3113"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4182"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "16.50 pounds",
+ "trainID": "TR1477"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "16.50 pounds",
+ "trainID": "TR5474"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9805"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "16.50 pounds",
+ "trainID": "TR4011"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "16.50 pounds",
+ "trainID": "TR9217"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "16.50 pounds",
+ "trainID": "TR0530"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "16.50 pounds",
+ "trainID": "TR4017"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "16.50 pounds",
+ "trainID": "TR1928"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "16.50 pounds",
+ "trainID": "TR3884"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "16.50 pounds",
+ "trainID": "TR9086"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "friday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "16.50 pounds",
+ "trainID": "TR8638"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7594"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0222"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2306"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6886"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9422"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "13.20 pounds",
+ "trainID": "TR3390"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6763"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1616"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2131"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7793"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3695"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8494"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5538"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1131"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1616"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7278"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5373"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3834"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5049"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0012"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0690"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9369"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1200"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4494"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9566"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4005"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0240"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1256"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7143"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "13.20 pounds",
+ "trainID": "TR5914"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "13.20 pounds",
+ "trainID": "TR4698"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5100"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7215"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0974"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8898"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "saturday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7165"
+ },
+ {
+ "arriveBy": "06:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3782"
+ },
+ {
+ "arriveBy": "06:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "05:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9809"
+ },
+ {
+ "arriveBy": "07:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0485"
+ },
+ {
+ "arriveBy": "07:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "06:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7721"
+ },
+ {
+ "arriveBy": "08:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:19",
+ "price": "13.20 pounds",
+ "trainID": "TR5662"
+ },
+ {
+ "arriveBy": "08:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "07:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1863"
+ },
+ {
+ "arriveBy": "09:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6608"
+ },
+ {
+ "arriveBy": "09:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "08:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6183"
+ },
+ {
+ "arriveBy": "10:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:19",
+ "price": "13.20 pounds",
+ "trainID": "TR0774"
+ },
+ {
+ "arriveBy": "10:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "09:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1071"
+ },
+ {
+ "arriveBy": "11:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:19",
+ "price": "13.20 pounds",
+ "trainID": "TR8509"
+ },
+ {
+ "arriveBy": "11:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "10:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1759"
+ },
+ {
+ "arriveBy": "12:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "12:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "11:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1344"
+ },
+ {
+ "arriveBy": "13:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:19",
+ "price": "13.20 pounds",
+ "trainID": "TR9345"
+ },
+ {
+ "arriveBy": "13:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "12:48",
+ "price": "13.20 pounds",
+ "trainID": "TR5836"
+ },
+ {
+ "arriveBy": "14:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2674"
+ },
+ {
+ "arriveBy": "14:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "13:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9407"
+ },
+ {
+ "arriveBy": "15:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:19",
+ "price": "13.20 pounds",
+ "trainID": "TR7864"
+ },
+ {
+ "arriveBy": "15:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "14:48",
+ "price": "13.20 pounds",
+ "trainID": "TR2225"
+ },
+ {
+ "arriveBy": "16:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1044"
+ },
+ {
+ "arriveBy": "16:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "15:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6892"
+ },
+ {
+ "arriveBy": "17:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:19",
+ "price": "13.20 pounds",
+ "trainID": "TR1802"
+ },
+ {
+ "arriveBy": "17:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "16:48",
+ "price": "13.20 pounds",
+ "trainID": "TR2897"
+ },
+ {
+ "arriveBy": "18:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3698"
+ },
+ {
+ "arriveBy": "18:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "17:48",
+ "price": "13.20 pounds",
+ "trainID": "TR7483"
+ },
+ {
+ "arriveBy": "19:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6662"
+ },
+ {
+ "arriveBy": "19:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "18:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "20:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:19",
+ "price": "13.20 pounds",
+ "trainID": "TR3922"
+ },
+ {
+ "arriveBy": "20:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "19:48",
+ "price": "13.20 pounds",
+ "trainID": "TR1809"
+ },
+ {
+ "arriveBy": "21:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:19",
+ "price": "13.20 pounds",
+ "trainID": "TR2135"
+ },
+ {
+ "arriveBy": "21:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "20:48",
+ "price": "13.20 pounds",
+ "trainID": "TR0694"
+ },
+ {
+ "arriveBy": "22:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4944"
+ },
+ {
+ "arriveBy": "22:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "21:48",
+ "price": "13.20 pounds",
+ "trainID": "TR9417"
+ },
+ {
+ "arriveBy": "23:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:19",
+ "price": "13.20 pounds",
+ "trainID": "TR6499"
+ },
+ {
+ "arriveBy": "23:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "22:48",
+ "price": "13.20 pounds",
+ "trainID": "TR6668"
+ },
+ {
+ "arriveBy": "24:09",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:19",
+ "price": "13.20 pounds",
+ "trainID": "TR4920"
+ },
+ {
+ "arriveBy": "24:38",
+ "day": "sunday",
+ "departure": "peterborough",
+ "destination": "cambridge",
+ "duration": "50 minutes",
+ "leaveAt": "23:48",
+ "price": "13.20 pounds",
+ "trainID": "TR3221"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR2013"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7313"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8399"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8089"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5167"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7177"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4294"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6975"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4882"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6737"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1534"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9530"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3246"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7458"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3420"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4447"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7733"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5511"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9022"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR3842"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4642"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1955"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5626"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1646"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4346"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6745"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1549"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6698"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8533"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8424"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0996"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR4553"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1923"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5216"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5225"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0013"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7355"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR7979"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0222"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5217"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "4.40 pounds",
+ "trainID": "TR1709"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0367"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "4.40 pounds",
+ "trainID": "TR8792"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "4.40 pounds",
+ "trainID": "TR0767"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5484"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "4.40 pounds",
+ "trainID": "TR5844"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9933"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "4.40 pounds",
+ "trainID": "TR6053"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "4.40 pounds",
+ "trainID": "TR9842"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "4.40 pounds",
+ "trainID": "TR2894"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "3.52 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5344"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0718"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0721"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "3.52 pounds",
+ "trainID": "TR9809"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "3.52 pounds",
+ "trainID": "TR6391"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "3.52 pounds",
+ "trainID": "TR1469"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "3.52 pounds",
+ "trainID": "TR7349"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "3.52 pounds",
+ "trainID": "TR7738"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5925"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "05:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3854"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "07:50",
+ "price": "3.52 pounds",
+ "trainID": "TR2475"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "09:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3177"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "11:50",
+ "price": "3.52 pounds",
+ "trainID": "TR1159"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "13:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5412"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "15:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5713"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "17:50",
+ "price": "3.52 pounds",
+ "trainID": "TR5389"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "19:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3544"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "21:50",
+ "price": "3.52 pounds",
+ "trainID": "TR0537"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "ely",
+ "duration": "17 minutes",
+ "leaveAt": "23:50",
+ "price": "3.52 pounds",
+ "trainID": "TR3151"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR7994"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0755"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2987"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4095"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4849"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6898"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6645"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6679"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1992"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "monday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4724"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8685"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR6971"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4669"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3412"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3577"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9420"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1431"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1537"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3014"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "tuesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5116"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5348"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9741"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2704"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2006"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR1039"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2211"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8610"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0328"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5050"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "wednesday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8230"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4068"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR7745"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2029"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0813"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4992"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3240"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0055"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR9183"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0612"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "thursday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR5253"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8519"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8510"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3976"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0212"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0236"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "4.40 pounds",
+ "trainID": "TR4389"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "4.40 pounds",
+ "trainID": "TR2759"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "4.40 pounds",
+ "trainID": "TR3492"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "4.40 pounds",
+ "trainID": "TR0292"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "friday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "4.40 pounds",
+ "trainID": "TR8799"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "3.52 pounds",
+ "trainID": "TR6433"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "3.52 pounds",
+ "trainID": "TR2551"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "3.52 pounds",
+ "trainID": "TR0554"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "3.52 pounds",
+ "trainID": "TR3052"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4698"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "3.52 pounds",
+ "trainID": "TR8176"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "3.52 pounds",
+ "trainID": "TR7824"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4288"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4056"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "saturday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4480"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "05:35",
+ "price": "3.52 pounds",
+ "trainID": "TR9382"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "07:35",
+ "price": "3.52 pounds",
+ "trainID": "TR1037"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "09:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4212"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "11:35",
+ "price": "3.52 pounds",
+ "trainID": "TR6517"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "13:35",
+ "price": "3.52 pounds",
+ "trainID": "TR5703"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "15:35",
+ "price": "3.52 pounds",
+ "trainID": "TR9823"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "17:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4579"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "19:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4883"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "21:35",
+ "price": "3.52 pounds",
+ "trainID": "TR4205"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "sunday",
+ "departure": "ely",
+ "destination": "cambridge",
+ "duration": "17 minutes",
+ "leaveAt": "23:35",
+ "price": "3.52 pounds",
+ "trainID": "TR2578"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4964"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7460"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4602"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0797"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5030"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8207"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1552"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8699"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3769"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6936"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7095"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1088"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3571"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7696"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6539"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4015"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2977"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2701"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0611"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1656"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1951"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0684"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5500"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8261"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0945"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7293"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7621"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3299"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4233"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0471"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7743"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9495"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0768"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8238"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3359"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6043"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0990"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1610"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7700"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5718"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4034"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1085"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2762"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6727"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0644"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7996"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6012"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0678"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2912"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8893"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4447"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2694"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6056"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4364"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2297"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6956"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7966"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1301"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2547"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7924"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6242"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6161"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2930"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0521"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6456"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9427"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9438"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5579"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5476"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9030"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8383"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1006"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6934"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9751"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7213"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4520"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0916"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7827"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "10.10 pounds",
+ "trainID": "TR2048"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "10.10 pounds",
+ "trainID": "TR5998"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "10.10 pounds",
+ "trainID": "TR6616"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0188"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1090"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1316"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1681"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "10.10 pounds",
+ "trainID": "TR7062"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "10.10 pounds",
+ "trainID": "TR0460"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8337"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "10.10 pounds",
+ "trainID": "TR1110"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "10.10 pounds",
+ "trainID": "TR9595"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "10.10 pounds",
+ "trainID": "TR4067"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "10.10 pounds",
+ "trainID": "TR3864"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "10.10 pounds",
+ "trainID": "TR8582"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7400"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8598"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "8.08 pounds",
+ "trainID": "TR0335"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5580"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2755"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "8.08 pounds",
+ "trainID": "TR4508"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3373"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8476"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "8.08 pounds",
+ "trainID": "TR6193"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2708"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "8.08 pounds",
+ "trainID": "TR0638"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2001"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3762"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2041"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8399"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3128"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2605"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8669"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9339"
+ },
+ {
+ "arriveBy": "06:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "05:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5529"
+ },
+ {
+ "arriveBy": "07:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "06:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7436"
+ },
+ {
+ "arriveBy": "08:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "07:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1262"
+ },
+ {
+ "arriveBy": "09:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "08:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8500"
+ },
+ {
+ "arriveBy": "10:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "09:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8208"
+ },
+ {
+ "arriveBy": "11:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "10:40",
+ "price": "8.08 pounds",
+ "trainID": "TR2110"
+ },
+ {
+ "arriveBy": "12:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "11:40",
+ "price": "8.08 pounds",
+ "trainID": "TR4844"
+ },
+ {
+ "arriveBy": "13:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "12:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5985"
+ },
+ {
+ "arriveBy": "14:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "13:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1668"
+ },
+ {
+ "arriveBy": "15:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "14:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8247"
+ },
+ {
+ "arriveBy": "16:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "15:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1727"
+ },
+ {
+ "arriveBy": "17:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "16:40",
+ "price": "8.08 pounds",
+ "trainID": "TR8363"
+ },
+ {
+ "arriveBy": "18:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "17:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1526"
+ },
+ {
+ "arriveBy": "19:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "18:40",
+ "price": "8.08 pounds",
+ "trainID": "TR5009"
+ },
+ {
+ "arriveBy": "20:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "19:40",
+ "price": "8.08 pounds",
+ "trainID": "TR1703"
+ },
+ {
+ "arriveBy": "21:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "20:40",
+ "price": "8.08 pounds",
+ "trainID": "TR7554"
+ },
+ {
+ "arriveBy": "22:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "21:40",
+ "price": "8.08 pounds",
+ "trainID": "TR3886"
+ },
+ {
+ "arriveBy": "23:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "22:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9492"
+ },
+ {
+ "arriveBy": "24:08",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stansted airport",
+ "duration": "28 minutes",
+ "leaveAt": "23:40",
+ "price": "8.08 pounds",
+ "trainID": "TR9640"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1188"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3710"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9641"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7360"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3304"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7103"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5754"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6844"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4605"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3903"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2781"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5365"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4096"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8162"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2808"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3873"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4232"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7956"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "monday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9213"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9892"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7036"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0514"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5077"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1610"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8846"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3398"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4117"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6312"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0135"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9737"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8372"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2021"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1965"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5301"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8948"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9115"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "tuesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7599"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5910"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1272"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0196"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7667"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3828"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0467"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1691"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6386"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3720"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5499"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2488"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1342"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7061"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1419"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6557"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5230"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0426"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3265"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "wednesday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3503"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1472"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2744"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6437"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9084"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2635"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7920"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9775"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3637"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2473"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3076"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7012"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5654"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5433"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2286"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4629"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3571"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8923"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "thursday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3598"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "10.10 pounds",
+ "trainID": "TR3659"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8167"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "10.10 pounds",
+ "trainID": "TR6416"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1756"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5694"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9937"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "10.10 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7990"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "10.10 pounds",
+ "trainID": "TR1387"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2819"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2958"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "10.10 pounds",
+ "trainID": "TR9390"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "10.10 pounds",
+ "trainID": "TR2848"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5921"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "10.10 pounds",
+ "trainID": "TR0491"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5097"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "10.10 pounds",
+ "trainID": "TR7276"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "10.10 pounds",
+ "trainID": "TR5841"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "friday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "10.10 pounds",
+ "trainID": "TR4269"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4194"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7103"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8301"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5504"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7409"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6310"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7441"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8488"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9408"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4230"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "8.08 pounds",
+ "trainID": "TR1493"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7078"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5953"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4858"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5207"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "8.08 pounds",
+ "trainID": "TR0446"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "8.08 pounds",
+ "trainID": "TR2146"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9737"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "saturday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3254"
+ },
+ {
+ "arriveBy": "05:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "05:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5431"
+ },
+ {
+ "arriveBy": "06:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "06:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9894"
+ },
+ {
+ "arriveBy": "07:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "07:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6479"
+ },
+ {
+ "arriveBy": "08:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "08:24",
+ "price": "8.08 pounds",
+ "trainID": "TR1008"
+ },
+ {
+ "arriveBy": "09:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "09:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3336"
+ },
+ {
+ "arriveBy": "10:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "10:24",
+ "price": "8.08 pounds",
+ "trainID": "TR8714"
+ },
+ {
+ "arriveBy": "11:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "11:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9445"
+ },
+ {
+ "arriveBy": "12:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "12:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5358"
+ },
+ {
+ "arriveBy": "13:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "13:24",
+ "price": "8.08 pounds",
+ "trainID": "TR6980"
+ },
+ {
+ "arriveBy": "14:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "14:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4227"
+ },
+ {
+ "arriveBy": "15:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "15:24",
+ "price": "8.08 pounds",
+ "trainID": "TR9680"
+ },
+ {
+ "arriveBy": "16:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "16:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7744"
+ },
+ {
+ "arriveBy": "17:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "17:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7484"
+ },
+ {
+ "arriveBy": "18:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "18:24",
+ "price": "8.08 pounds",
+ "trainID": "TR5736"
+ },
+ {
+ "arriveBy": "19:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "19:24",
+ "price": "8.08 pounds",
+ "trainID": "TR7170"
+ },
+ {
+ "arriveBy": "20:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "20:24",
+ "price": "8.08 pounds",
+ "trainID": "TR2021"
+ },
+ {
+ "arriveBy": "21:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "21:24",
+ "price": "8.08 pounds",
+ "trainID": "TR3949"
+ },
+ {
+ "arriveBy": "22:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "22:24",
+ "price": "8.08 pounds",
+ "trainID": "TR4207"
+ },
+ {
+ "arriveBy": "23:52",
+ "day": "sunday",
+ "departure": "stansted airport",
+ "destination": "cambridge",
+ "duration": "28 minutes",
+ "leaveAt": "23:24",
+ "price": "8.08 pounds",
+ "trainID": "TR0060"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8631"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1745"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4546"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2192"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6715"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3908"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4096"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6799"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6723"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5465"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6067"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2696"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6941"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5816"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9424"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1891"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2919"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0335"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7007"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2950"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2863"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9811"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6985"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3462"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7107"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7692"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5584"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1997"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0469"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6272"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4506"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0776"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8207"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0378"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2457"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3948"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1654"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0677"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9110"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3093"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2561"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2176"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9366"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8350"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2854"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8374"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0451"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7398"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2474"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1745"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8304"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6411"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7011"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4649"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3770"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2483"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5903"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6720"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0025"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4859"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1755"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1790"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5908"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0822"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1160"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3780"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9839"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0358"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3564"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7399"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3255"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0440"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3470"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6761"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR6219"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4826"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2293"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3138"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7944"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "37.80 pounds",
+ "trainID": "TR7505"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5648"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "37.80 pounds",
+ "trainID": "TR8080"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "37.80 pounds",
+ "trainID": "TR9530"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4792"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0623"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0552"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "37.80 pounds",
+ "trainID": "TR0094"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "37.80 pounds",
+ "trainID": "TR2508"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4727"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "37.80 pounds",
+ "trainID": "TR1233"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "37.80 pounds",
+ "trainID": "TR5159"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3918"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "37.80 pounds",
+ "trainID": "TR3466"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "37.80 pounds",
+ "trainID": "TR4061"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7457"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9193"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1656"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1925"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5677"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1562"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1165"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2129"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5089"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "30.24 pounds",
+ "trainID": "TR0687"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1832"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7600"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7178"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6034"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "30.24 pounds",
+ "trainID": "TR4708"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5392"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7610"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2982"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6706"
+ },
+ {
+ "arriveBy": "07:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "05:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2025"
+ },
+ {
+ "arriveBy": "08:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "06:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9187"
+ },
+ {
+ "arriveBy": "09:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "07:21",
+ "price": "30.24 pounds",
+ "trainID": "TR2153"
+ },
+ {
+ "arriveBy": "10:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "08:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5173"
+ },
+ {
+ "arriveBy": "11:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "09:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3371"
+ },
+ {
+ "arriveBy": "12:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "10:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5767"
+ },
+ {
+ "arriveBy": "13:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "11:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3699"
+ },
+ {
+ "arriveBy": "14:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "12:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7678"
+ },
+ {
+ "arriveBy": "15:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "13:21",
+ "price": "30.24 pounds",
+ "trainID": "TR3756"
+ },
+ {
+ "arriveBy": "16:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "14:21",
+ "price": "30.24 pounds",
+ "trainID": "TR6833"
+ },
+ {
+ "arriveBy": "17:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "15:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9992"
+ },
+ {
+ "arriveBy": "18:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "16:21",
+ "price": "30.24 pounds",
+ "trainID": "TR1247"
+ },
+ {
+ "arriveBy": "19:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "17:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9444"
+ },
+ {
+ "arriveBy": "20:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "18:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9517"
+ },
+ {
+ "arriveBy": "21:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "19:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9831"
+ },
+ {
+ "arriveBy": "22:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "20:21",
+ "price": "30.24 pounds",
+ "trainID": "TR5806"
+ },
+ {
+ "arriveBy": "23:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "21:21",
+ "price": "30.24 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "24:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "22:21",
+ "price": "30.24 pounds",
+ "trainID": "TR0488"
+ },
+ {
+ "arriveBy": "01:06",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "leicester",
+ "duration": "105 minutes",
+ "leaveAt": "23:21",
+ "price": "30.24 pounds",
+ "trainID": "TR7188"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3173"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8829"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7753"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5686"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6121"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0032"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1193"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5054"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4541"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0330"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2985"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2078"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4588"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6223"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6383"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2900"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7658"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "monday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5590"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5297"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6932"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6954"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4734"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0363"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0897"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6224"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4354"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4032"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3713"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7850"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4912"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3370"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5273"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8632"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0627"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR0596"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4761"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "tuesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7186"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1903"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3645"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1775"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7703"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1672"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3404"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9776"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2887"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8292"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6038"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2052"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5245"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5062"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9125"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5387"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6974"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3747"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9387"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "wednesday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8001"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6125"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7583"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4217"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6180"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3839"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2058"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9225"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8882"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9758"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2361"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1575"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5424"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5488"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7693"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8530"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8828"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2621"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8149"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "thursday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3928"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7151"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3190"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4256"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4390"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4170"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "37.80 pounds",
+ "trainID": "TR8659"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3934"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "37.80 pounds",
+ "trainID": "TR3877"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4625"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6247"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4351"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "37.80 pounds",
+ "trainID": "TR7878"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5154"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "37.80 pounds",
+ "trainID": "TR9629"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "37.80 pounds",
+ "trainID": "TR4365"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "37.80 pounds",
+ "trainID": "TR2602"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "37.80 pounds",
+ "trainID": "TR6539"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "37.80 pounds",
+ "trainID": "TR1356"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "friday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "37.80 pounds",
+ "trainID": "TR5071"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9488"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2735"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1386"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2969"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8070"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "30.24 pounds",
+ "trainID": "TR6678"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "30.24 pounds",
+ "trainID": "TR6210"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7248"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0662"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0137"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8596"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4602"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7824"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2515"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "30.24 pounds",
+ "trainID": "TR5790"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "30.24 pounds",
+ "trainID": "TR2292"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9577"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0974"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "saturday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4509"
+ },
+ {
+ "arriveBy": "06:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "05:09",
+ "price": "30.24 pounds",
+ "trainID": "TR4106"
+ },
+ {
+ "arriveBy": "07:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "06:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0466"
+ },
+ {
+ "arriveBy": "08:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "07:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7843"
+ },
+ {
+ "arriveBy": "09:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "08:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0440"
+ },
+ {
+ "arriveBy": "10:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "09:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1079"
+ },
+ {
+ "arriveBy": "11:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "10:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1744"
+ },
+ {
+ "arriveBy": "12:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "11:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8285"
+ },
+ {
+ "arriveBy": "13:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "12:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9999"
+ },
+ {
+ "arriveBy": "14:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "13:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0104"
+ },
+ {
+ "arriveBy": "15:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "14:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1492"
+ },
+ {
+ "arriveBy": "16:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "15:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8517"
+ },
+ {
+ "arriveBy": "17:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "16:09",
+ "price": "30.24 pounds",
+ "trainID": "TR1784"
+ },
+ {
+ "arriveBy": "18:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "17:09",
+ "price": "30.24 pounds",
+ "trainID": "TR7472"
+ },
+ {
+ "arriveBy": "19:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "18:09",
+ "price": "30.24 pounds",
+ "trainID": "TR9320"
+ },
+ {
+ "arriveBy": "20:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "19:09",
+ "price": "30.24 pounds",
+ "trainID": "TR3544"
+ },
+ {
+ "arriveBy": "21:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "20:09",
+ "price": "30.24 pounds",
+ "trainID": "TR8716"
+ },
+ {
+ "arriveBy": "22:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "21:09",
+ "price": "30.24 pounds",
+ "trainID": "TR3672"
+ },
+ {
+ "arriveBy": "23:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "22:09",
+ "price": "30.24 pounds",
+ "trainID": "TR0662"
+ },
+ {
+ "arriveBy": "24:54",
+ "day": "sunday",
+ "departure": "leicester",
+ "destination": "cambridge",
+ "duration": "105 minutes",
+ "leaveAt": "23:09",
+ "price": "30.24 pounds",
+ "trainID": "TR5342"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9195"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4300"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7269"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6628"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1162"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4026"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1028"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6162"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7481"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6251"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5435"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7900"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7728"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2753"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3283"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2850"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2392"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7001"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6495"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3225"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8947"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6447"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2164"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0077"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4567"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8233"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1731"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1051"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6168"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6870"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4752"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6413"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9018"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0304"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6319"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5600"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8825"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1088"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0115"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4488"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6868"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6850"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1773"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3836"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2694"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3338"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8924"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8860"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5558"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1038"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8531"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1766"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9236"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8220"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7935"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8873"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7013"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5961"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2031"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0368"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6464"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2636"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2102"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9557"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6576"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7379"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9360"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8126"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0021"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1765"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1606"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6238"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7976"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9209"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR0392"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR1649"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "75.10 pounds",
+ "trainID": "TR9678"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8310"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5408"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4141"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3732"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6668"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "75.10 pounds",
+ "trainID": "TR6564"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "75.10 pounds",
+ "trainID": "TR3166"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2716"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8928"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2519"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8952"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4750"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7420"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "75.10 pounds",
+ "trainID": "TR5389"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "75.10 pounds",
+ "trainID": "TR7769"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "75.10 pounds",
+ "trainID": "TR2847"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "75.10 pounds",
+ "trainID": "TR8202"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "75.10 pounds",
+ "trainID": "TR4724"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4975"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4418"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0713"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "60.08 pounds",
+ "trainID": "TR8707"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2576"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "60.08 pounds",
+ "trainID": "TR7683"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5669"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4137"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9790"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0942"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "60.08 pounds",
+ "trainID": "TR3735"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "60.08 pounds",
+ "trainID": "TR3245"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2815"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5867"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2984"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1388"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0728"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5413"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0112"
+ },
+ {
+ "arriveBy": "07:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "05:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6725"
+ },
+ {
+ "arriveBy": "08:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "06:01",
+ "price": "60.08 pounds",
+ "trainID": "TR7291"
+ },
+ {
+ "arriveBy": "09:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "07:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9985"
+ },
+ {
+ "arriveBy": "10:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "08:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2968"
+ },
+ {
+ "arriveBy": "11:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "09:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1931"
+ },
+ {
+ "arriveBy": "12:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "10:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5401"
+ },
+ {
+ "arriveBy": "13:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "11:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "14:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "12:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0686"
+ },
+ {
+ "arriveBy": "15:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "13:01",
+ "price": "60.08 pounds",
+ "trainID": "TR0831"
+ },
+ {
+ "arriveBy": "16:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "14:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6908"
+ },
+ {
+ "arriveBy": "17:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "15:01",
+ "price": "60.08 pounds",
+ "trainID": "TR4905"
+ },
+ {
+ "arriveBy": "18:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "16:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2776"
+ },
+ {
+ "arriveBy": "19:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "17:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2631"
+ },
+ {
+ "arriveBy": "20:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "18:01",
+ "price": "60.08 pounds",
+ "trainID": "TR6792"
+ },
+ {
+ "arriveBy": "21:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "19:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5971"
+ },
+ {
+ "arriveBy": "22:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "20:01",
+ "price": "60.08 pounds",
+ "trainID": "TR5750"
+ },
+ {
+ "arriveBy": "23:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "21:01",
+ "price": "60.08 pounds",
+ "trainID": "TR1012"
+ },
+ {
+ "arriveBy": "24:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "22:01",
+ "price": "60.08 pounds",
+ "trainID": "TR9352"
+ },
+ {
+ "arriveBy": "01:44",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "birmingham new street",
+ "duration": "163 minutes",
+ "leaveAt": "23:01",
+ "price": "60.08 pounds",
+ "trainID": "TR2850"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3888"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7853"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5747"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9942"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9366"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3387"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0572"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3734"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1328"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0031"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5385"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5349"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3130"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1404"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9813"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2993"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8406"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6309"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "monday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4100"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0254"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0749"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0932"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2761"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4373"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4931"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9708"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0734"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7873"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8466"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5630"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4631"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3802"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6741"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5859"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7274"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6255"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7055"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "tuesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1928"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0014"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5299"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7329"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5635"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3543"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7940"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR1670"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3615"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4885"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2286"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5567"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7883"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4977"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2998"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8845"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6122"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6568"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "wednesday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3094"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4235"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3736"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7478"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2834"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6105"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2188"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2613"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3498"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7509"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2089"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2148"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6886"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7967"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7285"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3474"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5106"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7324"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "thursday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR3567"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4887"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "75.10 pounds",
+ "trainID": "TR2301"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5473"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8082"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0497"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0044"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7040"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "75.10 pounds",
+ "trainID": "TR4431"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6359"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8121"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9756"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6477"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "75.10 pounds",
+ "trainID": "TR7406"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "75.10 pounds",
+ "trainID": "TR8903"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "75.10 pounds",
+ "trainID": "TR9704"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6351"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "75.10 pounds",
+ "trainID": "TR5713"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "75.10 pounds",
+ "trainID": "TR6052"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "friday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "75.10 pounds",
+ "trainID": "TR0234"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3415"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4463"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8259"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4382"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "60.08 pounds",
+ "trainID": "TR7802"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0690"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4553"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0680"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8390"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1843"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1283"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3891"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1327"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3792"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9293"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2465"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0247"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "60.08 pounds",
+ "trainID": "TR3174"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "saturday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "60.08 pounds",
+ "trainID": "TR4122"
+ },
+ {
+ "arriveBy": "08:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "05:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8730"
+ },
+ {
+ "arriveBy": "09:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "06:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9637"
+ },
+ {
+ "arriveBy": "10:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "07:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9462"
+ },
+ {
+ "arriveBy": "11:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "08:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1958"
+ },
+ {
+ "arriveBy": "12:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "09:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9714"
+ },
+ {
+ "arriveBy": "13:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "10:40",
+ "price": "60.08 pounds",
+ "trainID": "TR7468"
+ },
+ {
+ "arriveBy": "14:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "11:40",
+ "price": "60.08 pounds",
+ "trainID": "TR9644"
+ },
+ {
+ "arriveBy": "15:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "12:40",
+ "price": "60.08 pounds",
+ "trainID": "TR6739"
+ },
+ {
+ "arriveBy": "16:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "13:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8347"
+ },
+ {
+ "arriveBy": "17:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "14:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2236"
+ },
+ {
+ "arriveBy": "18:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "15:40",
+ "price": "60.08 pounds",
+ "trainID": "TR6856"
+ },
+ {
+ "arriveBy": "19:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "16:40",
+ "price": "60.08 pounds",
+ "trainID": "TR8297"
+ },
+ {
+ "arriveBy": "20:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "17:40",
+ "price": "60.08 pounds",
+ "trainID": "TR5797"
+ },
+ {
+ "arriveBy": "21:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "18:40",
+ "price": "60.08 pounds",
+ "trainID": "TR0665"
+ },
+ {
+ "arriveBy": "22:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "19:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2026"
+ },
+ {
+ "arriveBy": "23:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "20:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2274"
+ },
+ {
+ "arriveBy": "24:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "21:40",
+ "price": "60.08 pounds",
+ "trainID": "TR2170"
+ },
+ {
+ "arriveBy": "01:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "22:40",
+ "price": "60.08 pounds",
+ "trainID": "TR1873"
+ },
+ {
+ "arriveBy": "02:23",
+ "day": "sunday",
+ "departure": "birmingham new street",
+ "destination": "cambridge",
+ "duration": "163 minutes",
+ "leaveAt": "23:40",
+ "price": "60.08 pounds",
+ "trainID": "TR5562"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4283"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2957"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7169"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7928"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4861"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8811"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2530"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8244"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5181"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7494"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2478"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7155"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1562"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4041"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2771"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8017"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2153"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5928"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8824"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4000"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4404"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1458"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7666"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8224"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3844"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3661"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0449"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3262"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4863"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9984"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0269"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2617"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4260"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2929"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0927"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7759"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6673"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7961"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR7177"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1339"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3847"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6809"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5853"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8078"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8585"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2730"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1567"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5965"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4664"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3547"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7518"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3062"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3396"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9383"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5643"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0121"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0969"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4673"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1159"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0123"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6572"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR8095"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9904"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0007"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR2402"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3600"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6742"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6072"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1389"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "bishops stortford",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9113"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4448"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0532"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0757"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4606"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1827"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9722"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8925"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5806"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8167"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "monday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9693"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8192"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3058"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0635"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4173"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8266"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1392"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1772"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9286"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3308"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "tuesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3809"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2545"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4094"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9178"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0516"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4226"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9939"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2106"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9282"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9148"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "wednesday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1728"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6270"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR1242"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0798"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6864"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0141"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR8190"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0277"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0060"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6336"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "thursday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3000"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2061"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "10.10 pounds",
+ "trainID": "TR3450"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "10.10 pounds",
+ "trainID": "TR2083"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "10.10 pounds",
+ "trainID": "TR6834"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4076"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0465"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "10.10 pounds",
+ "trainID": "TR0201"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "10.10 pounds",
+ "trainID": "TR9891"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "10.10 pounds",
+ "trainID": "TR4549"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "friday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "10.10 pounds",
+ "trainID": "TR5628"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6163"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4162"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0268"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4594"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5108"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4115"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR3474"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7734"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1382"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "saturday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5433"
+ },
+ {
+ "arriveBy": "06:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "05:29",
+ "price": "8.08 pounds",
+ "trainID": "TR9219"
+ },
+ {
+ "arriveBy": "08:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "07:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0723"
+ },
+ {
+ "arriveBy": "10:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "09:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4803"
+ },
+ {
+ "arriveBy": "12:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "11:29",
+ "price": "8.08 pounds",
+ "trainID": "TR1478"
+ },
+ {
+ "arriveBy": "14:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "13:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0275"
+ },
+ {
+ "arriveBy": "16:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "15:29",
+ "price": "8.08 pounds",
+ "trainID": "TR4651"
+ },
+ {
+ "arriveBy": "18:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "17:29",
+ "price": "8.08 pounds",
+ "trainID": "TR5298"
+ },
+ {
+ "arriveBy": "20:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "19:29",
+ "price": "8.08 pounds",
+ "trainID": "TR0053"
+ },
+ {
+ "arriveBy": "22:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "21:29",
+ "price": "8.08 pounds",
+ "trainID": "TR7879"
+ },
+ {
+ "arriveBy": "24:07",
+ "day": "sunday",
+ "departure": "bishops stortford",
+ "destination": "cambridge",
+ "duration": "38 minutes",
+ "leaveAt": "23:29",
+ "price": "8.08 pounds",
+ "trainID": "TR6914"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0796"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9760"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3174"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5517"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1213"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1319"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5971"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5656"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9605"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9022"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4747"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4660"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6516"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4655"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2292"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2291"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9611"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0158"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6357"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8443"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6024"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3805"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7656"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6851"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2130"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2368"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5802"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8301"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3247"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1835"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0189"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5484"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9317"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3118"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6762"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2820"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8820"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8300"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0228"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3353"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1234"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3279"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4659"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0550"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5745"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6167"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5164"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6016"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2925"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9193"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1148"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5293"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5256"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2876"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9669"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1228"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8008"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2885"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0146"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2617"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2125"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6806"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3262"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3006"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0071"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9033"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8183"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9531"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6457"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9890"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6706"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7253"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7222"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2615"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8765"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6549"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7808"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2133"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1240"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2519"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0826"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "17.90 pounds",
+ "trainID": "TR7372"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4266"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "17.90 pounds",
+ "trainID": "TR1118"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5094"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9351"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "17.90 pounds",
+ "trainID": "TR5694"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "17.90 pounds",
+ "trainID": "TR6675"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "17.90 pounds",
+ "trainID": "TR2436"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "17.90 pounds",
+ "trainID": "TR0943"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "17.90 pounds",
+ "trainID": "TR3342"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "17.90 pounds",
+ "trainID": "TR8966"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "17.90 pounds",
+ "trainID": "TR9312"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "17.90 pounds",
+ "trainID": "TR4174"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8674"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2812"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6755"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7807"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "14.32 pounds",
+ "trainID": "TR1997"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0823"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9887"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9098"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4334"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5237"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8522"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8252"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5688"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9683"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7796"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0625"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5975"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "14.32 pounds",
+ "trainID": "TR5034"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7222"
+ },
+ {
+ "arriveBy": "06:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "05:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8736"
+ },
+ {
+ "arriveBy": "07:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "06:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4249"
+ },
+ {
+ "arriveBy": "08:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "07:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4533"
+ },
+ {
+ "arriveBy": "09:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "08:01",
+ "price": "14.32 pounds",
+ "trainID": "TR1053"
+ },
+ {
+ "arriveBy": "10:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "09:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2941"
+ },
+ {
+ "arriveBy": "11:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "10:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9580"
+ },
+ {
+ "arriveBy": "12:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "11:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0914"
+ },
+ {
+ "arriveBy": "13:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "12:01",
+ "price": "14.32 pounds",
+ "trainID": "TR2939"
+ },
+ {
+ "arriveBy": "14:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "13:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4414"
+ },
+ {
+ "arriveBy": "15:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "14:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9291"
+ },
+ {
+ "arriveBy": "16:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "15:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4541"
+ },
+ {
+ "arriveBy": "17:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "16:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6870"
+ },
+ {
+ "arriveBy": "18:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "17:01",
+ "price": "14.32 pounds",
+ "trainID": "TR4481"
+ },
+ {
+ "arriveBy": "19:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "18:01",
+ "price": "14.32 pounds",
+ "trainID": "TR9788"
+ },
+ {
+ "arriveBy": "20:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "19:01",
+ "price": "14.32 pounds",
+ "trainID": "TR8991"
+ },
+ {
+ "arriveBy": "21:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "20:01",
+ "price": "14.32 pounds",
+ "trainID": "TR6192"
+ },
+ {
+ "arriveBy": "22:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "21:01",
+ "price": "14.32 pounds",
+ "trainID": "TR7208"
+ },
+ {
+ "arriveBy": "23:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "22:01",
+ "price": "14.32 pounds",
+ "trainID": "TR3697"
+ },
+ {
+ "arriveBy": "24:01",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "broxbourne",
+ "duration": "60 minutes",
+ "leaveAt": "23:01",
+ "price": "14.32 pounds",
+ "trainID": "TR0133"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6934"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8702"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5095"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1246"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0559"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9199"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5550"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0354"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3108"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5587"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1942"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3326"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2479"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1726"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9083"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2182"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7759"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3836"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "monday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8643"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2938"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9048"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4537"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2088"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0722"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6989"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8702"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9688"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8199"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9417"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8361"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7598"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6368"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8653"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6788"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7341"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3112"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4557"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "tuesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2104"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0788"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0605"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5119"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6324"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5167"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1819"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5953"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7834"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3171"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3470"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5972"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6374"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2436"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9909"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0164"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6477"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3289"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1729"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "wednesday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5199"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0393"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5725"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5496"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8194"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5687"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5979"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1590"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7406"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9908"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5517"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2946"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0579"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1828"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR9237"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5657"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3250"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0661"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3017"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "thursday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7477"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5570"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "17.90 pounds",
+ "trainID": "TR6885"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "17.90 pounds",
+ "trainID": "TR0934"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3005"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2145"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5678"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4848"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3158"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7015"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "17.90 pounds",
+ "trainID": "TR2144"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4031"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "17.90 pounds",
+ "trainID": "TR1291"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "17.90 pounds",
+ "trainID": "TR4322"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "17.90 pounds",
+ "trainID": "TR7648"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5056"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5539"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "17.90 pounds",
+ "trainID": "TR5078"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "17.90 pounds",
+ "trainID": "TR8204"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "friday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "17.90 pounds",
+ "trainID": "TR3456"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1480"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "14.32 pounds",
+ "trainID": "TR3971"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1971"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9384"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7846"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "14.32 pounds",
+ "trainID": "TR2025"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0003"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7768"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0279"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1412"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1270"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4941"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0811"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6948"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4967"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4221"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "14.32 pounds",
+ "trainID": "TR5395"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0720"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "saturday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1701"
+ },
+ {
+ "arriveBy": "06:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "05:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8778"
+ },
+ {
+ "arriveBy": "07:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "06:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4149"
+ },
+ {
+ "arriveBy": "08:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "07:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6871"
+ },
+ {
+ "arriveBy": "09:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "08:32",
+ "price": "14.32 pounds",
+ "trainID": "TR3111"
+ },
+ {
+ "arriveBy": "10:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "09:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0184"
+ },
+ {
+ "arriveBy": "11:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "10:32",
+ "price": "14.32 pounds",
+ "trainID": "TR6774"
+ },
+ {
+ "arriveBy": "12:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "11:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1426"
+ },
+ {
+ "arriveBy": "13:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "12:32",
+ "price": "14.32 pounds",
+ "trainID": "TR0862"
+ },
+ {
+ "arriveBy": "14:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "13:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8655"
+ },
+ {
+ "arriveBy": "15:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "14:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4813"
+ },
+ {
+ "arriveBy": "16:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "15:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4658"
+ },
+ {
+ "arriveBy": "17:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "16:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9331"
+ },
+ {
+ "arriveBy": "18:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "17:32",
+ "price": "14.32 pounds",
+ "trainID": "TR7885"
+ },
+ {
+ "arriveBy": "19:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "18:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1428"
+ },
+ {
+ "arriveBy": "20:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "19:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4670"
+ },
+ {
+ "arriveBy": "21:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "20:32",
+ "price": "14.32 pounds",
+ "trainID": "TR8913"
+ },
+ {
+ "arriveBy": "22:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "21:32",
+ "price": "14.32 pounds",
+ "trainID": "TR1016"
+ },
+ {
+ "arriveBy": "23:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "22:32",
+ "price": "14.32 pounds",
+ "trainID": "TR4676"
+ },
+ {
+ "arriveBy": "24:32",
+ "day": "sunday",
+ "departure": "broxbourne",
+ "destination": "cambridge",
+ "duration": "60 minutes",
+ "leaveAt": "23:32",
+ "price": "14.32 pounds",
+ "trainID": "TR9717"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3607"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1640"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8290"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6930"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1898"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2045"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0254"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9082"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6530"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6906"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1433"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0076"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4546"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6009"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0743"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5343"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9883"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6692"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7822"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "tuesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3300"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5695"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8974"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8913"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3844"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2874"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7245"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR1165"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0609"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR9016"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "wednesday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6387"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2016"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4376"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0552"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7024"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8777"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7176"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR4765"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0385"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2380"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "thursday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8239"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "12.80 pounds",
+ "trainID": "TR2515"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "12.80 pounds",
+ "trainID": "TR5497"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "12.80 pounds",
+ "trainID": "TR6334"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "12.80 pounds",
+ "trainID": "TR3043"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "12.80 pounds",
+ "trainID": "TR7852"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8135"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "12.80 pounds",
+ "trainID": "TR0217"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8118"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8420"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "friday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "12.80 pounds",
+ "trainID": "TR8575"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "10.24 pounds",
+ "trainID": "TR3259"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "10.24 pounds",
+ "trainID": "TR9925"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "10.24 pounds",
+ "trainID": "TR7542"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8377"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6998"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8813"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "10.24 pounds",
+ "trainID": "TR4216"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8501"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5842"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "saturday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6454"
+ },
+ {
+ "arriveBy": "06:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "05:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5390"
+ },
+ {
+ "arriveBy": "08:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "07:21",
+ "price": "10.24 pounds",
+ "trainID": "TR3889"
+ },
+ {
+ "arriveBy": "10:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "09:21",
+ "price": "10.24 pounds",
+ "trainID": "TR6488"
+ },
+ {
+ "arriveBy": "12:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "11:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8464"
+ },
+ {
+ "arriveBy": "14:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "13:21",
+ "price": "10.24 pounds",
+ "trainID": "TR0523"
+ },
+ {
+ "arriveBy": "16:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "15:21",
+ "price": "10.24 pounds",
+ "trainID": "TR4550"
+ },
+ {
+ "arriveBy": "18:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "17:21",
+ "price": "10.24 pounds",
+ "trainID": "TR7729"
+ },
+ {
+ "arriveBy": "20:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "19:21",
+ "price": "10.24 pounds",
+ "trainID": "TR8726"
+ },
+ {
+ "arriveBy": "22:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "21:21",
+ "price": "10.24 pounds",
+ "trainID": "TR5299"
+ },
+ {
+ "arriveBy": "24:10",
+ "day": "sunday",
+ "departure": "cambridge",
+ "destination": "stevenage",
+ "duration": "49 minutes",
+ "leaveAt": "23:21",
+ "price": "10.24 pounds",
+ "trainID": "TR9765"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9175"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2494"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8265"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9062"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9013"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5825"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2656"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8377"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1699"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "monday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4498"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9263"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5737"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9623"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR0517"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1830"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1800"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3463"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6914"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9084"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "tuesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3606"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9448"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8723"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4626"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6473"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7411"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9675"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1947"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4015"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3190"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "wednesday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR5756"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1163"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1044"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3330"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1661"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2833"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR1596"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8573"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR9547"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR6795"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "thursday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8041"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "12.80 pounds",
+ "trainID": "TR8306"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4800"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2860"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "12.80 pounds",
+ "trainID": "TR0601"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7785"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3264"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "12.80 pounds",
+ "trainID": "TR7278"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "12.80 pounds",
+ "trainID": "TR4969"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "12.80 pounds",
+ "trainID": "TR3609"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "friday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "12.80 pounds",
+ "trainID": "TR2077"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "10.24 pounds",
+ "trainID": "TR4391"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6016"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "10.24 pounds",
+ "trainID": "TR9024"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5314"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6607"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "10.24 pounds",
+ "trainID": "TR0545"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2442"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "10.24 pounds",
+ "trainID": "TR6759"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2015"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "saturday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5782"
+ },
+ {
+ "arriveBy": "06:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "05:54",
+ "price": "10.24 pounds",
+ "trainID": "TR1542"
+ },
+ {
+ "arriveBy": "08:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "07:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5870"
+ },
+ {
+ "arriveBy": "10:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "09:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7802"
+ },
+ {
+ "arriveBy": "12:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "11:54",
+ "price": "10.24 pounds",
+ "trainID": "TR8225"
+ },
+ {
+ "arriveBy": "14:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "13:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7551"
+ },
+ {
+ "arriveBy": "16:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "15:54",
+ "price": "10.24 pounds",
+ "trainID": "TR1577"
+ },
+ {
+ "arriveBy": "18:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "17:54",
+ "price": "10.24 pounds",
+ "trainID": "TR2623"
+ },
+ {
+ "arriveBy": "20:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "19:54",
+ "price": "10.24 pounds",
+ "trainID": "TR0021"
+ },
+ {
+ "arriveBy": "22:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "21:54",
+ "price": "10.24 pounds",
+ "trainID": "TR7261"
+ },
+ {
+ "arriveBy": "24:43",
+ "day": "sunday",
+ "departure": "stevenage",
+ "destination": "cambridge",
+ "duration": "49 minutes",
+ "leaveAt": "23:54",
+ "price": "10.24 pounds",
+ "trainID": "TR5679"
+ }
+]
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/__init__.py b/convlab/modules/word_policy/multiwoz/mdrg/model/__init__.py
new file mode 100644
index 0000000..dae62e1
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/__init__.py
@@ -0,0 +1,3 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+from convlab.modules.word_policy.multiwoz.mdrg.model.model import Model
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/data/test_dials/test_dials_gen.json b/convlab/modules/word_policy/multiwoz/mdrg/model/data/test_dials/test_dials_gen.json
new file mode 100644
index 0000000..8b091e2
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/data/test_dials/test_dials_gen.json
@@ -0,0 +1 @@
+{"PMUL1635.json": ["i have [value_count] hotel -s that meet your criteria . would you like to stay in the [value_area] or [value_area] ?"]}
\ No newline at end of file
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/data/val_dials/val_dials_gen.json b/convlab/modules/word_policy/multiwoz/mdrg/model/data/val_dials/val_dials_gen.json
new file mode 100644
index 0000000..8b091e2
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/data/val_dials/val_dials_gen.json
@@ -0,0 +1 @@
+{"PMUL1635.json": ["i have [value_count] hotel -s that meet your criteria . would you like to stay in the [value_area] or [value_area] ?"]}
\ No newline at end of file
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/evaluator.py b/convlab/modules/word_policy/multiwoz/mdrg/model/evaluator.py
new file mode 100644
index 0000000..0f11ed3
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/evaluator.py
@@ -0,0 +1,423 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import random
+import sys
+sys.path.append('..')
+
+from convlab.modules.word_policy.multiwoz.mdrg import queryResultVenues
+from convlab.modules.word_policy.multiwoz.mdrg.utils.nlp import *
+
+domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital', 'police']
+requestables = ['phone', 'address', 'postcode', 'reference', 'id']
+
+
+def parseGoal(goal, d, domain):
+ """Parses user goal into dictionary format."""
+ goal[domain] = {}
+ goal[domain] = {'informable': [], 'requestable': [], 'booking': []}
+ # if d['goal'][domain].has_key('info'):
+ if 'info' in d['goal'][domain]:
+ if domain == 'train':
+ # we consider dialogues only where train had to be booked!
+ # if d['goal'][domain].has_key('book'):
+ if 'book' in d['goal'][domain]:
+ goal[domain]['requestable'].append('reference')
+ # if d['goal'][domain].has_key('reqt'):
+ if 'reqt' in d['goal'][domain]:
+ if 'trainID' in d['goal'][domain]['reqt']:
+ goal[domain]['requestable'].append('id')
+ else:
+ # if d['goal'][domain].has_key('reqt'):
+ if 'reqt' in d['goal'][domain]:
+ for s in d['goal'][domain]['reqt']: # addtional requests:
+ if s in ['phone', 'address', 'postcode', 'reference', 'id']:
+ # ones that can be easily delexicalized
+ goal[domain]['requestable'].append(s)
+ # if d['goal'][domain].has_key('book'):
+ if 'book' in d['goal'][domain]:
+ goal[domain]['requestable'].append("reference")
+
+ goal[domain]["informable"] = d['goal'][domain]['info']
+ # if d['goal'][domain].has_key('book'):
+ if 'book' in d['goal'][domain]:
+ goal[domain]["booking"] = d['goal'][domain]['book']
+
+ return goal
+
+
+def evaluateModel(dialogues, val_dials, mode='valid'):
+ """Gathers statistics for the whole sets."""
+ fin1 = open('data/multi-woz/delex.json')
+ delex_dialogues = json.load(fin1)
+ successes, matches = 0, 0
+ total = 0
+
+ gen_stats = {'restaurant': [0, 0, 0], 'hotel': [0, 0, 0], 'attraction': [0, 0, 0], 'train': [0, 0,0], 'taxi': [0, 0, 0],
+ 'hospital': [0, 0, 0], 'police': [0, 0, 0]}
+ sng_gen_stats = {'restaurant': [0, 0, 0], 'hotel': [0, 0, 0], 'attraction': [0, 0, 0], 'train': [0, 0, 0],
+ 'taxi': [0, 0, 0],
+ 'hospital': [0, 0, 0], 'police': [0, 0, 0]}
+
+ for filename, dial in dialogues.items():
+ data = delex_dialogues[filename]
+
+ goal, _, _, requestables, _ = evaluateRealDialogue(data, filename)
+
+ success, match, stats = evaluateGeneratedDialogue(dial, goal, data, requestables)
+
+ successes += success
+ matches += match
+ total += 1
+
+ for domain in gen_stats.keys():
+ gen_stats[domain][0] += stats[domain][0]
+ gen_stats[domain][1] += stats[domain][1]
+ gen_stats[domain][2] += stats[domain][2]
+
+ if 'SNG' in filename:
+ for domain in gen_stats.keys():
+ sng_gen_stats[domain][0] += stats[domain][0]
+ sng_gen_stats[domain][1] += stats[domain][1]
+ sng_gen_stats[domain][2] += stats[domain][2]
+
+ # BLUE SCORE
+ corpus = []
+ model_corpus = []
+ bscorer = BLEUScorer()
+
+ for dialogue in dialogues:
+ data = val_dials[dialogue]
+ model_turns, corpus_turns = [], []
+ for idx, turn in enumerate(data['sys']):
+ corpus_turns.append([turn])
+ for turn in dialogues[dialogue]:
+ model_turns.append([turn])
+
+ if len(model_turns) == len(corpus_turns):
+ corpus.extend(corpus_turns)
+ model_corpus.extend(model_turns)
+ else:
+ print('wrong length!!!')
+ print(model_turns)
+
+ # Print results
+ if mode == 'valid':
+ try: print("Valid BLUES SCORE %.10f" % bscorer.score(model_corpus, corpus))
+ except: print('BLUE SCORE ERROR')
+ print('Valid Corpus Matches : %2.2f%%' % (matches / float(total) * 100))
+ print('Valid Corpus Success : %2.2f%%' % (successes / float(total) * 100))
+ print('Valid Total number of dialogues: %s ' % total)
+ else:
+ try:
+ print("Corpus BLUES SCORE %.10f" % bscorer.score(model_corpus, corpus))
+ except:
+ print('BLUE SCORE ERROR')
+ print('Corpus Matches : %2.2f%%' % (matches / float(total) * 100))
+ print('Corpus Success : %2.2f%%' % (successes / float(total) * 100))
+ print('Total number of dialogues: %s ' % total)
+
+
+def evaluateGeneratedDialogue(dialog, goal, realDialogue, real_requestables):
+ """Evaluates the dialogue created by the model.
+ First we load the user goal of the dialogue, then for each turn
+ generated by the system we look for key-words.
+ For the Inform rate we look whether the entity was proposed.
+ For the Success rate we look for requestables slots"""
+ # for computing corpus success
+ requestables = ['phone', 'address', 'postcode', 'reference', 'id']
+
+ # CHECK IF MATCH HAPPENED
+ provided_requestables = {}
+ venue_offered = {}
+ domains_in_goal = []
+
+ for domain in goal.keys():
+ venue_offered[domain] = []
+ provided_requestables[domain] = []
+ domains_in_goal.append(domain)
+
+ for t, sent_t in enumerate(dialog):
+ for domain in goal.keys():
+ # for computing success
+ if '[' + domain + '_name]' in sent_t or '_id' in sent_t:
+ if domain in ['restaurant', 'hotel', 'attraction', 'train']:
+ # HERE YOU CAN PUT YOUR BELIEF STATE ESTIMATION
+ venues = queryResultVenues(domain, realDialogue['log'][t*2 + 1])
+
+ # if venue has changed
+ if len(venue_offered[domain]) == 0 and venues:
+ venue_offered[domain] = random.sample(venues, 1)
+ else:
+ flag = False
+ for ven in venues:
+ if venue_offered[domain][0] == ven:
+ flag = True
+ break
+ if not flag and venues: # sometimes there are no results so sample won't work
+ # print venues
+ venue_offered[domain] = random.sample(venues, 1)
+ else: # not limited so we can provide one
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ # ATTENTION: assumption here - we didn't provide phone or address twice! etc
+ for requestable in requestables:
+ if requestable == 'reference':
+ if domain + '_reference' in sent_t:
+ if 'restaurant_reference' in sent_t:
+ if realDialogue['log'][t * 2]['db_pointer'][-5] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ elif 'hotel_reference' in sent_t:
+ if realDialogue['log'][t * 2]['db_pointer'][-3] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ elif 'train_reference' in sent_t:
+ if realDialogue['log'][t * 2]['db_pointer'][-1] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ else:
+ provided_requestables[domain].append('reference')
+ else:
+ if domain + '_' + requestable + ']' in sent_t:
+ provided_requestables[domain].append(requestable)
+
+ # if name was given in the task
+ for domain in goal.keys():
+ # if name was provided for the user, the match is being done automatically
+ # if realDialogue['goal'][domain].has_key('info'):
+ if 'info' in realDialogue['goal'][domain]:
+ # if realDialogue['goal'][domain]['info'].has_key('name'):
+ if 'name' in realDialogue['goal'][domain]['info']:
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ # special domains - entity does not need to be provided
+ if domain in ['taxi', 'police', 'hospital']:
+ venue_offered[domain] = '[' + domain + '_name]'
+
+
+ if domain == 'train':
+ if not venue_offered[domain]:
+ # if realDialogue['goal'][domain].has_key('reqt') and 'id' not in realDialogue['goal'][domain]['reqt']:
+ if 'reqt' in realDialogue['goal'][domain] and 'id' not in realDialogue['goal'][domain]['reqt']:
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ """
+ Given all inform and requestable slots
+ we go through each domain from the user goal
+ and check whether right entity was provided and
+ all requestable slots were given to the user.
+ The dialogue is successful if that's the case for all domains.
+ """
+ # HARD EVAL
+ stats = {'restaurant': [0, 0, 0], 'hotel': [0, 0, 0], 'attraction': [0, 0, 0], 'train': [0, 0,0], 'taxi': [0, 0, 0],
+ 'hospital': [0, 0, 0], 'police': [0, 0, 0]}
+
+ match = 0
+ success = 0
+ # MATCH
+ for domain in goal.keys():
+ match_stat = 0
+ if domain in ['restaurant', 'hotel', 'attraction', 'train']:
+ goal_venues = queryResultVenues(domain, goal[domain]['informable'], real_belief=True)
+ if type(venue_offered[domain]) is str and '_name' in venue_offered[domain]:
+ match += 1
+ match_stat = 1
+ elif len(venue_offered[domain]) > 0 and venue_offered[domain][0] in goal_venues:
+ match += 1
+ match_stat = 1
+ else:
+ if domain + '_name]' in venue_offered[domain]:
+ match += 1
+ match_stat = 1
+
+ stats[domain][0] = match_stat
+ stats[domain][2] = 1
+
+ if match == len(goal.keys()):
+ match = 1
+ else:
+ match = 0
+
+ # SUCCESS
+ if match:
+ for domain in domains_in_goal:
+ success_stat = 0
+ domain_success = 0
+ if len(real_requestables[domain]) == 0:
+ success += 1
+ success_stat = 1
+ stats[domain][1] = success_stat
+ continue
+ # if values in sentences are super set of requestables
+ for request in set(provided_requestables[domain]):
+ if request in real_requestables[domain]:
+ domain_success += 1
+
+ if domain_success >= len(real_requestables[domain]):
+ success += 1
+ success_stat = 1
+
+ stats[domain][1] = success_stat
+
+ # final eval
+ if success >= len(real_requestables):
+ success = 1
+ else:
+ success = 0
+
+ #rint requests, 'DIFF', requests_real, 'SUCC', success
+ return success, match, stats
+
+
+def evaluateRealDialogue(dialog, filename):
+ """Evaluation of the real dialogue.
+ First we loads the user goal and then go through the dialogue history.
+ Similar to evaluateGeneratedDialogue above."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital', 'police']
+ requestables = ['phone', 'address', 'postcode', 'reference', 'id']
+
+ # get the list of domains in the goal
+ domains_in_goal = []
+ goal = {}
+ for domain in domains:
+ if dialog['goal'][domain]:
+ goal = parseGoal(goal, dialog, domain)
+ domains_in_goal.append(domain)
+
+ # compute corpus success
+ real_requestables = {}
+ provided_requestables = {}
+ venue_offered = {}
+ for domain in goal.keys():
+ provided_requestables[domain] = []
+ venue_offered[domain] = []
+ real_requestables[domain] = goal[domain]['requestable']
+
+ # iterate each turn
+ m_targetutt = [turn['text'] for idx, turn in enumerate(dialog['log']) if idx % 2 == 1]
+ for t in range(len(m_targetutt)):
+ for domain in domains_in_goal:
+ sent_t = m_targetutt[t]
+ # for computing match - where there are limited entities
+ if domain + '_name' in sent_t or '_id' in sent_t:
+ if domain in ['restaurant', 'hotel', 'attraction', 'train']:
+ # HERE YOU CAN PUT YOUR BELIEF STATE ESTIMATION
+ venues = queryResultVenues(domain, dialog['log'][t * 2 + 1])
+
+ # if venue has changed
+ if len(venue_offered[domain]) == 0 and venues:
+ venue_offered[domain] = random.sample(venues, 1)
+ else:
+ flag = False
+ for ven in venues:
+ if venue_offered[domain][0] == ven:
+ flag = True
+ break
+ if not flag and venues: # sometimes there are no results so sample won't work
+ #print venues
+ venue_offered[domain] = random.sample(venues, 1)
+ else: # not limited so we can provide one
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ for requestable in requestables:
+ # check if reference could be issued
+ if requestable == 'reference':
+ if domain + '_reference' in sent_t:
+ if 'restaurant_reference' in sent_t:
+ if dialog['log'][t * 2]['db_pointer'][-5] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ elif 'hotel_reference' in sent_t:
+ if dialog['log'][t * 2]['db_pointer'][-3] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ #return goal, 0, match, real_requestables
+ elif 'train_reference' in sent_t:
+ if dialog['log'][t * 2]['db_pointer'][-1] == 1: # if pointer was allowing for that?
+ provided_requestables[domain].append('reference')
+
+ else:
+ provided_requestables[domain].append('reference')
+ else:
+ if domain + '_' + requestable in sent_t:
+ provided_requestables[domain].append(requestable)
+
+ # offer was made?
+ for domain in domains_in_goal:
+ # if name was provided for the user, the match is being done automatically
+ # if dialog['goal'][domain].has_key('info'):
+ if 'info' in dialog['goal'][domain]:
+ # if dialog['goal'][domain]['info'].has_key('name'):
+ if 'name' in dialog['goal'][domain]['info']:
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ # special domains - entity does not need to be provided
+ if domain in ['taxi', 'police', 'hospital']:
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ # if id was not requested but train was found we dont want to override it to check if we booked the right train
+ if domain == 'train' and (not venue_offered[domain] and 'id' not in goal['train']['requestable']):
+ venue_offered[domain] = '[' + domain + '_name]'
+
+ # HARD (0-1) EVAL
+ stats = {'restaurant': [0, 0, 0], 'hotel': [0, 0, 0], 'attraction': [0, 0, 0], 'train': [0, 0,0], 'taxi': [0, 0, 0],
+ 'hospital': [0, 0, 0], 'police': [0, 0, 0]}
+
+ match, success = 0, 0
+ # MATCH
+ for domain in goal.keys():
+ match_stat = 0
+ if domain in ['restaurant', 'hotel', 'attraction', 'train']:
+ goal_venues = queryResultVenues(domain, dialog['goal'][domain]['info'], real_belief=True)
+ #print(goal_venues)
+ if type(venue_offered[domain]) is str and '_name' in venue_offered[domain]:
+ match += 1
+ match_stat = 1
+ elif len(venue_offered[domain]) > 0 and venue_offered[domain][0] in goal_venues:
+ match += 1
+ match_stat = 1
+
+ else:
+ if domain + '_name' in venue_offered[domain]:
+ match += 1
+ match_stat = 1
+
+ stats[domain][0] = match_stat
+ stats[domain][2] = 1
+
+ if match == len(goal.keys()):
+ match = 1
+ else:
+ match = 0
+
+ # SUCCESS
+ if match:
+ for domain in domains_in_goal:
+ domain_success = 0
+ success_stat = 0
+ if len(real_requestables[domain]) == 0:
+ # check that
+ success += 1
+ success_stat = 1
+ stats[domain][1] = success_stat
+ continue
+ # if values in sentences are super set of requestables
+ for request in set(provided_requestables[domain]):
+ if request in real_requestables[domain]:
+ domain_success += 1
+
+ if domain_success >= len(real_requestables[domain]):
+ success +=1
+ success_stat = 1
+
+ stats[domain][1] = success_stat
+
+ # final eval
+ if success >= len(real_requestables):
+ success = 1
+ else:
+ success = 0
+
+ return goal, success, match, real_requestables, stats
+
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/model.py b/convlab/modules/word_policy/multiwoz/mdrg/model/model.py
new file mode 100644
index 0000000..1635168
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/model.py
@@ -0,0 +1,588 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+from __future__ import division, print_function, unicode_literals
+
+import json
+import math
+import operator
+import os
+import random
+from io import open
+# from Queue import PriorityQueue
+from queue import PriorityQueue
+from functools import reduce
+
+import numpy as np
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from torch import optim
+
+from convlab.modules.word_policy.multiwoz.mdrg.model import policy
+
+SOS_token = 0
+EOS_token = 1
+UNK_token = 2
+PAD_token = 3
+
+
+# Shawn beam search decoding
+class BeamSearchNode(object):
+ def __init__(self, h, prevNode, wordid, logp, leng):
+ self.h = h
+ self.prevNode = prevNode
+ self.wordid = wordid
+ self.logp = logp
+ self.leng = leng
+
+ def eval(self, repeatPenalty, tokenReward, scoreTable, alpha=1.0):
+ reward = 0
+ alpha = 1.0
+
+ return self.logp / float(self.leng - 1 + 1e-6) + alpha * reward
+
+
+def init_lstm(cell, gain=1):
+ init_gru(cell, gain)
+
+ # positive forget gate bias (Jozefowicz et al., 2015)
+ for _, _, ih_b, hh_b in cell.all_weights:
+ l = len(ih_b)
+ ih_b[l // 4:l // 2].data.fill_(1.0)
+ hh_b[l // 4:l // 2].data.fill_(1.0)
+
+
+def init_gru(gru, gain=1):
+ gru.reset_parameters()
+ for _, hh, _, _ in gru.all_weights:
+ for i in range(0, hh.size(0), gru.hidden_size):
+ torch.nn.init.orthogonal_(hh[i:i+gru.hidden_size],gain=gain)
+
+
+def whatCellType(input_size, hidden_size, cell_type, dropout_rate):
+ if cell_type == 'rnn':
+ cell = nn.RNN(input_size, hidden_size, dropout=dropout_rate, batch_first=False)
+ init_gru(cell)
+ return cell
+ elif cell_type == 'gru':
+ cell = nn.GRU(input_size, hidden_size, dropout=dropout_rate, batch_first=False)
+ init_gru(cell)
+ return cell
+ elif cell_type == 'lstm':
+ cell = nn.LSTM(input_size, hidden_size, dropout=dropout_rate, batch_first=False)
+ init_lstm(cell)
+ return cell
+ elif cell_type == 'bigru':
+ cell = nn.GRU(input_size, hidden_size, bidirectional=True, dropout=dropout_rate, batch_first=False)
+ init_gru(cell)
+ return cell
+ elif cell_type == 'bilstm':
+ cell = nn.LSTM(input_size, hidden_size, bidirectional=True, dropout=dropout_rate, batch_first=False)
+ init_lstm(cell)
+ return cell
+
+
+class EncoderRNN(nn.Module):
+ def __init__(self, input_size, embedding_size, hidden_size, cell_type, depth, dropout):
+ super(EncoderRNN, self).__init__()
+ self.input_size = input_size
+ self.hidden_size = hidden_size
+ self.embed_size = embedding_size
+ self.n_layers = depth
+ self.dropout = dropout
+ self.bidirectional = False
+ if 'bi' in cell_type:
+ self.bidirectional = True
+ padding_idx = 3
+ self.embedding = nn.Embedding(input_size, embedding_size, padding_idx=padding_idx)
+ self.rnn = whatCellType(embedding_size, hidden_size,
+ cell_type, dropout_rate=self.dropout)
+
+ def forward(self, input_seqs, input_lens, hidden=None):
+ """
+ forward procedure. **No need for inputs to be sorted**
+ :param input_seqs: Variable of [T,B]
+ :param hidden:
+ :param input_lens: *numpy array* of len for each input sequence
+ :return:
+ """
+ input_lens = np.asarray(input_lens)
+ input_seqs = input_seqs.transpose(0,1)
+ #batch_size = input_seqs.size(1)
+ embedded = self.embedding(input_seqs)
+ embedded = embedded.transpose(0, 1) # [B,T,E]
+ sort_idx = np.argsort(-input_lens)
+ unsort_idx = torch.LongTensor(np.argsort(sort_idx))
+ input_lens = input_lens[sort_idx]
+ sort_idx = torch.LongTensor(sort_idx)
+ embedded = embedded[sort_idx].transpose(0, 1) # [T,B,E]
+ packed = torch.nn.utils.rnn.pack_padded_sequence(embedded, input_lens)
+ outputs, hidden = self.rnn(packed, hidden)
+ outputs, _ = torch.nn.utils.rnn.pad_packed_sequence(outputs)
+ if self.bidirectional:
+ outputs = outputs[:, :, :self.hidden_size] + outputs[:, :, self.hidden_size:]
+
+ outputs = outputs.transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+
+ if isinstance(hidden, tuple):
+ hidden = list(hidden)
+ hidden[0] = hidden[0].transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+ hidden[1] = hidden[1].transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+ hidden = tuple(hidden)
+ else:
+ hidden = hidden.transpose(0, 1)[unsort_idx].transpose(0, 1).contiguous()
+
+ return outputs, hidden
+
+
+class Attn(nn.Module):
+ def __init__(self, method, hidden_size):
+ super(Attn, self).__init__()
+ self.method = method
+ self.hidden_size = hidden_size
+ self.attn = nn.Linear(self.hidden_size * 2, hidden_size)
+ self.v = nn.Parameter(torch.rand(hidden_size))
+ stdv = 1. / math.sqrt(self.v.size(0))
+ self.v.data.normal_(mean=0, std=stdv)
+
+ def forward(self, hidden, encoder_outputs):
+ '''
+ :param hidden:
+ previous hidden state of the decoder, in shape (layers*directions,B,H)
+ :param encoder_outputs:
+ encoder outputs from Encoder, in shape (T,B,H)
+ :return
+ attention energies in shape (B,T)
+ '''
+ max_len = encoder_outputs.size(0)
+
+ H = hidden.repeat(max_len,1,1).transpose(0,1)
+ encoder_outputs = encoder_outputs.transpose(0,1) # [T,B,H] -> [B,T,H]
+ attn_energies = self.score(H,encoder_outputs) # compute attention score
+ return F.softmax(attn_energies, dim=1).unsqueeze(1) # normalize with softmax
+
+ def score(self, hidden, encoder_outputs):
+ cat = torch.cat([hidden, encoder_outputs], 2)
+ energy = torch.tanh(self.attn(cat)) # [B*T*2H]->[B*T*H]
+ energy = energy.transpose(2,1) # [B*H*T]
+ v = self.v.repeat(encoder_outputs.data.shape[0],1).unsqueeze(1) #[B*1*H]
+ energy = torch.bmm(v,energy) # [B*1*T]
+ return energy.squeeze(1) # [B*T]
+
+
+class SeqAttnDecoderRNN(nn.Module):
+ def __init__(self, embedding_size, hidden_size, output_size, cell_type, dropout_p=0.1, max_length=30):
+ super(SeqAttnDecoderRNN, self).__init__()
+ # Define parameters
+ self.hidden_size = hidden_size
+ self.embed_size = embedding_size
+ self.output_size = output_size
+ self.n_layers = 1
+ self.dropout_p = dropout_p
+
+ # Define layers
+ self.embedding = nn.Embedding(output_size, embedding_size)
+ self.dropout = nn.Dropout(dropout_p)
+
+ if 'bi' in cell_type: # we dont need bidirectionality in decoding
+ cell_type = cell_type.strip('bi')
+ self.rnn = whatCellType(embedding_size + hidden_size, hidden_size, cell_type, dropout_rate=self.dropout_p)
+ self.out = nn.Linear(hidden_size, output_size)
+
+ self.score = nn.Linear(self.hidden_size + self.hidden_size, self.hidden_size)
+ self.attn_combine = nn.Linear(embedding_size + hidden_size, embedding_size)
+
+ # attention
+ self.method = 'concat'
+ self.attn = nn.Linear(self.hidden_size * 2, hidden_size)
+ self.v = nn.Parameter(torch.rand(hidden_size))
+ stdv = 1. / math.sqrt(self.v.size(0))
+ self.v.data.normal_(mean=0, std=stdv)
+
+ def forward(self, input, hidden, encoder_outputs):
+ if isinstance(hidden, tuple):
+ h_t = hidden[0]
+ else:
+ h_t = hidden
+ encoder_outputs = encoder_outputs.transpose(0, 1)
+ embedded = self.embedding(input) # .view(1, 1, -1)
+ # embedded = F.dropout(embedded, self.dropout_p)
+
+ # SCORE 3
+ max_len = encoder_outputs.size(1)
+ h_t = h_t.transpose(0, 1) # [1,B,D] -> [B,1,D]
+ h_t = h_t.repeat(1, max_len, 1) # [B,1,D] -> [B,T,D]
+ energy = self.attn(torch.cat((h_t, encoder_outputs), 2)) # [B,T,2D] -> [B,T,D]
+ energy = torch.tanh(energy)
+ energy = energy.transpose(2, 1) # [B,H,T]
+ v = self.v.repeat(encoder_outputs.size(0), 1).unsqueeze(1) # [B,1,H]
+ energy = torch.bmm(v, energy) # [B,1,T]
+ attn_weights = F.softmax(energy, dim=2) # [B,1,T]
+
+ # getting context
+ context = torch.bmm(attn_weights, encoder_outputs) # [B,1,H]
+
+ # context = torch.bmm(attn_weights.unsqueeze(0), encoder_outputs.unsqueeze(0)) #[B,1,H]
+ # Combine embedded input word and attended context, run through RNN
+ rnn_input = torch.cat((embedded, context), 2)
+ rnn_input = rnn_input.transpose(0, 1)
+ output, hidden = self.rnn(rnn_input, hidden)
+ output = output.squeeze(0) # (1,B,V)->(B,V)
+
+ output = F.log_softmax(self.out(output), dim=1)
+ return output, hidden # , attn_weights
+
+
+class DecoderRNN(nn.Module):
+ def __init__(self, embedding_size, hidden_size, output_size, cell_type, dropout=0.1):
+ super(DecoderRNN, self).__init__()
+ self.hidden_size = hidden_size
+ self.cell_type = cell_type
+ padding_idx = 3
+ self.embedding = nn.Embedding(num_embeddings=output_size,
+ embedding_dim=embedding_size,
+ padding_idx=padding_idx
+ )
+ if 'bi' in cell_type: # we dont need bidirectionality in decoding
+ cell_type = cell_type.strip('bi')
+ self.rnn = whatCellType(embedding_size, hidden_size, cell_type, dropout_rate=dropout)
+ self.dropout_rate = dropout
+ self.out = nn.Linear(hidden_size, output_size)
+
+ def forward(self, input, hidden, not_used):
+ embedded = self.embedding(input).transpose(0, 1) # [B,1] -> [ 1,B, D]
+ embedded = F.dropout(embedded, self.dropout_rate)
+
+ output = embedded
+ #output = F.relu(embedded)
+
+ output, hidden = self.rnn(output, hidden)
+
+ out = self.out(output.squeeze(0))
+ output = F.log_softmax(out, dim=1)
+
+ return output, hidden
+
+
+class Model(nn.Module):
+ def __init__(self, args, input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index):
+ super(Model, self).__init__()
+ self.args = args
+ self.max_len = args.max_len
+
+ self.output_lang_index2word = output_lang_index2word
+ self.input_lang_index2word = input_lang_index2word
+
+ self.output_lang_word2index = output_lang_word2index
+ self.input_lang_word2index = input_lang_word2index
+
+ self.hid_size_enc = args.hid_size_enc
+ self.hid_size_dec = args.hid_size_dec
+ self.hid_size_pol = args.hid_size_pol
+
+ self.emb_size = args.emb_size
+ self.db_size = args.db_size
+ self.bs_size = args.bs_size
+ self.cell_type = args.cell_type
+ if 'bi' in self.cell_type:
+ self.num_directions = 2
+ else:
+ self.num_directions = 1
+ self.depth = args.depth
+ self.use_attn = args.use_attn
+ self.attn_type = args.attention_type
+
+ self.dropout = args.dropout
+ self.device = torch.device("cuda" if args.cuda else "cpu")
+
+ self.model_dir = args.model_dir
+ self.model_name = args.model_name
+ self.teacher_forcing_ratio = args.teacher_ratio
+ self.vocab_size = args.vocab_size
+ self.epsln = 10E-5
+
+
+ torch.manual_seed(args.seed)
+ self.build_model()
+ self.getCount()
+ try:
+ assert self.args.beam_width > 0
+ self.beam_search = True
+ except:
+ self.beam_search = False
+
+ self.global_step = 0
+
+ def cuda_(self, var):
+ return var.cuda() if self.args.cuda else var
+
+ def build_model(self):
+ self.encoder = EncoderRNN(len(self.input_lang_index2word), self.emb_size, self.hid_size_enc,
+ self.cell_type, self.depth, self.dropout).to(self.device)
+
+ self.policy = policy.DefaultPolicy(self.hid_size_pol, self.hid_size_enc, self.db_size, self.bs_size).to(self.device)
+
+ if self.use_attn:
+ if self.attn_type == 'bahdanau':
+ self.decoder = SeqAttnDecoderRNN(self.emb_size, self.hid_size_dec, len(self.output_lang_index2word), self.cell_type, self.dropout, self.max_len).to(self.device)
+ else:
+ self.decoder = DecoderRNN(self.emb_size, self.hid_size_dec, len(self.output_lang_index2word), self.cell_type, self.dropout).to(self.device)
+
+ if self.args.mode == 'train':
+ self.gen_criterion = nn.NLLLoss(ignore_index=3, size_average=True) # logsoftmax is done in decoder part
+ self.setOptimizers()
+
+ def train(self, input_tensor, input_lengths, target_tensor, target_lengths, db_tensor, bs_tensor, dial_name=None):
+ proba, _, decoded_sent = self.forward(input_tensor, input_lengths, target_tensor, target_lengths, db_tensor, bs_tensor)
+
+ proba = proba.view(-1, self.vocab_size)
+ self.gen_loss = self.gen_criterion(proba, target_tensor.view(-1))
+
+ self.loss = self.gen_loss
+ self.loss.backward()
+ grad = self.clipGradients()
+ self.optimizer.step()
+ self.optimizer.zero_grad()
+
+ #self.printGrad()
+ return self.loss.item(), 0, grad
+
+ def setOptimizers(self):
+ self.optimizer_policy = None
+ if self.args.optim == 'sgd':
+ self.optimizer = optim.SGD(lr=self.args.lr_rate, params=filter(lambda x: x.requires_grad, self.parameters()), weight_decay=self.args.l2_norm)
+ elif self.args.optim == 'adadelta':
+ self.optimizer = optim.Adadelta(lr=self.args.lr_rate, params=filter(lambda x: x.requires_grad, self.parameters()), weight_decay=self.args.l2_norm)
+ elif self.args.optim == 'adam':
+ self.optimizer = optim.Adam(lr=self.args.lr_rate, params=filter(lambda x: x.requires_grad, self.parameters()), weight_decay=self.args.l2_norm)
+
+ def forward(self, input_tensor, input_lengths, target_tensor, target_lengths, db_tensor, bs_tensor):
+ """Given the user sentence, user belief state and database pointer,
+ encode the sentence, decide what policy vector construct and
+ feed it as the first hiddent state to the decoder."""
+ target_length = target_tensor.size(1)
+
+ # for fixed encoding this is zero so it does not contribute
+ batch_size, seq_len = input_tensor.size()
+
+ # ENCODER
+ encoder_outputs, encoder_hidden = self.encoder(input_tensor, input_lengths)
+
+ # POLICY
+ decoder_hidden = self.policy(encoder_hidden, db_tensor, bs_tensor)
+
+ # GENERATOR
+ # Teacher forcing: Feed the target as the next input
+ _, target_len = target_tensor.size()
+ decoder_input = torch.LongTensor([[SOS_token] for _ in range(batch_size)], device=self.device)
+
+ proba = torch.zeros(batch_size, target_length, self.vocab_size) # [B,T,V]
+
+ for t in range(target_len):
+ decoder_output, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ use_teacher_forcing = True if random.random() < self.args.teacher_ratio else False
+ if use_teacher_forcing:
+ decoder_input = target_tensor[:, t].view(-1, 1) # [B,1] Teacher forcing
+ else:
+ # Without teacher forcing: use its own predictions as the next input
+ topv, topi = decoder_output.topk(1)
+ decoder_input = topi.squeeze().detach() # detach from history as input
+
+ proba[:, t, :] = decoder_output
+
+ decoded_sent = None
+
+ return proba, None, decoded_sent
+
+ def predict(self, input_tensor, input_lengths, target_tensor, target_lengths, db_tensor, bs_tensor):
+ with torch.no_grad():
+ # ENCODER
+ encoder_outputs, encoder_hidden = self.encoder(input_tensor, input_lengths)
+
+ # POLICY
+ decoder_hidden = self.policy(encoder_hidden, db_tensor, bs_tensor)
+
+ # GENERATION
+ decoded_words = self.decode(target_tensor, decoder_hidden, encoder_outputs)
+
+ return decoded_words, 0
+
+ def decode(self, target_tensor, decoder_hidden, encoder_outputs):
+ decoder_hiddens = decoder_hidden
+
+ if self.beam_search: # wenqiang style - sequicity
+ decoded_sentences = []
+ for idx in range(target_tensor.size(0)):
+ if isinstance(decoder_hiddens, tuple): # LSTM case
+ decoder_hidden = (decoder_hiddens[0][:,idx, :].unsqueeze(0),decoder_hiddens[1][:,idx, :].unsqueeze(0))
+ else:
+ decoder_hidden = decoder_hiddens[:, idx, :].unsqueeze(0)
+ encoder_output = encoder_outputs[:,idx, :].unsqueeze(1)
+
+ # Beam start
+ self.topk = 1
+ endnodes = [] # stored end nodes
+ number_required = min((self.topk + 1), self.topk - len(endnodes))
+ decoder_input = torch.LongTensor([[SOS_token]], device=self.device)
+
+ # starting node hidden vector, prevNode, wordid, logp, leng,
+ node = BeamSearchNode(decoder_hidden, None, decoder_input, 0, 1)
+ nodes = PriorityQueue() # start the queue
+ nodes.put((-node.eval(None, None, None, None),
+ node))
+
+ # start beam search
+ qsize = 1
+ while True:
+ # give up when decoding takes too long
+ if qsize > 2000: break
+
+ # fetch the best node
+ score, n = nodes.get()
+ decoder_input = n.wordid
+ decoder_hidden = n.h
+
+ if n.wordid.item() == EOS_token and n.prevNode != None: # its not empty
+ endnodes.append((score, n))
+ # if reach maximum # of sentences required
+ if len(endnodes) >= number_required:
+ break
+ else:
+ continue
+
+ # decode for one step using decoder
+ decoder_output, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_output)
+
+ log_prob, indexes = torch.topk(decoder_output, self.args.beam_width)
+ nextnodes = []
+
+ for new_k in range(self.args.beam_width):
+ decoded_t = indexes[0][new_k].view(1, -1)
+ log_p = log_prob[0][new_k].item()
+
+ node = BeamSearchNode(decoder_hidden, n, decoded_t, n.logp + log_p, n.leng + 1)
+ score = -node.eval(None, None, None, None)
+ nextnodes.append((score, node))
+
+ # put them into queue
+ for i in range(len(nextnodes)):
+ score, nn = nextnodes[i]
+ nodes.put((score, nn))
+
+ # increase qsize
+ qsize += len(nextnodes)
+
+ # choose nbest paths, back trace them
+ if len(endnodes) == 0:
+ endnodes = [nodes.get() for n in range(self.topk)]
+
+ utterances = []
+ for score, n in sorted(endnodes, key=operator.itemgetter(0)):
+ utterance = []
+ utterance.append(n.wordid)
+ # back trace
+ while n.prevNode != None:
+ n = n.prevNode
+ utterance.append(n.wordid)
+
+ utterance = utterance[::-1]
+ utterances.append(utterance)
+
+ decoded_words = utterances[0]
+ decoded_sentence = [self.output_index2word(str(ind.item())) for ind in decoded_words]
+ #print(decoded_sentence)
+ decoded_sentences.append(' '.join(decoded_sentence[1:-1]))
+
+ return decoded_sentences
+
+ else: # GREEDY DECODING
+ decoded_sentences = self.greedy_decode(decoder_hidden, encoder_outputs, target_tensor)
+ return decoded_sentences
+
+ def greedy_decode(self, decoder_hidden, encoder_outputs, target_tensor):
+ decoded_sentences = []
+ batch_size, seq_len = target_tensor.size()
+ decoder_input = torch.LongTensor([[SOS_token] for _ in range(batch_size)], device=self.device)
+
+ decoded_words = torch.zeros((batch_size, self.max_len))
+ for t in range(self.max_len):
+ decoder_output, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
+
+ topv, topi = decoder_output.data.topk(1) # get candidates
+ topi = topi.view(-1)
+
+ decoded_words[:, t] = topi
+ decoder_input = topi.detach().view(-1, 1)
+
+ for sentence in decoded_words:
+ sent = []
+ for ind in sentence:
+ if self.output_index2word(str(int(ind.item()))) == self.output_index2word(str(EOS_token)):
+ break
+ sent.append(self.output_index2word(str(int(ind.item()))))
+ decoded_sentences.append(' '.join(sent))
+
+ return decoded_sentences
+
+ def clipGradients(self):
+ grad = torch.nn.utils.clip_grad_norm_(self.parameters(), self.args.clip)
+ return grad
+
+ def saveModel(self, iter):
+ print('Saving parameters..')
+ if not os.path.exists(self.model_dir):
+ os.makedirs(self.model_dir)
+
+ torch.save(self.encoder.state_dict(), self.model_dir + self.model_name + '-' + str(iter) + '.enc')
+ torch.save(self.policy.state_dict(), self.model_dir + self.model_name + '-' + str(iter) + '.pol')
+ torch.save(self.decoder.state_dict(), self.model_dir + self.model_name + '-' + str(iter) + '.dec')
+
+ with open(self.model_dir + self.model_name + '.config', 'w') as f:
+ # f.write(unicode(json.dumps(vars(self.args), ensure_ascii=False, indent=4)))
+ f.write(json.dumps(vars(self.args), ensure_ascii=False, indent=4))
+
+ def loadModel(self, iter=0):
+ print('Loading parameters of iter %s ' % iter)
+ self.encoder.load_state_dict(torch.load(self.model_dir + self.model_name + '-' + str(iter) + '.enc'))
+ self.policy.load_state_dict(torch.load(self.model_dir + self.model_name + '-' + str(iter) + '.pol'))
+ self.decoder.load_state_dict(torch.load(self.model_dir + self.model_name + '-' + str(iter) + '.dec'))
+
+ def input_index2word(self, index):
+ # if self.input_lang_index2word.has_key(index):
+ if index in self.input_lang_index2word:
+ return self.input_lang_index2word[index]
+ else:
+ raise UserWarning('We are using UNK')
+
+ def output_index2word(self, index):
+ # if self.output_lang_index2word.has_key(index):
+ if index in self.output_lang_index2word:
+ return self.output_lang_index2word[index]
+ else:
+ raise UserWarning('We are using UNK')
+
+ def input_word2index(self, index):
+ # if self.input_lang_word2index.has_key(index):
+ if index in self.input_lang_word2index:
+ return self.input_lang_word2index[index]
+ else:
+ return 2
+
+ def output_word2index(self, index):
+ # if self.output_lang_word2index.has_key(index):
+ if index in self.output_lang_word2index:
+ return self.output_lang_word2index[index]
+ else:
+ return 2
+
+ def getCount(self):
+ learnable_parameters = filter(lambda p: p.requires_grad, self.parameters())
+ param_cnt = sum([reduce((lambda x, y: x * y), param.shape) for param in learnable_parameters])
+ print('Model has', param_cnt, ' parameters.')
+
+ def printGrad(self):
+ learnable_parameters = filter(lambda p: p.requires_grad, self.parameters())
+ for idx, param in enumerate(learnable_parameters):
+ print(param.grad, param.shape)
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/model/policy.py b/convlab/modules/word_policy/multiwoz/mdrg/model/policy.py
new file mode 100644
index 0000000..8746bb1
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/model/policy.py
@@ -0,0 +1,32 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import torch
+import torch.nn as nn
+
+
+class DefaultPolicy(nn.Module):
+ def __init__(self, hidden_size_pol, hidden_size, db_size, bs_size):
+ super(DefaultPolicy, self).__init__()
+ self.hidden_size = hidden_size
+
+
+ self.W_u = nn.Linear(hidden_size, hidden_size_pol, bias=False)
+ self.W_bs = nn.Linear(bs_size, hidden_size_pol, bias=False)
+ self.W_db = nn.Linear(db_size, hidden_size_pol, bias=False)
+
+ def forward(self, encodings, db_tensor, bs_tensor, act_tensor=None):
+ if isinstance(encodings, tuple):
+ hidden = encodings[0]
+ else:
+ hidden = encodings
+
+ # Network based
+ output = self.W_u(hidden[0]) + self.W_db(db_tensor) + self.W_bs(bs_tensor)
+ output = torch.tanh(output)
+
+ if isinstance(encodings, tuple): # return LSTM tuple
+ return (output.unsqueeze(0), encodings[1])
+ else:
+ return output.unsqueeze(0)
+
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/predict.py b/convlab/modules/word_policy/multiwoz/mdrg/predict.py
new file mode 100644
index 0000000..3399cbb
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/predict.py
@@ -0,0 +1,660 @@
+#!/usr/bin/env python
+# coding: utf-8
+
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+from __future__ import division, print_function, unicode_literals
+
+import json
+import os
+import time
+import re
+
+import numpy as np
+import torch
+import pickle
+from copy import deepcopy
+from pprint import pprint
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils import util, dbquery, delexicalize
+from convlab.modules.word_policy.multiwoz.mdrg.model import Model
+from convlab.modules.word_policy.multiwoz.mdrg.utils.nlp import normalize
+# from convlab.modules.word_policy.mdrg.utils import dbPointer
+from convlab.modules.dst.multiwoz.dst_util import init_state
+
+
+DATA_PATH = os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(
+ os.path.dirname(os.path.dirname(os.path.abspath(__file__)))))), 'data/nrg/mdrg')
+
+class Args(object):
+ pass
+args = Args()
+args.no_cuda = True
+args.seed = 1
+args.no_models = 20
+args.original = DATA_PATH #'/home/sule/projects/research/multiwoz/model/model/'
+args.dropout = 0.
+args.use_emb = 'False'
+args.beam_width = 10
+args.write_n_best = False
+args.model_path = os.path.join(DATA_PATH, 'translate.ckpt')
+args.model_dir = DATA_PATH + '/' #'/home/sule/projects/research/multiwoz/model/model/'
+args.model_name = 'translate.ckpt'
+args.valid_output = 'val_dials' #'/home/sule/projects/research/multiwoz/model/data/val_dials/'
+args.test_output = 'test_dials' #'/home/sule/projects/research/multiwoz/model/data/test_dials/'
+
+args.batch_size=64
+args.vocab_size=400
+
+args.use_attn=False
+args.attention_type='bahdanau'
+args.use_emb=False
+
+args.emb_size=50
+args.hid_size_enc=150
+args.hid_size_dec=150
+args.hid_size_pol=150
+args.db_size=30
+args.bs_size=94
+
+args.cell_type='lstm'
+args.depth=1
+args.max_len=50
+
+args.optim='adam'
+args.lr_rate=0.005
+args.lr_decay=0.0
+args.l2_norm=0.00001
+args.clip=5.0
+
+args.teacher_ratio=1.0
+args.dropout=0.0
+
+args.no_cuda=True
+
+args.seed=0
+args.train_output='train_dials' #'data/train_dials/'
+
+args.max_epochs=15
+args.early_stop_count=2
+
+args.load_param=False
+args.epoch_load=0
+
+args.mode='test'
+
+args.cuda = not args.no_cuda and torch.cuda.is_available()
+
+torch.manual_seed(args.seed)
+
+device = torch.device("cuda" if args.cuda else "cpu")
+
+
+def load_config(args):
+ config = util.unicode_to_utf8(
+ json.load(open('%s.json' % args.model_path, 'rb')))
+ for key, value in args.__args.items():
+ try:
+ config[key] = value.value
+ except:
+ config[key] = value
+
+ return config
+
+
+def loadModel(num):
+ # Load dictionaries
+ with open(os.path.join(DATA_PATH, 'input_lang.index2word.json')) as f:
+ input_lang_index2word = json.load(f)
+ with open(os.path.join(DATA_PATH, 'input_lang.word2index.json')) as f:
+ input_lang_word2index = json.load(f)
+ with open(os.path.join(DATA_PATH, 'output_lang.index2word.json')) as f:
+ output_lang_index2word = json.load(f)
+ with open(os.path.join(DATA_PATH, 'output_lang.word2index.json')) as f:
+ output_lang_word2index = json.load(f)
+
+ # Reload existing checkpoint
+ model = Model(args, input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index)
+ model.loadModel(iter=num)
+
+ return model
+
+
+def addBookingPointer(state, pointer_vector):
+ """Add information about availability of the booking option."""
+ # Booking pointer
+ rest_vec = np.array([1, 0])
+ if "book" in state['restaurant']:
+ if "booked" in state['restaurant']['book']:
+ if state['restaurant']['book']["booked"]:
+ if "reference" in state['restaurant']['book']["booked"][0]:
+ rest_vec = np.array([0, 1])
+
+ hotel_vec = np.array([1, 0])
+ if "book" in state['hotel']:
+ if "booked" in state['hotel']['book']:
+ if state['hotel']['book']["booked"]:
+ if "reference" in state['hotel']['book']["booked"][0]:
+ hotel_vec = np.array([0, 1])
+
+ train_vec = np.array([1, 0])
+ if "book" in state['train']:
+ if "booked" in state['train']['book']:
+ if state['train']['book']["booked"]:
+ if "reference" in state['train']['book']["booked"][0]:
+ train_vec = np.array([0, 1])
+
+ pointer_vector = np.append(pointer_vector, rest_vec)
+ pointer_vector = np.append(pointer_vector, hotel_vec)
+ pointer_vector = np.append(pointer_vector, train_vec)
+
+ # pprint(pointer_vector)
+ return pointer_vector
+
+
+def addDBPointer(state):
+ """Create database pointer for all related domains."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train']
+ pointer_vector = np.zeros(6 * len(domains))
+ db_results = {}
+ num_entities = {}
+ for domain in domains:
+ # entities = dbPointer.queryResultVenues(domain, {'metadata': state})
+ entities = dbquery.query(domain, state[domain]['semi'].items())
+ num_entities[domain] = len(entities)
+ if len(entities) > 0:
+ # fields = dbPointer.table_schema(domain)
+ # db_results[domain] = dict(zip(fields, entities[0]))
+ db_results[domain] = entities[0]
+ # pointer_vector = dbPointer.oneHotVector(len(entities), domain, pointer_vector)
+ pointer_vector = oneHotVector(len(entities), domain, pointer_vector)
+
+ return pointer_vector, db_results, num_entities
+
+def oneHotVector(num, domain, vector):
+ """Return number of available entities for particular domain."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train']
+ number_of_options = 6
+ if domain != 'train':
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0,0])
+ elif num == 1:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num == 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num == 3:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num == 4:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num >= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+ else:
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0, 0])
+ elif num <= 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num <= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num <= 10:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num <= 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num > 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+
+ return vector
+
+
+def delexicaliseReferenceNumber(sent, state):
+ """Based on the belief state, we can find reference number that
+ during data gathering was created randomly."""
+ domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital'] # , 'police']
+ for domain in domains:
+ if state[domain]['book']['booked']:
+ for slot in state[domain]['book']['booked'][0]:
+ if slot == 'reference':
+ val = '[' + domain + '_' + slot + ']'
+ else:
+ val = '[' + domain + '_' + slot + ']'
+ key = normalize(state[domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+
+ # try reference with hashtag
+ key = normalize("#" + state[domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+
+ # try reference with ref#
+ key = normalize("ref#" + state[domain]['book']['booked'][0][slot])
+ sent = (' ' + sent + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+ return sent
+
+
+def get_summary_bstate(bstate):
+ """Based on the mturk annotations we form multi-domain belief state"""
+ domains = ['taxi', 'restaurant', 'hospital', 'hotel', 'attraction', 'train', 'police']
+ summary_bstate = []
+ for domain in domains:
+ domain_active = False
+
+ booking = []
+ #print(domain,len(bstate[domain]['book'].keys()))
+ for slot in sorted(bstate[domain]['book'].keys()):
+ if slot == 'booked':
+ if bstate[domain]['book']['booked']:
+ booking.append(1)
+ else:
+ booking.append(0)
+ else:
+ if bstate[domain]['book'][slot] != "":
+ print("domain {} booking set".format(domain))
+ booking.append(1)
+ else:
+ booking.append(0)
+ if domain == 'train':
+ if 'people' not in bstate[domain]['book'].keys():
+ booking.append(0)
+ if 'ticket' not in bstate[domain]['book'].keys():
+ booking.append(0)
+ summary_bstate += booking
+
+ for slot in bstate[domain]['semi']:
+ slot_enc = [0, 0, 0] # not mentioned, dontcare, filled
+ if bstate[domain]['semi'][slot] == 'not mentioned':
+ slot_enc[0] = 1
+ elif bstate[domain]['semi'][slot] == 'dont care' or bstate[domain]['semi'][slot] == 'dontcare' or bstate[domain]['semi'][slot] == "don't care":
+ slot_enc[1] = 1
+ elif bstate[domain]['semi'][slot]:
+ slot_enc[2] = 1
+ if slot_enc != [0, 0, 0]:
+ domain_active = True
+ summary_bstate += slot_enc
+
+ # quasi domain-tracker
+ if domain_active:
+ summary_bstate += [1]
+ else:
+ summary_bstate += [0]
+
+ # pprint(summary_bstate)
+ #print(len(summary_bstate))
+ assert len(summary_bstate) == 94
+ return summary_bstate
+
+
+def populate_template(template, top_results, num_results, state):
+ print('template: ', template)
+ print("Number of results: ", num_results)
+ pprint(top_results)
+ active_domain = None if len(top_results.keys()) == 0 else list(top_results.keys())[0]
+ print('result domain', active_domain)
+ template = template.replace('book [value_count] of them', 'book one of them')
+ tokens = template.split()
+ response = []
+ for token in tokens:
+ if token.startswith('[') and token.endswith(']'):
+ domain = token[1:-1].split('_')[0]
+ slot = token[1:-1].split('_')[1]
+ if domain == 'train' and slot == 'id':
+ slot = 'trainID'
+ if domain in top_results and len(top_results[domain]) > 0 and slot in top_results[domain]:
+ print('{} -> {}'.format(token, top_results[domain][slot]))
+ response.append(top_results[domain][slot])
+ elif domain == 'value':
+ if slot == 'count':
+ response.append(str(num_results))
+ elif slot == 'place':
+ if 'arrive' in response:
+ for d in state:
+ if d == 'history':
+ continue
+ if 'destination' in state[d]['semi']:
+ response.append(state[d]['semi']['destination'])
+ break
+ elif 'leave' in response:
+ for d in state:
+ if d == 'history':
+ continue
+ if 'departure' in state[d]['semi']:
+ response.append(state[d]['semi']['departure'])
+ break
+ else:
+ try:
+ for d in state:
+ if d == 'history':
+ continue
+ for s in ['destination', 'departure']:
+ if s in state[d]['semi']:
+ response.append(state[d]['semi'][s])
+ raise
+ except:
+ pass
+ else:
+ response.append(token)
+ elif slot == 'time':
+ print(response[-3:])
+ if 'arrive' in ' '.join(response[-3:]):
+ if active_domain is not None and 'arriveBy' in top_results[active_domain]:
+ print('{} -> {}'.format(token, top_results[active_domain]['arriveBy']))
+ response.append(top_results[active_domain]['arriveBy'])
+ continue
+ for d in state:
+ if d == 'history':
+ continue
+ if 'arriveBy' in state[d]['semi']:
+ response.append(state[d]['semi']['arriveBy'])
+ break
+ elif 'leave' in ' '.join(response[-3:]):
+ if active_domain is not None and 'leaveAt' in top_results[active_domain]:
+ print('{} -> {}'.format(token, top_results[active_domain]['leaveAt']))
+ response.append(top_results[active_domain]['leaveAt'])
+ continue
+ for d in state:
+ if d == 'history':
+ continue
+ if 'leaveAt' in state[d]['semi']:
+ response.append(state[d]['semi']['leaveAt'])
+ break
+ elif 'book' in response:
+ if state['restaurant']['book']['time'] != "":
+ response.append(state['restaurant']['book']['time'])
+ else:
+ try:
+ for d in state:
+ if d == 'history':
+ continue
+ for s in ['arriveBy', 'leaveAt']:
+ if s in state[d]['semi']:
+ response.append(state[d]['semi'][s])
+ raise
+ except:
+ pass
+ else:
+ response.append(token)
+ else:
+ # slot-filling based on query results
+ for d in top_results:
+ if slot in top_results[d]:
+ response.append(top_results[d][slot])
+ break
+ else:
+ # slot-filling based on belief state
+ for d in state:
+ if d == 'history':
+ continue
+ if slot in state[d]['semi']:
+ response.append(state[d]['semi'][slot])
+ break
+ else:
+ response.append(token)
+ else:
+ if domain == 'hospital':
+ if slot == 'phone':
+ response.append('01223216297')
+ elif slot == 'department':
+ response.append('neurosciences critical care unit')
+ elif domain == 'police':
+ if slot == 'phone':
+ response.append('01223358966')
+ elif slot == 'name':
+ response.append('Parkside Police Station')
+ elif slot == 'address':
+ response.append('Parkside, Cambridge')
+ elif domain == 'taxi':
+ if slot == 'phone':
+ response.append('01223358966')
+ elif slot == 'color':
+ response.append('white')
+ elif slot == 'type':
+ response.append('toyota')
+ else:
+ print(token)
+ response.append(token)
+ else:
+ response.append(token)
+
+ try:
+ response = ' '.join(response)
+ except Exception as e:
+ pprint(response)
+ raise
+ response = response.replace(' -s', 's')
+ response = response.replace(' -ly', 'ly')
+ response = response.replace(' .', '.')
+ response = response.replace(' ?', '?')
+ return response
+
+
+def mark_not_mentioned(state):
+ for domain in state:
+ # if domain == 'history':
+ if domain not in ['police', 'hospital', 'taxi', 'train', 'attraction', 'restaurant', 'hotel']:
+ continue
+ try:
+ # if len([s for s in state[domain]['semi'] if s != 'book' and state[domain]['semi'][s] != '']) > 0:
+ # for s in state[domain]['semi']:
+ # if s != 'book' and state[domain]['semi'][s] == '':
+ # state[domain]['semi'][s] = 'not mentioned'
+ for s in state[domain]['semi']:
+ if state[domain]['semi'][s] == '':
+ state[domain]['semi'][s] = 'not mentioned'
+ except Exception as e:
+ print(str(e))
+ pprint(state[domain])
+
+
+def predict(model, prev_state, prev_active_domain, state, dic):
+ start_time = time.time()
+ model.beam_search = False
+ input_tensor = []; bs_tensor = []; db_tensor = []
+
+ print("predict")
+ usr = state['history'][-1][-1]
+
+ prev_state = deepcopy(prev_state['belief_state'])
+ state = deepcopy(state['belief_state'])
+
+ mark_not_mentioned(prev_state)
+ mark_not_mentioned(state)
+ print('prev_state')
+ pprint(prev_state)
+ print('state')
+ pprint(state)
+ print('prev_active_domain', prev_active_domain)
+
+ words = usr.split()
+ usr = delexicalize.delexicalise(' '.join(words), dic)
+
+ # parsing reference number GIVEN belief state
+ usr = delexicaliseReferenceNumber(usr, state)
+
+ # changes to numbers only here
+ digitpat = re.compile('\d+')
+ usr = re.sub(digitpat, '[value_count]', usr)
+ # dialogue = fixDelex(dialogue_name, dialogue, data2, idx, idx_acts)
+
+ # add database pointer
+ pointer_vector, top_results, num_results = addDBPointer(state)
+ # add booking pointer
+ pointer_vector = addBookingPointer(state, pointer_vector)
+ belief_summary = get_summary_bstate(state)
+
+ tensor = [model.input_word2index(word) for word in normalize(usr).strip(' ').split(' ')] + [util.EOS_token]
+ input_tensor.append(torch.LongTensor(tensor))
+ bs_tensor.append(belief_summary) #
+ db_tensor.append(pointer_vector) # db results and booking
+ # bs_tensor.append([0.] * 94) #
+ # db_tensor.append([0.] * 30) # db results and booking
+ # create an empty matrix with padding tokens
+ input_tensor, input_lengths = util.padSequence(input_tensor)
+ bs_tensor = torch.tensor(bs_tensor, dtype=torch.float, device=device)
+ db_tensor = torch.tensor(db_tensor, dtype=torch.float, device=device)
+
+ pprint(input_tensor)
+ pprint(bs_tensor)
+ pprint(db_tensor)
+ output_words, loss_sentence = model.predict(input_tensor, input_lengths, input_tensor, input_lengths,
+ db_tensor, bs_tensor)
+ active_domain = get_active_domain(prev_active_domain, prev_state, state)
+ print('active_domain:', active_domain)
+ if active_domain is not None and active_domain in num_results:
+ num_results = num_results[active_domain]
+ else:
+ num_results = 0
+ if active_domain is not None and active_domain in top_results:
+ top_results = {active_domain: top_results[active_domain]}
+ else:
+ top_results = {}
+ response = populate_template(output_words[0], top_results, num_results, state)
+ print('prediction:', response)
+ print('TIME:', time.time() - start_time)
+ return response, active_domain
+
+
+def get_active_domain(prev_active_domain, prev_state, state):
+ domains = ['hotel', 'restaurant', 'attraction', 'train', 'taxi', 'hospital', 'police']
+ active_domain = None
+ print('get_active_domain')
+ for domain in domains:
+ print(domain)
+ if domain not in prev_state and domain not in state:
+ continue
+ if domain in prev_state and domain not in state:
+ return domain
+ elif domain not in prev_state and domain in state:
+ return domain
+ elif prev_state[domain] != state[domain]:
+ pprint(prev_state[domain])
+ pprint(state[domain])
+ active_domain = domain
+ if active_domain is None:
+ print('use previous active domain')
+ active_domain = prev_active_domain
+ return active_domain
+
+
+class MDRGWordPolicy(object):
+ def __init__(self):
+ self.dic = pickle.load(open(os.path.join(DATA_PATH, 'svdic.pkl'), 'rb'))
+ self.response_model = loadModel(15)
+ self.prev_state = init_state()
+ self.prev_active_domain = None
+
+ def predict(self, state):
+ try:
+ response, active_domain = predict(self.response_model, self.prev_state, self.prev_active_domain, state, self.dic)
+ except Exception as e:
+ print('Response generation error', e)
+ response = 'What did you say?'
+ self.prev_state = deepcopy(state)
+ self.prev_active_domain = active_domain
+ return response
+
+
+if __name__ == '__main__':
+ dic = pickle.load(open(os.path.join(DATA_PATH, 'svdic.pkl'), 'rb'))
+ state = {
+ "police": {
+ "book": {
+ "booked": []
+ },
+ "semi": {}
+ },
+ "hotel": {
+ "book": {
+ "booked": [],
+ "people": "",
+ "day": "",
+ "stay": ""
+ },
+ "semi": {
+ "name": "",
+ "area": "",
+ "parking": "",
+ "pricerange": "",
+ "stars": "",
+ "internet": "",
+ "type": ""
+ }
+ },
+ "attraction": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "type": "",
+ "name": "",
+ "area": ""
+ }
+ },
+ "restaurant": {
+ "book": {
+ "booked": [],
+ "people": "",
+ "day": "",
+ "time": ""
+ },
+ "semi": {
+ "food": "",
+ "price range": "",
+ "name": "",
+ "area": "",
+ }
+ },
+ "hospital": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "department": ""
+ }
+ },
+ "taxi": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "leaveAt": "",
+ "destination": "",
+ "departure": "",
+ "arriveBy": ""
+ }
+ },
+ "train": {
+ "book": {
+ "booked": [],
+ "people": ""
+ },
+ "semi": {
+ "leaveAt": "",
+ "destination": "",
+ "day": "",
+ "arriveBy": "",
+ "departure": ""
+ }
+ }
+ }
+
+ m = loadModel(15)
+
+ # modify state
+ s = deepcopy(state)
+ s['history'] = [['null', 'I want a korean restaurant in the centre.']]
+ s['attraction']['semi']['area'] = 'centre'
+ s['restaurant']['semi']['area'] = 'centre'
+ s['restaurant']['semi']['food'] = 'korean'
+ # s['history'] = [['null', 'i need to book a hotel in the east that has 4 stars.']]
+ # s['hotel']['semi']['area'] = 'east'
+ # s['hotel']['semi']['stars'] = '4'
+ predict(m, state, s, dic)
+
+ # import requests
+ # resp = requests.post('http://localhost:10001', json={'history': [['null', 'I want a korean restaurant in the centre.']]})
+ # if resp.status_code != 200:
+ # # raise Exception('POST /tasks/ {}'.format(resp.status_code))
+ # response = "Sorry, there is some problem"
+ # else:
+ # response = resp.json()["response"]
+ # print('Response: {}'.format(response))
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/requirements.txt b/convlab/modules/word_policy/multiwoz/mdrg/requirements.txt
new file mode 100644
index 0000000..b89858b
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/requirements.txt
@@ -0,0 +1,5 @@
+torch
+numpy
+nltk
+scipy
+simplejson
\ No newline at end of file
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/test.py b/convlab/modules/word_policy/multiwoz/mdrg/test.py
new file mode 100644
index 0000000..9954c17
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/test.py
@@ -0,0 +1,198 @@
+#!/usr/bin/env python
+# coding: utf-8
+
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+from __future__ import division, print_function, unicode_literals
+
+import argparse
+import json
+import os
+import shutil
+import time
+
+import torch
+from pprint import pprint
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils import util
+from convlab.modules.word_policy.multiwoz.mdrg.model import evaluateModel
+from convlab.modules.word_policy.multiwoz.mdrg.model import Model
+
+parser = argparse.ArgumentParser(description='S2S')
+parser.add_argument('--no_cuda', type=util.str2bool, nargs='?', const=True, default=True, help='enables CUDA training')
+parser.add_argument('--seed', type=int, default=1, metavar='S', help='random seed (default: 1)')
+
+parser.add_argument('--no_models', type=int, default=15, help='how many models to evaluate')
+parser.add_argument('--original', type=str, default='model/model/', help='Original path.')
+
+parser.add_argument('--dropout', type=float, default=0.0)
+parser.add_argument('--use_emb', type=str, default='False')
+
+parser.add_argument('--beam_width', type=int, default=10, help='Beam width used in beamsearch')
+parser.add_argument('--write_n_best', type=util.str2bool, nargs='?', const=True, default=False, help='Write n-best list (n=beam_width)')
+
+parser.add_argument('--model_path', type=str, default='model/model/translate.ckpt', help='Path to a specific model checkpoint.')
+parser.add_argument('--model_dir', type=str, default='model/')
+parser.add_argument('--model_name', type=str, default='translate.ckpt')
+
+parser.add_argument('--valid_output', type=str, default='model/data/val_dials/', help='Validation Decoding output dir path')
+parser.add_argument('--decode_output', type=str, default='model/data/test_dials/', help='Decoding output dir path')
+
+args = parser.parse_args()
+args.cuda = not args.no_cuda and torch.cuda.is_available()
+
+torch.manual_seed(args.seed)
+
+device = torch.device("cuda" if args.cuda else "cpu")
+
+
+def load_config(args):
+ config = util.unicode_to_utf8(
+ json.load(open('%s.json' % args.model_path, 'rb')))
+ for key, value in args.__args.items():
+ try:
+ config[key] = value.value
+ except:
+ config[key] = value
+
+ return config
+
+
+def loadModelAndData(num):
+ # Load dictionaries
+ with open('data/input_lang.index2word.json') as f:
+ input_lang_index2word = json.load(f)
+ with open('data/input_lang.word2index.json') as f:
+ input_lang_word2index = json.load(f)
+ with open('data/output_lang.index2word.json') as f:
+ output_lang_index2word = json.load(f)
+ with open('data/output_lang.word2index.json') as f:
+ output_lang_word2index = json.load(f)
+
+ # Reload existing checkpoint
+ model = Model(args, input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index)
+ if args.load_param:
+ model.loadModel(iter=num)
+
+ # Load data
+ if os.path.exists(args.decode_output):
+ shutil.rmtree(args.decode_output)
+ os.makedirs(args.decode_output)
+ else:
+ os.makedirs(args.decode_output)
+
+ if os.path.exists(args.valid_output):
+ shutil.rmtree(args.valid_output)
+ os.makedirs(args.valid_output)
+ else:
+ os.makedirs(args.valid_output)
+
+ # Load validation file list:
+ # with open('data/val_dials.json') as outfile:
+ with open('data/x_dials.json') as outfile:
+ val_dials = json.load(outfile)
+
+ # Load test file list:
+ # with open('data/test_dials.json') as outfile:
+ with open('data/x_dials.json') as outfile:
+ test_dials = json.load(outfile)
+ return model, val_dials, test_dials
+
+
+def decode(num=1):
+ model, val_dials, test_dials = loadModelAndData(num)
+
+ start_time = time.time()
+ for ii in range(1):
+ if ii == 0:
+ print(50 * '-' + 'GREEDY')
+ model.beam_search = False
+ else:
+ print(50 * '-' + 'BEAM')
+ model.beam_search = True
+
+ # VALIDATION
+ val_dials_gen = {}
+ valid_loss = 0
+ for name, val_file in val_dials.items():
+ input_tensor = []; target_tensor = [];bs_tensor = [];db_tensor = []
+ input_tensor, target_tensor, bs_tensor, db_tensor = util.loadDialogue(model, val_file, input_tensor, target_tensor, bs_tensor, db_tensor)
+ # create an empty matrix with padding tokens
+ input_tensor, input_lengths = util.padSequence(input_tensor)
+ target_tensor, target_lengths = util.padSequence(target_tensor)
+ bs_tensor = torch.tensor(bs_tensor, dtype=torch.float, device=device)
+ db_tensor = torch.tensor(db_tensor, dtype=torch.float, device=device)
+
+ pprint(input_tensor)
+ pprint(target_tensor)
+ print(bs_tensor)
+ print(db_tensor)
+ # output_words, loss_sentence = model.predict(input_tensor, input_lengths, target_tensor, target_lengths,
+ # db_tensor, bs_tensor)
+ output_words, loss_sentence = model.predict(input_tensor, input_lengths, input_tensor, input_lengths,
+ db_tensor, bs_tensor)
+ print(output_words)
+
+ valid_loss += 0
+ val_dials_gen[name] = output_words
+
+ print('Current VALID LOSS:', valid_loss)
+ with open(args.valid_output + 'val_dials_gen.json', 'w') as outfile:
+ json.dump(val_dials_gen, outfile)
+ evaluateModel(val_dials_gen, val_dials, mode='valid')
+
+ # TESTING
+ test_dials_gen = {}
+ test_loss = 0
+ for name, test_file in test_dials.items():
+ input_tensor = []; target_tensor = [];bs_tensor = [];db_tensor = []
+ input_tensor, target_tensor, bs_tensor, db_tensor = util.loadDialogue(model, test_file, input_tensor, target_tensor, bs_tensor, db_tensor)
+ # create an empty matrix with padding tokens
+ input_tensor, input_lengths = util.padSequence(input_tensor)
+ target_tensor, target_lengths = util.padSequence(target_tensor)
+ bs_tensor = torch.tensor(bs_tensor, dtype=torch.float, device=device)
+ db_tensor = torch.tensor(db_tensor, dtype=torch.float, device=device)
+
+ output_words, loss_sentence = model.predict(input_tensor, input_lengths, target_tensor, target_lengths,
+ db_tensor, bs_tensor)
+ test_loss += 0
+ test_dials_gen[name] = output_words
+
+
+ test_loss /= len(test_dials)
+ print('Current TEST LOSS:', test_loss)
+ with open(args.decode_output + 'test_dials_gen.json', 'w') as outfile:
+ json.dump(test_dials_gen, outfile)
+ evaluateModel(test_dials_gen, test_dials, mode='test')
+
+ print('TIME:', time.time() - start_time)
+
+
+def decodeWrapper():
+ # Load config file
+ with open(args.model_path + '.config') as f:
+ add_args = json.load(f)
+ for k, v in add_args.items():
+ setattr(args, k, v)
+
+ args.mode = 'test'
+ args.load_param = True
+ args.dropout = 0.0
+ assert args.dropout == 0.0
+
+ # Start going through models
+ args.original = args.model_path
+ for ii in range(15, args.no_models + 1):
+ print(70 * '-' + 'EVALUATING EPOCH %s' % ii)
+ args.model_path = args.model_path + '-' + str(ii)
+ try:
+ decode(ii)
+ except:
+ print('cannot decode')
+ raise
+
+ args.model_path = args.original
+
+if __name__ == '__main__':
+ decodeWrapper()
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/train.py b/convlab/modules/word_policy/multiwoz/mdrg/train.py
new file mode 100644
index 0000000..54d56bc
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/train.py
@@ -0,0 +1,176 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+from __future__ import division, print_function, unicode_literals
+
+import argparse
+import json
+import random
+import time
+from io import open
+
+import torch
+from torch.optim import Adam
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils import util
+from convlab.modules.word_policy.multiwoz.mdrg.model import Model
+
+
+parser = argparse.ArgumentParser(description='S2S')
+parser.add_argument('--batch_size', type=int, default=64, metavar='N', help='input batch size for training (default: 128)')
+parser.add_argument('--vocab_size', type=int, default=400, metavar='V')
+
+parser.add_argument('--use_attn', type=util.str2bool, nargs='?', const=True, default=False)
+parser.add_argument('--attention_type', type=str, default='bahdanau')
+parser.add_argument('--use_emb', type=util.str2bool, nargs='?', const=True, default=False)
+
+parser.add_argument('--emb_size', type=int, default=50)
+parser.add_argument('--hid_size_enc', type=int, default=150)
+parser.add_argument('--hid_size_dec', type=int, default=150)
+parser.add_argument('--hid_size_pol', type=int, default=150)
+parser.add_argument('--db_size', type=int, default=30)
+parser.add_argument('--bs_size', type=int, default=94)
+
+parser.add_argument('--cell_type', type=str, default='lstm')
+parser.add_argument('--depth', type=int, default=1, help='depth of rnn')
+parser.add_argument('--max_len', type=int, default=50)
+
+parser.add_argument('--optim', type=str, default='adam')
+parser.add_argument('--lr_rate', type=float, default=0.005)
+parser.add_argument('--lr_decay', type=float, default=0.0)
+parser.add_argument('--l2_norm', type=float, default=0.00001)
+parser.add_argument('--clip', type=float, default=5.0, help='clip the gradient by norm')
+
+parser.add_argument('--teacher_ratio', type=float, default=1.0, help='probability of using targets for learning')
+parser.add_argument('--dropout', type=float, default=0.0)
+
+parser.add_argument('--no_cuda', type=util.str2bool, nargs='?', const=True, default=True)
+
+parser.add_argument('--seed', type=int, default=0, metavar='S', help='random seed (default: 1)')
+parser.add_argument('--train_output', type=str, default='data/train_dials/', help='Training output dir path')
+
+parser.add_argument('--max_epochs', type=int, default=15)
+parser.add_argument('--early_stop_count', type=int, default=2)
+parser.add_argument('--model_dir', type=str, default='model/model/')
+parser.add_argument('--model_name', type=str, default='translate.ckpt')
+
+parser.add_argument('--load_param', type=util.str2bool, nargs='?', const=True, default=False)
+parser.add_argument('--epoch_load', type=int, default=0)
+
+parser.add_argument('--mode', type=str, default='train', help='training or testing: test, train, RL')
+
+
+args = parser.parse_args()
+args.cuda = not args.no_cuda and torch.cuda.is_available()
+torch.manual_seed(args.seed)
+device = torch.device("cuda" if args.cuda else "cpu")
+
+
+def train(print_loss_total,print_act_total, print_grad_total, input_tensor, target_tensor, bs_tensor, db_tensor, name=None):
+ # create an empty matrix with padding tokens
+ input_tensor, input_lengths = util.padSequence(input_tensor)
+ target_tensor, target_lengths = util.padSequence(target_tensor)
+ bs_tensor = torch.tensor(bs_tensor, dtype=torch.float, device=device)
+ db_tensor = torch.tensor(db_tensor, dtype=torch.float, device=device)
+
+ loss, loss_acts, grad = model.train(input_tensor, input_lengths, target_tensor, target_lengths, db_tensor,
+ bs_tensor, name)
+
+ #print(loss, loss_acts)
+ print_loss_total += loss
+ print_act_total += loss_acts
+ print_grad_total += grad
+
+ model.global_step += 1
+ model.sup_loss = torch.zeros(1)
+
+ return print_loss_total, print_act_total, print_grad_total
+
+
+def trainIters(model, n_epochs=10, args=args):
+ prev_min_loss, early_stop_count = 1 << 30, args.early_stop_count
+ start = time.time()
+
+ for epoch in range(1, n_epochs + 1):
+ print_loss_total = 0; print_grad_total = 0; print_act_total = 0 # Reset every print_every
+ start_time = time.time()
+ # watch out where do you put it
+ model.optimizer = Adam(lr=args.lr_rate, params=filter(lambda x: x.requires_grad, model.parameters()), weight_decay=args.l2_norm)
+ model.optimizer_policy = Adam(lr=args.lr_rate, params=filter(lambda x: x.requires_grad, model.policy.parameters()), weight_decay=args.l2_norm)
+
+ dials = list(train_dials.keys())
+ random.shuffle(dials)
+ input_tensor = [];target_tensor = [];bs_tensor = [];db_tensor = []
+ for name in dials:
+ val_file = train_dials[name]
+ model.optimizer.zero_grad()
+ model.optimizer_policy.zero_grad()
+
+ input_tensor, target_tensor, bs_tensor, db_tensor = util.loadDialogue(model, val_file, input_tensor, target_tensor, bs_tensor, db_tensor)
+
+ if len(db_tensor) > args.batch_size:
+ print_loss_total, print_act_total, print_grad_total = train(print_loss_total, print_act_total, print_grad_total, input_tensor, target_tensor, bs_tensor, db_tensor)
+ input_tensor = [];target_tensor = [];bs_tensor = [];db_tensor = [];
+
+ print_loss_avg = print_loss_total / len(train_dials)
+ print_act_total_avg = print_act_total / len(train_dials)
+ print_grad_avg = print_grad_total / len(train_dials)
+ print('TIME:', time.time() - start_time)
+ print('Time since %s (Epoch:%d %d%%) Loss: %.4f, Loss act: %.4f, Grad: %.4f' % (
+ util.timeSince(start, epoch / n_epochs),
+ epoch, epoch / n_epochs * 100, print_loss_avg, print_act_total_avg, print_grad_avg))
+
+ # VALIDATION
+ valid_loss = 0
+ for name, val_file in val_dials.items():
+ input_tensor = []; target_tensor = []; bs_tensor = [];db_tensor = []
+ input_tensor, target_tensor, bs_tensor, db_tensor = util.loadDialogue(model, val_file, input_tensor,
+ target_tensor, bs_tensor,
+ db_tensor)
+ # create an empty matrix with padding tokens
+ input_tensor, input_lengths = util.padSequence(input_tensor)
+ target_tensor, target_lengths = util.padSequence(target_tensor)
+ bs_tensor = torch.tensor(bs_tensor, dtype=torch.float, device=device)
+ db_tensor = torch.tensor(db_tensor, dtype=torch.float, device=device)
+
+ proba, _, _ = model.forward(input_tensor, input_lengths, target_tensor, target_lengths, db_tensor, bs_tensor)
+ proba = proba.view(-1, model.vocab_size) # flatten all predictions
+ loss = model.gen_criterion(proba, target_tensor.view(-1))
+ valid_loss += loss.item()
+
+
+ valid_loss /= len(val_dials)
+ print('Current Valid LOSS:', valid_loss)
+
+ model.saveModel(epoch)
+
+
+def loadDictionaries():
+ # load data and dictionaries
+ with open('data/input_lang.index2word.json') as f:
+ input_lang_index2word = json.load(f)
+ with open('data/input_lang.word2index.json') as f:
+ input_lang_word2index = json.load(f)
+ with open('data/output_lang.index2word.json') as f:
+ output_lang_index2word = json.load(f)
+ with open('data/output_lang.word2index.json') as f:
+ output_lang_word2index = json.load(f)
+
+ return input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index
+
+
+if __name__ == '__main__':
+ input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index = loadDictionaries()
+ # Load training file list:
+ with open('data/train_dials.json') as outfile:
+ train_dials = json.load(outfile)
+
+ # Load validation file list:
+ with open('data/val_dials.json') as outfile:
+ val_dials = json.load(outfile)
+
+ model = Model(args, input_lang_index2word, output_lang_index2word, input_lang_word2index, output_lang_word2index)
+ if args.load_param:
+ model.loadModel(args.epoch_load)
+
+ trainIters(model, n_epochs=args.max_epochs, args=args)
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/__init__.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/__init__.py
new file mode 100644
index 0000000..b53c17a
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/__init__.py
@@ -0,0 +1,2 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/dbPointer.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/dbPointer.py
new file mode 100644
index 0000000..d9b8f6a
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/dbPointer.py
@@ -0,0 +1,179 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import sqlite3
+
+import numpy as np
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils.nlp import normalize
+
+
+# loading databases
+domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital']#, 'police']
+dbs = {}
+for domain in domains:
+ db = 'db/{}-dbase.db'.format(domain)
+ conn = sqlite3.connect(db)
+ c = conn.cursor()
+ dbs[domain] = c
+
+
+def oneHotVector(num, domain, vector):
+ """Return number of available entities for particular domain."""
+ number_of_options = 6
+ if domain != 'train':
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0,0])
+ elif num == 1:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num == 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num == 3:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num == 4:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num >= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+ else:
+ idx = domains.index(domain)
+ if num == 0:
+ vector[idx * 6: idx * 6 + 6] = np.array([1, 0, 0, 0, 0, 0])
+ elif num <= 2:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 1, 0, 0, 0, 0])
+ elif num <= 5:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 1, 0, 0, 0])
+ elif num <= 10:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 1, 0, 0])
+ elif num <= 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 1, 0])
+ elif num > 40:
+ vector[idx * 6: idx * 6 + 6] = np.array([0, 0, 0, 0, 0, 1])
+
+ return vector
+
+def queryResult(domain, turn):
+ """Returns the list of entities for a given domain
+ based on the annotation of the belief state"""
+ # query the db
+ sql_query = "select * from {}".format(domain)
+
+ flag = True
+ #print turn['metadata'][domain]['semi']
+ for key, val in turn['metadata'][domain]['semi'].items():
+ if val == "" or val == "dont care" or val == 'not mentioned' or val == "don't care" or val == "dontcare" or val == "do n't care":
+ pass
+ else:
+ if flag:
+ sql_query += " where "
+ val2 = val.replace("'", "''")
+ #val2 = normalize(val2)
+ # change query for trains
+ if key == 'leaveAt':
+ sql_query += r" " + key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += r" " + key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" " + key + "=" + r"'" + val2 + r"'"
+ flag = False
+ else:
+ val2 = val.replace("'", "''")
+ #val2 = normalize(val2)
+ if key == 'leaveAt':
+ sql_query += r" and " + key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += r" and " + key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" and " + key + "=" + r"'" + val2 + r"'"
+
+ #try: # "select * from attraction where name = 'queens college'"
+ #print sql_query
+ #print domain
+ num_entities = len(dbs[domain].execute(sql_query).fetchall())
+
+ return num_entities
+
+
+def queryResultVenues(domain, turn, real_belief=False):
+ # query the db
+ sql_query = "select * from {}".format(domain)
+
+ if real_belief == True:
+ items = turn.items()
+ elif real_belief=='tracking':
+ for slot in turn[domain]:
+ key = slot[0].split("-")[1]
+ val = slot[0].split("-")[2]
+ if key == "price range":
+ key = "pricerange"
+ elif key == "leave at":
+ key = "leaveAt"
+ elif key == "arrive by":
+ key = "arriveBy"
+ if val == "do n't care":
+ pass
+ else:
+ if flag:
+ sql_query += " where "
+ val2 = val.replace("'", "''")
+ val2 = normalize(val2)
+ if key == 'leaveAt':
+ sql_query += key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" " + key + "=" + r"'" + val2 + r"'"
+ flag = False
+ else:
+ val2 = val.replace("'", "''")
+ val2 = normalize(val2)
+ if key == 'leaveAt':
+ sql_query += r" and " + key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += r" and " + key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" and " + key + "=" + r"'" + val2 + r"'"
+
+ try: # "select * from attraction where name = 'queens college'"
+ return dbs[domain].execute(sql_query).fetchall()
+ except:
+ return [] # TODO test it
+ pass
+ else:
+ items = turn['metadata'][domain]['semi'].items()
+
+ flag = True
+ for key, val in items:
+ if val == "" or val == "dontcare" or val == 'not mentioned' or val == "don't care" or val == "dont care" or val == "do n't care":
+ pass
+ else:
+ if flag:
+ sql_query += " where "
+ val2 = val.replace("'", "''")
+ val2 = normalize(val2)
+ if key == 'leaveAt':
+ sql_query += r" " + key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += r" " +key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" " + key + "=" + r"'" + val2 + r"'"
+ flag = False
+ else:
+ val2 = val.replace("'", "''")
+ val2 = normalize(val2)
+ if key == 'leaveAt':
+ sql_query += r" and " + key + " > " + r"'" + val2 + r"'"
+ elif key == 'arriveBy':
+ sql_query += r" and " + key + " < " + r"'" + val2 + r"'"
+ else:
+ sql_query += r" and " + key + "=" + r"'" + val2 + r"'"
+
+ try: # "select * from attraction where name = 'queens college'"
+ return dbs[domain].execute(sql_query).fetchall()
+ except:
+ raise
+ return [] # TODO test it
+
+
+def table_schema(domain):
+ return [col[1] for col in dbs[domain].execute("PRAGMA table_info({})".format(domain)).fetchall()]
\ No newline at end of file
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/dbquery.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/dbquery.py
new file mode 100644
index 0000000..0750c95
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/dbquery.py
@@ -0,0 +1,61 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+"""
+"""
+import os
+import random
+import json
+import numpy as np
+
+
+# loading databases
+domains = ['restaurant', 'hotel', 'attraction', 'train', 'hospital', 'taxi', 'police']
+dbs = {}
+for domain in domains:
+ dbs[domain] = json.load(open(os.path.join(
+ os.path.dirname(os.path.dirname(os.path.abspath(__file__))),
+ 'db/{}_db.json'.format(domain))))
+
+def query(domain, constraints, ignore_open=True):
+ """Returns the list of entities for a given domain
+ based on the annotation of the belief state"""
+ # query the db
+ if domain == 'taxi':
+ return [{'taxi_colors': random.choice(dbs[domain]['taxi_colors']),
+ 'taxi_types': random.choice(dbs[domain]['taxi_types']),
+ 'taxi_phone': [random.randint(1, 9) for _ in range(10)]}]
+ if domain == 'police':
+ return dbs['police']
+ if domain == 'hospital':
+ return dbs['hospital']
+
+ found = []
+ for record in dbs[domain]:
+ for key, val in constraints:
+ if val == "" or val == "dont care" or val == 'not mentioned' or val == "don't care" or val == "dontcare" or val == "do n't care":
+ pass
+ else:
+ if key not in record:
+ continue
+ if key == 'leaveAt':
+ val1 = int(val.split(':')[0]) * 100 + int(val.split(':')[1])
+ val2 = int(record['leaveAt'].split(':')[0]) * 100 + int(record['leaveAt'].split(':')[1])
+ if val1 > val2:
+ break
+ elif key == 'arriveBy':
+ val1 = int(val.split(':')[0]) * 100 + int(val.split(':')[1])
+ val2 = int(record['arriveBy'].split(':')[0]) * 100 + int(record['arriveBy'].split(':')[1])
+ if val1 < val2:
+ break
+ # elif ignore_open and key in ['destination', 'departure', 'name']:
+ elif ignore_open and key in ['destination', 'departure']:
+ continue
+ else:
+ if val.strip() != record[key].strip():
+ break
+ else:
+ found.append(record)
+
+ return found
+
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/delexicalize.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/delexicalize.py
new file mode 100644
index 0000000..3879213
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/delexicalize.py
@@ -0,0 +1,154 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import re
+
+import pickle
+import simplejson as json
+
+from convlab.modules.word_policy.multiwoz.mdrg.utils.nlp import normalize
+
+digitpat = re.compile('\d+')
+timepat = re.compile("\d{1,2}[:]\d{1,2}")
+pricepat2 = re.compile("\d{1,3}[.]\d{1,2}")
+
+# FORMAT
+# domain_value
+# restaurant_postcode
+# restaurant_address
+# taxi_car8
+# taxi_number
+# train_id etc..
+
+
+def prepareSlotValuesIndependent():
+ domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi', 'hospital', 'police']
+ requestables = ['phone', 'address', 'postcode', 'reference', 'id']
+ dic = []
+ dic_area = []
+ dic_food = []
+ dic_price = []
+
+ # read databases
+ for domain in domains:
+ try:
+ fin = open('db/' + domain + '_db.json')
+ db_json = json.load(fin)
+ fin.close()
+
+ for ent in db_json:
+ for key, val in ent.items():
+ if val == '?' or val == 'free':
+ pass
+ elif key == 'address':
+ dic.append((normalize(val), '[' + domain + '_' + 'address' + ']'))
+ if "road" in val:
+ val = val.replace("road", "rd")
+ dic.append((normalize(val), '[' + domain + '_' + 'address' + ']'))
+ elif "rd" in val:
+ val = val.replace("rd", "road")
+ dic.append((normalize(val), '[' + domain + '_' + 'address' + ']'))
+ elif "st" in val:
+ val = val.replace("st", "street")
+ dic.append((normalize(val), '[' + domain + '_' + 'address' + ']'))
+ elif "street" in val:
+ val = val.replace("street", "st")
+ dic.append((normalize(val), '[' + domain + '_' + 'address' + ']'))
+ elif key == 'name':
+ dic.append((normalize(val), '[' + domain + '_' + 'name' + ']'))
+ if "b & b" in val:
+ val = val.replace("b & b", "bed and breakfast")
+ dic.append((normalize(val), '[' + domain + '_' + 'name' + ']'))
+ elif "bed and breakfast" in val:
+ val = val.replace("bed and breakfast", "b & b")
+ dic.append((normalize(val), '[' + domain + '_' + 'name' + ']'))
+ elif "hotel" in val and 'gonville' not in val:
+ val = val.replace("hotel", "")
+ dic.append((normalize(val), '[' + domain + '_' + 'name' + ']'))
+ elif "restaurant" in val:
+ val = val.replace("restaurant", "")
+ dic.append((normalize(val), '[' + domain + '_' + 'name' + ']'))
+ elif key == 'postcode':
+ dic.append((normalize(val), '[' + domain + '_' + 'postcode' + ']'))
+ elif key == 'phone':
+ dic.append((val, '[' + domain + '_' + 'phone' + ']'))
+ elif key == 'trainID':
+ dic.append((normalize(val), '[' + domain + '_' + 'id' + ']'))
+ elif key == 'department':
+ dic.append((normalize(val), '[' + domain + '_' + 'department' + ']'))
+
+ # NORMAL DELEX
+ elif key == 'area':
+ dic_area.append((normalize(val), '[' + 'value' + '_' + 'area' + ']'))
+ elif key == 'food':
+ dic_food.append((normalize(val), '[' + 'value' + '_' + 'food' + ']'))
+ elif key == 'pricerange':
+ dic_price.append((normalize(val), '[' + 'value' + '_' + 'pricerange' + ']'))
+ else:
+ pass
+ # TODO car type?
+ except:
+ pass
+
+ if domain == 'hospital':
+ dic.append((normalize('Hills Rd'), '[' + domain + '_' + 'address' + ']'))
+ dic.append((normalize('Hills Road'), '[' + domain + '_' + 'address' + ']'))
+ dic.append((normalize('CB20QQ'), '[' + domain + '_' + 'postcode' + ']'))
+ dic.append(('01223245151', '[' + domain + '_' + 'phone' + ']'))
+ dic.append(('1223245151', '[' + domain + '_' + 'phone' + ']'))
+ dic.append(('0122324515', '[' + domain + '_' + 'phone' + ']'))
+ dic.append((normalize('Addenbrookes Hospital'), '[' + domain + '_' + 'name' + ']'))
+
+ elif domain == 'police':
+ dic.append((normalize('Parkside'), '[' + domain + '_' + 'address' + ']'))
+ dic.append((normalize('CB11JG'), '[' + domain + '_' + 'postcode' + ']'))
+ dic.append(('01223358966', '[' + domain + '_' + 'phone' + ']'))
+ dic.append(('1223358966', '[' + domain + '_' + 'phone' + ']'))
+ dic.append((normalize('Parkside Police Station'), '[' + domain + '_' + 'name' + ']'))
+
+ # add at the end places from trains
+ # fin = file('db/' + 'train' + '_db.json')
+ fin = open('db/' + 'train' + '_db.json')
+ db_json = json.load(fin)
+ fin.close()
+
+ for ent in db_json:
+ for key, val in ent.items():
+ if key == 'departure' or key == 'destination':
+ dic.append((normalize(val), '[' + 'value' + '_' + 'place' + ']'))
+
+ # add specific values:
+ for key in ['monday', 'tuesday', 'wednesday', 'thursday', 'friday', 'saturday', 'sunday']:
+ dic.append((normalize(key), '[' + 'value' + '_' + 'day' + ']'))
+
+ # more general values add at the end
+ dic.extend(dic_area)
+ dic.extend(dic_food)
+ dic.extend(dic_price)
+
+ return dic
+
+
+def delexicalise(utt, dictionary):
+ for key, val in dictionary:
+ utt = (' ' + utt + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+ utt = utt[1:-1] # why this?
+
+ return utt
+
+
+def delexicaliseDomain(utt, dictionary, domain):
+ for key, val in dictionary:
+ if key == domain or key == 'value':
+ utt = (' ' + utt + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+ utt = utt[1:-1] # why this?
+
+ # go through rest of domain in case we are missing something out?
+ for key, val in dictionary:
+ utt = (' ' + utt + ' ').replace(' ' + key + ' ', ' ' + val + ' ')
+ utt = utt[1:-1] # why this?
+ return utt
+
+if __name__ == '__main__':
+ dic = prepareSlotValuesIndependent()
+ pickle.dump(dic, open('data/svdic.pkl', 'wb'))
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/mapping.pair b/convlab/modules/word_policy/multiwoz/mdrg/utils/mapping.pair
new file mode 100644
index 0000000..34df41d
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/mapping.pair
@@ -0,0 +1,83 @@
+it's it is
+don't do not
+doesn't does not
+didn't did not
+you'd you would
+you're you are
+you'll you will
+i'm i am
+they're they are
+that's that is
+what's what is
+couldn't could not
+i've i have
+we've we have
+can't cannot
+i'd i would
+i'd i would
+aren't are not
+isn't is not
+wasn't was not
+weren't were not
+won't will not
+there's there is
+there're there are
+. . .
+restaurants restaurant -s
+hotels hotel -s
+laptops laptop -s
+cheaper cheap -er
+dinners dinner -s
+lunches lunch -s
+breakfasts breakfast -s
+expensively expensive -ly
+moderately moderate -ly
+cheaply cheap -ly
+prices price -s
+places place -s
+venues venue -s
+ranges range -s
+meals meal -s
+locations location -s
+areas area -s
+policies policy -s
+children child -s
+kids kid -s
+kidfriendly kid friendly
+cards card -s
+upmarket expensive
+inpricey cheap
+inches inch -s
+uses use -s
+dimensions dimension -s
+driverange drive range
+includes include -s
+computers computer -s
+machines machine -s
+families family -s
+ratings rating -s
+constraints constraint -s
+pricerange price range
+batteryrating battery rating
+requirements requirement -s
+drives drive -s
+specifications specification -s
+weightrange weight range
+harddrive hard drive
+batterylife battery life
+businesses business -s
+hours hour -s
+one 1
+two 2
+three 3
+four 4
+five 5
+six 6
+seven 7
+eight 8
+nine 9
+ten 10
+eleven 11
+twelve 12
+anywhere any where
+good bye goodbye
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/nlp.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/nlp.py
new file mode 100644
index 0000000..9a72f2a
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/nlp.py
@@ -0,0 +1,255 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+import math
+import re
+from collections import Counter
+import os
+
+from nltk.util import ngrams
+
+timepat = re.compile("\d{1,2}[:]\d{1,2}")
+pricepat = re.compile("\d{1,3}[.]\d{1,2}")
+
+
+# fin = file('utils/mapping.pair')
+# fin = open('/home/sule/projects/research/multiwoz/utils/mapping.pair')
+fin = open(os.path.join(os.path.dirname(os.path.abspath(__file__)),'mapping.pair'))
+replacements = []
+for line in fin.readlines():
+ tok_from, tok_to = line.replace('\n', '').split('\t')
+ replacements.append((' ' + tok_from + ' ', ' ' + tok_to + ' '))
+
+
+def insertSpace(token, text):
+ sidx = 0
+ while True:
+ sidx = text.find(token, sidx)
+ if sidx == -1:
+ break
+ if sidx + 1 < len(text) and re.match('[0-9]', text[sidx - 1]) and \
+ re.match('[0-9]', text[sidx + 1]):
+ sidx += 1
+ continue
+ if text[sidx - 1] != ' ':
+ text = text[:sidx] + ' ' + text[sidx:]
+ sidx += 1
+ if sidx + len(token) < len(text) and text[sidx + len(token)] != ' ':
+ text = text[:sidx + 1] + ' ' + text[sidx + 1:]
+ sidx += 1
+ return text
+
+
+def normalize(text):
+ # lower case every word
+ text = text.lower()
+
+ # replace white spaces in front and end
+ text = re.sub(r'^\s*|\s*$', '', text)
+
+ # hotel domain pfb30
+ text = re.sub(r"b&b", "bed and breakfast", text)
+ text = re.sub(r"b and b", "bed and breakfast", text)
+
+ # normalize phone number
+ ms = re.findall('\(?(\d{3})\)?[-.\s]?(\d{3})[-.\s]?(\d{4,5})', text)
+ if ms:
+ sidx = 0
+ for m in ms:
+ sidx = text.find(m[0], sidx)
+ if text[sidx - 1] == '(':
+ sidx -= 1
+ eidx = text.find(m[-1], sidx) + len(m[-1])
+ text = text.replace(text[sidx:eidx], ''.join(m))
+
+ # normalize postcode
+ ms = re.findall('([a-z]{1}[\. ]?[a-z]{1}[\. ]?\d{1,2}[, ]+\d{1}[\. ]?[a-z]{1}[\. ]?[a-z]{1}|[a-z]{2}\d{2}[a-z]{2})',
+ text)
+ if ms:
+ sidx = 0
+ for m in ms:
+ sidx = text.find(m, sidx)
+ eidx = sidx + len(m)
+ text = text[:sidx] + re.sub('[,\. ]', '', m) + text[eidx:]
+
+ # weird unicode bug
+ text = re.sub(u"(\u2018|\u2019)", "'", text)
+
+ # replace time and and price
+ text = re.sub(timepat, ' [value_time] ', text)
+ text = re.sub(pricepat, ' [value_price] ', text)
+ #text = re.sub(pricepat2, '[value_price]', text)
+
+ # replace st.
+ text = text.replace(';', ',')
+ text = re.sub('$\/', '', text)
+ text = text.replace('/', ' and ')
+
+ # replace other special characters
+ text = text.replace('-', ' ')
+ text = re.sub('[\":\<>@\(\)]', '', text)
+
+ # insert white space before and after tokens:
+ for token in ['?', '.', ',', '!']:
+ text = insertSpace(token, text)
+
+ # insert white space for 's
+ text = insertSpace('\'s', text)
+
+ # replace it's, does't, you'd ... etc
+ text = re.sub('^\'', '', text)
+ text = re.sub('\'$', '', text)
+ text = re.sub('\'\s', ' ', text)
+ text = re.sub('\s\'', ' ', text)
+ for fromx, tox in replacements:
+ text = ' ' + text + ' '
+ text = text.replace(fromx, tox)[1:-1]
+
+ # remove multiple spaces
+ text = re.sub(' +', ' ', text)
+
+ # concatenate numbers
+ tmp = text
+ tokens = text.split()
+ i = 1
+ while i < len(tokens):
+ if re.match(u'^\d+$', tokens[i]) and \
+ re.match(u'\d+$', tokens[i - 1]):
+ tokens[i - 1] += tokens[i]
+ del tokens[i]
+ else:
+ i += 1
+ text = ' '.join(tokens)
+
+ return text
+
+
+class BLEUScorer(object):
+ ## BLEU score calculator via GentScorer interface
+ ## it calculates the BLEU-4 by taking the entire corpus in
+ ## Calulate based multiple candidates against multiple references
+ def __init__(self):
+ pass
+
+ def score(self, hypothesis, corpus, n=1):
+ # containers
+ count = [0, 0, 0, 0]
+ clip_count = [0, 0, 0, 0]
+ r = 0
+ c = 0
+ weights = [0.25, 0.25, 0.25, 0.25]
+
+ # accumulate ngram statistics
+ for hyps, refs in zip(hypothesis, corpus):
+ if type(hyps[0]) is list:
+ hyps = [hyp.split() for hyp in hyps[0]]
+ else:
+ hyps = [hyp.split() for hyp in hyps]
+
+ refs = [ref.split() for ref in refs]
+
+ # Shawn's evaluation
+ refs[0] = [u'GO_'] + refs[0] + [u'EOS_']
+ hyps[0] = [u'GO_'] + hyps[0] + [u'EOS_']
+
+ for idx, hyp in enumerate(hyps):
+ for i in range(4):
+ # accumulate ngram counts
+ hypcnts = Counter(ngrams(hyp, i + 1))
+ cnt = sum(hypcnts.values())
+ count[i] += cnt
+
+ # compute clipped counts
+ max_counts = {}
+ for ref in refs:
+ refcnts = Counter(ngrams(ref, i + 1))
+ for ng in hypcnts:
+ max_counts[ng] = max(max_counts.get(ng, 0), refcnts[ng])
+ clipcnt = dict((ng, min(count, max_counts[ng])) \
+ for ng, count in hypcnts.items())
+ clip_count[i] += sum(clipcnt.values())
+
+ # accumulate r & c
+ bestmatch = [1000, 1000]
+ for ref in refs:
+ if bestmatch[0] == 0: break
+ diff = abs(len(ref) - len(hyp))
+ if diff < bestmatch[0]:
+ bestmatch[0] = diff
+ bestmatch[1] = len(ref)
+ r += bestmatch[1]
+ c += len(hyp)
+ if n == 1:
+ break
+ # computing bleu score
+ p0 = 1e-7
+ bp = 1 if c > r else math.exp(1 - float(r) / float(c))
+ p_ns = [float(clip_count[i]) / float(count[i] + p0) + p0 \
+ for i in range(4)]
+ s = math.fsum(w * math.log(p_n) \
+ for w, p_n in zip(weights, p_ns) if p_n)
+ bleu = bp * math.exp(s)
+ return bleu
+
+
+class GentScorer(object):
+ def __init__(self, detectfile):
+ self.bleuscorer = BLEUScorer()
+
+ def scoreBLEU(self, parallel_corpus):
+ return self.bleuscorer.score(parallel_corpus)
+
+
+def sentence_bleu_4(hyp, refs, weights=[0.25, 0.25, 0.25, 0.25]):
+ # input : single sentence, multiple references
+ count = [0, 0, 0, 0]
+ clip_count = [0, 0, 0, 0]
+ r = 0
+ c = 0
+
+ for i in range(4):
+ hypcnts = Counter(ngrams(hyp, i + 1))
+ cnt = sum(hypcnts.values())
+ count[i] += cnt
+
+ # compute clipped counts
+ max_counts = {}
+ for ref in refs:
+ refcnts = Counter(ngrams(ref, i + 1))
+ for ng in hypcnts:
+ max_counts[ng] = max(max_counts.get(ng, 0), refcnts[ng])
+ clipcnt = dict((ng, min(count, max_counts[ng])) \
+ for ng, count in hypcnts.items())
+ clip_count[i] += sum(clipcnt.values())
+
+ bestmatch = [1000, 1000]
+ for ref in refs:
+ if bestmatch[0] == 0:
+ break
+ diff = abs(len(ref) - len(hyp))
+ if diff < bestmatch[0]:
+ bestmatch[0] = diff
+ bestmatch[1] = len(ref)
+ r = bestmatch[1]
+ c = len(hyp)
+
+ p0 = 1e-7
+ bp = math.exp(-abs(1.0 - float(r) / float(c + p0)))
+
+ p_ns = [float(clip_count[i]) / float(count[i] + p0) + p0 for i in range(4)]
+ s = math.fsum(w * math.log(p_n) for w, p_n in zip(weights, p_ns) if p_n)
+ bleu_hyp = bp * math.exp(s)
+
+ return bleu_hyp
+
+if __name__ == '__main__':
+ text = "restaurant's CB39AL one seven"
+ text = "I'm I'd restaurant's CB39AL 099939399 one seven"
+ text = "ndd 19.30 nndd"
+ #print re.match("(\d+).(\d+)", text)
+ m = re.findall("(\d+\.\d+)", text)
+ print(m)
+ #print m[0].strip('.')
+ print(re.sub('\.', '', m[0]))
+ #print m.groups()
+ #print text
diff --git a/convlab/modules/word_policy/multiwoz/mdrg/utils/util.py b/convlab/modules/word_policy/multiwoz/mdrg/utils/util.py
new file mode 100644
index 0000000..a68f1c8
--- /dev/null
+++ b/convlab/modules/word_policy/multiwoz/mdrg/utils/util.py
@@ -0,0 +1,102 @@
+# Modified by Microsoft Corporation.
+# Licensed under the MIT license.
+
+'''
+Utility functions
+'''
+
+import argparse
+import pickle as pkl
+import json
+import sys
+import math
+import time
+import numpy as np
+import torch
+
+# DEFINE special tokens
+SOS_token = 0
+EOS_token = 1
+UNK_token = 2
+PAD_token = 3
+
+
+def padSequence(tensor):
+ pad_token = PAD_token
+ tensor_lengths = [len(sentence) for sentence in tensor]
+ longest_sent = max(tensor_lengths)
+ batch_size = len(tensor)
+ padded_tensor = np.ones((batch_size, longest_sent)) * pad_token
+
+ # copy over the actual sequences
+ for i, x_len in enumerate(tensor_lengths):
+ sequence = tensor[i]
+ padded_tensor[i, 0:x_len] = sequence[:x_len]
+
+ padded_tensor = torch.LongTensor(padded_tensor)
+ return padded_tensor, tensor_lengths
+
+
+def loadDialogue(model, val_file, input_tensor, target_tensor, bs_tensor, db_tensor):
+ # Iterate over dialogue
+ for idx, (usr, sys, bs, db) in enumerate(
+ zip(val_file['usr'], val_file['sys'], val_file['bs'], val_file['db'])):
+ tensor = [model.input_word2index(word) for word in usr.strip(' ').split(' ')] + [
+ EOS_token] # model.input_word2index(word)
+ input_tensor.append(torch.LongTensor(tensor)) # .view(-1, 1))
+
+ tensor = [model.output_word2index(word) for word in sys.strip(' ').split(' ')] + [EOS_token]
+ target_tensor.append(torch.LongTensor(tensor)) # .view(-1, 1)
+
+ bs_tensor.append([float(belief) for belief in bs])
+ db_tensor.append([float(pointer) for pointer in db])
+
+ return input_tensor, target_tensor, bs_tensor, db_tensor
+
+
+#json loads strings as unicode; we currently still work with Python 2 strings, and need conversion
+def unicode_to_utf8(d):
+ return dict((key.encode("UTF-8"), value) for (key,value) in d.items())
+
+
+def load_dict(filename):
+ try:
+ with open(filename, 'rb') as f:
+ return unicode_to_utf8(json.load(f))
+ except:
+ with open(filename, 'rb') as f:
+ return pkl.load(f)
+
+
+def load_config(basename):
+ try:
+ with open('%s.json' % basename, 'rb') as f:
+ return json.load(f)
+ except:
+ try:
+ with open('%s.pkl' % basename, 'rb') as f:
+ return pkl.load(f)
+ except:
+ sys.stderr.write('Error: config file {0}.json is missing\n'.format(basename))
+ sys.exit(1)
+
+
+def str2bool(v):
+ if v.lower() in ('yes', 'true', 't', 'y', '1'):
+ return True
+ elif v.lower() in ('no', 'false', 'f', 'n', '0'):
+ return False
+ else:
+ raise argparse.ArgumentTypeError('Boolean value expected.')
+
+
+def asMinutes(s):
+ m = math.floor(s / 60)
+ s -= m * 60
+ return '%dm %ds' % (m, s)
+
+
+def timeSince(since, percent):
+ now = time.time()
+ s = now - since
+ return '%s ' % (asMinutes(s))
\ No newline at end of file
diff --git a/convlab/spec/__init__.py b/convlab/spec/__init__.py
new file mode 100644
index 0000000..6bf7be6
--- /dev/null
+++ b/convlab/spec/__init__.py
@@ -0,0 +1,5 @@
+'''
+The spec module
+Handles the Lab experiment spec: reading, writing(evolution), validation and default setting
+Expands the spec and params into consumable inputs in info space for lab units.
+'''
diff --git a/convlab/spec/_fitness_std.json b/convlab/spec/_fitness_std.json
new file mode 100644
index 0000000..50e60c1
--- /dev/null
+++ b/convlab/spec/_fitness_std.json
@@ -0,0 +1,97 @@
+{
+ "template": {
+ "rand_epi_reward": 0,
+ "std_epi_reward": 1,
+ "std_timestep": 1
+ },
+ "Acrobot-v1": {
+ "rand_epi_reward": -500,
+ "std_epi_reward": -50,
+ "std_timestep": 20000
+ },
+ "CartPole-v0": {
+ "rand_epi_reward": 22,
+ "std_epi_reward": 195,
+ "std_timestep": 5000
+ },
+ "MountainCar-v0": {
+ "rand_epi_reward": -200,
+ "std_epi_reward": -110,
+ "std_timestep": 60000
+ },
+ "MountainCarContinuous-v0": {
+ "rand_epi_reward": -33,
+ "std_epi_reward": 90,
+ "std_timestep": 60000
+ },
+ "Pendulum-v0": {
+ "rand_epi_reward": -1200,
+ "std_epi_reward": -130,
+ "std_timestep": 40000
+ },
+ "BipedalWalker-v2": {
+ "rand_epi_reward": -100,
+ "std_epi_reward": 300 ,
+ "std_timestep": 100000
+ },
+ "BipedalWalkerHardcore-v2": {
+ "rand_epi_reward": -100,
+ "std_epi_reward": 300,
+ "std_timestep": 100000
+ },
+ "CarRacing-v0": {
+ "rand_epi_reward": -100,
+ "std_epi_reward": 900,
+ "std_timestep": 100000
+ },
+ "LunarLander-v2": {
+ "rand_epi_reward": -250,
+ "std_epi_reward": 200,
+ "std_timestep": 150000
+ },
+ "LunarLanderContinuous-v2": {
+ "rand_epi_reward": -250,
+ "std_epi_reward": 200,
+ "std_timestep": 150000
+ },
+ "BeamRiderNoFrameskip-v4": {
+ "rand_epi_reward": 363.9,
+ "std_epi_reward": 6846,
+ "std_timestep": 1000000
+ },
+ "BreakoutNoFrameskip-v4": {
+ "rand_epi_reward": 1.7,
+ "std_epi_reward": 401.2,
+ "std_timestep": 1000000
+ },
+ "EnduroNoFrameskip-v4": {
+ "rand_epi_reward": 0,
+ "std_epi_reward": 301.8,
+ "std_timestep": 1000000
+ },
+ "MsPacmanNoFrameskip-v4": {
+ "rand_epi_reward": 307.3,
+ "std_epi_reward": 2311,
+ "std_timestep": 1000000
+ },
+ "PongNoFrameskip-v4": {
+ "rand_epi_reward": -20.7,
+ "std_epi_reward": 18.9,
+ "std_timestep": 1000000
+ },
+ "QbertNoFrameskip-v4": {
+ "rand_epi_reward": 163.9,
+ "std_epi_reward": 10596,
+ "std_timestep": 1000000
+ },
+ "SeaquestNoFrameskip-v4": {
+ "rand_epi_reward": 68.4,
+ "std_epi_reward": 5286,
+ "std_timestep": 1000000
+ },
+ "SpaceInvadersNoFrameskip-v4": {
+ "rand_epi_reward": 148,
+ "std_epi_reward": 1976,
+ "std_timestep": 1000000
+ },
+}
diff --git a/convlab/spec/dddqn.json b/convlab/spec/dddqn.json
new file mode 100644
index 0000000..2b3cbe0
--- /dev/null
+++ b/convlab/spec/dddqn.json
@@ -0,0 +1,99 @@
+{
+ "multiwoz2": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DoubleDQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "DuelingMLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz2",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+}
diff --git a/convlab/spec/ddqn.json b/convlab/spec/ddqn.json
new file mode 100644
index 0000000..bd33b40
--- /dev/null
+++ b/convlab/spec/ddqn.json
@@ -0,0 +1,99 @@
+{
+ "multiwoz2": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DoubleDQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz2",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+}
diff --git a/convlab/spec/dqn.json b/convlab/spec/dqn.json
new file mode 100644
index 0000000..d3638ae
--- /dev/null
+++ b/convlab/spec/dqn.json
@@ -0,0 +1,105 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 392,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+}
diff --git a/convlab/spec/example1.json b/convlab/spec/example1.json
new file mode 100644
index 0000000..6772c4e
--- /dev/null
+++ b/convlab/spec/example1.json
@@ -0,0 +1,106 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 393,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example10.json b/convlab/spec/example10.json
new file mode 100644
index 0000000..c9d36a8
--- /dev/null
+++ b/convlab/spec/example10.json
@@ -0,0 +1,106 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example11.json b/convlab/spec/example11.json
new file mode 100644
index 0000000..59bccf3
--- /dev/null
+++ b/convlab/spec/example11.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example12.json b/convlab/spec/example12.json
new file mode 100644
index 0000000..005e56e
--- /dev/null
+++ b/convlab/spec/example12.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example13.json b/convlab/spec/example13.json
new file mode 100644
index 0000000..3d8dc03
--- /dev/null
+++ b/convlab/spec/example13.json
@@ -0,0 +1,110 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example14.json b/convlab/spec/example14.json
new file mode 100644
index 0000000..0446ce6
--- /dev/null
+++ b/convlab/spec/example14.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example15.json b/convlab/spec/example15.json
new file mode 100644
index 0000000..e50753d
--- /dev/null
+++ b/convlab/spec/example15.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example16.json b/convlab/spec/example16.json
new file mode 100644
index 0000000..166a9a8
--- /dev/null
+++ b/convlab/spec/example16.json
@@ -0,0 +1,109 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example17.json b/convlab/spec/example17.json
new file mode 100644
index 0000000..d0024c3
--- /dev/null
+++ b/convlab/spec/example17.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example18.json b/convlab/spec/example18.json
new file mode 100644
index 0000000..72af4aa
--- /dev/null
+++ b/convlab/spec/example18.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example19.json b/convlab/spec/example19.json
new file mode 100644
index 0000000..64bb74e
--- /dev/null
+++ b/convlab/spec/example19.json
@@ -0,0 +1,106 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example2.json b/convlab/spec/example2.json
new file mode 100644
index 0000000..b2ec0c1
--- /dev/null
+++ b/convlab/spec/example2.json
@@ -0,0 +1,109 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 393,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU",
+ "model_file": "https://convlab.blob.core.windows.net/models/mlst.zip"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example20.json b/convlab/spec/example20.json
new file mode 100644
index 0000000..cc8eb70
--- /dev/null
+++ b/convlab/spec/example20.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example21.json b/convlab/spec/example21.json
new file mode 100644
index 0000000..40a2956
--- /dev/null
+++ b/convlab/spec/example21.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example22.json b/convlab/spec/example22.json
new file mode 100644
index 0000000..1d6b417
--- /dev/null
+++ b/convlab/spec/example22.json
@@ -0,0 +1,110 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example23.json b/convlab/spec/example23.json
new file mode 100644
index 0000000..5b673cf
--- /dev/null
+++ b/convlab/spec/example23.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example24.json b/convlab/spec/example24.json
new file mode 100644
index 0000000..68654ad
--- /dev/null
+++ b/convlab/spec/example24.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example25.json b/convlab/spec/example25.json
new file mode 100644
index 0000000..3eccc21
--- /dev/null
+++ b/convlab/spec/example25.json
@@ -0,0 +1,109 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example26.json b/convlab/spec/example26.json
new file mode 100644
index 0000000..5e185c0
--- /dev/null
+++ b/convlab/spec/example26.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example27.json b/convlab/spec/example27.json
new file mode 100644
index 0000000..16499a7
--- /dev/null
+++ b/convlab/spec/example27.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 392,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example28.json b/convlab/spec/example28.json
new file mode 100644
index 0000000..60fa06e
--- /dev/null
+++ b/convlab/spec/example28.json
@@ -0,0 +1,106 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example29.json b/convlab/spec/example29.json
new file mode 100644
index 0000000..d8784b8
--- /dev/null
+++ b/convlab/spec/example29.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example3.json b/convlab/spec/example3.json
new file mode 100644
index 0000000..1c2e0b6
--- /dev/null
+++ b/convlab/spec/example3.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 393,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example30.json b/convlab/spec/example30.json
new file mode 100644
index 0000000..ed41a8c
--- /dev/null
+++ b/convlab/spec/example30.json
@@ -0,0 +1,108 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
diff --git a/convlab/spec/example31.json b/convlab/spec/example31.json
new file mode 100644
index 0000000..d2fdc2c
--- /dev/null
+++ b/convlab/spec/example31.json
@@ -0,0 +1,110 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example32.json b/convlab/spec/example32.json
new file mode 100644
index 0000000..2cc121a
--- /dev/null
+++ b/convlab/spec/example32.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example33.json b/convlab/spec/example33.json
new file mode 100644
index 0000000..9e18ca6
--- /dev/null
+++ b/convlab/spec/example33.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example34.json b/convlab/spec/example34.json
new file mode 100644
index 0000000..7f659a9
--- /dev/null
+++ b/convlab/spec/example34.json
@@ -0,0 +1,109 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example35.json b/convlab/spec/example35.json
new file mode 100644
index 0000000..8dd2803
--- /dev/null
+++ b/convlab/spec/example35.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example36.json b/convlab/spec/example36.json
new file mode 100644
index 0000000..393fb2e
--- /dev/null
+++ b/convlab/spec/example36.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "VanillaMlePolicy"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example4.json b/convlab/spec/example4.json
new file mode 100644
index 0000000..28448e5
--- /dev/null
+++ b/convlab/spec/example4.json
@@ -0,0 +1,110 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example5.json b/convlab/spec/example5.json
new file mode 100644
index 0000000..4378bca
--- /dev/null
+++ b/convlab/spec/example5.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example6.json b/convlab/spec/example6.json
new file mode 100644
index 0000000..b5cbe3e
--- /dev/null
+++ b/convlab/spec/example6.json
@@ -0,0 +1,113 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example7.json b/convlab/spec/example7.json
new file mode 100644
index 0000000..89ff352
--- /dev/null
+++ b/convlab/spec/example7.json
@@ -0,0 +1,109 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example8.json b/convlab/spec/example8.json
new file mode 100644
index 0000000..e0fdcb0
--- /dev/null
+++ b/convlab/spec/example8.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/example9.json b/convlab/spec/example9.json
new file mode 100644
index 0000000..7839fc1
--- /dev/null
+++ b/convlab/spec/example9.json
@@ -0,0 +1,112 @@
+{
+ "multiwoz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 392,
+ "max_t": 40,
+ "max_tick": 20000,
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "SCLSTM"
+ }
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ }
+
\ No newline at end of file
diff --git a/convlab/spec/experiment1.json b/convlab/spec/experiment1.json
new file mode 100644
index 0000000..886a904
--- /dev/null
+++ b/convlab/spec/experiment1.json
@@ -0,0 +1,150 @@
+{
+ "nlu_dst": {
+ "agent": [{
+ "name": "DialogAgent",
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "dst": {
+ "name": "RuleDST"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": false
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU",
+ "model_file": "https://convlab.blob.core.windows.net/models/joint_nlu.zip"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "word_dst": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBTTracker"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": false
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ }
+}
diff --git a/convlab/spec/experiment2.json b/convlab/spec/experiment2.json
new file mode 100644
index 0000000..d527989
--- /dev/null
+++ b/convlab/spec/experiment2.json
@@ -0,0 +1,148 @@
+{
+ "rule_nlg": {
+ "agent": [{
+ "name": "DialogAgent",
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "dst": {
+ "name": "RuleDST"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": false
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "word_policy": {
+ "agent": [{
+ "name": "DialogAgent",
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "dst": {
+ "name": "RuleDST"
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "MDRGWordPolicy"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "UserPolicyAgendaMultiWoz"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "JointNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ }
+}
diff --git a/convlab/spec/experiment3.json b/convlab/spec/experiment3.json
new file mode 100644
index 0000000..c150fcd
--- /dev/null
+++ b/convlab/spec/experiment3.json
@@ -0,0 +1,149 @@
+{
+ "nlu_dst": {
+ "agent": [{
+ "name": "DialogAgent",
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "dst": {
+ "name": "RuleDST"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": false
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "UserPolicyHUS"
+ },
+ "sys_policy": {
+ "name": "RuleBasedMultiwozBot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "word_dst": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "MDBT_Tracker"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": false
+ },
+ "algorithm": {
+ "name": "ExternalPolicy",
+ "policy": {
+ "name": "Rule_Based_Multiwoz_Bot"
+ },
+ "action_pdtype": "Argmax",
+ "action_policy": "epsilon_greedy"
+ },
+ "memory": {
+ "name": "Replay",
+ "max_size": 1
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "user_policy": {
+ "name": "User_Policy_Agenda_MultiWoz"
+ },
+ "sys_policy": {
+ "name": "Rule_Based_Multiwoz_Bot"
+ },
+ "nlu": {
+ "name": "MlstNLU"
+ },
+ "nlg": {
+ "name": "MultiwozTemplateNLG",
+ "is_user": true
+ },
+ "action_dim": 0,
+ "observation_dim": 0,
+ "max_t": 40,
+ "max_tick": 1000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ }
+}
diff --git a/convlab/spec/ppo.json b/convlab/spec/ppo.json
new file mode 100644
index 0000000..6ba5ac6
--- /dev/null
+++ b/convlab/spec/ppo.json
@@ -0,0 +1,183 @@
+{
+ "movie": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "algorithm": {
+ "name": "Reinforce",
+ "action_pdtype": "default",
+ "action_policy": "default",
+ "explore_var_spec": null,
+ "gamma": 0.98,
+ "entropy_coef_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 1000,
+ "end_step": 5000,
+ },
+ "training_epoch": 3,
+ "training_frequency": 1,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "OnPolicyReplay"
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [64],
+ "hid_layers_activation": "tanh",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.004
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 2000,
+ "gamma": 0.9,
+ },
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "movie",
+ "action_dim": 43,
+ "observation_dim": 272,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "multiwoz2": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "PPO",
+ "action_pdtype": "default",
+ "action_policy": "rule_guide_default",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 3,
+ "explore_var_spec": null,
+ "gamma": 0.9,
+ "lam": 1.0,
+ "clip_eps_spec": null,
+ "entropy_coef_spec": {
+ "name": "linear_decay",
+ "start_val": 0.01,
+ "end_val": 0.001,
+ "start_step": 1000,
+ "end_step": 5000,
+ },
+ "val_loss_coef": 0.1,
+ "training_frequency": 1,
+ "training_epoch": 8,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "OnPolicyReplay"
+ },
+ "net": {
+ "type": "MLPNet",
+ "shared": true,
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": 10.0,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "use_same_optim": false,
+ "actor_optim_spec": {
+ "name": "Adam",
+ "lr": 0.02
+ },
+ "critic_optim_spec": {
+ "name": "Adam",
+ "lr": 0.02
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 2000,
+ "gamma": 0.9,
+ },
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz2",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 100000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+}
diff --git a/convlab/spec/reinforce.json b/convlab/spec/reinforce.json
new file mode 100644
index 0000000..5fb48a2
--- /dev/null
+++ b/convlab/spec/reinforce.json
@@ -0,0 +1,173 @@
+{
+ "movie": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "algorithm": {
+ "name": "Reinforce",
+ "action_pdtype": "default",
+ "action_policy": "default",
+ "explore_var_spec": null,
+ "gamma": 0.98,
+ "entropy_coef_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 1000,
+ "end_step": 5000,
+ },
+ "training_epoch": 3,
+ "training_frequency": 1,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "OnPolicyReplay"
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [64],
+ "hid_layers_activation": "tanh",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.004
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 2000,
+ "gamma": 0.9,
+ },
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "movie",
+ "action_dim": 43,
+ "observation_dim": 272,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "multiwoz2": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "Reinforce",
+ "action_pdtype": "default",
+ "action_policy": "rule_guide_default",
+ "rule_guide_max_epi": 1000,
+ "rule_guide_frequency": 1,
+ "explore_var_spec": null,
+ "gamma": 0.9,
+ "entropy_coef_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 1000,
+ "end_step": 5000,
+ },
+ "training_frequency": 1,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "OnPolicyReplay"
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 2000,
+ "gamma": 0.9,
+ },
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz2",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 200000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+}
diff --git a/convlab/spec/spec_util.py b/convlab/spec/spec_util.py
new file mode 100644
index 0000000..8ef6088
--- /dev/null
+++ b/convlab/spec/spec_util.py
@@ -0,0 +1,219 @@
+'''
+The spec util
+Handles the Lab experiment spec: reading, writing(evolution), validation and default setting
+Expands the spec and params into consumable inputs in info space for lab units.
+'''
+from convlab.lib import logger, util
+import itertools
+import json
+import numpy as np
+import os
+import pydash as ps
+
+SPEC_DIR = 'convlab/spec'
+'''
+All spec values are already param, inferred automatically.
+To change from a value into param range, e.g.
+- single: "explore_anneal_epi": 50
+- continuous param: "explore_anneal_epi": {"min": 50, "max": 100, "dist": "uniform"}
+- discrete range: "explore_anneal_epi": {"values": [50, 75, 100]}
+'''
+SPEC_FORMAT = {
+ "agent": [{
+ "name": str,
+ # "algorithm": dict,
+ # "memory": dict,
+ # "net": dict,
+ }],
+ "env": [{
+ "name": str,
+ "max_t": (type(None), int),
+ "max_tick": int,
+ }],
+ "body": {
+ "product": ["outer", "inner", "custom"],
+ "num": (int, list),
+ },
+ "meta": {
+ "distributed": bool,
+ "eval_frequency": int,
+ "max_tick_unit": str,
+ "max_session": int,
+ "max_trial": (type(None), int),
+ "search": str,
+ },
+ "name": str,
+}
+logger = logger.get_logger(__name__)
+
+
+def check_comp_spec(comp_spec, comp_spec_format):
+ '''Base method to check component spec'''
+ for spec_k, spec_format_v in comp_spec_format.items():
+ comp_spec_v = comp_spec[spec_k]
+ if ps.is_list(spec_format_v):
+ v_set = spec_format_v
+ assert comp_spec_v in v_set, f'Component spec value {ps.pick(comp_spec, spec_k)} needs to be one of {util.to_json(v_set)}'
+ else:
+ v_type = spec_format_v
+ assert isinstance(comp_spec_v, v_type), f'Component spec {ps.pick(comp_spec, spec_k)} needs to be of type: {v_type}'
+
+
+def check_body_spec(spec):
+ '''Base method to check body spec for AEB space resolution'''
+ ae_product = ps.get(spec, 'body.product')
+ body_num = ps.get(spec, 'body.num')
+ if ae_product == 'outer':
+ pass
+ elif ae_product == 'inner':
+ agent_num = len(spec['agent'])
+ env_num = len(spec['env'])
+ assert agent_num == env_num, 'Agent and Env spec length must be equal for body `inner` product. Given {agent_num}, {env_num}'
+ else: # custom AEB
+ assert ps.is_list(body_num)
+
+
+def check(spec):
+ '''Check a single spec for validity'''
+ try:
+ spec_name = spec.get('name')
+ assert set(spec.keys()) >= set(SPEC_FORMAT.keys()), f'Spec needs to follow spec.SPEC_FORMAT. Given \n {spec_name}: {util.to_json(spec)}'
+ for agent_spec in spec['agent']:
+ check_comp_spec(agent_spec, SPEC_FORMAT['agent'][0])
+ for env_spec in spec['env']:
+ check_comp_spec(env_spec, SPEC_FORMAT['env'][0])
+ check_comp_spec(spec['body'], SPEC_FORMAT['body'])
+ check_comp_spec(spec['meta'], SPEC_FORMAT['meta'])
+ check_body_spec(spec)
+ except Exception as e:
+ logger.exception(f'spec {spec_name} fails spec check')
+ raise e
+ return True
+
+
+def check_all():
+ '''Check all spec files, all specs.'''
+ spec_files = ps.filter_(os.listdir(SPEC_DIR), lambda f: f.endswith('.json') and not f.startswith('_'))
+ for spec_file in spec_files:
+ spec_dict = util.read(f'{SPEC_DIR}/{spec_file}')
+ for spec_name, spec in spec_dict.items():
+ try:
+ spec['name'] = spec_name
+ spec['git_SHA'] = util.get_git_sha()
+ check(spec)
+ except Exception as e:
+ logger.exception(f'spec_file {spec_file} fails spec check')
+ raise e
+ logger.info(f'Checked all specs from: {ps.join(spec_files, ",")}')
+ return True
+
+
+def get(spec_file, spec_name):
+ '''
+ Get an experiment spec from spec_file, spec_name.
+ Auto-check spec.
+ @example
+
+ spec = spec_util.get('base.json', 'base_case_openai')
+ '''
+ if 'data/' in spec_file:
+ assert spec_name in spec_file, 'spec_file in data/ must be lab-generated and contains spec_name'
+ spec = util.read(spec_file)
+ else:
+ spec_file = f'{SPEC_DIR}/{spec_file}' # allow direct filename
+ spec_dict = util.read(spec_file)
+ assert spec_name in spec_dict, f'spec_name {spec_name} is not in spec_file {spec_file}. Choose from:\n {ps.join(spec_dict.keys(), ",")}'
+ spec = spec_dict[spec_name]
+ spec['name'] = spec_name
+ spec['git_SHA'] = util.get_git_sha()
+ check(spec)
+ return spec
+
+
+def is_aeb_compact(aeb_list):
+ '''
+ Check if aeb space (aeb_list) is compact; uniq count must equal shape in each of a,e axes. For b, per unique a,e hash, uniq must equal shape.'''
+ aeb_shape = util.get_aeb_shape(aeb_list)
+ aeb_uniq = [len(np.unique(col)) for col in np.transpose(aeb_list)]
+ ae_compact = np.array_equal(aeb_shape, aeb_uniq)
+ b_compact = True
+ for ae, ae_b_list in ps.group_by(aeb_list, lambda aeb: f'{aeb[0]}{aeb[1]}').items():
+ b_shape = util.get_aeb_shape(ae_b_list)[2]
+ b_uniq = [len(np.unique(col)) for col in np.transpose(ae_b_list)][2]
+ b_compact = b_compact and np.array_equal(b_shape, b_uniq)
+ aeb_compact = ae_compact and b_compact
+ return aeb_compact
+
+
+def is_singleton(spec):
+ '''Check if spec uses a singleton Session'''
+ return len(spec['agent']) == 1 and len(spec['env']) == 1 and spec['body']['num'] == 1
+
+
+def override_dev_spec(spec):
+ spec['meta']['max_session'] = 1
+ spec['meta']['max_trial'] = 2
+ return spec
+
+
+def override_enjoy_spec(spec):
+ spec['meta']['max_session'] = 1
+ return spec
+
+
+def override_eval_spec(spec):
+ for agent_spec in spec['agent']:
+ if 'max_size' in agent_spec['memory']:
+ agent_spec['memory']['max_size'] = 100
+ # evaluate by episode is set in env clock init in env/base.py
+ return spec
+
+
+def override_test_spec(spec):
+ for agent_spec in spec['agent']:
+ # covers episodic and timestep
+ agent_spec['algorithm']['training_frequency'] = 1
+ agent_spec['algorithm']['training_start_step'] = 1
+ agent_spec['algorithm']['training_epoch'] = 1
+ agent_spec['algorithm']['training_batch_epoch'] = 1
+ for env_spec in spec['env']:
+ env_spec['max_t'] = 20
+ env_spec['max_tick'] = 3
+ spec['meta']['eval_frequency'] = 1000
+ spec['meta']['max_tick_unit'] = 'epi'
+ spec['meta']['max_session'] = 1
+ spec['meta']['max_trial'] = 2
+ return spec
+
+
+def resolve_aeb(spec):
+ '''
+ Resolve an experiment spec into the full list of points (coordinates) in AEB space.
+ @param {dict} spec An experiment spec.
+ @returns {list} aeb_list Resolved array of points in AEB space.
+ @example
+
+ spec = spec_util.get('base.json', 'general_inner')
+ aeb_list = spec_util.resolve_aeb(spec)
+ # => [(0, 0, 0), (0, 0, 1), (1, 1, 0), (1, 1, 1)]
+ '''
+ agent_num = len(spec['agent']) if ps.is_list(spec['agent']) else 1
+ env_num = len(spec['env']) if ps.is_list(spec['env']) else 1
+ ae_product = ps.get(spec, 'body.product')
+ body_num = ps.get(spec, 'body.num')
+ body_num_list = body_num if ps.is_list(body_num) else [body_num] * env_num
+
+ aeb_list = []
+ if ae_product == 'outer':
+ for e in range(env_num):
+ sub_aeb_list = list(itertools.product(range(agent_num), [e], range(body_num_list[e])))
+ aeb_list.extend(sub_aeb_list)
+ elif ae_product == 'inner':
+ for a, e in zip(range(agent_num), range(env_num)):
+ sub_aeb_list = list(itertools.product([a], [e], range(body_num_list[e])))
+ aeb_list.extend(sub_aeb_list)
+ else: # custom AEB, body_num is a aeb_list
+ aeb_list = [tuple(aeb) for aeb in body_num]
+ aeb_list.sort()
+ assert is_aeb_compact(aeb_list), 'Failed check: for a, e, uniq count == len (shape), and for each a,e hash, b uniq count == b len (shape)'
+ return aeb_list
diff --git a/convlab/spec/test.json b/convlab/spec/test.json
new file mode 100644
index 0000000..f4b6d78
--- /dev/null
+++ b/convlab/spec/test.json
@@ -0,0 +1,275 @@
+{
+ "movie": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_step": 5000,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 1.0,
+ "end_val": 0.1,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 100,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [80],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001,
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "movie",
+ "action_dim": 43,
+ "observation_dim": 272,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "dqn_mz": {
+ "agent": [{
+ "name": "DialogAgent",
+ "dst": {
+ "name": "RuleDST"
+ },
+ "state_encoder": {
+ "name": "MultiWozStateEncoder"
+ },
+ "action_decoder": {
+ "name": "MultiWozVocabActionDecoder"
+ },
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "rule_guide_epsilon_greedy",
+ "rule_guide_max_step": 1000,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 0.0,
+ "end_val": 0.0,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz2",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ },
+ "mz": {
+ "agent": [{
+ "name": "Agent",
+ "algorithm": {
+ "name": "DQN",
+ "action_pdtype": "Argmax",
+ "action_policy": "multiwoz_rule_guide_epsilon_greedy",
+ "rule_guide_max_step": 1000,
+ "explore_var_spec": {
+ "name": "linear_decay",
+ "start_val": 1.0,
+ "end_val": 0.1,
+ "start_step": 0,
+ "end_step": 800,
+ },
+ "gamma": 0.9,
+ "training_batch_epoch": 10,
+ "training_epoch": 3,
+ "training_frequency": 50,
+ "training_start_step": 32,
+ "normalize_state": false
+ },
+ "memory": {
+ "name": "Replay",
+ "batch_size": 16,
+ "max_size": 10000,
+ "use_cer": false
+ },
+ "net": {
+ "type": "MLPNet",
+ "hid_layers": [100],
+ "hid_layers_activation": "relu",
+ "clip_grad_val": null,
+ "loss_spec": {
+ "name": "MSELoss"
+ },
+ "optim_spec": {
+ "name": "Adam",
+ "lr": 0.001
+ },
+ "lr_scheduler_spec": {
+ "name": "StepLR",
+ "step_size": 1000,
+ "gamma": 0.999,
+ },
+ "update_type": "replace",
+ "update_frequency": 500,
+ "polyak_coef": 0,
+ "gpu": false
+ }
+ }],
+ "env": [{
+ "name": "multiwoz",
+ "action_dim": 300,
+ "observation_dim": 401,
+ "max_t": 40,
+ "max_tick": 20000
+ }],
+ "body": {
+ "product": "outer",
+ "num": 1
+ },
+ "meta": {
+ "distributed": false,
+ "eval_frequency": 1000,
+ "max_tick_unit": "total_t",
+ "max_trial": 1,
+ "max_session": 1,
+ "search": "RandomSearch",
+ "resources": {
+ "num_cpus": 1,
+ "num_gpus": 0
+ }
+ },
+ "search": {
+ "agent": [{
+ "algorithm": {
+ "gamma__choice": [0.95, 0.99]
+ },
+ "net": {
+ "optim_spec": {
+ "lr__choice": [0.001, 0.01]
+ }
+ }
+ }]
+ }
+ }
+}
diff --git a/data/data_processor.py b/data/data_processor.py
new file mode 100644
index 0000000..92ed9ee
--- /dev/null
+++ b/data/data_processor.py
@@ -0,0 +1,687 @@
+# Copyright (c) Microsoft Corporation.
+# Licensed under the MIT license.
+
+'''
+'''
+
+import argparse, json
+from nltk.tokenize import sent_tokenize, word_tokenize
+
+""" ====== NLG Part ====== """
+
+def prepare_nlg_data(params):
+ """ prepare nlg data """
+
+ raw_file_path = params['raw_file_path']
+
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+ print("sessID\tMsgID\tMsgFrom\tText\tDialogAct")
+
+ #f = open('./multiwoz/annotated_user_utts.txt', 'w')
+ #f.write("sessID\tMsgID\tText\tDialogAct\n")
+
+ for key in raw_data.keys()[0:]:
+ dialog = raw_data[key]
+ print('%s %d' % (key, len(dialog['log'])))
+
+ for turn_id, turn in enumerate(dialog['log']):
+ txt = turn['text']
+
+ print("%d %s" % (turn_id, txt))
+
+ dia_acts = turn['dialog_act']
+ #print('%d', len(dia_acts))
+
+ if len(dia_acts) == 0 or len(dia_acts) > 1: continue
+
+ dia_acts_str = []
+ for dia_act in dia_acts:
+ dia_act_str = ""
+ dia_act_intent = dia_act
+ dia_act_slot_vals = ""
+
+ for slot_val in dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+ else: pass
+
+ if val == "none" or val == "?":
+ dia_act_slot_vals += slot + ";"
+ else:
+ dia_act_slot_vals += slot + "=" + val.strip() + ";"
+
+ dia_acts_str.append(dia_act_str)
+
+ #print('%s: %s' % (dia_act, dia_acts[dia_act]))
+
+ if dia_act_slot_vals.endswith(";"):
+ dia_act_slot_vals = dia_act_slot_vals[0:-1].strip()
+ print('%s(%s)' % (dia_act, dia_act_slot_vals))
+
+ #f.write(key+"\t"+str(turn_id)+"\t"+txt+"\t"+dia_act+"("+dia_act_slot_vals+")\n")
+
+ #f.close()
+
+def prepare_data(params):
+ """ prepare data """
+
+ raw_file_path = params['raw_file_path']
+
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+ print("sessID\tMsgID\tMsgFrom\tText\tDialogAct")
+
+ f = open('./multiwoz/annotated_user_utts_all.txt', 'w')
+ f.write("sessID\tMsgID\tText\tDialogAct\n")
+
+ unaligned = 0
+ total = 0
+
+ for key in raw_data.keys()[0:]:
+ dialog = raw_data[key]
+ #print('%s %d' % (key, len(dialog['log'])))
+
+ for turn_id, turn in enumerate(dialog['log']):
+ total += 1
+ txt = turn['text']
+ sentences = sent_tokenize(txt) #txt.split('.')
+
+ dia_acts = turn['dialog_act']
+ #print('%d %d', len(sentence), len(dia_acts))
+
+ if len(dia_acts) == 0 or (len(dia_acts) > 1 and len(sentences) != len(dia_acts)):
+ #if len(dia_acts) == 0 or len(dia_acts) > 1:
+
+ unaligned += 1
+
+ #print("%d %s" % (turn_id, txt))
+ #print(dia_acts)
+ continue
+
+ for dia_act_id, dia_act in enumerate(list(dia_acts.keys())):
+ dia_act_intent = dia_act
+ dia_act_slot_vals = ""
+
+ txt_str = sentences[dia_act_id]
+ txt_str = txt_str.replace('\t', " ")
+ txt_str = txt_str.replace('\n', "")
+
+ for slot_val in dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+
+ if val == "none" or val == "?":
+ dia_act_slot_vals += slot + ";"
+ else:
+ dia_act_slot_vals += slot + "=" + val.strip() + ";"
+
+ #print('%s: %s' % (dia_act, dia_acts[dia_act]))
+
+ if dia_act_slot_vals.endswith(";"):
+ dia_act_slot_vals = dia_act_slot_vals[0:-1].strip()
+
+ #print('%s' % (txt_str))
+ #print('%s(%s)' % (dia_act, dia_act_slot_vals))
+
+ f.write(key+"\t"+str(turn_id)+"\t"+txt_str+"\t"+dia_act+"("+dia_act_slot_vals+")\n")
+
+ print('unaligned/total: %d/%d' % (unaligned, total))
+ f.close()
+
+def prepare_dia_acts_slots(params):
+ """ prepare dialog acts and slots """
+
+ raw_file_path = params['dia_act_slot']
+
+ file = open(raw_file_path, 'r')
+ lines = [line.strip().strip('\n').strip('\r') for line in file]
+
+ f = open('./multiwoz/slot_set.txt', 'w')
+
+ slot_set = set()
+ for l in lines:
+ arr = l.split('\t')
+ if len(arr) > 1: slot_set.add(arr[1].strip())
+
+ for s in slot_set:
+ print(s)
+ f.close()
+
+
+""" ====== NLU Part ====== """
+
+def generate_bio_from_raw_data(params):
+ """ cmd = 2: read the raw data, and generate BIO file """
+
+ wfile = open("./multiwoz/annoted_bio_all_tst.txt", "w")
+
+ file = open(params['txt_dia_act_file'], 'r')
+ lines = [line.strip().strip('\n').strip('\r') for line in file]
+
+ print('lines', len(lines))
+
+ for l_id, l in enumerate(lines[1:]):
+ fields = l.split('\t')
+
+ sessID = fields[0].strip()
+ msID = fields[1].strip()
+ msTxt = fields[2].strip()
+ dia_acts = fields[3].strip()
+
+ dia_act = parse_str_to_diaact(dia_acts)
+
+ #if dia_act['intent'] == "inform": print sessID, msID, dia_acts
+
+ print l_id, sessID, msID, dia_acts, dia_act
+
+ new_str, bio_str, intent = parse_str_to_bio(msTxt, dia_act)
+
+ #print dia_acts, intent
+ #print new_str
+ #print bio_str
+
+ wfile.write(new_str + '\t' + bio_str + '\n')
+
+ wfile.close()
+
+""" ====== Generate NLU Part ====== """
+
+def generate_nlu_bio_from_data(params):
+ """ prepare nlg data """
+
+ raw_file_path = params['raw_file_path']
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+ print("sessID\tMsgID\tText\tDialogAct")
+
+ wfile = open("./multiwoz/annoted_bio_all.txt", "w")
+
+ for key in raw_data.keys()[0:]:
+ dialog = raw_data[key]
+ print('%s %d' % (key, len(dialog['log'])))
+
+ for turn_id, turn in enumerate(dialog['log']):
+ txt = turn['text']
+ txt = txt.replace('\t', " ")
+ txt = txt.replace('\n', "")
+
+ dia_acts = turn['dialog_act']
+
+ print("%d %s %s" % (turn_id, txt, dia_acts))
+
+ intents, new_str, bio_str = parse_s_to_bio(txt, dia_acts)
+ print('%s, %s' % (new_str, bio_str))
+
+ wfile.write(new_str + '\t' + bio_str + '\n')
+
+ wfile.close()
+
+def parse_s_to_bio(s, dia_acts):
+ """ parse s with dia_acts """
+
+ intents = []
+ slot_vals = {}
+ for intent in dia_acts:
+ dia_act = dia_acts[intent]
+
+ for s_v in dia_act:
+ if s_v[0] == "none" or s_v[1] == 'none' or s_v[1] == '?':
+ if s_v[0] != "none":
+ intents.append(intent+"+"+s_v[0])
+ else:
+ intents.append(intent)
+ continue
+
+ if 'inform' in intent or 'Inform' in intent:
+ new_slot = intent + "+" + s_v[0]
+ slot_vals[new_slot] = s_v[1]
+ continue
+
+ if s_v[0] != "none" and s_v[1] != "none" and s_v[1] != '?':
+ new_slot = intent + "+" + s_v[0]
+ slot_vals[new_slot] = s_v[1]
+
+ if len(intents) == 0: intents.append('N/A')
+
+ w_arr, bio_arr = parse_slotvals(s, slot_vals)
+ bio_arr[-1] = ','.join(intents)
+ new_str = ' '.join(w_arr)
+ bio_str = ' '.join(bio_arr)
+
+ return intents, new_str, bio_str
+
+def parse_slotvals(s, slot_vals):
+ """ parse slot-vals """
+
+ new_str = 'BOS ' + s + ' EOS'
+ new_str = new_str.lower()
+ w_arr = word_tokenize(new_str) #new_str.split(' ')
+ bio_arr = ['O'] * len(w_arr)
+
+ left_index = 0
+ for slot in slot_vals:
+ slot_val = slot_vals[slot].lower()
+
+ if len(slot_vals[slot]) == 0: continue
+
+ str_left_index = new_str.find(slot_val, 0)
+ if str_left_index == -1:
+ str_left_index = new_str.find(slot_val.split(' ')[0], 0)
+
+ if str_left_index == -1: continue
+
+ left_index = len(s[0:str_left_index].split(' '))
+
+ #print(slot_val, str_left_index, left_index, len(w_arr), len(slot_val.split(' ')))
+
+ range_len = min(len(slot_val.split(' ')), len(w_arr)-left_index)
+ for index in range(range_len):
+ bio_arr[left_index+index] = ("B-" + slot) if index == 0 else ("I-" + slot)
+
+ return w_arr, bio_arr
+
+def select_single_intent(params):
+ """ select single intent utterances """
+
+ file = open(params['txt_dia_act_file'], 'r')
+ lines = [line.strip().strip('\n').strip('\r') for line in file]
+
+ print('lines', len(lines))
+
+ wfile = open("./multiwoz/annoted_bio_all_20k.txt", "w")
+
+ N = 20000
+ line = 0
+ for l_id, l in enumerate(lines[0:]):
+ fields = l.split('\t')
+
+ if line > N: break
+
+ #if (len(fields[0].split(" ")) != len(fields[1].split(" "))): print l_id, l
+
+ intents = fields[1].split(',')
+ if len(intents) == 1:
+ wfile.write(l + '\n')
+ line += 1
+ wfile.close()
+
+
+
+def parse_str_to_diaact(s):
+ """ parse str to dia_act """
+
+ dia_act = {}
+
+ intent = ""
+ slot_val_s = ""
+
+ if s.find('(') > 0 and s.find(')') > 0:
+ intent = s[0: s.find('(')].strip(' ').lower()
+ slot_val_s = s[s.find('(')+1: -1].strip(' ') #slot-value pairs
+
+ dia_act['intent'] = intent
+
+ #if len(annot) == 0: continue #confirm_question()
+
+ if len(slot_val_s) > 0:
+ # slot-pair values: slot[val] = id
+ annot_segs = slot_val_s.split(';') #slot-value pairs
+ sent_slot_vals = {} # slot-pair real value
+
+ for annot_seg in annot_segs:
+ annot_seg = annot_seg.strip(' ')
+ annot_slot = annot_seg
+ if annot_seg.find('=') > 0:
+ left_index = 0
+ #if annot_seg.find('||') > 0: left_index = annot_seg.find('||')+2
+
+ annot_slot = annot_seg[left_index:annot_seg.find('=', left_index)].strip(' ') #annot_seg.split('=')[0].strip(' ')
+ annot_val = annot_seg[annot_seg.find('=')+1:].strip(' ') #annot_seg.split('=')[1].strip(' ')
+ else: #requested
+ annot_val = 'UNK' # for request
+ if annot_slot == 'taskcomplete': annot_val = 'FINISH'
+
+ if annot_slot == 'mc_list':
+ #left_index = 0
+ #if annot_seg.find('{')> 0: left_index = annot_seg.find('{') + 1
+ #annot_slot = annot_seg[left_index:annot_seg.find('=', left_index)] #annot_seg.split('=')[0].strip(' ')
+ #annot_val = annot_seg[annot_seg.find('=', left_index)+1:]
+ continue
+
+ # slot may have multiple values
+ sent_slot_vals[annot_slot] = []
+
+ if annot_val.startswith('{') and annot_val.endswith('}'): # multiple-choice or result={}
+ annot_val = annot_val[1:-1].strip(' ')
+
+ if annot_slot == 'result': # result={slot=value}
+ result_annot_seg_arr = annot_val.strip(' ').split('&')
+ if len(annot_val.strip(' '))> 0:
+ for result_annot_seg_item in result_annot_seg_arr:
+ result_annot_seg_arr = result_annot_seg_item.strip(' ').split('=')
+
+ result_annot_seg_slot = result_annot_seg_arr[0]
+ result_annot_seg_slot_val = result_annot_seg_arr[1]
+ sent_slot_vals[annot_slot].append({result_annot_seg_slot:result_annot_seg_slot_val})
+ else: # result={}
+ pass
+ else: # multi-choice or mc_list
+ annot_val_arr = annot_val.split('#')
+ for annot_val_item in annot_val_arr:
+ sent_slot_vals[annot_slot].append(annot_val_item.strip(' '))
+ else: # single choice
+ sent_slot_vals[annot_slot].append(annot_val)
+
+ dia_act['slot_vals'] = sent_slot_vals
+ else: # no slot-value pairs
+ dia_act['slot_vals'] = {}
+
+ return dia_act
+
+def parse_str_to_bio(str, dia_act):
+ """ parse str to BIO format """
+
+ intent = parse_intent(dia_act)
+ w_arr, bio_arr = parse_slots(str, dia_act)
+ bio_arr[-1] = intent
+
+ return ' '.join(w_arr), ' '.join(bio_arr), intent
+
+def parse_intent(dia_act):
+ """ parse intent """
+
+ intent_word = dia_act['intent']
+ intent = intent_word
+
+ if intent_word == 'inform':
+ if 'taskcomplete' in dia_act['slot_vals'].keys():
+ intent += '+taskcomplete'
+ elif 'request' in intent_word: # request intent
+ for slot in dia_act['slot_vals'].keys():
+ if 'UNK' in dia_act['slot_vals'][slot]:
+ intent += '+' + slot
+ else:
+ pass
+
+ return intent
+
+def parse_slots(str, dia_act):
+ """ format BIO """
+
+ new_str = 'BOS ' + str + ' EOS'
+ new_str = new_str.lower()
+ w_arr = new_str.split(' ')
+ bio_arr = ['O'] * len(w_arr)
+
+ left_index = 0
+ for slot in dia_act['slot_vals'].keys():
+ if len(dia_act['slot_vals'][slot]) == 0: continue
+
+ slot_val = dia_act['slot_vals'][slot][0].lower()
+ if slot_val == 'unk' or slot_val == 'finish': continue
+
+ str_left_index = new_str.find(slot_val, 0)
+ if str_left_index == -1:
+ str_left_index = new_str.find(slot_val.split(' ')[0], 0)
+
+ if str_left_index == -1: continue
+
+ left_index = len(str[0:str_left_index].split(' '))
+
+ print(str_left_index, left_index, len(w_arr), len(slot_val.split(' ')))
+
+ range_len = min(len(slot_val.split(' ')), len(w_arr)-left_index)
+ for index in range(range_len):
+ bio_arr[left_index+index] = ("B-" + slot) if index == 0 else ("I-" + slot)
+
+ return w_arr, bio_arr
+
+
+""" ====== Turn Pairs ====== """
+
+def build_turn_pairs(params):
+ """ construct turn pairs """
+
+ raw_file_path = params['raw_file_path']
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+
+ dialogs = {}
+ for dialog_key in raw_data:
+ dialog = raw_data[dialog_key]
+
+
+def sample_N_dialogues(params):
+ """ sample N dialogues """
+
+ raw_file_path = params['raw_file_path']
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+
+ N = 1000
+ dialogs = {}
+ for dialog_key in list(raw_data.keys()): #[0:N]:
+ dialogs[dialog_key] = raw_data[dialog_key]
+
+ with open('./multiwoz/annotated_user_da_with_span_'+str(N)+'sample.json', 'w') as fp:
+ json.dump(dialogs, fp)
+
+
+
+def prepare_query_res_pairs(params):
+ """ prepare query-response raw pairs """
+
+ raw_file_path = params['raw_file_path']
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+ print("sessID\tMsgID\tText\tDialogAct")
+
+ f = open('./multiwoz/annotated_qr_pairs.txt', 'w')
+ f.write("sessID\tMsgID\tText\tUsrAct\tSysAct\n")
+
+ unaligned = 0
+ total = 0
+ pairs = []
+
+ for key in raw_data.keys()[0:]:
+ dialog = raw_data[key]
+ print('%s %d' % (key, len(dialog['log'])))
+
+ turn_id = 0
+ while turn_id < len(dialog['log']):
+ pair = {}
+
+ turn = dialog['log'][turn_id]
+ txt = turn['text']
+ txt = txt.replace('\t', " ")
+ txt = txt.replace('\n', "")
+
+ dia_acts = turn['dialog_act']
+ usr_acts = []
+ for dia_act_id, dia_act in enumerate(list(dia_acts.keys())):
+ dia_act_intent = dia_act
+ dia_act_slots = []
+
+ for slot_val in dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+
+ if val == "none" or val == "?":
+ dia_act_intent += "_" + slot
+ else:
+ dia_act_slots.append(slot)
+
+ usr_acts.append('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+ #print('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+
+ system_turn = dialog['log'][turn_id+1]
+ sys_dia_acts = system_turn['dialog_act']
+ sys_acts = []
+ for dia_act_id, dia_act in enumerate(list(sys_dia_acts.keys())):
+ dia_act_intent = dia_act
+ dia_act_slots = []
+
+ for slot_val in sys_dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+
+ if val == "none" or val == "?":
+ dia_act_intent += "_" + slot
+ else:
+ dia_act_slots.append(slot)
+
+ sys_acts.append('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+ #print('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+
+ pair['sessID'] = key
+ pair['turnID'] = turn_id
+ pair['txt'] = txt
+ pair['usr_acts'] = usr_acts
+ pair['sys_acts'] = sys_acts
+
+ print('%s(%s)' % (usr_acts, sys_acts))
+ f.write(key+"\t"+str(turn_id)+"\t"+txt+"\t"+','.join(usr_acts)+"\t"+','.join(sys_acts)+"\n")
+ turn_id += 2
+
+def prepare_u_s_pairs(params):
+ """ prepare query-response pairs """
+
+ raw_file_path = params['raw_file_path']
+ raw_data = json.load(open(raw_file_path, 'rb'))
+
+ print("#dialog", len(raw_data))
+ print("sessID\tMsgID\tText\tDialogAct")
+
+ f = open('./multiwoz/annotated_us_pairs.txt', 'w')
+
+ total = 0
+ pairs = []
+
+ for key in raw_data.keys()[0:]:
+ dialog = raw_data[key]
+ print('%s %d' % (key, len(dialog['log'])))
+
+ turn_id = 0
+ while turn_id < len(dialog['log']):
+ pair = {}
+
+ turn = dialog['log'][turn_id]
+ txt = turn['text']
+ txt = txt.replace('\t', " ")
+ txt = txt.replace('\n', "")
+
+ dia_acts = turn['dialog_act']
+ usr_acts = []
+ for dia_act_id, dia_act in enumerate(list(dia_acts.keys())):
+ dia_act_intent = dia_act
+ dia_act_slots = []
+
+ for slot_val in dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+
+ if val == "none" or val == "?":
+ dia_act_intent += "_" + slot
+ else:
+ dia_act_slots.append(slot)
+
+ usr_acts.append('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+ #print('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+
+ system_turn = dialog['log'][turn_id+1]
+ sys_dia_acts = system_turn['dialog_act']
+ sys_acts = []
+ for dia_act_id, dia_act in enumerate(list(sys_dia_acts.keys())):
+ dia_act_intent = dia_act
+ dia_act_slots = []
+
+ for slot_val in sys_dia_acts[dia_act]:
+ slot = slot_val[0]
+ val = slot_val[1]
+
+ if slot == 'none': continue
+
+ if val == "none" or val == "?":
+ dia_act_intent += "_" + slot
+ else:
+ dia_act_slots.append(slot)
+
+ sys_acts.append('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+ #print('%s(%s)' % (dia_act, ';'.join(dia_act_slots)))
+
+ pair['sessID'] = key
+ pair['turnID'] = turn_id
+ pair['txt'] = txt
+ pair['usr_acts'] = usr_acts
+ pair['sys_acts'] = sys_acts
+
+ print('%s(%s)' % (usr_acts, sys_acts))
+ f.write(txt+"\t"+','.join(sys_acts)+"\n")
+ turn_id += 2
+
+
+
+
+def main(params):
+
+ cmd = params['cmd']
+
+ if cmd == 0: # generate nlg data
+ prepare_nlg_data(params)
+ elif cmd == 1: # generate dia_act, slot sets
+ prepare_dia_acts_slots(params)
+ elif cmd == 2: # generate NLU BIO
+ generate_bio_from_raw_data(params)
+ elif cmd == 3: # construct turn pairs
+ build_turn_pairs(params)
+ elif cmd == 4: # sample N dialogues
+ sample_N_dialogues(params)
+ elif cmd == 5: # prepare data
+ prepare_data(params)
+ elif cmd == 6: # create sl policy training data
+ prepare_query_res_pairs(params)
+ elif cmd == 7:
+ prepare_u_s_pairs(params)
+ elif cmd == 8: # generate nlu bio
+ generate_nlu_bio_from_data(params)
+ elif cmd == 9: # select single intent
+ select_single_intent(params)
+ elif cmd == 10:
+ pass
+
+
+
+if __name__ == "__main__":
+ parser = argparse.ArgumentParser()
+
+ parser.add_argument('--cmd', dest='cmd', type=int, default=8, help='cmd')
+
+ parser.add_argument('--raw_file_path', dest='raw_file_path', type=str, default='./multiwoz/annotated_user_da_with_span_100sample.json', help='path to data file')
+ parser.add_argument('--dia_act_slot', dest='dia_act_slot', type=str, default='./multiwoz/dialog_act_slot.txt', help='path to data file')
+
+ parser.add_argument('--txt_dia_act_file', dest='txt_dia_act_file', type=str, default='./multiwoz/annotated_user_utts_18k.txt', help='path to data file')
+
+ args = parser.parse_args()
+ params = vars(args)
+
+ print('Setup Parameters: ')
+ print(json.dumps(params, indent=2))
+
+ main(params)
\ No newline at end of file
diff --git a/data/movie/dia_act_nl_pairs.v6.json b/data/movie/dia_act_nl_pairs.v6.json
new file mode 100644
index 0000000..bb38c69
--- /dev/null
+++ b/data/movie/dia_act_nl_pairs.v6.json
@@ -0,0 +1,3517 @@
+{
+ "dia_acts": {
+ "inform": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$moviename$ is available.",
+ "usr": "I want to watch $moviename$."
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "yes, please",
+ "usr": "yes"
+ },
+ "inform_slots": [
+ "ticket"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$starttime$ is available.",
+ "usr": "I want to watch at $starttime$."
+ },
+ "inform_slots": [
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$city$ is available.",
+ "usr": "I want to watch at $city$."
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$state$ is available.",
+ "usr": "I want to watch at $state$."
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$date$ is available.",
+ "usr": "I want to set it up $date$"
+ },
+ "inform_slots": [
+ "date"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofpeople$ tickets",
+ "usr": "I want $numberofpeople$ tickets please!"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$theater$ is available.",
+ "usr": "I want to watch at $theater$."
+ },
+ "inform_slots": [
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$actor$",
+ "usr": "$actor$"
+ },
+ "inform_slots": [
+ "actor"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$actress$",
+ "usr": "$actress$"
+ },
+ "inform_slots": [
+ "actress"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofpeople$ tickets at $city$ $state$.",
+ "usr": "I need $numberofpeople$ tickets at $city$ $state$."
+ },
+ "inform_slots": [
+ "city",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofpeople$ tickets at $starttime$.",
+ "usr": "I need $numberofpeople$ tickets at $starttime$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$starttime$ on $date$ is available.",
+ "usr": "I want to watch at $starttime$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$moviename$ at $starttime$ is available.",
+ "usr": "I want to watch $moviename$ at $starttime$."
+ },
+ "inform_slots": [
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$critic_rating$",
+ "usr": "$critic_rating$"
+ },
+ "inform_slots": [
+ "critic_rating"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$distanceconstraints$",
+ "usr": "$distanceconstraints$"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$description$",
+ "usr": "$description$"
+ },
+ "inform_slots": [
+ "description"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$genre$ is available",
+ "usr": "I want to watch a $genre$ movie."
+ },
+ "inform_slots": [
+ "genre"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$mpaa_rating$",
+ "usr": "$mpaa_rating$"
+ },
+ "inform_slots": [
+ "mpaa_rating"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$video_format$",
+ "usr": "$video_format$"
+ },
+ "inform_slots": [
+ "video_format"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$price$",
+ "usr": "$price$"
+ },
+ "inform_slots": [
+ "price"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$zip$",
+ "usr": "$zip$"
+ },
+ "inform_slots": [
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofkids$",
+ "usr": "$numberofkids$"
+ },
+ "inform_slots": [
+ "numberofkids"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$movie_series$",
+ "usr": "$movie_series$"
+ },
+ "inform_slots": [
+ "movie_series"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$theater_chain$",
+ "usr": "$theater_chain$"
+ },
+ "inform_slots": [
+ "theater_chain"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$starttime$ at $city$ is available.",
+ "usr": "I want to watch at $starttime$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "taskcomplete"
+ ],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ $distanceconstraints$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ $distanceconstraints$."
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$video_format$ $distanceconstraints$",
+ "usr": "$video_format$ $distanceconstraints$"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "video_format"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofpeople$ tickets at $theater$.",
+ "usr": "$numberofpeople$ tickets at $theater$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$moviename$ is playing at $starttime$ in $city$.",
+ "usr": "$moviename$ is playing at $starttime$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$moviename$ is playing at $theater$.",
+ "usr": "I want to watch $moviename$ at $theater$."
+ },
+ "inform_slots": [
+ "theater",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$numberofpeople$ tickets at $starttime$ $date$.",
+ "usr": "$numberofpeople$ tickets at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "taskcomplete"
+ ],
+ "nl": {
+ "agt": "Okay, your tickets is booked.",
+ "usr": "Okay, your tickets is booked."
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$other$",
+ "usr": "$other$"
+ },
+ "inform_slots": [
+ "other"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked the tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "theater_chain",
+ "theater",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "theater_chain",
+ "numberofpeople",
+ "theater",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "closing"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "theater_chain",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "closing"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I was able to book $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$.",
+ "usr": "Okay, I was able to book $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I was able to book $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$.",
+ "usr": "Okay, I was able to book $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I was able to book $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$.",
+ "usr": "Okay, I was able to book $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "video_format",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I was able to book $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$.",
+ "usr": "Okay, I was able to book $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$."
+ },
+ "inform_slots": [
+ "city",
+ "theater",
+ "theater_chain",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$.",
+ "usr": "Okay, I have booked the tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ in $city$ on $date$."
+ },
+ "inform_slots": [
+ "city",
+ "theater",
+ "video_format",
+ "theater_chain",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "closing"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $state$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $state$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $zip$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $zip$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "zip",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ $distanceconstraints$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ $distanceconstraints$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in zipcode $zip$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in zipcode $zip$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "zip",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$.",
+ "usr": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$.",
+ "usr": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$ $state$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "video_format",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ $distanceconstraints$ in $city$ $state$.",
+ "usr": "Okay, I have booked $numberofpeople$ $video_format$ tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ $distanceconstraints$ in $city$ $state$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "distanceconstraints",
+ "video_format",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $video_format$ $moviename$ starting at $starttime$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ for you.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ for you."
+ },
+ "inform_slots": [
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ $date$ for you.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ $date$ for you."
+ },
+ "inform_slots": [
+ "date",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $distanceconstraints$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $distanceconstraints$."
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ at $theater$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ at $theater$."
+ },
+ "inform_slots": [
+ "taskcomplete",
+ "numberofpeople",
+ "theater",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ at $starttime$ $date$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "date",
+ "taskcomplete",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets at $starttime$ $date$ at $theater$ in $city$.",
+ "usr": "Okay, I have booked the tickets at $starttime$ $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "$city$ at $state$ is available",
+ "usr": "$city$ at $state$"
+ },
+ "inform_slots": [
+ "city",
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "taskcomplete"
+ ],
+ "nl": {
+ "agt": "Okay, I have book the tickets for $moviename$ at $theater$ for you.",
+ "usr": "Okay, I have book the tickets for $moviename$ at $theater$ for you."
+ },
+ "inform_slots": [
+ "theater",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$."
+ },
+ "inform_slots": [
+ "theater",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ at $theater$ in $city$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $starttime$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ $distanceconstraints$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ $distanceconstraints$."
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ on $date$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ $distanceconstraints$ in $city$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$ $distanceconstraints$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "distanceconstraints",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "other"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $city$ $state$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $city$ $state$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "state",
+ "other",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$."
+ },
+ "inform_slots": [
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $distanceconstraints$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $distanceconstraints$."
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "other"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ $date$."
+ },
+ "inform_slots": [
+ "date",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ at $theater$ in $city$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "taskcomplete",
+ "moviename",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ at $starttime$ on $date$ in $city$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ at $starttime$ on $date$ in $city$."
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "taskcomplete",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$.",
+ "usr": "Okay, I have booked the tickets for $moviename$ starting at $starttime$ on $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets for $moviename$ for you.",
+ "usr": "Okay, I have booked the tickets for $moviename$ for you."
+ },
+ "inform_slots": [
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ on $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "other",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$ $theater_chain$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$ $theater_chain$ on $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "date",
+ "theater_chain",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ starting at $starttime$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "theater",
+ "taskcomplete",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Yes, I have booked $numberofpeople$ tickets for you.",
+ "usr": "Yes, I have booked $numberofpeople$ tickets for you."
+ },
+ "inform_slots": [
+ "taskcomplete",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$ on $date$.",
+ "usr": "Okay, I have booked $numberofpeople$ tickets for $moviename$ at $theater$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "theater",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I have booked the tickets at $theater$ in $city$.",
+ "usr": "Okay, I have booked the tickets at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "taskcomplete",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Thank you, I was able to purchase $numberofpeople$ tickets for you to see $moviename$ with $video_format$ $date$ at $city$ $distanceconstraints$ at $starttime$.",
+ "usr": "Thank you, I was able to purchase $numberofpeople$ tickets for you to see $moviename$ with $video_format$ $date$ at $city$ $distanceconstraints$ at $starttime$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "distanceconstraints",
+ "video_format",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$.",
+ "usr": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "ticket"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$.",
+ "usr": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "ticket",
+ "closing"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ in $city$ at $starttime$ $date$.",
+ "usr": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ in $city$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "ticket",
+ "closing",
+ "city"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$.",
+ "usr": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ in $city$ at $starttime$ $date$.",
+ "usr": "Okay - I was able to book $numberofpeople$ tickets for you to see $moviename$ at $theater$ in $city$ at $starttime$ $date$."
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename",
+ "ticket",
+ "city"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Thank you, I was able to purchase $numberofpeople$ tickets for you to see $moviename$ at $theater$, $theater_chain$ at $city$ at $starttime$ on $date$.",
+ "usr": "Thank you, I was able to purchase $numberofpeople$ tickets for you to see $moviename$ at $theater$, $theater_chain$ at $city$ at $starttime$ on $date$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "theater_chain",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay your purchase of $numberofpeople$ tickets for $moviename$ at $city$ is confirmed.",
+ "usr": "Okay your purchase of $numberofpeople$ tickets for $moviename$ at $city$ is confirmed."
+ },
+ "inform_slots": [
+ "city",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Great - I was able to purchase $numberofpeople$ tickets for you to see $moviename$ $date$ at $theater$ theater in $city$ at $starttime$.",
+ "usr": "Great - I was able to purchase $numberofpeople$ tickets for you to see $moviename$ $date$ at $theater$ theater in $city$ at $starttime$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, your purchase of $numberofpeople$ for $moviename$ at $city$ $distanceconstraints$ is confirmed!",
+ "usr": "Okay, your purchase of $numberofpeople$ for $moviename$ at $city$ $distanceconstraints$ is confirmed!"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "city",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, I purchased $numberofpeople$ tickets for $moviename$ at $city$ on $date$.",
+ "usr": "Okay, I purchased $numberofpeople$ tickets for $moviename$ at $city$ on $date$."
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "I have booked you $numberofpeople$ tickets for moviename at $city$, $zip$.",
+ "usr": "I have booked you $numberofpeople$ tickets for moviename at $city$, $zip$."
+ },
+ "inform_slots": [
+ "city",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Great - I was able to purchase $numberofpeople$ tickets for you to watch $moviename$ at $theater$ in $city$ at $starttime$, $date$.",
+ "usr": "Great - I was able to purchase $numberofpeople$ tickets for you to watch $moviename$ at $theater$ in $city$ at $starttime$, $date$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay your purchase $numberofpeople$ tickets for $moviename$ at $city$, $state$ is confirmed!",
+ "usr": "Okay your purchase $numberofpeople$ tickets for $moviename$ at $city$, $state$ is confirmed!"
+ },
+ "inform_slots": [
+ "city",
+ "state",
+ "numberofpeople",
+ "moviename",
+ "taskcomplete"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay your purchase of $numberofpeople$ tickets for $moviename$ at $starttime$ in $city$ is confimed!",
+ "usr": "Okay your purchase of $numberofpeople$ tickets for $moviename$ at $starttime$ in $city$ is confimed!"
+ },
+ "inform_slots": [
+ "city",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Great, I was able to purchase $numberofpeople$ tickets for you to watch $moviename$ $date$ at $theater$ in $city$.",
+ "usr": "Great, I was able to purchase $numberofpeople$ tickets for you to watch $moviename$ $date$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, your purchase of $numberofpeople$ tickets for $moviename$ at $starttime$ in $city$, $state$ is confirmed!",
+ "usr": "Okay, your purchase of $numberofpeople$ tickets for $moviename$ at $starttime$ in $city$, $state$ is confirmed!"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "state",
+ "starttime",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Excellent - I have booked $numberofpeople$ tickets for you to watch $moviename$ at $starttime$ $date$ at $theater$ in $city$ $state$, $distanceconstraints$.",
+ "usr": "Excellent - I have booked $numberofpeople$ tickets for you to watch $moviename$ at $starttime$ $date$ at $theater$ in $city$ $state$, $distanceconstraints$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "distanceconstraints",
+ "video_format",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "I have successfully purchased $numberofpeople$ tickets to see $moviename$ $date$ at $city$ $zip$.",
+ "usr": "I have successfully purchased $numberofpeople$ tickets to see $moviename$ $date$ at $city$ $zip$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "zip",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay, your purchase of $numberofpeople$ tickets for $moviename$ at $theater$ in $city$.",
+ "usr": "Okay, your purchase of $numberofpeople$ tickets for $moviename$ at $theater$ in $city$."
+ },
+ "inform_slots": [
+ "theater",
+ "taskcomplete",
+ "numberofpeople",
+ "moviename",
+ "city"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Great, I was able to purchase $numberofpeople$ tickets to $moviename$ for $date$ at $starttime$ at $theater$ in $city$, $state$.",
+ "usr": "Great, I was able to purchase $numberofpeople$ tickets to $moviename$ for $date$ at $starttime$ at $theater$ in $city$, $state$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Great - I was able to purchase $numberofpeople$ tickets for you to see $moviename$ $date$ at $theater$ in $city$ $state$ at $starttime$.",
+ "usr": "Great - I was able to purchase $numberofpeople$ tickets for you to see $moviename$ $date$ at $theater$ in $city$ $state$ at $starttime$."
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "state",
+ "starttime",
+ "date",
+ "taskcomplete",
+ "moviename"
+ ]
+ }
+ ],
+ "deny": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Oh, sorry! Something wrong with the service, there is no ticket available!",
+ "usr": "Oh, sorry! This is the wrong ticket!"
+ },
+ "inform_slots": []
+ }
+ ],
+ "request": [
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you prefer for the $moviename$ showing at $starttime$?",
+ "usr": "Which theater will play the $moviename$ at $starttime$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want some tickets for $moviename$ at $theater_chain$?",
+ "usr": "I need some tickets for $moviename$ at $theater_chain$."
+ },
+ "inform_slots": [
+ "theater_chain",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets $starttime$?",
+ "usr": "I need some tickets $starttime$."
+ },
+ "inform_slots": [
+ "startime"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you like for $moviename$ at $starttime$ in $city$?",
+ "usr": "Which theater is playing $moviename$ at $starttime$ in $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you like at $city$?",
+ "usr": "Which theater is it playing at $city$?"
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want $numberofpeople$ tickets for $video_format$ at $starttime$?",
+ "usr": "I need $numberofpeople$ tickets for $video_format$ at $starttime$."
+ },
+ "inform_slots": [
+ "video_format",
+ "numberofpeople",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and what start time do you want on $date$?",
+ "usr": "Which theater and start time are available on $date$?"
+ },
+ "inform_slots": [
+ "date"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want to book $numberofpeople$ tickets?",
+ "usr": "What date and start time are availble to book $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "What movie do you want to watch at $starttime$ $date$ in $city$?",
+ "usr": "What movie is playing at $starttime$ $date$ in $city$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want to book $numberofpeople$ tickets at $city$?",
+ "usr": "Which theater and start time are available to book $numberofpeople$ tickets at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time would you like for $numberofpeople$ tickets in $city$ $zip$?",
+ "usr": "What theater and start time are available to book $numberofpeople$ tickets in $city$ $zip$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like for $numberofpeople$ tickets at $theater$?",
+ "usr": "What date and start time are available to book $numberofpeople$ tickets at $theater$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time would you like at $city$ on $date$?",
+ "usr": "What theater and start time are available at $city$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "ticket",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like for some tickets?",
+ "usr": "What date and start time are available for some tickets?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like $distanceconstraints$?",
+ "usr": "What date and start time are available $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like for $numberofpeople$ tickets at $theater$ in $city$?",
+ "usr": "What date and start time are available to book $numberofpeople$ tickets at $theater$ in $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like for $numberofpeople$ tickets in $city$ $state$?",
+ "usr": "What date and start time are available to book $numberofpeople$ tickets in $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like in zipcode $zip$?",
+ "usr": "What date and start time are available in zipcode $zip$?"
+ },
+ "inform_slots": [
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time would you like at $state$?",
+ "usr": "What theater and start time are available at $state$?"
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want to book $numberofpeople$ tickets at $city$ $state$?",
+ "usr": "Which theater and start time do you want to book $numberofpeople$ tickets at $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want $video_format$ tickets?",
+ "usr": "Is there $video_format$ tickets available?"
+ },
+ "inform_slots": [
+ "video_format"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets $distanceconstraints$?",
+ "usr": "Is there any ticket available $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want to book at $city$ $state$?",
+ "usr": "What date and start time are available at $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want to watch $moviename$ at $starttime$ $date$?",
+ "usr": "Which theater is $moviename$ playing at $starttime$ $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want at $theater$ in $city$?",
+ "usr": "What date and start time are available at $theater$ in $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time do you want to book $numberofpeople$ tickets $distanceconstraints$?",
+ "usr": "What theater and start time are available for $numberofpeople$ tickets $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time do you want to book $numberofpeople$ tickets at $city$ on $date$?",
+ "usr": "What theater and start time are available for $numberofpeople$ tickets at $city$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want to book $numberofpeople$ tickets at $city$?",
+ "usr": "What date and start time are available for $numberofpeople$ tickets at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time do you want to book $numberofpeople$ tickets at $state$?",
+ "usr": "What theater and start time are available for $numberofpeople$ tickets at $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like for $numberofpeople$ tickets $distanceconstraints$?",
+ "usr": "What date and start time are available to book $numberofpeople$ tickets $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time would you like in $city$ $zip$ on $date$?",
+ "usr": "What theater and start time are available in $city$ $zip$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What theater and start time would you like for $numberofpeople$ tickets in $zip$?",
+ "usr": "What theater and start time are available to book $numberofpeople$ tickets in $zip$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want $distanceconstraints$?",
+ "usr": "Which theater and start time are available $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want to book $numberofpeople$ tickets in zipcode $zip$?",
+ "usr": "What date and start time are available for $numberofpeople$ tickets in zipcode $zip$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets at $theater$?",
+ "usr": "I want some tickets at $theater$."
+ },
+ "inform_slots": [
+ "theater",
+ "greeting"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets at $theater$?",
+ "usr": "I want some tickets at $theater$."
+ },
+ "inform_slots": [
+ "greeting"
+ ]
+ },
+ {
+ "request_slots": [
+ "other"
+ ],
+ "nl": {
+ "agt": "Do you need anything else?",
+ "usr": "Anything else about the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "price"
+ ],
+ "nl": {
+ "agt": "Do you have any constraint for the price?",
+ "usr": "What is the price?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "What movie do you want for $numberofpeople$ tickets on $date$?",
+ "usr": "Which movie is available on $date$ for $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want?",
+ "usr": "Which theater and start time are available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want to book for $numberofpeople$ tickets on $date$?",
+ "usr": "Which theater and start time are available for $numberofpeople$ tickets on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want at $city$?",
+ "usr": "Which theater and start time are available at $city$?"
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want to book $numberofpeople$ tickets at $state$?",
+ "usr": "What date and start time are available to book $numberofpeople$ tickets at $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you need tickets at $state$?",
+ "usr": "I need tickets at $state$."
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you need in $city$ $state$?",
+ "usr": "Which theater and start time are available at $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you need $numberofpeople$ tickets in $city$ $zip$ on $date$?",
+ "usr": "Which theater and start time are available for $numberofpeople$ tickets in $city$ $zip$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want the tickets on $date$?",
+ "usr": "Can I get the tickets for $date$?"
+ },
+ "inform_slots": [
+ "date"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "Which movie do you want to watch at $city$?",
+ "usr": "What movie is showing at $city$?"
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want to watch $moviename$?",
+ "usr": "Which theater is playing $moviename$?"
+ },
+ "inform_slots": [
+ "other",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you want at $theater_chain$?",
+ "usr": "What start time is it playing at $theater_chain$?"
+ },
+ "inform_slots": [
+ "theater_chain"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "What movie do you want to watch $distanceconstraints$?",
+ "usr": "What movie is playing $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "what movie do you want to watch at $theater$?",
+ "usr": "what movie is playing at $theater$?"
+ },
+ "inform_slots": [
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want at $starttime$?",
+ "usr": "Which theater is it playing at $starttime$?"
+ },
+ "inform_slots": [
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "What movie do you want $data$?",
+ "usr": "What movie is playing on $date$?"
+ },
+ "inform_slots": [
+ "date"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ do you like?",
+ "usr": "Which theater $distanceconstraints$ is available?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "description"
+ ],
+ "nl": {
+ "agt": "Do you have any other description requirement for the $moviename$?",
+ "usr": "Is there any other description for the $moviename$?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want some tickets at $city$?",
+ "usr": "I want some tickets at $city$."
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want to book the tickets?",
+ "usr": "Could you help me to book the tickets?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Any preference for the start time of $moviename$?",
+ "usr": "What is the start time for $moviename$?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want to book $numberofpeople$ tickets for $moviename$?",
+ "usr": "Which theater can I book $numberofpeople$ tickets for $moviename$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want $numberofpeople$ tickets for $moviename$?",
+ "usr": "Can I get $numberofpeople$ tickets for $moviename$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets for $moviename$ on $date$?",
+ "usr": "Can I get tickets for $moviename$ $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets for $moviename$ at $starttime$?",
+ "usr": "I want tickets for $moviename$ at $starttime$."
+ },
+ "inform_slots": [
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets for $moviename$ at $city$?",
+ "usr": "Can I buy tickets for $moviename$ at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Any preference for the start time for $moviename$ $distanceconstraints$?",
+ "usr": "What is the start time for $moviename$ $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Any preference for the start time for $moviename$ at zipcode $zip$?",
+ "usr": "What is the start time for $moviename$ at zipcode $zip$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets for $moviename$?",
+ "usr": "Can I get some tickets for $moviename$?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want $numberofpeople$ tickets?",
+ "usr": "Can I get $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you want to book $numberofpeople$ tickets for $moviename$?",
+ "usr": "What date can I book $numberofpeople$ tickets for $moviename$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want tickets for $moviename$ at $theater$?",
+ "usr": "Can I get tickets for $moviename$ at $theater$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you want to watch $moviename$?",
+ "usr": "Which theater is $moviename$ playing?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you want to watch $moviename$ on $date$?",
+ "usr": "Which theater will $moviename$ play $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you want to book $numberofpeople$ tickets for $moviename$?",
+ "usr": "What start time can I book $numberofpeople$ tickets for $moviename$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you want to book $moviename$ tickets at $starttime$?",
+ "usr": "Which day $moviename$ will be showing at $starttime$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you want to book $moviename$ tickets on $date$?",
+ "usr": "What is the start time for $moviename$ $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater at $city$ you prefer to watch $moviename$?",
+ "usr": "Which theater is playing $moviename$ at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What is the date for $moviename$?",
+ "usr": "When is $moviename$ playing?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What is the date you want for $moviename$ at $city$?",
+ "usr": "What date is $moviename$ playing at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you need some tickets for $moviename$ in $state$?",
+ "usr": "Hi, I'd like to buy tickets for $moviename$ in $state$."
+ },
+ "inform_slots": [
+ "state",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ you prefer for $moviename$?",
+ "usr": "Which theater is $moviename$ playing $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Any requirement for the start time for $moviename$ in $state$?",
+ "usr": "What is the start time for $moviename$ in $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you like to watch $moviename$ in $state$?",
+ "usr": "Which theater is $moviename$ playing in $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you want to watch $moviename$ in $state$?",
+ "usr": "When is $moviename$ playing in $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date you want to watch $moviename$ at zipcode $zip$?",
+ "usr": "What date is $moviename$ playing at zipcode $zip$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you want to watch $moviename$ at $city$?",
+ "usr": "When is $moviename$ playing at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want to watch $video_format$ $moviename$?",
+ "usr": "Which theater is playing $video_format$ $moviename$?"
+ },
+ "inform_slots": [
+ "video_format",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you want to watch $moviename$ at $theater$?",
+ "usr": "Which day is $moviename$ playing at $theater$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What time do you want to watch $moviename$ at $theater$?",
+ "usr": "What is the start time for $moviename$ at $theater$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you want to watch $moviename$ at zipcode $zip$?",
+ "usr": "Which theater near zipcode $zip$ is playing $moviename$?"
+ },
+ "inform_slots": [
+ "moviename",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you want to watch $moviename$ $distanceconstraints$?",
+ "usr": "When is $moviename$ playing $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ do you want to order $numberofpeople$ tickets for $video_format$ movie?",
+ "usr": "Which theater $distanceconstraints$ can I book $numberofpeople$ $video_format$ tickets?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "video_format",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time for $numberofpeople$ tickets?",
+ "usr": "What is the start time available for $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like?",
+ "usr": "What date and start time are available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "date",
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time would you like? And which theater you prefer?",
+ "usr": "Can you tell me the available theater and date, start time?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What time would you like to see it?",
+ "usr": "What start time is available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What time you prefer on $date$ for $numberofpeople$ tickets?",
+ "usr": "What time is it playing $date$? I need $numberofpeople$ tickets."
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater would you like?",
+ "usr": "Which theater is available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you like at $city$ for $numberofpeople$ tickets?",
+ "usr": "What start time can I book $numberofpeople$ tickets at $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date would you like to watch it?",
+ "usr": "What date is available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "date",
+ "theater"
+ ],
+ "nl": {
+ "agt": "What date you prefer, and which theater would you like to go?",
+ "usr": "Can you tell me the available theater and date?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you prefer for $numberofpeople$ tickets $distanceconstraints$?",
+ "usr": "What start time can I book $numberofpeople$ tickets $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Can you tell me which theater you want for $numberofpeople$ tickets?",
+ "usr": "Where I can purchase $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you like at $city$, $state$?",
+ "usr": "When it will play at $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date for 4 tickets?",
+ "usr": "What date is available for $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you prefer for $numberofpeople$ tickets at $theater$ in $city$?",
+ "usr": "I want to purchase $numberofpeople$ tickets. What time is that movie playing at $theater$ in $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you prefer for $numberofpeople$ tickets at $state$?",
+ "usr": "I need to get $numberofpeople$ tickets. What date is playing at $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you would prefer in $state$ $distanceconstraints$ for $video_format$?",
+ "usr": "Which theater $distanceconstraints$ is available in $state$ for $video_format$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "video_format",
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you want on $date$ near zipcode $zip$ for $numberofpeople$ tickets?",
+ "usr": "I want to purchase $numberofpeople$ tickets. What time is playing on $date$, in zipcode $zip$?"
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you want at $theater$ on $date$ for $numberofpeople$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. What time is the movie playing at $theater$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you prefer at $city$ $zip$ for $numberofpeople$ tickets?",
+ "usr": "I want to purchase $numberofpeople$ tickets. What time is playing at $city$, and zipcode is $zip$?"
+ },
+ "inform_slots": [
+ "city",
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Can you tell me the the start time you prefer $distanceconstraints$?",
+ "usr": "What is the start time for that movie $distanceconstraints$?"
+ },
+ "inform_slots": [
+ "distanceconstraints"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Can you tell me the start time you like at $theater$?",
+ "usr": "What time is playing at $theater$?"
+ },
+ "inform_slots": [
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Can you tell me the start time you like on $date$ at $city$ $zip$?",
+ "usr": "What time is playing at $city$ $zip$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Can you tell me what start time you like at $city$?",
+ "usr": "What time is playing at $city$?"
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Can you tell me what start time you like on $date$?",
+ "usr": "What time would you like on $date$?"
+ },
+ "inform_slots": [
+ "date"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What time do you prefer at $state$ for $numberofpeople$ tickets?",
+ "usr": "I would like $numberofpeople$ tickets for that movie. What time is it playing at $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you prefer in zipcode $zip$ for $numberofpeople$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. What is the start time in the area of zipcode $zip$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you prefer at $state$ for $numberofpeople$ tickets?",
+ "usr": "Which theater can I book $numberofpeople$ tickets at $state$?"
+ },
+ "inform_slots": [
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you prefer at $city$, $state$ for $numberofpeople$ tickets?",
+ "usr": "I want to get $numberofpeople$ tickets. What time is it playing at $city$ $state$?"
+ },
+ "inform_slots": [
+ "city",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you like at $theater$ in $city$?",
+ "usr": "What time is playing at $theater$ in $city$?"
+ },
+ "inform_slots": [
+ "city",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you like in $city$ on $date$?",
+ "usr": "What time is playing at $theater$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What start time do you want at $theater$ in $city$ on $date$?",
+ "usr": "What time is playing at $theater$ in $city$ on $date$? "
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ do you prefer in $state$ for $numberofpeople$ $video_format$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. Which theater $distanceconstraints$ offers $video_format$ in $state$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "video_format",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you prefer for $numberofpeople$ $video_format$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. Which theater offers $video_format$?"
+ },
+ "inform_slots": [
+ "video_format",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ for $numberofpeople$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. Which theater $distanceconstraints$ is playing?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you like at $state$?",
+ "usr": "What time is playing at $state$?"
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you like at $city$ on $date$ for $numberofpeople$ tickets?",
+ "usr": "I want to purchase $numberofpeople$ tickets. What time is it playing at $city$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you prefer at $theater$ for $numberofpeople$ tickets?",
+ "usr": "What start time can I book $numberofpeople$ tickets at $theater$?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ you like for $video_format$ movies?",
+ "usr": "Which theater $distanceconstraints$ offers $video_format$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "video_format"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you like in $city$ near zipcode $zip$ on $date$ for $numberofpeople$ tickets?",
+ "usr": "I want to get $numberofpeople$ tickets. What is the start time at $city$ $zip$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "numberofpeople",
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you prefer near zipcode $zip$?",
+ "usr": "What time is playing in zipcode $zip$?"
+ },
+ "inform_slots": [
+ "zip"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What is the start time you prefer at $theater$ in $city$ on $date$ for $numberofpeople$ tickets?",
+ "usr": "I want $numberofpeople$ tickets. What is the start time at $theater$ in $city$ on $date$?"
+ },
+ "inform_slots": [
+ "date",
+ "city",
+ "numberofpeople",
+ "theater"
+ ]
+ },
+ {
+ "request_slots": [
+ "date"
+ ],
+ "nl": {
+ "agt": "What date do you prefer at $state$?",
+ "usr": "What date is playing at $state$?"
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What time do you like at $city$ on $date$?",
+ "usr": "What time is playing in $city$ on $date$"
+ },
+ "inform_slots": [
+ "date",
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater $distanceconstraints$ do you prefer in $state$ for $numberofpeople$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. Which theater $distanceconstraints$ at $state$?"
+ },
+ "inform_slots": [
+ "distanceconstraints",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater do you prefer in $state$ for $numberofpeople$ $video_format$ tickets?",
+ "usr": "I need $numberofpeople$ tickets. Which theater offers $video_format$ at $state$?"
+ },
+ "inform_slots": [
+ "video_format",
+ "state",
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want at $state$?",
+ "usr": "What date and start time are available at $state$?"
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "date",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "What date and start time do you want at $city$?",
+ "usr": "What date and start time do you want at $city$?"
+ },
+ "inform_slots": [
+ "city"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater",
+ "starttime"
+ ],
+ "nl": {
+ "agt": "Which theater and start time do you want to book $numberofpeople$ tickets?",
+ "usr": "What theater and start time are available to book $numberofpeople$ tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [
+ "theater"
+ ],
+ "nl": {
+ "agt": "Which theater you prefer at $state$?",
+ "usr": "What theater is playing at $state$?"
+ },
+ "inform_slots": [
+ "state"
+ ]
+ },
+ {
+ "request_slots": [
+ "moviename"
+ ],
+ "nl": {
+ "agt": "What movie are you interested in?",
+ "usr": "What movie is available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "city"
+ ],
+ "nl": {
+ "agt": "Which city would you like?",
+ "usr": "Which city is available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "numberofpeople"
+ ],
+ "nl": {
+ "agt": "How many tickets do you need?",
+ "usr": "How many tickets are available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "actor"
+ ],
+ "nl": {
+ "agt": "Which actor you like?",
+ "usr": "What actor is in the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "actress"
+ ],
+ "nl": {
+ "agt": "Which actress you like?",
+ "usr": "What actress is in the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "critic_rating"
+ ],
+ "nl": {
+ "agt": "What critic_rating do you like?",
+ "usr": "What is the critic_rating for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "distanceconstraints"
+ ],
+ "nl": {
+ "agt": "Do you have any distanceconstraint constraint?",
+ "usr": "What is the distanceconstraints for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "description"
+ ],
+ "nl": {
+ "agt": "Do you have any description constraint?",
+ "usr": "What is the description for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "genre"
+ ],
+ "nl": {
+ "agt": "What genre do you like?",
+ "usr": "What is the genre for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "mpaa_rating"
+ ],
+ "nl": {
+ "agt": "What mpaa_rating do you like?",
+ "usr": "What is the mpaa_rating for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "mpaa_rating"
+ ],
+ "nl": {
+ "agt": "Do you have any constraint for the price?",
+ "usr": "What is the price for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "video_format"
+ ],
+ "nl": {
+ "agt": "What video format do you want?",
+ "usr": "What is the video format for the movie?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "numberofkids"
+ ],
+ "nl": {
+ "agt": "How many kid tickets do you want?",
+ "usr": "How many kid tickets are available?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "zip"
+ ],
+ "nl": {
+ "agt": "What zip do you want to search?",
+ "usr": "What is the zip?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "theater_chain"
+ ],
+ "nl": {
+ "agt": "Which theater_chain do you want?",
+ "usr": "Which theater_chain is it playing?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "state"
+ ],
+ "nl": {
+ "agt": "Which state do you want?",
+ "usr": "Which state is availble?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "movie_series"
+ ],
+ "nl": {
+ "agt": "What movie series do you like?",
+ "usr": "What is the movie series?"
+ },
+ "inform_slots": []
+ }
+ ],
+ "thanks": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Thank you",
+ "usr": "Thank you"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Thank you, bye",
+ "usr": "Thank you, goodbye"
+ },
+ "inform_slots": [
+ "closing"
+ ]
+ }
+ ],
+ "confirm_question": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Do you want to purchase the tickets?",
+ "usr": "Could you help me to purchase the tickets?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [
+ "ticket"
+ ],
+ "nl": {
+ "agt": "Do you want to purchase the tickets?",
+ "usr": "Could you help me to book the tickets?"
+ },
+ "inform_slots": []
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Do you want to watch that movie?",
+ "usr": "Could you help me to book that movie ticket?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Do you want to book the tickets?",
+ "usr": "Could you help me to book the tickets?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Do you want to book the tickets for that movie?",
+ "usr": "Could you help me to book the tickets for that movie?"
+ },
+ "inform_slots": [
+ "numberofpeople",
+ "moviename"
+ ]
+ }
+ ],
+ "greeting": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Hi",
+ "usr": "Hi"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ }
+ ],
+ "multiple_choice": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "How many tickets do you need?",
+ "usr": "How many tickets are available?"
+ },
+ "inform_slots": [
+ "numberofpeople"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Which movie do you want to watch?",
+ "usr": "Which movie is showing?"
+ },
+ "inform_slots": [
+ "moviename"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Which date and start time would you like?",
+ "usr": "Which date and start time are available?"
+ },
+ "inform_slots": [
+ "date",
+ "starttime"
+ ]
+ },
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "How many tickets do you need?",
+ "usr": "How many tickets are available for that day?"
+ },
+ "inform_slots": [
+ "date",
+ "numberofpeople"
+ ]
+ }
+ ],
+ "confirm_answer": [
+ {
+ "request_slots": [],
+ "nl": {
+ "agt": "Okay",
+ "usr": "Yes"
+ },
+ "inform_slots": []
+ }
+ ]
+ }
+}
\ No newline at end of file
diff --git a/data/movie/dia_acts.txt b/data/movie/dia_acts.txt
new file mode 100644
index 0000000..153cb65
--- /dev/null
+++ b/data/movie/dia_acts.txt
@@ -0,0 +1,11 @@
+request
+inform
+confirm_question
+confirm_answer
+greeting
+closing
+multiple_choice
+thanks
+welcome
+deny
+not_sure
\ No newline at end of file
diff --git a/data/movie/dicts.v3.json b/data/movie/dicts.v3.json
new file mode 100644
index 0000000..9af8acf
--- /dev/null
+++ b/data/movie/dicts.v3.json
@@ -0,0 +1,2439 @@
+(dp1
+S'city'
+p2
+(lp3
+S'hamilton'
+p4
+aS'manville'
+p5
+aS'bridgewater'
+p6
+aS'seattle'
+p7
+aS'bellevue'
+p8
+aS'birmingham'
+p9
+aS'san francisco'
+p10
+aS'portland'
+p11
+aS'royal oak'
+p12
+aS'Royal Oak'
+p13
+aS'madison heights'
+p14
+aS'detroit'
+p15
+aS'des moines'
+p16
+aS'johnstown'
+p17
+aS'boston'
+p18
+aS'carbondale'
+p19
+aS'los angeles'
+p20
+aS'stony brook'
+p21
+aS'94952'
+p22
+aS'tampa'
+p23
+aS'hoover'
+p24
+aS'dramas'
+p25
+aS'Sacramento'
+p26
+aS'nashville'
+p27
+aS'Seattle'
+p28
+aS'st louis'
+p29
+aS'whittier village stadium cinemas'
+p30
+aS'southeast portland'
+p31
+aS'miami'
+p32
+aS'chicago'
+p33
+aS'nyc'
+p34
+aS'sacramento'
+p35
+aS'pittsburgh'
+p36
+aS'atlanta'
+p37
+aS'south barrington'
+p38
+aS'over seattle'
+p39
+aS'dallas'
+p40
+aS'st'
+p41
+aS'louis park'
+p42
+aS'Portland'
+p43
+aS'Monroe'
+p44
+aS'cary'
+p45
+aS'whittier'
+p46
+aS'sparta'
+p47
+aS'Shiloh'
+p48
+aS'Belleville'
+p49
+aS"o'fallon"
+p50
+aS'fairview heights'
+p51
+aS'springfield'
+p52
+aS'albany'
+p53
+aS'houma'
+p54
+aS'la'
+p55
+aS'evanston'
+p56
+aS'Southfield'
+p57
+aS'monroe'
+p58
+aS'Long Island'
+p59
+aS'northern san francisco'
+p60
+aS'94109'
+p61
+aS'louis'
+p62
+aS'sappington'
+p63
+aS'norfolk'
+p64
+aS'Los Angeles CA 90015'
+p65
+aS'campcreek area'
+p66
+aS'regency'
+p67
+aS'arlington'
+p68
+aS'philadelphia'
+p69
+aS'princeton'
+p70
+aS'buford'
+p71
+aS'las vegas'
+p72
+aS'waynesboro'
+p73
+aS'Clear Lake'
+p74
+aS'du quoin'
+p75
+aS'Du Quoin'
+p76
+aS'altoona'
+p77
+aS'orlando'
+p78
+aS'regency academy 6 theater'
+p79
+aS'baltimore'
+p80
+aS'knoxville'
+p81
+aS'chico'
+p82
+aS'wilmington'
+p83
+aS'lansing'
+p84
+aS'bayou vista'
+p85
+aS'manchester stadium 16'
+p86
+aS'Houma'
+p87
+aS'tulare'
+p88
+aS'shiloh'
+p89
+aS'belleville'
+p90
+aS'Springfield'
+p91
+aS'du Quoin'
+p92
+asS'numberofpeople'
+p93
+(lp94
+S'2'
+aS'5'
+aS'two'
+p95
+aS'9'
+aS'three'
+p96
+aS'4'
+aS'3'
+aS'6'
+aS'1'
+aS'four'
+p97
+aS'2 adult'
+p98
+aS'one'
+p99
+aS'7'
+aS' 2'
+p100
+aS'single'
+p101
+aS'8'
+asS'theater'
+p102
+(lp103
+S'manville 12 plex'
+p104
+aS'amc dine-in theatres bridgewater 7'
+p105
+aS'bridgewater'
+p106
+aS'every single theatre'
+p107
+aS'bellevue lincoln square cinemas'
+p108
+aS'regal meridian 16'
+p109
+aS'regal meridian'
+p110
+aS'carmike summit 16'
+p111
+aS'carmike summit'
+p112
+aS'century centre 9'
+p113
+aS'Redwood City 20'
+p114
+aS'many'
+p115
+aS'amc pacific place 11 theater'
+p116
+aS'regal lloyd center 10'
+p117
+aS'carmike 16'
+p118
+aS'river east 21'
+p119
+aS'emagine theater'
+p120
+aS'emagine'
+p121
+aS'different'
+p122
+aS'amc star john r 15'
+p123
+aS'any'
+p124
+aS'FLIX BREWHOUSE DES MOINES'
+p125
+aS'CARMIKE COBBLESTONE 9'
+p126
+aS'cinemas'
+p127
+aS'regal visalia stadium 10'
+p128
+aS'amc pacific place 11'
+p129
+aS'amc loews boston common 19'
+p130
+aS'amc showplace carbondale 8'
+p131
+aS'amc lowes oak tree'
+p132
+aS'amc lowes oak tree 6'
+p133
+aS'royal oak emagine theater'
+p134
+aS'Regal LA LIVE Stadium 14'
+p135
+aS'regal la live stadium'
+p136
+aS'Big Picture'
+p137
+aS'Cinerama'
+p138
+aS'Central Cinema'
+p139
+aS'century rowland plaza'
+p140
+aS'the century rowland plaza'
+p141
+aS'regency commerce 14'
+p142
+aS'bellevue lincoln square'
+p143
+aS'amc west shore 14 210 Westshore Plaza'
+p144
+aS'pacific science center imax theaters'
+p145
+aS'carmike patton creek'
+p146
+aS'regal meridian sundance cinemas'
+p147
+aS'regal thornton place'
+p148
+aS'REGAL NATOMAS MARKETPLACE STADIUM 16 & RPX'
+p149
+aS'Regal Natomas Marketplace'
+p150
+aS'amc hamilton 24'
+p151
+aS'regal meridan 16'
+p152
+aS'elmwood palace 20'
+p153
+aS'regal hollywood stadium 27'
+p154
+aS'chase park plaza cinemas'
+p155
+aS'regal lloyd center century eastport 16'
+p156
+aS'regal movies on tv stadium 16'
+p157
+aS'regal lloyd'
+p158
+aS'Regal South Beach'
+p159
+aS'Cinepolis USA'
+p160
+aS'Cobb Dolphin Cinemas'
+p161
+aS'cobb dolphin cinemas'
+p162
+aS'amc southcenter 16'
+p163
+aS'ua kaufman astoria stadium 14'
+p164
+aS'regal theater'
+p165
+aS'the Holiday 6'
+p166
+aS' the Stadium 5'
+p167
+aS'the Natomas Marketplace Stadium'
+p168
+aS'Natomas Marketplace Stadium'
+p169
+aS'regal natomas marketplace stadium'
+p170
+aS'richland cinemas'
+p171
+aS'this theater'
+p172
+aS'amc loews waterfront 22'
+p173
+aS'amc phipps plaza 14'
+p174
+aS'south barrington'
+p175
+aS'regal la live stadium 14'
+p176
+aS'pacific theatres at the grove'
+p177
+aS'regal la stadium 14'
+p178
+aS'regal la'
+p179
+aS'varsity theater'
+p180
+aS'theaters all over'
+p181
+aS'alamo draft house'
+p182
+aS'alamo drafthouse dallas'
+p183
+aS'century Eastport 16'
+p184
+aS'regal pioneer place'
+p185
+aS'regal lloyd center 10 & IMAX'
+p186
+aS'CENTURY 16 EASTPORT PLAZA'
+p187
+aS'century 16 EASTPORT PLAZA'
+p188
+aS'century 16'
+p189
+aS'regal barkley village stadium 16'
+p190
+aS'amc loews cascade mall'
+p191
+aS'regal marysville 14'
+p192
+aS'park west 14'
+p193
+aS'fangandgo'
+p194
+aS'Frank Theatres Parkside Town Commons Stadium 11'
+p195
+aS'Frank Theatres'
+p196
+aS'whittier village stadium cinemas'
+p197
+aS'cinemar downey'
+p198
+aS'amc theaters puente hills'
+p199
+aS"wehrenberg o'fallon 15 cine"
+p200
+aS'wehrenberg st clair 10 cine'
+p201
+aS'WEHRENBERG CAMPBELL 16'
+p202
+aS'pacific place 11'
+p203
+aS'regal clifton park stadium'
+p204
+aS'century eastport 16'
+p205
+aS'amc houma palace 10'
+p206
+aS'olympic blvd'
+p207
+aS'Regal Meridan 16 Bellevue Lincoln Square Cinemas'
+p208
+aS'Pacific Science Center IMAX Theaters'
+p209
+aS'box office window'
+p210
+aS'amc showplace carbondale'
+p211
+aS'Main Street Carbondale'
+p212
+aS'AMC UNIVERSITY PLACE 8'
+p213
+aS'amc pacific place 11 600 pine s'
+p214
+aS'loews stony brook 17'
+p215
+aS'amc loews stony brook'
+p216
+aS'regal fox tower stadium'
+p217
+aS'flix brewhouse des moines'
+p218
+aS'carmike cobblestone 9'
+p219
+aS'amc van ness 14'
+p220
+aS'AMC Van Ness'
+p221
+aS'amc van ness'
+p222
+aS'SIFF Cinema Uptown'
+p223
+aS'Ark Lodge Cinemas'
+p224
+aS'Regal Crossroads'
+p225
+aS'cinema uptown'
+p226
+aS'regal crossroad'
+p227
+aS'regal crossroads'
+p228
+aS'pacific place 11 theater'
+p229
+aS'wehrenberg ronnies 20'
+p230
+aS'imax 5320'
+p231
+aS'blvd'
+p232
+aS'big picture seattle'
+p233
+aS'regal macarthur center stadium 18 & RPX CINEMARK 18'
+p234
+aS'regal'
+p235
+aS'regal macarthur center stadium 18'
+p236
+aS'chase park plaza'
+p237
+aS'regal live stadium 14'
+p238
+aS'IMAX Century Eastport 16'
+p239
+aS'Century Clackmas Town Center'
+p240
+aS'XD'
+p241
+aS'theaters all across seattle'
+p242
+aS'Regal Meridian 16'
+p243
+aS'Pacific Science Center'
+p244
+aS'Admiral Theater'
+p245
+aS'pacific science center'
+p246
+aS'pacific science theater'
+p247
+aS'Regal meridian 16'
+p248
+aS'regal thornton place stadium'
+p249
+aS'amc star fairlane 21'
+p250
+aS'regency academy 6'
+p251
+aS'Regal LA Live Stadium 14'
+p252
+aS'cinemark tinseltown 9'
+p253
+aS'AMC LOEWS OAK TREE 6 10006 aurora'
+p254
+aS'theatre avenue north'
+p255
+aS'amc marketfair 10'
+p256
+aS'amc university place'
+p257
+aS'amc pacific place'
+p258
+aS'mall of georgia movie'
+p259
+aS'current'
+p260
+aS'Visalia'
+p261
+aS'regal colonnade 14'
+p262
+aS'zeus'
+p263
+aS'confirmed'
+p264
+aS'creed'
+p265
+aS'pacific sherman oaks 5'
+p266
+aS'amc la mirada 7'
+p267
+aS'AMC La Mirada'
+p268
+aS'amc'
+p269
+aS'15'
+p270
+aS'buford georgia'
+p271
+aS'whisky foxtrot tango'
+p272
+aS'mall of georgia'
+p273
+aS''
+aS'finding dory'
+p274
+aS'carmike the summit 16'
+p275
+aS'lake theater'
+p276
+aS'Mason city IA cinema west'
+p277
+aS'cinema west'
+p278
+aS'carmike 12'
+p279
+aS'Living Room Theaters Century Eastport 16'
+p280
+aS'Century Clackamas Town Center'
+p281
+aS'XD among others in your area'
+p282
+aS'Living Room Theaters'
+p283
+aS'amc west oaks 14'
+p284
+aS'regency academy'
+p285
+aS'cinemakr egyptian 24'
+p286
+aS'pacific theatres'
+p287
+aS'pacific theater'
+p288
+aS'Richland Cinemas'
+p289
+aS'living room theaters'
+p290
+aS'...'
+p291
+aS'shelby township'
+p292
+aS'the pearl theatre'
+p293
+aS'century 20 daly city'
+p294
+aS'carmike 10'
+p295
+aS'please'
+p296
+aS'mesa grand 24'
+p297
+aS'mesa grand'
+p298
+aS'boyou vista la'
+p299
+aS'bayou vista'
+p300
+aS'fairview cinema work'
+p301
+aS'fairview'
+p302
+aS'regal south beach'
+p303
+aS'amc sunset place 24'
+p304
+aS'regency norwalk 8'
+p305
+aS'amc la 7'
+p306
+aS'amc la mirada'
+p307
+aS'amc la'
+p308
+aS'wehrenberg ronnies 20 cine and imax'
+p309
+aS'all'
+p310
+aS'paradise cinema 7'
+p311
+aS'tinseltown'
+p312
+aS'cinemark 14'
+p313
+aS' paradisa cinema 7'
+p314
+aS'beaver creek stadium 12'
+p315
+aS'varsity theatre'
+p316
+aS'regal mayfaire stadium 16 imax'
+p317
+aS'regal lloyd center century 16'
+p318
+aS'ncg eastwood cinemas'
+p319
+aS'regal cinemas'
+p320
+aS'cinema lansing'
+p321
+aS'big picture'
+p322
+aS'cinerama'
+p323
+aS'central cinema'
+p324
+aS'amc elmwood palace 20'
+p325
+aS'fairview cinema'
+p326
+aS'shields ave'
+p327
+aS'maya fresno 16'
+p328
+aS'campus pointe dr'
+p329
+aS'Regal Pioneer Place Stadium'
+p330
+aS'Regal Lloyd Center 10'
+p331
+aS'Bagdad Theatre'
+p332
+aS'regal pioneer place stadium'
+p333
+aS'wehrenberg campbell 16 cine moviename'
+p334
+aS'Big Picture Sundance Cinemas'
+p335
+aS'southpoint casino'
+p336
+aS'cinemark lincoln square cinemas'
+p337
+aS'regal meridian 16 theater'
+p338
+aS'amc river east 21'
+p339
+aS'cinpolis coconut grove'
+p340
+aS'COBB DOLPHIN 19'
+p341
+aS'cinepolis coconut grove'
+p342
+aS'cinepolis'
+p343
+aS'cCENTURY 16 SOUTH POINT AND XD'
+p344
+aS'Las Vegas NV 89183'
+p345
+aS'Century 16 South Point'
+p346
+asS'description'
+p347
+(lp348
+S'is still playing in theaters'
+p349
+aS'violence'
+p350
+aS'violent'
+p351
+aS'good intelligent'
+p352
+aS'The critics consensus is that it is Fast funny and gleefully profane the fourth-wall-busting Deadpool subverts superhero film formula with wildly entertaining -- and decidedly non-family-friendly -- results'
+p353
+aS'disney'
+p354
+aS'A woman (Mary Elizabeth Winstead) discovers the horrifying truth about the outside world while living in an underground shelter with two men (John Goodman John Gallagher Jr)'
+p355
+aS'highest rated pizza'
+p356
+aS"Mortal hero Bek teams with the god Horus in an alliance against Set the merciless god of darkness who has usurped Egypt's throne plunging the once peaceful and prosperous empire into chaos and conflict"
+p357
+aS'scary'
+p358
+asS'zip'
+p359
+(lp360
+S'08835'
+p361
+aS'08807'
+p362
+aS'98004'
+p363
+aS'98101'
+p364
+aS'98109'
+p365
+aS'35243'
+p366
+aS'35244'
+p367
+aS'70070'
+p368
+aS'90601'
+p369
+aS'10035'
+p370
+aS'30326'
+p371
+aS'90015'
+p372
+aS'90036'
+p373
+aS'97232'
+p374
+aS'97266'
+p375
+aS'98272'
+p376
+aS'90602'
+p377
+aS'62269'
+p378
+aS'62208'
+p379
+aS'32289'
+p380
+aS'48071'
+p381
+aS'63126'
+p382
+aS'98121'
+p383
+aS'19101'
+p384
+aS'19121'
+p385
+aS'62901'
+p386
+aS'98126'
+p387
+aS'98119'
+p388
+aS'35246'
+p389
+aS'35242'
+p390
+aS'85249'
+p391
+aS'60201'
+p392
+aS'94952'
+p393
+aS'65807'
+p394
+aS'33133'
+p395
+aS'33172'
+p396
+asS'numberofkids'
+p397
+(lp398
+S'two'
+p399
+aS'2'
+aS'1'
+aS'no'
+p400
+asS'distanceconstraints'
+p401
+(lp402
+S'closest'
+p403
+aS'visalia'
+p404
+aS'near the space needle'
+p405
+aS'area'
+p406
+aS'nearest'
+p407
+aS'near 98119'
+p408
+aS'closest time'
+p409
+aS'space needle'
+p410
+aS'east side'
+p411
+aS'downtown'
+p412
+aS'close to 95833'
+p413
+aS'near space needle'
+p414
+aS'south beach'
+p415
+aS'near'
+p416
+aS'south barrington'
+p417
+aS'near me'
+p418
+aS'south side'
+p419
+aS'local theater'
+p420
+aS'closest theater to you'
+p421
+aS'12 miles'
+p422
+aS' seattle area'
+p423
+aS'northern part of the city'
+p424
+aS'near here'
+p425
+aS'near my location'
+p426
+aS'safeco field'
+p427
+aS'near you:'
+p428
+aS'north side'
+p429
+aS'vicinity'
+p430
+aS'around the city'
+p431
+aS'far away from disney'
+p432
+aS'near you'
+p433
+aS'near safeco field'
+p434
+aS'in your area'
+p435
+aS'your area'
+p436
+aS'ave'
+p437
+aS'general'
+p438
+asS'critic_rating'
+p439
+(lp440
+S'good'
+p441
+aS'84 percent'
+p442
+aS'93 of audience'
+p443
+aS'best'
+p444
+aS'good place'
+p445
+aS'top rated'
+p446
+aS'most scene'
+p447
+aS'number 1'
+p448
+aS'4.5/5'
+p449
+aS'top 4'
+p450
+aS'lowly 26% on rotten tomatoes but 64% of the audience seemed to like it'
+p451
+aS'great reviews all around with a 84 percent on rotten tomatoes and 93 of audience members recommending it'
+p452
+aS'6'
+aS'5'
+aS'nice'
+p453
+aS'4 5/5 star rating'
+p454
+aS'26%'
+p455
+aS'popular'
+p456
+aS'most seen'
+p457
+aS'4 5/5 stars'
+p458
+aS'8%'
+p459
+aS'top'
+p460
+asS'price'
+p461
+(lp462
+S'$20'
+p463
+aS'$10'
+p464
+aS'cheapest'
+p465
+aS'adult price is 8'
+p466
+aS'32'
+p467
+asS'greeting'
+p468
+(lp469
+S'hey'
+p470
+aS'hello'
+p471
+aS'good morning'
+p472
+aS'hi'
+p473
+aS'there'
+p474
+aS'hello there'
+p475
+aS'happy to'
+p476
+aS'good evening'
+p477
+aS'hi welcome'
+p478
+aS'hey there'
+p479
+aS'hi there'
+p480
+asS'actor'
+p481
+(lp482
+S'ryan reynolds'
+p483
+aS'tina fey'
+p484
+asS'theater_chain'
+p485
+(lp486
+S'regal meridian'
+p487
+aS'amc'
+p488
+aS'amc loews stony brook 17'
+p489
+aS'amc hamilton 24'
+p490
+aS'amc pacific place 11'
+p491
+aS'regency'
+p492
+aS'amc loews waterfront 22'
+p493
+aS'century'
+p494
+aS'amc star john r 15'
+p495
+aS'amc star southfield'
+p496
+aS'amc lowes oak tree 6'
+p497
+aS'amc loews oak tree 6'
+p498
+aS'amc showplace carbondale 8'
+p499
+aS'century eastport 16'
+p500
+aS'amc theater'
+p501
+aS'amc ahwatukee 24'
+p502
+aS' amc mesa grand 24'
+p503
+aS'amc showplace carbondale'
+p504
+asS'state'
+p505
+(lp506
+S'nj'
+p507
+aS'washington'
+p508
+aS'wa'
+p509
+aS'al'
+p510
+aS'oregon'
+p511
+aS'mi'
+p512
+aS'iowa'
+p513
+aS'pennsylvania'
+p514
+aS'california'
+p515
+aS'ma'
+p516
+aS'illinois'
+p517
+aS'ny'
+p518
+aS'fl'
+p519
+aS'ca'
+p520
+aS'tn'
+p521
+aS'florida'
+p522
+aS'il'
+p523
+aS'pa'
+p524
+aS'ga'
+p525
+aS'mn'
+p526
+aS'OR'
+p527
+aS'north carolina'
+p528
+aS'mo'
+p529
+aS'alabama'
+p530
+aS'louisiana'
+p531
+aS'WA'
+p532
+aS'NY'
+p533
+aS'virginia'
+p534
+aS'texas'
+p535
+aS'ne'
+p536
+aS'georgia'
+p537
+aS'va'
+p538
+aS'IA'
+p539
+aS'maryland'
+p540
+aS'nc'
+p541
+aS'or'
+p542
+aS'michigan'
+p543
+aS'la'
+p544
+aS'LA'
+p545
+aS'nv'
+p546
+asS'other'
+p547
+(lp548
+S'not available'
+p549
+aS'movie assistant number'
+p550
+aS'movie booking service'
+p551
+aS'search theater'
+p552
+aS'cannot book'
+p553
+aS'servicing tickets'
+p554
+aS'rotten tomatoes'
+p555
+aS'pub serves good burgers'
+p556
+aS'serves seafood'
+p557
+aS'date'
+p558
+aS'scary'
+p559
+aS'restaurant'
+p560
+aS'beer'
+p561
+aS'mexican restaurant'
+p562
+aS'best restaurant'
+p563
+aS'japanese restaurant'
+p564
+aS"that's odd"
+p565
+aS'crossed'
+p566
+aS'little late'
+p567
+aS'pub'
+p568
+aS'number 1'
+p569
+aS'switch cities'
+p570
+aS'name'
+p571
+aS'unable to book movies'
+p572
+aS'I cannot understand your reply'
+p573
+aS'purchase tickets'
+p574
+aS'look up date'
+p575
+aS'increased functionality'
+p576
+aS'functionality'
+p577
+aS'Master User'
+p578
+aS'master user'
+p579
+aS'two'
+p580
+aS'another preference'
+p581
+aS'no'
+p582
+aS'check again'
+p583
+aS'new release'
+p584
+aS'new releases'
+p585
+aS'place that serves seafood'
+p586
+aS'favorite part'
+p587
+aS'worth watching'
+p588
+aS'subtitiles'
+p589
+aS'subtitles'
+p590
+aS'many many theaters'
+p591
+aS'different selection of movies'
+p592
+aS'search for a theater'
+p593
+aS'latest showing'
+p594
+aS'Italian restaurant'
+p595
+aS'restaurant booking service'
+p596
+aS'online ticketing'
+p597
+aS"I can't remember"
+p598
+aS"can't think of"
+p599
+aS'search theaters'
+p600
+aS'cheapest'
+p601
+aS'do not know'
+p602
+aS'date night'
+p603
+aS'disney'
+p604
+aS'search by movie or movie theater'
+p605
+aS'indian restaurant'
+p606
+aS' movie purchasing service'
+p607
+aS'movie ticket buying service'
+p608
+aS'early in the day'
+p609
+aS'safeco field'
+p610
+aS'many'
+p611
+aS'pizza place'
+p612
+aS'restaurant reservations'
+p613
+aS'pizza restaurant'
+p614
+aS'restaurant service'
+p615
+aS'laughable'
+p616
+aS'english and chinese subtitles'
+p617
+aS'matinee'
+p618
+aS' matinee'
+p619
+aS'good restaurant'
+p620
+aS'currently'
+p621
+aS'george on the riverwak'
+p622
+aS'purchase'
+p623
+aS'odd'
+p624
+aS'got crossed'
+p625
+aS'29 movies'
+p626
+aS'I can bring my cat to'
+p627
+aS'I can order beer in'
+p628
+aS"don't know"
+p629
+aS'closed'
+p630
+aS'serve alcohol'
+p631
+aS"I don't know"
+p632
+aS"I'm not from around here"
+p633
+aS'restaurants'
+p634
+aS'book movie tickets'
+p635
+aS'before dinner'
+p636
+asS'mpaa_rating'
+p637
+(lp638
+S'pg'
+p639
+aS'rated pg'
+p640
+aS'pg13'
+p641
+aS'best'
+p642
+aS'appropriate for the whole family'
+p643
+aS'r'
+asS'starttime'
+p644
+(lp645
+S'10:30am'
+p646
+aS'11:10am'
+p647
+aS'1:10pm'
+p648
+aS'1:50pm'
+p649
+aS'3:45pm'
+p650
+aS'4:30pm'
+p651
+aS'5:20pm'
+p652
+aS'6:30pm'
+p653
+aS'7:15pm'
+p654
+aS'9:10pm'
+p655
+aS'10:30pm'
+p656
+aS'12:30pm'
+p657
+aS'9:30pm'
+p658
+aS'9:30'
+p659
+aS'8:40pm'
+p660
+aS'7:00pm'
+p661
+aS'9:50pm'
+p662
+aS'none'
+p663
+aS'before 4pm'
+p664
+aS'12:00'
+p665
+aS'1:10'
+p666
+aS'2:40'
+p667
+aS'3:50'
+p668
+aS'around 2pm'
+p669
+aS'1:30'
+p670
+aS'4:00'
+p671
+aS'night'
+p672
+aS'11:05am'
+p673
+aS'1:45pm'
+p674
+aS'7:20 pm'
+p675
+aS'4:35pm'
+p676
+aS'10pm'
+p677
+aS'10 pm'
+p678
+aS'latest showing'
+p679
+aS'9:00 pm'
+p680
+aS'around 6pm'
+p681
+aS'7:20'
+p682
+aS'9:10 pm'
+p683
+aS'8:45 pm'
+p684
+aS'8:45'
+p685
+aS'9:50 pm'
+p686
+aS'around 3 pm'
+p687
+aS'12pm'
+p688
+aS'9:30 pm'
+p689
+aS'6pm'
+p690
+aS'9:01pm'
+p691
+aS'5:30pm'
+p692
+aS'8:00pm'
+p693
+aS'10:40pm'
+p694
+aS'2:30pm'
+p695
+aS'5:10pm'
+p696
+aS'10:00pm'
+p697
+aS'7:15 pm'
+p698
+aS'7pm'
+p699
+aS'around 7pm'
+p700
+aS'earliest showing'
+p701
+aS'12:45pm'
+p702
+aS'1:15pm'
+p703
+aS'12:45'
+p704
+aS'12:35pm'
+p705
+aS' 4:05pm'
+p706
+aS' 7:05pm'
+p707
+aS' 9:55pm'
+p708
+aS'7:05 pm'
+p709
+aS'after dinner'
+p710
+aS'after 7:30pm'
+p711
+aS'10:50pm'
+p712
+aS'7:50pm'
+p713
+aS'10:20pm'
+p714
+aS'8pm'
+p715
+aS'8:20'
+p716
+aS'8:15pm'
+p717
+aS'between 9 and 10'
+p718
+aS'10:20'
+p719
+aS'after 7pm'
+p720
+aS'4:40 pm'
+p721
+aS'before dinner'
+p722
+aS'7:10 pm'
+p723
+aS'betwenn 8-10 pm'
+p724
+aS'4 pm'
+p725
+aS'4:20'
+p726
+aS'4:20pm'
+p727
+aS'from noon to 4pm'
+p728
+aS'8:30pm'
+p729
+aS'11:00pm'
+p730
+aS'11pm'
+p731
+aS' Matinee'
+p732
+aS'4pm to 7pm'
+p733
+aS'6:55pm'
+p734
+aS'11:50am'
+p735
+aS'5:10'
+p736
+aS'7:50'
+p737
+aS'10:25'
+p738
+aS'2:30'
+p739
+aS'9:25 pm'
+p740
+aS'2:35 pm'
+p741
+aS'2:35'
+p742
+aS'afternoon'
+p743
+aS'10:00am'
+p744
+aS'3:30pm'
+p745
+aS'6:15pm'
+p746
+aS'9:00pm'
+p747
+aS'3:30'
+p748
+aS'11:30am'
+p749
+aS'1:05pm'
+p750
+aS'2:35pm'
+p751
+aS'4:10pm'
+p752
+aS'5:40pm'
+p753
+aS'7:05pm'
+p754
+aS'8:35pm'
+p755
+aS'9:55pm'
+p756
+aS'10:05am'
+p757
+aS'11:00am'
+p758
+aS'2:00pm'
+p759
+aS'4:05pm'
+p760
+aS'4:50pm'
+p761
+aS'6:45pm'
+p762
+aS'7:45pm'
+p763
+aS'10:45am'
+p764
+aS'11:15am'
+p765
+aS'1:00pm'
+p766
+aS'2:15pm'
+p767
+aS'4:00pm'
+p768
+aS'4:45pm'
+p769
+aS'5:15pm'
+p770
+aS'7:30pm'
+p771
+aS'morning'
+p772
+aS'7:00 pm'
+p773
+aS'12:15pm'
+p774
+aS'3:00pm'
+p775
+aS'5:45pm'
+p776
+aS'10:00 pm'
+p777
+aS'4:50 pm'
+p778
+aS'7:05'
+p779
+aS'around 4pm'
+p780
+aS'4 PM'
+p781
+aS'8:00 pm'
+p782
+aS'8:40'
+p783
+aS'8:00'
+p784
+aS'8'
+aS'5pm'
+p785
+aS'5:00 pm'
+p786
+aS'around 8 pm'
+p787
+aS'1:30pm'
+p788
+aS'4pm'
+p789
+aS'130pm'
+p790
+aS'closest to noon'
+p791
+aS'late showing'
+p792
+aS'anytime after 7pm'
+p793
+aS'4:10&&7:00&&9:50pm'
+p794
+aS'4:40&&7:30&&10:20'
+p795
+aS'2pm'
+p796
+aS'2:20 pm'
+p797
+aS'11:45am'
+p798
+aS'around 9pm'
+p799
+aS'9pm'
+p800
+aS'8:25pm'
+p801
+aS'9:05pm'
+p802
+aS'9:05'
+p803
+aS'9:45pm'
+p804
+aS'around 7 pm'
+p805
+aS'8:45pm'
+p806
+aS'5:25pm'
+p807
+aS'5:25'
+p808
+aS'317'
+p809
+aS'10:25pm'
+p810
+aS'9:55'
+p811
+aS'6:25'
+p812
+aS' 9:00 pm'
+p813
+aS'7:55pm'
+p814
+aS'10:45pm'
+p815
+aS'11:55pm'
+p816
+aS'10:10am'
+p817
+aS'1:25pm'
+p818
+aS'2:20pm'
+p819
+aS'3:50pm'
+p820
+aS'7:10pm'
+p821
+aS'9:35pm'
+p822
+aS'11:10pm'
+p823
+aS'12:05am'
+p824
+aS'7:30'
+p825
+aS'7:00'
+p826
+aS'around 6 pm'
+p827
+aS'5:20'
+p828
+aS'6:30'
+p829
+aS'4:10'
+p830
+aS'4:40'
+p831
+aS'10:15pm'
+p832
+aS'10:15'
+p833
+aS'12:05pm'
+p834
+aS'6:25pm'
+p835
+aS'after 5 pm'
+p836
+aS'930pm'
+p837
+aS'640pm'
+p838
+aS'night around 8pm'
+p839
+aS"8 o'clock"
+p840
+aS'9:20 pm'
+p841
+aS'9:20'
+p842
+aS'12:20pm'
+p843
+aS'3:40pm'
+p844
+aS'6:50pm'
+p845
+aS'8:40pm tonight'
+p846
+aS'around 8pm'
+p847
+aS'9:10'
+p848
+aS'605pm'
+p849
+aS'6 pm'
+p850
+aS'2:20PM'
+p851
+aS'2:20'
+p852
+aS'between noon and 4pm'
+p853
+aS'early'
+p854
+aS'10:35'
+p855
+aS'11:40 am'
+p856
+aS'between 2 and 4pm'
+p857
+aS'6:55'
+p858
+aS'6:10pm'
+p859
+aS'7:20pm'
+p860
+aS'7:25pm'
+p861
+aS'9:20pm'
+p862
+aS'2 pm'
+p863
+aS'soonest'
+p864
+aS'12:40pm'
+p865
+aS'3:40'
+p866
+aS'6:50'
+p867
+aS'10:00'
+p868
+aS'10 o clock'
+p869
+aS'5:00pm'
+p870
+aS'7:40pm'
+p871
+aS'740'
+p872
+aS'10 cloverfield lane'
+p873
+aS' 6:30pm'
+p874
+aS' 9:10pm'
+p875
+aS' 11:55pm'
+p876
+aS'roughly every hour'
+p877
+aS'9:45 pm'
+p878
+aS'7'
+aS'4:40pm'
+p879
+aS'matinee'
+p880
+aS'evening'
+p881
+aS'8:20 pm'
+p882
+aS'tonight'
+p883
+aS'7:30 pm'
+p884
+aS'8:15 pm'
+p885
+aS'8:15am'
+p886
+aS'after 6 pm'
+p887
+aS'6:45'
+p888
+aS' around 7pm'
+p889
+aS'4:25 pm'
+p890
+aS'7:15'
+p891
+aS'7:10'
+p892
+aS'10:05'
+p893
+aS'7:25 pm'
+p894
+aS'pm'
+p895
+aS'any time'
+p896
+aS'12:20'
+p897
+aS'later in the evening'
+p898
+aS'12:00pm'
+p899
+aS'between 5pm and 6pm'
+p900
+aS'between 5 and 6pm'
+p901
+aS'around noon'
+p902
+aS'soonest upcoming showing'
+p903
+aS'6:05'
+p904
+aS'7:25'
+p905
+aS'1:35 pm'
+p906
+aS'4:30'
+p907
+aS'around 5pm'
+p908
+aS'2:00 pm'
+p909
+aS'1:35pm'
+p910
+aS'9:25pm'
+p911
+aS'8:10PM'
+p912
+aS'evening around 6pm'
+p913
+aS'6:30 pm'
+p914
+aS'5:50'
+p915
+aS'6:40 pm'
+p916
+aS'a lot'
+p917
+aS'sonnest'
+p918
+aS'705pm'
+p919
+aS'635pm'
+p920
+aS'6:35'
+p921
+aS'1:15'
+p922
+aS'7 pm'
+p923
+aS'6:40pm'
+p924
+aS'anytime after 6pm'
+p925
+aS'between 8 and 10 pm'
+p926
+aS'8 pm'
+p927
+aS'6:00pm'
+p928
+aS'11:40pm'
+p929
+aS'1:30 pm'
+p930
+aS'3:20pm'
+p931
+aS'8:05'
+p932
+aS'11:40'
+p933
+aS'between 8 and 9pm'
+p934
+aS'9:25'
+p935
+aS'after 7 pm'
+p936
+aS'5:50pm'
+p937
+aS'2:25pm'
+p938
+aS'2:25'
+p939
+aS'between say 4pm and 7pm'
+p940
+aS'evening around 7'
+p941
+aS' 10:30'
+p942
+aS'the next'
+p943
+aS'the next showing'
+p944
+aS'2:05 pm'
+p945
+aS'7:40'
+p946
+aS'6:00'
+p947
+aS'8:30'
+p948
+aS'between 4pm and 7pm'
+p949
+aS'730pm'
+p950
+aS'early afternoon'
+p951
+aS' 7:40pm'
+p952
+aS' 10:10pm'
+p953
+aS'1:50'
+p954
+aS' 4:30'
+p955
+aS' 7:10'
+p956
+aS' 9:50'
+p957
+aS'2:40pm'
+p958
+aS'kinky there'
+p959
+aS'7:35 pm'
+p960
+aS'7:35'
+p961
+aS'midnight'
+p962
+aS'late'
+p963
+aS'from 4pm to 7pm'
+p964
+aS'1:55'
+p965
+aS'4:25'
+p966
+aS'anytime'
+p967
+aS'once or twice every hour'
+p968
+aS'340pm'
+p969
+aS' 425pm'
+p970
+aS'4:25pm'
+p971
+aS'425pm'
+p972
+aS'9'
+aS'10'
+p973
+aS'some time close to that'
+p974
+aS'11:20am'
+p975
+aS'between 8-10 pm'
+p976
+aS'8:05pm'
+p977
+aS'10:35pm'
+p978
+aS'after 6pm'
+p979
+aS'11:20'
+p980
+aS'12:35'
+p981
+aS'right now'
+p982
+aS'1:55pm'
+p983
+aS'10:05pm'
+p984
+aS'10:05 pm'
+p985
+asS'date'
+p986
+(lp987
+S'tomorrow'
+p988
+aS'this weekend'
+p989
+aS'saturday'
+p990
+aS'tonight'
+p991
+aS'today'
+p992
+aS'friday'
+p993
+aS'3/11'
+p994
+aS'now'
+p995
+aS'tomorrow afternoon'
+p996
+aS'march 12'
+p997
+aS'friday march 11'
+p998
+aS'Friday'
+p999
+aS'tuesday'
+p1000
+aS'next friday'
+p1001
+aS'3/12'
+p1002
+aS'weekend'
+p1003
+aS'3/10'
+p1004
+aS'march 24th'
+p1005
+aS'openingnight'
+p1006
+aS' a different day'
+p1007
+aS'tomorrow evening'
+p1008
+aS'thursday'
+p1009
+aS'next saturday'
+p1010
+aS'March 12th'
+p1011
+aS'Tuesday the 8th'
+p1012
+aS'3/8'
+p1013
+aS'last weekend'
+p1014
+aS'this week'
+p1015
+aS'wednesday'
+p1016
+aS'tomorrow night'
+p1017
+aS'3/9/2016'
+p1018
+aS'03\\/15\\/2016'
+p1019
+aS'3/15'
+p1020
+aS'march 12th'
+p1021
+aS'3/9'
+p1022
+aS'this evening'
+p1023
+aS'this friday'
+p1024
+aS'next sunday'
+p1025
+aS'3/13'
+p1026
+aS'9th'
+p1027
+aS'this time'
+p1028
+aS'11th'
+p1029
+aS'that night'
+p1030
+aS'march 11th'
+p1031
+aS'21-mar'
+p1032
+aS'march 25 2016'
+p1033
+aS'Saturday'
+p1034
+aS'coming saturday'
+p1035
+aS'current'
+p1036
+aS'this saturday'
+p1037
+aS'march 15th'
+p1038
+aS'march 9'
+p1039
+aS'march 10 2016'
+p1040
+aS'june 17 2016'
+p1041
+aS'Friday the 11th'
+p1042
+aS'another night'
+p1043
+aS'3/10/2016'
+p1044
+aS'friday evening'
+p1045
+aS'7th'
+p1046
+aS'that date'
+p1047
+aS'sunday'
+p1048
+aS'earlier day'
+p1049
+aS'mar 12'
+p1050
+aS'Saturday night'
+p1051
+aS'this date'
+p1052
+aS'Tuesday'
+p1053
+aS'friday11th'
+p1054
+aS'Friday the 10th'
+p1055
+aS'any day this week'
+p1056
+aS'tomrrow'
+p1057
+asS'genre'
+p1058
+(lp1059
+S'comedy'
+p1060
+aS'comedies'
+p1061
+aS'kid'
+p1062
+aS'action'
+p1063
+aS'violence'
+p1064
+aS'superhero'
+p1065
+aS'romance'
+p1066
+aS'thriller'
+p1067
+aS'drama'
+p1068
+aS'family friendly'
+p1069
+aS'funny'
+p1070
+aS'kids'
+p1071
+aS'scary'
+p1072
+aS'horror'
+p1073
+aS'showing'
+p1074
+aS'romantic comedies'
+p1075
+aS'romantic comedy'
+p1076
+aS'adult comedy'
+p1077
+aS'romantic'
+p1078
+aS'drama/romance'
+p1079
+aS'foreign'
+p1080
+aS'superhero movie'
+p1081
+aS'dramas'
+p1082
+aS'animated'
+p1083
+aS'thriller science fiction'
+p1084
+aS'super great day'
+p1085
+aS'comedies)'
+p1086
+aS'not live action'
+p1087
+aS'date night:'
+p1088
+aS'sci-fi'
+p1089
+aS'Action/Adventure Sci-Fi/Fantasy'
+p1090
+asS'video_format'
+p1091
+(lp1092
+S'3d'
+p1093
+aS'standard'
+p1094
+aS'2d'
+p1095
+aS'standard/2D version'
+p1096
+aS'IMAX'
+p1097
+aS'imax'
+p1098
+aS'regular'
+p1099
+aS'imax 3d'
+p1100
+aS' standard'
+p1101
+asS'moviename'
+p1102
+(lp1103
+S'zootopia'
+p1104
+aS'whiskey tango foxtrot'
+p1105
+aS'how to be single'
+p1106
+aS'kung fu panda 3'
+p1107
+aS'How to be single'
+p1108
+aS'london has fallen'
+p1109
+aS'eddie the eagle'
+p1110
+aS'gods of egypt'
+p1111
+aS'triple 9'
+p1112
+aS'the witch'
+p1113
+aS'where to invade next'
+p1114
+aS'zoolander 2'
+p1115
+aS'hail caesar'
+p1116
+aS'star wars'
+p1117
+aS'the big short'
+p1118
+aS'the danish girl'
+p1119
+aS'deadpool'
+p1120
+aS' kung fu panda 3'
+p1121
+aS'room'
+p1122
+aS'independce day'
+p1123
+aS'kung fu panda'
+p1124
+aS'Deadpool'
+p1125
+aS'London has fallen'
+p1126
+aS'the revenant'
+p1127
+aS'10 cloverfield lane'
+p1128
+aS'the brothers grimsby'
+p1129
+aS'the perfect match'
+p1130
+aS"the brother's grimsby"
+p1131
+aS'lolo'
+p1132
+aS'brooklyn'
+p1133
+aS'the other side of the door'
+p1134
+aS'the boy'
+p1135
+aS'other side of the door'
+p1136
+aS'witch'
+p1137
+aS'The Witch'
+p1138
+aS' Young Messiah'
+p1139
+aS'The Young Messiah'
+p1140
+aS'risen'
+p1141
+aS'big short'
+p1142
+aS'Avengers'
+p1143
+aS'Finding Dory'
+p1144
+aS'zoology'
+p1145
+aS'called zoology'
+p1146
+aS'batman'
+p1147
+aS'batman vs superman'
+p1148
+aS'race'
+p1149
+aS'revenant'
+p1150
+aS'star wars the force awakens'
+p1151
+aS'TheWitch'
+p1152
+aS'The Other Side of The Door'
+p1153
+aS'How to be Single'
+p1154
+aS'whiskey'
+p1155
+aS'tango'
+p1156
+aS'Foxtrot'
+p1157
+aS'whisky tango foxtrot'
+p1158
+aS'Zootopia'
+p1159
+aS'starwars'
+p1160
+aS'The revenant'
+p1161
+aS'dirty grandpa'
+p1162
+aS'first'
+p1163
+aS'kung fu kanda 3'
+p1164
+aS'Fandango'
+p1165
+aS''
+aS' 10 cloverfield lane'
+p1166
+aS' deadpool'
+p1167
+aS'brothers grimsby'
+p1168
+aS'The Perfect Match'
+p1169
+aS'mei ren yu (the mermaid)'
+p1170
+aS'mei ren yu'
+p1171
+aS'big'
+p1172
+aS'London Has Fallen'
+p1173
+aS'Whiskey Tango Foxtrot'
+p1174
+aS'Eddie The Eagle'
+p1175
+aS'Godys of Egypt'
+p1176
+aS'Triple 9'
+p1177
+aS'Where to Invade Next'
+p1178
+aS'Zoolander 2'
+p1179
+aS'Hail Caesar'
+p1180
+aS'Kung Fu Panda 3'
+p1181
+aS'Star Wars'
+p1182
+aS'The Big Short'
+p1183
+aS'The Danish Girl'
+p1184
+aS'more'
+p1185
+aS'spotlight'
+p1186
+aS'batman moviename'
+p1187
+aS'batman v superman'
+p1188
+aS'creed'
+p1189
+aS'large number of movies'
+p1190
+aS'risen race spotlight'
+p1191
+aS'london had fallen'
+p1192
+aS'hail casaer'
+p1193
+aS'race and risen'
+p1194
+aS'The big short'
+p1195
+aS'whisky foxtrot tango'
+p1196
+aS'zootopis'
+p1197
+aS'avengers'
+p1198
+aS'finding dory'
+p1199
+aS'same movie'
+p1200
+aS'the young messiah'
+p1201
+aS'morning as'
+p1202
+aS' whiskey tango foxtrot'
+p1203
+aS' perfect match'
+p1204
+aS'Hail Casaer'
+p1205
+aS'the vvitch'
+p1206
+aS'moviename'
+p1207
+aS'big short is confirmed'
+p1208
+aS'the forest'
+p1209
+aS'forest'
+p1210
+aS' the young messiah'
+p1211
+aS' eddie the eagle'
+p1212
+aS' the revenant'
+p1213
+aS'single'
+p1214
+aS'The Brothers Grimsby'
+p1215
+aS'10 cloverfield land'
+p1216
+aS'dIrty grandpa'
+p1217
+aS'big picture'
+p1218
+aS'gods egypt'
+p1219
+aS' the boy'
+p1220
+as.
\ No newline at end of file
diff --git a/data/movie/dicts.v3.p b/data/movie/dicts.v3.p
new file mode 100644
index 0000000..6760193
--- /dev/null
+++ b/data/movie/dicts.v3.p
@@ -0,0 +1,2439 @@
+(dp1
+S'city'
+p2
+(lp3
+S'hamilton'
+p4
+aS'manville'
+p5
+aS'bridgewater'
+p6
+aS'seattle'
+p7
+aS'bellevue'
+p8
+aS'birmingham'
+p9
+aS'san francisco'
+p10
+aS'portland'
+p11
+aS'royal oak'
+p12
+aS'Royal Oak'
+p13
+aS'madison heights'
+p14
+aS'detroit'
+p15
+aS'des moines'
+p16
+aS'johnstown'
+p17
+aS'boston'
+p18
+aS'carbondale'
+p19
+aS'los angeles'
+p20
+aS'stony brook'
+p21
+aS'94952'
+p22
+aS'tampa'
+p23
+aS'hoover'
+p24
+aS'dramas'
+p25
+aS'Sacramento'
+p26
+aS'nashville'
+p27
+aS'Seattle'
+p28
+aS'st louis'
+p29
+aS'whittier village stadium cinemas'
+p30
+aS'southeast portland'
+p31
+aS'miami'
+p32
+aS'chicago'
+p33
+aS'nyc'
+p34
+aS'sacramento'
+p35
+aS'pittsburgh'
+p36
+aS'atlanta'
+p37
+aS'south barrington'
+p38
+aS'over seattle'
+p39
+aS'dallas'
+p40
+aS'st'
+p41
+aS'louis park'
+p42
+aS'Portland'
+p43
+aS'Monroe'
+p44
+aS'cary'
+p45
+aS'whittier'
+p46
+aS'sparta'
+p47
+aS'Shiloh'
+p48
+aS'Belleville'
+p49
+aS"o'fallon"
+p50
+aS'fairview heights'
+p51
+aS'springfield'
+p52
+aS'albany'
+p53
+aS'houma'
+p54
+aS'la'
+p55
+aS'evanston'
+p56
+aS'Southfield'
+p57
+aS'monroe'
+p58
+aS'Long Island'
+p59
+aS'northern san francisco'
+p60
+aS'94109'
+p61
+aS'louis'
+p62
+aS'sappington'
+p63
+aS'norfolk'
+p64
+aS'Los Angeles CA 90015'
+p65
+aS'campcreek area'
+p66
+aS'regency'
+p67
+aS'arlington'
+p68
+aS'philadelphia'
+p69
+aS'princeton'
+p70
+aS'buford'
+p71
+aS'las vegas'
+p72
+aS'waynesboro'
+p73
+aS'Clear Lake'
+p74
+aS'du quoin'
+p75
+aS'Du Quoin'
+p76
+aS'altoona'
+p77
+aS'orlando'
+p78
+aS'regency academy 6 theater'
+p79
+aS'baltimore'
+p80
+aS'knoxville'
+p81
+aS'chico'
+p82
+aS'wilmington'
+p83
+aS'lansing'
+p84
+aS'bayou vista'
+p85
+aS'manchester stadium 16'
+p86
+aS'Houma'
+p87
+aS'tulare'
+p88
+aS'shiloh'
+p89
+aS'belleville'
+p90
+aS'Springfield'
+p91
+aS'du Quoin'
+p92
+asS'numberofpeople'
+p93
+(lp94
+S'2'
+aS'5'
+aS'two'
+p95
+aS'9'
+aS'three'
+p96
+aS'4'
+aS'3'
+aS'6'
+aS'1'
+aS'four'
+p97
+aS'2 adult'
+p98
+aS'one'
+p99
+aS'7'
+aS' 2'
+p100
+aS'single'
+p101
+aS'8'
+asS'theater'
+p102
+(lp103
+S'manville 12 plex'
+p104
+aS'amc dine-in theatres bridgewater 7'
+p105
+aS'bridgewater'
+p106
+aS'every single theatre'
+p107
+aS'bellevue lincoln square cinemas'
+p108
+aS'regal meridian 16'
+p109
+aS'regal meridian'
+p110
+aS'carmike summit 16'
+p111
+aS'carmike summit'
+p112
+aS'century centre 9'
+p113
+aS'Redwood City 20'
+p114
+aS'many'
+p115
+aS'amc pacific place 11 theater'
+p116
+aS'regal lloyd center 10'
+p117
+aS'carmike 16'
+p118
+aS'river east 21'
+p119
+aS'emagine theater'
+p120
+aS'emagine'
+p121
+aS'different'
+p122
+aS'amc star john r 15'
+p123
+aS'any'
+p124
+aS'FLIX BREWHOUSE DES MOINES'
+p125
+aS'CARMIKE COBBLESTONE 9'
+p126
+aS'cinemas'
+p127
+aS'regal visalia stadium 10'
+p128
+aS'amc pacific place 11'
+p129
+aS'amc loews boston common 19'
+p130
+aS'amc showplace carbondale 8'
+p131
+aS'amc lowes oak tree'
+p132
+aS'amc lowes oak tree 6'
+p133
+aS'royal oak emagine theater'
+p134
+aS'Regal LA LIVE Stadium 14'
+p135
+aS'regal la live stadium'
+p136
+aS'Big Picture'
+p137
+aS'Cinerama'
+p138
+aS'Central Cinema'
+p139
+aS'century rowland plaza'
+p140
+aS'the century rowland plaza'
+p141
+aS'regency commerce 14'
+p142
+aS'bellevue lincoln square'
+p143
+aS'amc west shore 14 210 Westshore Plaza'
+p144
+aS'pacific science center imax theaters'
+p145
+aS'carmike patton creek'
+p146
+aS'regal meridian sundance cinemas'
+p147
+aS'regal thornton place'
+p148
+aS'REGAL NATOMAS MARKETPLACE STADIUM 16 & RPX'
+p149
+aS'Regal Natomas Marketplace'
+p150
+aS'amc hamilton 24'
+p151
+aS'regal meridan 16'
+p152
+aS'elmwood palace 20'
+p153
+aS'regal hollywood stadium 27'
+p154
+aS'chase park plaza cinemas'
+p155
+aS'regal lloyd center century eastport 16'
+p156
+aS'regal movies on tv stadium 16'
+p157
+aS'regal lloyd'
+p158
+aS'Regal South Beach'
+p159
+aS'Cinepolis USA'
+p160
+aS'Cobb Dolphin Cinemas'
+p161
+aS'cobb dolphin cinemas'
+p162
+aS'amc southcenter 16'
+p163
+aS'ua kaufman astoria stadium 14'
+p164
+aS'regal theater'
+p165
+aS'the Holiday 6'
+p166
+aS' the Stadium 5'
+p167
+aS'the Natomas Marketplace Stadium'
+p168
+aS'Natomas Marketplace Stadium'
+p169
+aS'regal natomas marketplace stadium'
+p170
+aS'richland cinemas'
+p171
+aS'this theater'
+p172
+aS'amc loews waterfront 22'
+p173
+aS'amc phipps plaza 14'
+p174
+aS'south barrington'
+p175
+aS'regal la live stadium 14'
+p176
+aS'pacific theatres at the grove'
+p177
+aS'regal la stadium 14'
+p178
+aS'regal la'
+p179
+aS'varsity theater'
+p180
+aS'theaters all over'
+p181
+aS'alamo draft house'
+p182
+aS'alamo drafthouse dallas'
+p183
+aS'century Eastport 16'
+p184
+aS'regal pioneer place'
+p185
+aS'regal lloyd center 10 & IMAX'
+p186
+aS'CENTURY 16 EASTPORT PLAZA'
+p187
+aS'century 16 EASTPORT PLAZA'
+p188
+aS'century 16'
+p189
+aS'regal barkley village stadium 16'
+p190
+aS'amc loews cascade mall'
+p191
+aS'regal marysville 14'
+p192
+aS'park west 14'
+p193
+aS'fangandgo'
+p194
+aS'Frank Theatres Parkside Town Commons Stadium 11'
+p195
+aS'Frank Theatres'
+p196
+aS'whittier village stadium cinemas'
+p197
+aS'cinemar downey'
+p198
+aS'amc theaters puente hills'
+p199
+aS"wehrenberg o'fallon 15 cine"
+p200
+aS'wehrenberg st clair 10 cine'
+p201
+aS'WEHRENBERG CAMPBELL 16'
+p202
+aS'pacific place 11'
+p203
+aS'regal clifton park stadium'
+p204
+aS'century eastport 16'
+p205
+aS'amc houma palace 10'
+p206
+aS'olympic blvd'
+p207
+aS'Regal Meridan 16 Bellevue Lincoln Square Cinemas'
+p208
+aS'Pacific Science Center IMAX Theaters'
+p209
+aS'box office window'
+p210
+aS'amc showplace carbondale'
+p211
+aS'Main Street Carbondale'
+p212
+aS'AMC UNIVERSITY PLACE 8'
+p213
+aS'amc pacific place 11 600 pine s'
+p214
+aS'loews stony brook 17'
+p215
+aS'amc loews stony brook'
+p216
+aS'regal fox tower stadium'
+p217
+aS'flix brewhouse des moines'
+p218
+aS'carmike cobblestone 9'
+p219
+aS'amc van ness 14'
+p220
+aS'AMC Van Ness'
+p221
+aS'amc van ness'
+p222
+aS'SIFF Cinema Uptown'
+p223
+aS'Ark Lodge Cinemas'
+p224
+aS'Regal Crossroads'
+p225
+aS'cinema uptown'
+p226
+aS'regal crossroad'
+p227
+aS'regal crossroads'
+p228
+aS'pacific place 11 theater'
+p229
+aS'wehrenberg ronnies 20'
+p230
+aS'imax 5320'
+p231
+aS'blvd'
+p232
+aS'big picture seattle'
+p233
+aS'regal macarthur center stadium 18 & RPX CINEMARK 18'
+p234
+aS'regal'
+p235
+aS'regal macarthur center stadium 18'
+p236
+aS'chase park plaza'
+p237
+aS'regal live stadium 14'
+p238
+aS'IMAX Century Eastport 16'
+p239
+aS'Century Clackmas Town Center'
+p240
+aS'XD'
+p241
+aS'theaters all across seattle'
+p242
+aS'Regal Meridian 16'
+p243
+aS'Pacific Science Center'
+p244
+aS'Admiral Theater'
+p245
+aS'pacific science center'
+p246
+aS'pacific science theater'
+p247
+aS'Regal meridian 16'
+p248
+aS'regal thornton place stadium'
+p249
+aS'amc star fairlane 21'
+p250
+aS'regency academy 6'
+p251
+aS'Regal LA Live Stadium 14'
+p252
+aS'cinemark tinseltown 9'
+p253
+aS'AMC LOEWS OAK TREE 6 10006 aurora'
+p254
+aS'theatre avenue north'
+p255
+aS'amc marketfair 10'
+p256
+aS'amc university place'
+p257
+aS'amc pacific place'
+p258
+aS'mall of georgia movie'
+p259
+aS'current'
+p260
+aS'Visalia'
+p261
+aS'regal colonnade 14'
+p262
+aS'zeus'
+p263
+aS'confirmed'
+p264
+aS'creed'
+p265
+aS'pacific sherman oaks 5'
+p266
+aS'amc la mirada 7'
+p267
+aS'AMC La Mirada'
+p268
+aS'amc'
+p269
+aS'15'
+p270
+aS'buford georgia'
+p271
+aS'whisky foxtrot tango'
+p272
+aS'mall of georgia'
+p273
+aS''
+aS'finding dory'
+p274
+aS'carmike the summit 16'
+p275
+aS'lake theater'
+p276
+aS'Mason city IA cinema west'
+p277
+aS'cinema west'
+p278
+aS'carmike 12'
+p279
+aS'Living Room Theaters Century Eastport 16'
+p280
+aS'Century Clackamas Town Center'
+p281
+aS'XD among others in your area'
+p282
+aS'Living Room Theaters'
+p283
+aS'amc west oaks 14'
+p284
+aS'regency academy'
+p285
+aS'cinemakr egyptian 24'
+p286
+aS'pacific theatres'
+p287
+aS'pacific theater'
+p288
+aS'Richland Cinemas'
+p289
+aS'living room theaters'
+p290
+aS'...'
+p291
+aS'shelby township'
+p292
+aS'the pearl theatre'
+p293
+aS'century 20 daly city'
+p294
+aS'carmike 10'
+p295
+aS'please'
+p296
+aS'mesa grand 24'
+p297
+aS'mesa grand'
+p298
+aS'boyou vista la'
+p299
+aS'bayou vista'
+p300
+aS'fairview cinema work'
+p301
+aS'fairview'
+p302
+aS'regal south beach'
+p303
+aS'amc sunset place 24'
+p304
+aS'regency norwalk 8'
+p305
+aS'amc la 7'
+p306
+aS'amc la mirada'
+p307
+aS'amc la'
+p308
+aS'wehrenberg ronnies 20 cine and imax'
+p309
+aS'all'
+p310
+aS'paradise cinema 7'
+p311
+aS'tinseltown'
+p312
+aS'cinemark 14'
+p313
+aS' paradisa cinema 7'
+p314
+aS'beaver creek stadium 12'
+p315
+aS'varsity theatre'
+p316
+aS'regal mayfaire stadium 16 imax'
+p317
+aS'regal lloyd center century 16'
+p318
+aS'ncg eastwood cinemas'
+p319
+aS'regal cinemas'
+p320
+aS'cinema lansing'
+p321
+aS'big picture'
+p322
+aS'cinerama'
+p323
+aS'central cinema'
+p324
+aS'amc elmwood palace 20'
+p325
+aS'fairview cinema'
+p326
+aS'shields ave'
+p327
+aS'maya fresno 16'
+p328
+aS'campus pointe dr'
+p329
+aS'Regal Pioneer Place Stadium'
+p330
+aS'Regal Lloyd Center 10'
+p331
+aS'Bagdad Theatre'
+p332
+aS'regal pioneer place stadium'
+p333
+aS'wehrenberg campbell 16 cine moviename'
+p334
+aS'Big Picture Sundance Cinemas'
+p335
+aS'southpoint casino'
+p336
+aS'cinemark lincoln square cinemas'
+p337
+aS'regal meridian 16 theater'
+p338
+aS'amc river east 21'
+p339
+aS'cinpolis coconut grove'
+p340
+aS'COBB DOLPHIN 19'
+p341
+aS'cinepolis coconut grove'
+p342
+aS'cinepolis'
+p343
+aS'cCENTURY 16 SOUTH POINT AND XD'
+p344
+aS'Las Vegas NV 89183'
+p345
+aS'Century 16 South Point'
+p346
+asS'description'
+p347
+(lp348
+S'is still playing in theaters'
+p349
+aS'violence'
+p350
+aS'violent'
+p351
+aS'good intelligent'
+p352
+aS'The critics consensus is that it is Fast funny and gleefully profane the fourth-wall-busting Deadpool subverts superhero film formula with wildly entertaining -- and decidedly non-family-friendly -- results'
+p353
+aS'disney'
+p354
+aS'A woman (Mary Elizabeth Winstead) discovers the horrifying truth about the outside world while living in an underground shelter with two men (John Goodman John Gallagher Jr)'
+p355
+aS'highest rated pizza'
+p356
+aS"Mortal hero Bek teams with the god Horus in an alliance against Set the merciless god of darkness who has usurped Egypt's throne plunging the once peaceful and prosperous empire into chaos and conflict"
+p357
+aS'scary'
+p358
+asS'zip'
+p359
+(lp360
+S'08835'
+p361
+aS'08807'
+p362
+aS'98004'
+p363
+aS'98101'
+p364
+aS'98109'
+p365
+aS'35243'
+p366
+aS'35244'
+p367
+aS'70070'
+p368
+aS'90601'
+p369
+aS'10035'
+p370
+aS'30326'
+p371
+aS'90015'
+p372
+aS'90036'
+p373
+aS'97232'
+p374
+aS'97266'
+p375
+aS'98272'
+p376
+aS'90602'
+p377
+aS'62269'
+p378
+aS'62208'
+p379
+aS'32289'
+p380
+aS'48071'
+p381
+aS'63126'
+p382
+aS'98121'
+p383
+aS'19101'
+p384
+aS'19121'
+p385
+aS'62901'
+p386
+aS'98126'
+p387
+aS'98119'
+p388
+aS'35246'
+p389
+aS'35242'
+p390
+aS'85249'
+p391
+aS'60201'
+p392
+aS'94952'
+p393
+aS'65807'
+p394
+aS'33133'
+p395
+aS'33172'
+p396
+asS'numberofkids'
+p397
+(lp398
+S'two'
+p399
+aS'2'
+aS'1'
+aS'no'
+p400
+asS'distanceconstraints'
+p401
+(lp402
+S'closest'
+p403
+aS'visalia'
+p404
+aS'near the space needle'
+p405
+aS'area'
+p406
+aS'nearest'
+p407
+aS'near 98119'
+p408
+aS'closest time'
+p409
+aS'space needle'
+p410
+aS'east side'
+p411
+aS'downtown'
+p412
+aS'close to 95833'
+p413
+aS'near space needle'
+p414
+aS'south beach'
+p415
+aS'near'
+p416
+aS'south barrington'
+p417
+aS'near me'
+p418
+aS'south side'
+p419
+aS'local theater'
+p420
+aS'closest theater to you'
+p421
+aS'12 miles'
+p422
+aS' seattle area'
+p423
+aS'northern part of the city'
+p424
+aS'near here'
+p425
+aS'near my location'
+p426
+aS'safeco field'
+p427
+aS'near you:'
+p428
+aS'north side'
+p429
+aS'vicinity'
+p430
+aS'around the city'
+p431
+aS'far away from disney'
+p432
+aS'near you'
+p433
+aS'near safeco field'
+p434
+aS'in your area'
+p435
+aS'your area'
+p436
+aS'ave'
+p437
+aS'general'
+p438
+asS'critic_rating'
+p439
+(lp440
+S'good'
+p441
+aS'84 percent'
+p442
+aS'93 of audience'
+p443
+aS'best'
+p444
+aS'good place'
+p445
+aS'top rated'
+p446
+aS'most scene'
+p447
+aS'number 1'
+p448
+aS'4.5/5'
+p449
+aS'top 4'
+p450
+aS'lowly 26% on rotten tomatoes but 64% of the audience seemed to like it'
+p451
+aS'great reviews all around with a 84 percent on rotten tomatoes and 93 of audience members recommending it'
+p452
+aS'6'
+aS'5'
+aS'nice'
+p453
+aS'4 5/5 star rating'
+p454
+aS'26%'
+p455
+aS'popular'
+p456
+aS'most seen'
+p457
+aS'4 5/5 stars'
+p458
+aS'8%'
+p459
+aS'top'
+p460
+asS'price'
+p461
+(lp462
+S'$20'
+p463
+aS'$10'
+p464
+aS'cheapest'
+p465
+aS'adult price is 8'
+p466
+aS'32'
+p467
+asS'greeting'
+p468
+(lp469
+S'hey'
+p470
+aS'hello'
+p471
+aS'good morning'
+p472
+aS'hi'
+p473
+aS'there'
+p474
+aS'hello there'
+p475
+aS'happy to'
+p476
+aS'good evening'
+p477
+aS'hi welcome'
+p478
+aS'hey there'
+p479
+aS'hi there'
+p480
+asS'actor'
+p481
+(lp482
+S'ryan reynolds'
+p483
+aS'tina fey'
+p484
+asS'date'
+p485
+(lp486
+S'tomorrow'
+p487
+aS'this weekend'
+p488
+aS'saturday'
+p489
+aS'tonight'
+p490
+aS'today'
+p491
+aS'friday'
+p492
+aS'3/11'
+p493
+aS'now'
+p494
+aS'tomorrow afternoon'
+p495
+aS'march 12'
+p496
+aS'friday march 11'
+p497
+aS'Friday'
+p498
+aS'tuesday'
+p499
+aS'next friday'
+p500
+aS'3/12'
+p501
+aS'weekend'
+p502
+aS'3/10'
+p503
+aS'march 24th'
+p504
+aS'openingnight'
+p505
+aS' a different day'
+p506
+aS'tomorrow evening'
+p507
+aS'thursday'
+p508
+aS'next saturday'
+p509
+aS'March 12th'
+p510
+aS'Tuesday the 8th'
+p511
+aS'3/8'
+p512
+aS'last weekend'
+p513
+aS'this week'
+p514
+aS'wednesday'
+p515
+aS'tomorrow night'
+p516
+aS'3/9/2016'
+p517
+aS'03\\/15\\/2016'
+p518
+aS'3/15'
+p519
+aS'march 12th'
+p520
+aS'3/9'
+p521
+aS'this evening'
+p522
+aS'this friday'
+p523
+aS'next sunday'
+p524
+aS'3/13'
+p525
+aS'9th'
+p526
+aS'this time'
+p527
+aS'11th'
+p528
+aS'that night'
+p529
+aS'march 11th'
+p530
+aS'21-mar'
+p531
+aS'march 25 2016'
+p532
+aS'Saturday'
+p533
+aS'coming saturday'
+p534
+aS'current'
+p535
+aS'this saturday'
+p536
+aS'march 15th'
+p537
+aS'march 9'
+p538
+aS'march 10 2016'
+p539
+aS'june 17 2016'
+p540
+aS'Friday the 11th'
+p541
+aS'another night'
+p542
+aS'3/10/2016'
+p543
+aS'friday evening'
+p544
+aS'7th'
+p545
+aS'that date'
+p546
+aS'sunday'
+p547
+aS'earlier day'
+p548
+aS'mar 12'
+p549
+aS'Saturday night'
+p550
+aS'this date'
+p551
+aS'Tuesday'
+p552
+aS'friday11th'
+p553
+aS'Friday the 10th'
+p554
+aS'any day this week'
+p555
+aS'tomrrow'
+p556
+asS'state'
+p557
+(lp558
+S'nj'
+p559
+aS'washington'
+p560
+aS'wa'
+p561
+aS'al'
+p562
+aS'oregon'
+p563
+aS'mi'
+p564
+aS'iowa'
+p565
+aS'pennsylvania'
+p566
+aS'california'
+p567
+aS'ma'
+p568
+aS'illinois'
+p569
+aS'ny'
+p570
+aS'fl'
+p571
+aS'ca'
+p572
+aS'tn'
+p573
+aS'florida'
+p574
+aS'il'
+p575
+aS'pa'
+p576
+aS'ga'
+p577
+aS'mn'
+p578
+aS'OR'
+p579
+aS'north carolina'
+p580
+aS'mo'
+p581
+aS'alabama'
+p582
+aS'louisiana'
+p583
+aS'WA'
+p584
+aS'NY'
+p585
+aS'virginia'
+p586
+aS'texas'
+p587
+aS'ne'
+p588
+aS'georgia'
+p589
+aS'va'
+p590
+aS'IA'
+p591
+aS'maryland'
+p592
+aS'nc'
+p593
+aS'or'
+p594
+aS'michigan'
+p595
+aS'la'
+p596
+aS'LA'
+p597
+aS'nv'
+p598
+asS'other'
+p599
+(lp600
+S'not available'
+p601
+aS'movie assistant number'
+p602
+aS'movie booking service'
+p603
+aS'search theater'
+p604
+aS'cannot book'
+p605
+aS'servicing tickets'
+p606
+aS'rotten tomatoes'
+p607
+aS'pub serves good burgers'
+p608
+aS'serves seafood'
+p609
+aS'date'
+p610
+aS'scary'
+p611
+aS'restaurant'
+p612
+aS'beer'
+p613
+aS'mexican restaurant'
+p614
+aS'best restaurant'
+p615
+aS'japanese restaurant'
+p616
+aS"that's odd"
+p617
+aS'crossed'
+p618
+aS'little late'
+p619
+aS'pub'
+p620
+aS'number 1'
+p621
+aS'switch cities'
+p622
+aS'name'
+p623
+aS'unable to book movies'
+p624
+aS'I cannot understand your reply'
+p625
+aS'purchase tickets'
+p626
+aS'look up date'
+p627
+aS'increased functionality'
+p628
+aS'functionality'
+p629
+aS'Master User'
+p630
+aS'master user'
+p631
+aS'two'
+p632
+aS'another preference'
+p633
+aS'no'
+p634
+aS'check again'
+p635
+aS'new release'
+p636
+aS'new releases'
+p637
+aS'place that serves seafood'
+p638
+aS'favorite part'
+p639
+aS'worth watching'
+p640
+aS'subtitiles'
+p641
+aS'subtitles'
+p642
+aS'many many theaters'
+p643
+aS'different selection of movies'
+p644
+aS'search for a theater'
+p645
+aS'latest showing'
+p646
+aS'Italian restaurant'
+p647
+aS'restaurant booking service'
+p648
+aS'online ticketing'
+p649
+aS"I can't remember"
+p650
+aS"can't think of"
+p651
+aS'search theaters'
+p652
+aS'cheapest'
+p653
+aS'do not know'
+p654
+aS'date night'
+p655
+aS'disney'
+p656
+aS'search by movie or movie theater'
+p657
+aS'indian restaurant'
+p658
+aS' movie purchasing service'
+p659
+aS'movie ticket buying service'
+p660
+aS'early in the day'
+p661
+aS'safeco field'
+p662
+aS'many'
+p663
+aS'pizza place'
+p664
+aS'restaurant reservations'
+p665
+aS'pizza restaurant'
+p666
+aS'restaurant service'
+p667
+aS'laughable'
+p668
+aS'english and chinese subtitles'
+p669
+aS'matinee'
+p670
+aS' matinee'
+p671
+aS'good restaurant'
+p672
+aS'currently'
+p673
+aS'george on the riverwak'
+p674
+aS'purchase'
+p675
+aS'odd'
+p676
+aS'got crossed'
+p677
+aS'29 movies'
+p678
+aS'I can bring my cat to'
+p679
+aS'I can order beer in'
+p680
+aS"don't know"
+p681
+aS'closed'
+p682
+aS'serve alcohol'
+p683
+aS"I don't know"
+p684
+aS"I'm not from around here"
+p685
+aS'restaurants'
+p686
+aS'book movie tickets'
+p687
+aS'before dinner'
+p688
+asS'mpaa_rating'
+p689
+(lp690
+S'pg'
+p691
+aS'rated pg'
+p692
+aS'pg13'
+p693
+aS'best'
+p694
+aS'appropriate for the whole family'
+p695
+aS'r'
+asS'starttime'
+p696
+(lp697
+S'10:30am'
+p698
+aS'11:10am'
+p699
+aS'1:10pm'
+p700
+aS'1:50pm'
+p701
+aS'3:45pm'
+p702
+aS'4:30pm'
+p703
+aS'5:20pm'
+p704
+aS'6:30pm'
+p705
+aS'7:15pm'
+p706
+aS'9:10pm'
+p707
+aS'10:30pm'
+p708
+aS'12:30pm'
+p709
+aS'9:30pm'
+p710
+aS'9:30'
+p711
+aS'8:40pm'
+p712
+aS'7:00pm'
+p713
+aS'9:50pm'
+p714
+aS'none'
+p715
+aS'before 4pm'
+p716
+aS'12:00'
+p717
+aS'1:10'
+p718
+aS'2:40'
+p719
+aS'3:50'
+p720
+aS'around 2pm'
+p721
+aS'1:30'
+p722
+aS'4:00'
+p723
+aS'night'
+p724
+aS'11:05am'
+p725
+aS'1:45pm'
+p726
+aS'7:20 pm'
+p727
+aS'4:35pm'
+p728
+aS'10pm'
+p729
+aS'10 pm'
+p730
+aS'latest showing'
+p731
+aS'9:00 pm'
+p732
+aS'around 6pm'
+p733
+aS'7:20'
+p734
+aS'9:10 pm'
+p735
+aS'8:45 pm'
+p736
+aS'8:45'
+p737
+aS'9:50 pm'
+p738
+aS'around 3 pm'
+p739
+aS'12pm'
+p740
+aS'9:30 pm'
+p741
+aS'6pm'
+p742
+aS'9:01pm'
+p743
+aS'5:30pm'
+p744
+aS'8:00pm'
+p745
+aS'10:40pm'
+p746
+aS'2:30pm'
+p747
+aS'5:10pm'
+p748
+aS'10:00pm'
+p749
+aS'7:15 pm'
+p750
+aS'7pm'
+p751
+aS'around 7pm'
+p752
+aS'earliest showing'
+p753
+aS'12:45pm'
+p754
+aS'1:15pm'
+p755
+aS'12:45'
+p756
+aS'12:35pm'
+p757
+aS' 4:05pm'
+p758
+aS' 7:05pm'
+p759
+aS' 9:55pm'
+p760
+aS'7:05 pm'
+p761
+aS'after dinner'
+p762
+aS'after 7:30pm'
+p763
+aS'10:50pm'
+p764
+aS'7:50pm'
+p765
+aS'10:20pm'
+p766
+aS'8pm'
+p767
+aS'8:20'
+p768
+aS'8:15pm'
+p769
+aS'between 9 and 10'
+p770
+aS'10:20'
+p771
+aS'after 7pm'
+p772
+aS'4:40 pm'
+p773
+aS'before dinner'
+p774
+aS'7:10 pm'
+p775
+aS'betwenn 8-10 pm'
+p776
+aS'4 pm'
+p777
+aS'4:20'
+p778
+aS'4:20pm'
+p779
+aS'from noon to 4pm'
+p780
+aS'8:30pm'
+p781
+aS'11:00pm'
+p782
+aS'11pm'
+p783
+aS' Matinee'
+p784
+aS'4pm to 7pm'
+p785
+aS'6:55pm'
+p786
+aS'11:50am'
+p787
+aS'5:10'
+p788
+aS'7:50'
+p789
+aS'10:25'
+p790
+aS'2:30'
+p791
+aS'9:25 pm'
+p792
+aS'2:35 pm'
+p793
+aS'2:35'
+p794
+aS'afternoon'
+p795
+aS'10:00am'
+p796
+aS'3:30pm'
+p797
+aS'6:15pm'
+p798
+aS'9:00pm'
+p799
+aS'3:30'
+p800
+aS'11:30am'
+p801
+aS'1:05pm'
+p802
+aS'2:35pm'
+p803
+aS'4:10pm'
+p804
+aS'5:40pm'
+p805
+aS'7:05pm'
+p806
+aS'8:35pm'
+p807
+aS'9:55pm'
+p808
+aS'10:05am'
+p809
+aS'11:00am'
+p810
+aS'2:00pm'
+p811
+aS'4:05pm'
+p812
+aS'4:50pm'
+p813
+aS'6:45pm'
+p814
+aS'7:45pm'
+p815
+aS'10:45am'
+p816
+aS'11:15am'
+p817
+aS'1:00pm'
+p818
+aS'2:15pm'
+p819
+aS'4:00pm'
+p820
+aS'4:45pm'
+p821
+aS'5:15pm'
+p822
+aS'7:30pm'
+p823
+aS'morning'
+p824
+aS'7:00 pm'
+p825
+aS'12:15pm'
+p826
+aS'3:00pm'
+p827
+aS'5:45pm'
+p828
+aS'10:00 pm'
+p829
+aS'4:50 pm'
+p830
+aS'7:05'
+p831
+aS'around 4pm'
+p832
+aS'4 PM'
+p833
+aS'8:00 pm'
+p834
+aS'8:40'
+p835
+aS'8:00'
+p836
+aS'8'
+aS'5pm'
+p837
+aS'5:00 pm'
+p838
+aS'around 8 pm'
+p839
+aS'1:30pm'
+p840
+aS'4pm'
+p841
+aS'130pm'
+p842
+aS'closest to noon'
+p843
+aS'late showing'
+p844
+aS'anytime after 7pm'
+p845
+aS'4:10&&7:00&&9:50pm'
+p846
+aS'4:40&&7:30&&10:20'
+p847
+aS'2pm'
+p848
+aS'2:20 pm'
+p849
+aS'11:45am'
+p850
+aS'around 9pm'
+p851
+aS'9pm'
+p852
+aS'8:25pm'
+p853
+aS'9:05pm'
+p854
+aS'9:05'
+p855
+aS'9:45pm'
+p856
+aS'around 7 pm'
+p857
+aS'8:45pm'
+p858
+aS'5:25pm'
+p859
+aS'5:25'
+p860
+aS'317'
+p861
+aS'10:25pm'
+p862
+aS'9:55'
+p863
+aS'6:25'
+p864
+aS' 9:00 pm'
+p865
+aS'7:55pm'
+p866
+aS'10:45pm'
+p867
+aS'11:55pm'
+p868
+aS'10:10am'
+p869
+aS'1:25pm'
+p870
+aS'2:20pm'
+p871
+aS'3:50pm'
+p872
+aS'7:10pm'
+p873
+aS'9:35pm'
+p874
+aS'11:10pm'
+p875
+aS'12:05am'
+p876
+aS'7:30'
+p877
+aS'7:00'
+p878
+aS'around 6 pm'
+p879
+aS'5:20'
+p880
+aS'6:30'
+p881
+aS'4:10'
+p882
+aS'4:40'
+p883
+aS'10:15pm'
+p884
+aS'10:15'
+p885
+aS'12:05pm'
+p886
+aS'6:25pm'
+p887
+aS'after 5 pm'
+p888
+aS'930pm'
+p889
+aS'640pm'
+p890
+aS'night around 8pm'
+p891
+aS"8 o'clock"
+p892
+aS'9:20 pm'
+p893
+aS'9:20'
+p894
+aS'12:20pm'
+p895
+aS'3:40pm'
+p896
+aS'6:50pm'
+p897
+aS'8:40pm tonight'
+p898
+aS'around 8pm'
+p899
+aS'9:10'
+p900
+aS'605pm'
+p901
+aS'6 pm'
+p902
+aS'2:20PM'
+p903
+aS'2:20'
+p904
+aS'between noon and 4pm'
+p905
+aS'early'
+p906
+aS'10:35'
+p907
+aS'11:40 am'
+p908
+aS'between 2 and 4pm'
+p909
+aS'6:55'
+p910
+aS'6:10pm'
+p911
+aS'7:20pm'
+p912
+aS'7:25pm'
+p913
+aS'9:20pm'
+p914
+aS'2 pm'
+p915
+aS'soonest'
+p916
+aS'12:40pm'
+p917
+aS'3:40'
+p918
+aS'6:50'
+p919
+aS'10:00'
+p920
+aS'10 o clock'
+p921
+aS'5:00pm'
+p922
+aS'7:40pm'
+p923
+aS'740'
+p924
+aS'10 cloverfield lane'
+p925
+aS' 6:30pm'
+p926
+aS' 9:10pm'
+p927
+aS' 11:55pm'
+p928
+aS'roughly every hour'
+p929
+aS'9:45 pm'
+p930
+aS'7'
+aS'4:40pm'
+p931
+aS'matinee'
+p932
+aS'evening'
+p933
+aS'8:20 pm'
+p934
+aS'tonight'
+p935
+aS'7:30 pm'
+p936
+aS'8:15 pm'
+p937
+aS'8:15am'
+p938
+aS'after 6 pm'
+p939
+aS'6:45'
+p940
+aS' around 7pm'
+p941
+aS'4:25 pm'
+p942
+aS'7:15'
+p943
+aS'7:10'
+p944
+aS'10:05'
+p945
+aS'7:25 pm'
+p946
+aS'pm'
+p947
+aS'any time'
+p948
+aS'12:20'
+p949
+aS'later in the evening'
+p950
+aS'12:00pm'
+p951
+aS'between 5pm and 6pm'
+p952
+aS'between 5 and 6pm'
+p953
+aS'around noon'
+p954
+aS'soonest upcoming showing'
+p955
+aS'6:05'
+p956
+aS'7:25'
+p957
+aS'1:35 pm'
+p958
+aS'4:30'
+p959
+aS'around 5pm'
+p960
+aS'2:00 pm'
+p961
+aS'1:35pm'
+p962
+aS'9:25pm'
+p963
+aS'8:10PM'
+p964
+aS'evening around 6pm'
+p965
+aS'6:30 pm'
+p966
+aS'5:50'
+p967
+aS'6:40 pm'
+p968
+aS'a lot'
+p969
+aS'sonnest'
+p970
+aS'705pm'
+p971
+aS'635pm'
+p972
+aS'6:35'
+p973
+aS'1:15'
+p974
+aS'7 pm'
+p975
+aS'6:40pm'
+p976
+aS'anytime after 6pm'
+p977
+aS'between 8 and 10 pm'
+p978
+aS'8 pm'
+p979
+aS'6:00pm'
+p980
+aS'11:40pm'
+p981
+aS'1:30 pm'
+p982
+aS'3:20pm'
+p983
+aS'8:05'
+p984
+aS'11:40'
+p985
+aS'between 8 and 9pm'
+p986
+aS'9:25'
+p987
+aS'after 7 pm'
+p988
+aS'5:50pm'
+p989
+aS'2:25pm'
+p990
+aS'2:25'
+p991
+aS'between say 4pm and 7pm'
+p992
+aS'evening around 7'
+p993
+aS' 10:30'
+p994
+aS'the next'
+p995
+aS'the next showing'
+p996
+aS'2:05 pm'
+p997
+aS'7:40'
+p998
+aS'6:00'
+p999
+aS'8:30'
+p1000
+aS'between 4pm and 7pm'
+p1001
+aS'730pm'
+p1002
+aS'early afternoon'
+p1003
+aS' 7:40pm'
+p1004
+aS' 10:10pm'
+p1005
+aS'1:50'
+p1006
+aS' 4:30'
+p1007
+aS' 7:10'
+p1008
+aS' 9:50'
+p1009
+aS'2:40pm'
+p1010
+aS'kinky there'
+p1011
+aS'7:35 pm'
+p1012
+aS'7:35'
+p1013
+aS'midnight'
+p1014
+aS'late'
+p1015
+aS'from 4pm to 7pm'
+p1016
+aS'1:55'
+p1017
+aS'4:25'
+p1018
+aS'anytime'
+p1019
+aS'once or twice every hour'
+p1020
+aS'340pm'
+p1021
+aS' 425pm'
+p1022
+aS'4:25pm'
+p1023
+aS'425pm'
+p1024
+aS'9'
+aS'10'
+p1025
+aS'some time close to that'
+p1026
+aS'11:20am'
+p1027
+aS'between 8-10 pm'
+p1028
+aS'8:05pm'
+p1029
+aS'10:35pm'
+p1030
+aS'after 6pm'
+p1031
+aS'11:20'
+p1032
+aS'12:35'
+p1033
+aS'right now'
+p1034
+aS'1:55pm'
+p1035
+aS'10:05pm'
+p1036
+aS'10:05 pm'
+p1037
+asS'theater_chain'
+p1038
+(lp1039
+S'regal meridian'
+p1040
+aS'amc'
+p1041
+aS'amc loews stony brook 17'
+p1042
+aS'amc hamilton 24'
+p1043
+aS'amc pacific place 11'
+p1044
+aS'regency'
+p1045
+aS'amc loews waterfront 22'
+p1046
+aS'century'
+p1047
+aS'amc star john r 15'
+p1048
+aS'amc star southfield'
+p1049
+aS'amc lowes oak tree 6'
+p1050
+aS'amc loews oak tree 6'
+p1051
+aS'amc showplace carbondale 8'
+p1052
+aS'century eastport 16'
+p1053
+aS'amc theater'
+p1054
+aS'amc ahwatukee 24'
+p1055
+aS' amc mesa grand 24'
+p1056
+aS'amc showplace carbondale'
+p1057
+asS'genre'
+p1058
+(lp1059
+S'comedy'
+p1060
+aS'comedies'
+p1061
+aS'kid'
+p1062
+aS'action'
+p1063
+aS'violence'
+p1064
+aS'superhero'
+p1065
+aS'romance'
+p1066
+aS'thriller'
+p1067
+aS'drama'
+p1068
+aS'family friendly'
+p1069
+aS'funny'
+p1070
+aS'kids'
+p1071
+aS'scary'
+p1072
+aS'horror'
+p1073
+aS'showing'
+p1074
+aS'romantic comedies'
+p1075
+aS'romantic comedy'
+p1076
+aS'adult comedy'
+p1077
+aS'romantic'
+p1078
+aS'drama/romance'
+p1079
+aS'foreign'
+p1080
+aS'superhero movie'
+p1081
+aS'dramas'
+p1082
+aS'animated'
+p1083
+aS'thriller science fiction'
+p1084
+aS'super great day'
+p1085
+aS'comedies)'
+p1086
+aS'not live action'
+p1087
+aS'date night:'
+p1088
+aS'sci-fi'
+p1089
+aS'Action/Adventure Sci-Fi/Fantasy'
+p1090
+asS'video_format'
+p1091
+(lp1092
+S'3d'
+p1093
+aS'standard'
+p1094
+aS'2d'
+p1095
+aS'standard/2D version'
+p1096
+aS'IMAX'
+p1097
+aS'imax'
+p1098
+aS'regular'
+p1099
+aS'imax 3d'
+p1100
+aS' standard'
+p1101
+asS'moviename'
+p1102
+(lp1103
+S'zootopia'
+p1104
+aS'whiskey tango foxtrot'
+p1105
+aS'how to be single'
+p1106
+aS'kung fu panda 3'
+p1107
+aS'How to be single'
+p1108
+aS'london has fallen'
+p1109
+aS'eddie the eagle'
+p1110
+aS'gods of egypt'
+p1111
+aS'triple 9'
+p1112
+aS'the witch'
+p1113
+aS'where to invade next'
+p1114
+aS'zoolander 2'
+p1115
+aS'hail caesar'
+p1116
+aS'star wars'
+p1117
+aS'the big short'
+p1118
+aS'the danish girl'
+p1119
+aS'deadpool'
+p1120
+aS' kung fu panda 3'
+p1121
+aS'room'
+p1122
+aS'independce day'
+p1123
+aS'kung fu panda'
+p1124
+aS'Deadpool'
+p1125
+aS'London has fallen'
+p1126
+aS'the revenant'
+p1127
+aS'10 cloverfield lane'
+p1128
+aS'the brothers grimsby'
+p1129
+aS'the perfect match'
+p1130
+aS"the brother's grimsby"
+p1131
+aS'lolo'
+p1132
+aS'brooklyn'
+p1133
+aS'the other side of the door'
+p1134
+aS'the boy'
+p1135
+aS'other side of the door'
+p1136
+aS'witch'
+p1137
+aS'The Witch'
+p1138
+aS' Young Messiah'
+p1139
+aS'The Young Messiah'
+p1140
+aS'risen'
+p1141
+aS'big short'
+p1142
+aS'Avengers'
+p1143
+aS'Finding Dory'
+p1144
+aS'zoology'
+p1145
+aS'called zoology'
+p1146
+aS'batman'
+p1147
+aS'batman vs superman'
+p1148
+aS'race'
+p1149
+aS'revenant'
+p1150
+aS'star wars the force awakens'
+p1151
+aS'TheWitch'
+p1152
+aS'The Other Side of The Door'
+p1153
+aS'How to be Single'
+p1154
+aS'whiskey'
+p1155
+aS'tango'
+p1156
+aS'Foxtrot'
+p1157
+aS'whisky tango foxtrot'
+p1158
+aS'Zootopia'
+p1159
+aS'starwars'
+p1160
+aS'The revenant'
+p1161
+aS'dirty grandpa'
+p1162
+aS'first'
+p1163
+aS'kung fu kanda 3'
+p1164
+aS'Fandango'
+p1165
+aS''
+aS' 10 cloverfield lane'
+p1166
+aS' deadpool'
+p1167
+aS'brothers grimsby'
+p1168
+aS'The Perfect Match'
+p1169
+aS'mei ren yu (the mermaid)'
+p1170
+aS'mei ren yu'
+p1171
+aS'big'
+p1172
+aS'London Has Fallen'
+p1173
+aS'Whiskey Tango Foxtrot'
+p1174
+aS'Eddie The Eagle'
+p1175
+aS'Godys of Egypt'
+p1176
+aS'Triple 9'
+p1177
+aS'Where to Invade Next'
+p1178
+aS'Zoolander 2'
+p1179
+aS'Hail Caesar'
+p1180
+aS'Kung Fu Panda 3'
+p1181
+aS'Star Wars'
+p1182
+aS'The Big Short'
+p1183
+aS'The Danish Girl'
+p1184
+aS'more'
+p1185
+aS'spotlight'
+p1186
+aS'batman moviename'
+p1187
+aS'batman v superman'
+p1188
+aS'creed'
+p1189
+aS'large number of movies'
+p1190
+aS'risen race spotlight'
+p1191
+aS'london had fallen'
+p1192
+aS'hail casaer'
+p1193
+aS'race and risen'
+p1194
+aS'The big short'
+p1195
+aS'whisky foxtrot tango'
+p1196
+aS'zootopis'
+p1197
+aS'avengers'
+p1198
+aS'finding dory'
+p1199
+aS'same movie'
+p1200
+aS'the young messiah'
+p1201
+aS'morning as'
+p1202
+aS' whiskey tango foxtrot'
+p1203
+aS' perfect match'
+p1204
+aS'Hail Casaer'
+p1205
+aS'the vvitch'
+p1206
+aS'moviename'
+p1207
+aS'big short is confirmed'
+p1208
+aS'the forest'
+p1209
+aS'forest'
+p1210
+aS' the young messiah'
+p1211
+aS' eddie the eagle'
+p1212
+aS' the revenant'
+p1213
+aS'single'
+p1214
+aS'The Brothers Grimsby'
+p1215
+aS'10 cloverfield land'
+p1216
+aS'dIrty grandpa'
+p1217
+aS'big picture'
+p1218
+aS'gods egypt'
+p1219
+aS' the boy'
+p1220
+as.
\ No newline at end of file
diff --git a/data/movie/movie_kb.1k.json b/data/movie/movie_kb.1k.json
new file mode 100644
index 0000000..03b61a8
--- /dev/null
+++ b/data/movie/movie_kb.1k.json
@@ -0,0 +1,19939 @@
+(dp1
+I0
+(dp2
+S'city'
+p3
+S'hamilton'
+p4
+sS'theater'
+p5
+S'manville 12 plex'
+p6
+sS'zip'
+p7
+S'08835'
+p8
+sS'critic_rating'
+p9
+S'good'
+p10
+sS'genre'
+p11
+S'comedy'
+p12
+sS'state'
+p13
+S'nj'
+p14
+sS'starttime'
+p15
+S'10:30am'
+p16
+sS'date'
+p17
+S'tomorrow'
+p18
+sS'moviename'
+p19
+S'zootopia'
+p20
+ssI1
+(dp21
+g3
+S'manville'
+p22
+sg5
+g6
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI2
+(dp23
+g3
+S'bridgewater'
+p24
+sg5
+g6
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI3
+(dp25
+g3
+g4
+sg5
+S'amc dine-in theatres bridgewater 7'
+p26
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI4
+(dp27
+g3
+g22
+sg5
+g26
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI5
+(dp28
+S'city'
+p29
+S'seattle'
+p30
+sS'theater'
+p31
+S'every single theatre'
+p32
+sS'zip'
+p33
+S'98004'
+p34
+sS'state'
+p35
+S'washington'
+p36
+sS'other'
+p37
+S'not available'
+p38
+sS'mpaa_rating'
+p39
+S'pg'
+p40
+sS'date'
+p41
+S'this weekend'
+p42
+sS'moviename'
+p43
+S'kung fu panda 3'
+p44
+ssI6
+(dp45
+g29
+S'bellevue'
+p46
+sg31
+g32
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI7
+(dp47
+g29
+g30
+sg31
+S'bellevue lincoln square cinemas'
+p48
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI8
+(dp49
+g29
+g46
+sg31
+g48
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI9
+(dp50
+g29
+g30
+sg31
+S'regal meridian 16'
+p51
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI10
+(dp52
+S'city'
+p53
+S'seattle'
+p54
+sS'theater'
+p55
+S'regal meridian 16'
+p56
+sS'zip'
+p57
+S'98101'
+p58
+sS'numberofkids'
+p59
+S'two'
+p60
+sS'date'
+p61
+S'tonight'
+p62
+sS'state'
+p63
+S'wa'
+p64
+sS'other'
+p65
+S'movie assistant number'
+p66
+sS'starttime'
+p67
+S'6:30pm'
+p68
+sS'theater_chain'
+p69
+S'regal meridian'
+p70
+sS'moviename'
+p71
+S'zootopia'
+p72
+ssI11
+(dp73
+g53
+S'bellevue'
+p74
+sg55
+g56
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI12
+(dp75
+g53
+g54
+sg55
+S'bellevue lincoln square cinemas'
+p76
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI13
+(dp77
+g53
+g74
+sg55
+g76
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI14
+(dp78
+g53
+g54
+sg55
+S'regal meridian'
+p79
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI15
+(dp80
+S'city'
+p81
+S'birmingham'
+p82
+sS'theater'
+p83
+S'carmike summit 16'
+p84
+sS'state'
+p85
+S'al'
+p86
+sS'starttime'
+p87
+S'around 2pm'
+p88
+sS'date'
+p89
+S'today'
+p90
+sS'moviename'
+p91
+S'zootopia'
+p92
+ssI16
+(dp93
+g81
+g82
+sg83
+S'carmike summit'
+p94
+sg85
+g86
+sg87
+g88
+sg89
+g90
+sg91
+g92
+ssI17
+(dp95
+g81
+g82
+sg83
+g84
+sg85
+g86
+sg87
+S'1:30'
+p96
+sg89
+g90
+sg91
+g92
+ssI18
+(dp97
+g81
+g82
+sg83
+g94
+sg85
+g86
+sg87
+g96
+sg89
+g90
+sg91
+g92
+ssI19
+(dp98
+g81
+g82
+sg83
+g84
+sg85
+g86
+sg87
+S'4:00'
+p99
+sg89
+g90
+sg91
+g92
+ssI20
+(dp100
+S'date'
+p101
+S'tomorrow'
+p102
+sS'city'
+p103
+S'san francisco'
+p104
+sS'moviename'
+p105
+S'How to be single'
+p106
+sS'theater'
+p107
+S'century centre 9'
+p108
+sS'starttime'
+p109
+S'night'
+p110
+ssI21
+(dp111
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+S'Redwood City 20'
+p112
+sg109
+g110
+ssI22
+(dp113
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g108
+sg109
+S'11:05am'
+p114
+ssI23
+(dp115
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g112
+sg109
+g114
+ssI24
+(dp116
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g108
+sg109
+S'1:45pm'
+p117
+ssI25
+(dp118
+S'city'
+p119
+S'seattle'
+p120
+sS'theater'
+p121
+S'many'
+p122
+sS'other'
+p123
+S'search theater'
+p124
+sS'starttime'
+p125
+S'latest showing'
+p126
+sS'date'
+p127
+S'tonight'
+p128
+sS'moviename'
+p129
+S'london has fallen'
+p130
+ssI26
+(dp131
+g119
+g120
+sg121
+S'regal meridian 16'
+p132
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+g130
+ssI27
+(dp133
+g119
+g120
+sg121
+g122
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+S'whiskey tango foxtrot'
+p134
+ssI28
+(dp135
+g119
+g120
+sg121
+g132
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+g134
+ssI29
+(dp136
+g119
+g120
+sg121
+g122
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+S'zootopia'
+p137
+ssI30
+(dp138
+S'date'
+p139
+S'tomorrow'
+p140
+sS'city'
+p141
+S'seattle'
+p142
+sS'theater'
+p143
+S'amc pacific place 11'
+p144
+sS'moviename'
+p145
+S'deadpool'
+p146
+sS'starttime'
+p147
+S'9:00 pm'
+p148
+ssI31
+(dp149
+S'city'
+p150
+S'birmingham'
+p151
+sS'theater'
+p152
+S'carmike summit 16'
+p153
+sS'state'
+p154
+S'al'
+p155
+sS'starttime'
+p156
+S'around 6pm'
+p157
+sS'date'
+p158
+S'today'
+p159
+sS'moviename'
+p160
+S'deadpool'
+p161
+ssI32
+(dp162
+g150
+g151
+sg152
+g153
+sg154
+g155
+sg156
+S'7:20'
+p163
+sg158
+g159
+sg160
+g161
+ssI33
+(dp164
+S'date'
+p165
+S'tomorrow'
+p166
+sS'city'
+p167
+S'seattle'
+p168
+sS'theater'
+p169
+S'regal meridian 16'
+p170
+sS'moviename'
+p171
+S'zootopia'
+p172
+sS'starttime'
+p173
+S'9:10 pm'
+p174
+ssI34
+(dp175
+S'date'
+p176
+S'tomorrow'
+p177
+sS'city'
+p178
+S'seattle'
+p179
+sS'theater'
+p180
+S'regal meridian 16'
+p181
+sS'moviename'
+p182
+S'hail caesar'
+p183
+sS'starttime'
+p184
+S'8:45 pm'
+p185
+ssI35
+(dp186
+g176
+g177
+sg178
+g179
+sg180
+g181
+sg182
+g183
+sg184
+S'8:45'
+p187
+ssI36
+(dp188
+S'city'
+p189
+S'portland'
+p190
+sS'theater'
+p191
+S'regal lloyd center 10'
+p192
+sS'state'
+p193
+S'oregon'
+p194
+sS'starttime'
+p195
+S'10 pm'
+p196
+sS'date'
+p197
+S'friday'
+p198
+sS'moviename'
+p199
+S'star wars'
+p200
+ssI37
+(dp201
+g189
+g190
+sg191
+g192
+sg193
+g194
+sg195
+S'9:50 pm'
+p202
+sg197
+g198
+sg199
+g200
+ssI38
+(dp203
+S'city'
+p204
+S'birmingham'
+p205
+sS'theater'
+p206
+S'carmike 16'
+p207
+sS'moviename'
+p208
+S'zootopia'
+p209
+sS'video_format'
+p210
+S'3d'
+p211
+sS'state'
+p212
+S'al'
+p213
+sS'starttime'
+p214
+S'around 3 pm'
+p215
+sS'date'
+p216
+S'tomorrow'
+p217
+sS'genre'
+p218
+S'kid'
+p219
+ssI39
+(dp220
+g204
+g205
+sg206
+g207
+sg208
+g209
+sg210
+S'standard'
+p221
+sg212
+g213
+sg214
+g215
+sg216
+g217
+sg218
+g219
+ssI40
+(dp222
+g204
+g205
+sg206
+g207
+sg208
+g209
+sg210
+g211
+sg212
+g213
+sg214
+S'12pm'
+p223
+sg216
+g217
+sg218
+g219
+ssI41
+(dp224
+g204
+g205
+sg206
+g207
+sg208
+g209
+sg210
+g221
+sg212
+g213
+sg214
+g223
+sg216
+g217
+sg218
+g219
+ssI42
+(dp225
+g204
+g205
+sg206
+g207
+sg208
+S' kung fu panda 3'
+p226
+sg210
+g211
+sg212
+g213
+sg214
+g215
+sg216
+g217
+sg218
+g219
+ssI43
+(dp227
+S'date'
+p228
+S'tomorrow'
+p229
+sS'city'
+p230
+S'seattle'
+p231
+sS'theater'
+p232
+S'amc pacific place 11 theater'
+p233
+sS'moviename'
+p234
+S'room'
+p235
+sS'starttime'
+p236
+S'9:30 pm'
+p237
+ssI44
+(dp238
+S'theater_chain'
+p239
+S'amc'
+p240
+sS'theater'
+p241
+S'river east 21'
+p242
+sS'video_format'
+p243
+S'2d'
+p244
+sS'other'
+p245
+S'cannot book'
+p246
+sS'starttime'
+p247
+S'night'
+p248
+sS'date'
+p249
+S'saturday'
+p250
+sS'moviename'
+p251
+S'zootopia'
+p252
+ssI45
+(dp253
+g239
+g240
+sg241
+g242
+sg243
+S'3d'
+p254
+sg245
+g246
+sg247
+g248
+sg249
+g250
+sg251
+g252
+ssI46
+(dp255
+g239
+g240
+sg241
+g242
+sg243
+g244
+sg245
+g246
+sg247
+g248
+sg249
+S'tomorrow'
+p256
+sg251
+g252
+ssI47
+(dp257
+g239
+g240
+sg241
+g242
+sg243
+g254
+sg245
+g246
+sg247
+g248
+sg249
+g256
+sg251
+g252
+ssI48
+(dp258
+g239
+g240
+sg241
+g242
+sg243
+g244
+sg245
+g246
+sg247
+S'6pm'
+p259
+sg249
+g250
+sg251
+g252
+ssI49
+(dp260
+S'date'
+p261
+S'tomorrow'
+p262
+sS'city'
+p263
+S'seattle'
+p264
+sS'theater'
+p265
+S'regal meridian 16'
+p266
+sS'moviename'
+p267
+S'the witch'
+p268
+sS'starttime'
+p269
+S'9:30 pm'
+p270
+ssI50
+(dp271
+S'city'
+p272
+S'royal oak'
+p273
+sS'theater'
+p274
+S'emagine theater'
+p275
+sS'zip'
+p276
+S'48071'
+p277
+sS'distanceconstraints'
+p278
+S'closest'
+p279
+sS'state'
+p280
+S'mi'
+p281
+sS'starttime'
+p282
+S'10:05am#12:30pm#2:55pm#5:30pm#8:00pm#10:40pm'
+p283
+sS'date'
+p284
+S'3/11'
+p285
+sS'moviename'
+p286
+S'deadpool'
+p287
+ssI51
+(dp288
+g272
+S'Royal Oak'
+p289
+sg274
+g275
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI52
+(dp290
+g272
+S'madison heights'
+p291
+sg274
+g275
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI53
+(dp292
+g272
+g273
+sg274
+S'emagine'
+p293
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI54
+(dp294
+g272
+g289
+sg274
+g293
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI55
+(dp295
+S'city'
+p296
+S'detroit'
+p297
+sS'other'
+p298
+S'servicing tickets'
+p299
+sS'moviename'
+p300
+S'independce day'
+p301
+sS'starttime'
+p302
+S'7pm'
+p303
+ssI56
+(dp304
+S'city'
+p305
+S'des moines'
+p306
+sS'theater'
+p307
+S'any'
+p308
+sS'state'
+p309
+S'iowa'
+p310
+sS'mpaa_rating'
+p311
+S'rated pg'
+p312
+sS'starttime'
+p313
+S'around 7pm'
+p314
+sS'date'
+p315
+S'now'
+p316
+sS'moviename'
+p317
+S'zootopia#kung fu panda 3'
+p318
+ssI57
+(dp319
+g305
+g306
+sg307
+S'FLIX BREWHOUSE DES MOINES'
+p320
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g316
+sg317
+g318
+ssI58
+(dp321
+g305
+g306
+sg307
+S'CARMIKE COBBLESTONE 9'
+p322
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g316
+sg317
+g318
+ssI59
+(dp323
+g305
+g306
+sg307
+g308
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+S'tomorrow'
+p324
+sg317
+g318
+ssI60
+(dp325
+g305
+g306
+sg307
+g320
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g324
+sg317
+g318
+ssI61
+(dp326
+S'city'
+p327
+S'johnstown'
+p328
+sS'theater'
+p329
+S'cinemas'
+p330
+sS'video_format'
+p331
+S'standard/2D version'
+p332
+sS'state'
+p333
+S'pennsylvania'
+p334
+sS'starttime'
+p335
+S'earliest showing'
+p336
+sS'date'
+p337
+S'tomorrow afternoon'
+p338
+sS'moviename'
+p339
+S'zootopia'
+p340
+ssI62
+(dp341
+g327
+g328
+sg329
+g330
+sg331
+S'3d'
+p342
+sg333
+g334
+sg335
+g336
+sg337
+g338
+sg339
+g340
+ssI63
+(dp343
+g327
+g328
+sg329
+g330
+sg331
+S'standard'
+p344
+sg333
+g334
+sg335
+g336
+sg337
+g338
+sg339
+g340
+ssI64
+(dp345
+g327
+g328
+sg329
+g330
+sg331
+g332
+sg333
+g334
+sg335
+S'12:45pm'
+p346
+sg337
+g338
+sg339
+g340
+ssI65
+(dp347
+g327
+g328
+sg329
+g330
+sg331
+g342
+sg333
+g334
+sg335
+g346
+sg337
+g338
+sg339
+g340
+ssI66
+(dp348
+S'date'
+p349
+S'tomorrow'
+p350
+sS'city'
+p351
+S'seattle'
+p352
+sS'theater'
+p353
+S'regal meridian 16'
+p354
+sS'moviename'
+p355
+S'the witch'
+p356
+sS'starttime'
+p357
+S'9:30 pm'
+p358
+ssI67
+(dp359
+S'genre'
+p360
+S'action'
+p361
+sS'critic_rating'
+p362
+S'84 percent'
+p363
+sS'other'
+p364
+S'rotten tomatoes'
+p365
+sS'moviename'
+p366
+S'Deadpool'
+p367
+sS'actor'
+p368
+S'ryan reynolds'
+p369
+ssI68
+(dp370
+g360
+S'violence'
+p371
+sg362
+g363
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI69
+(dp372
+g360
+g361
+sg362
+S'93 of audience'
+p373
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI70
+(dp374
+g360
+g371
+sg362
+g373
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI71
+(dp375
+g360
+g361
+sg362
+g363
+sg364
+g365
+sg366
+S'London has fallen'
+p376
+sg368
+g369
+ssI72
+(dp377
+S'city'
+p378
+S'visalia'
+p379
+sS'theater'
+p380
+S'regal visalia stadium 10'
+p381
+sS'state'
+p382
+S'california'
+p383
+sS'starttime'
+p384
+S'12:35pm'
+p385
+sS'date'
+p386
+S'march 12'
+p387
+sS'moviename'
+p388
+S'london has fallen'
+p389
+ssI73
+(dp390
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 4:05pm'
+p391
+sg386
+g387
+sg388
+g389
+ssI74
+(dp392
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 7:05pm'
+p393
+sg386
+g387
+sg388
+g389
+ssI75
+(dp394
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 9:55pm'
+p395
+sg386
+g387
+sg388
+g389
+ssI76
+(dp396
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S'7:05 pm'
+p397
+sg386
+g387
+sg388
+g389
+ssI77
+(dp398
+S'distanceconstraints'
+p399
+S'near the space needle'
+p400
+sS'other'
+p401
+S'pub serves good burgers'
+p402
+ssI78
+(dp403
+S'city'
+p404
+S'seattle'
+p405
+sS'theater'
+p406
+S'amc pacific place 11'
+p407
+sS'zip'
+p408
+S'98101'
+p409
+sS'distanceconstraints'
+p410
+S'area'
+p411
+sS'state'
+p412
+S'wa'
+p413
+sS'other'
+p414
+S'serves seafood'
+p415
+sS'starttime'
+p416
+S'night'
+p417
+sS'date'
+p418
+S'Friday'
+p419
+sS'moviename'
+p420
+S'10 cloverfield lane'
+p421
+ssI79
+(dp422
+g404
+S'bellevue'
+p423
+sg406
+g407
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI80
+(dp424
+g404
+g405
+sg406
+S'bellevue lincoln square cinemas'
+p425
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI81
+(dp426
+g404
+g423
+sg406
+g425
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI82
+(dp427
+g404
+g405
+sg406
+g407
+sg408
+S'98004'
+p428
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI83
+(dp429
+S'city'
+p430
+S'boston'
+p431
+sS'theater'
+p432
+S'amc loews boston common 19'
+p433
+sS'distanceconstraints'
+p434
+S'nearest'
+p435
+sS'state'
+p436
+S'ma'
+p437
+sS'starttime'
+p438
+S'8pm'
+p439
+sS'date'
+p440
+S'saturday'
+p441
+sS'moviename'
+p442
+S'lolo'
+p443
+ssI84
+(dp444
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+S'8:20'
+p445
+sg440
+g441
+sg442
+g443
+ssI85
+(dp446
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+g439
+sg440
+g441
+sg442
+S'deadpool'
+p447
+ssI86
+(dp448
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+g445
+sg440
+g441
+sg442
+g447
+ssI87
+(dp449
+S'city'
+p450
+S'bellevue'
+p451
+sS'theater'
+p452
+S'bellevue lincoln square cinemas'
+p453
+sS'zip'
+p454
+S'98004'
+p455
+sS'distanceconstraints'
+p456
+S'near 98119'
+p457
+sS'actor'
+p458
+S'ryan reynolds'
+p459
+sS'genre'
+p460
+S'superhero'
+p461
+sS'state'
+p462
+S'washington'
+p463
+sS'starttime'
+p464
+S'8:15pm'
+p465
+sS'date'
+p466
+S'tonight'
+p467
+sS'moviename'
+p468
+S'deadpool'
+p469
+ssI88
+(dp470
+g450
+g451
+sg452
+S'amc pacific place 11'
+p471
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+g463
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI89
+(dp472
+g450
+g451
+sg452
+g453
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+S'wa'
+p473
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI90
+(dp474
+g450
+g451
+sg452
+g471
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+g473
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI91
+(dp475
+S'city'
+p476
+S'seattle'
+p477
+sS'theater'
+p478
+S'amc pacific place 11'
+p479
+sS'zip'
+p480
+S'98101'
+p481
+sS'critic_rating'
+p482
+S'best'
+p483
+sS'genre'
+p484
+S'romance'
+p485
+sS'state'
+p486
+S'washington'
+p487
+sS'other'
+p488
+S'date'
+p489
+sS'starttime'
+p490
+S'between 9 and 10'
+p491
+sS'date'
+p492
+S'tonight'
+p493
+sS'moviename'
+p494
+S'how to be single'
+p495
+ssI92
+(dp496
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+S'wa'
+p497
+sg488
+g489
+sg490
+g491
+sg492
+g493
+sg494
+g495
+ssI93
+(dp498
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g487
+sg488
+g489
+sg490
+S'7:20'
+p499
+sg492
+g493
+sg494
+g495
+ssI94
+(dp500
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g497
+sg488
+g489
+sg490
+g499
+sg492
+g493
+sg494
+g495
+ssI95
+(dp501
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g487
+sg488
+g489
+sg490
+S'10:20'
+p502
+sg492
+g493
+sg494
+g495
+ssI96
+(dp503
+S'city'
+p504
+S'carbondale'
+p505
+sS'theater'
+p506
+S'amc showplace carbondale 8'
+p507
+sS'genre'
+p508
+S'thriller'
+p509
+sS'state'
+p510
+S'illinois'
+p511
+sS'other'
+p512
+S'scary'
+p513
+sS'starttime'
+p514
+S'night'
+p515
+sS'date'
+p516
+S'tuesday'
+p517
+sS'moviename'
+p518
+S'the witch#the other side of the door#the boy'
+p519
+ssI97
+(dp520
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'after 7pm'
+p521
+sg516
+g517
+sg518
+g519
+ssI98
+(dp522
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'4:40 pm'
+p523
+sg516
+g517
+sg518
+g519
+ssI99
+(dp524
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'before dinner'
+p525
+sg516
+g517
+sg518
+g519
+ssI100
+(dp526
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+g515
+sg516
+g517
+sg518
+S'the other side of the door'
+p527
+ssI101
+(dp528
+S'date'
+p529
+S'tomorrow'
+p530
+sS'city'
+p531
+S'seattle'
+p532
+sS'theater'
+p533
+S'amc lowes oak tree'
+p534
+sS'moviename'
+p535
+S'triple 9'
+p536
+sS'starttime'
+p537
+S'7:10 pm'
+p538
+ssI102
+(dp539
+g529
+g530
+sg531
+g532
+sg533
+S'amc lowes oak tree 6'
+p540
+sg535
+g536
+sg537
+g538
+ssI103
+(dp541
+S'date'
+p542
+S'tomorrow'
+p543
+sS'city'
+p544
+S'seattle'
+p545
+sS'theater'
+p546
+S'regal meridian 16'
+p547
+sS'moviename'
+p548
+S'zootopia'
+p549
+sS'starttime'
+p550
+S'9:10 pm'
+p551
+ssI104
+(dp552
+S'theater'
+p553
+S'royal oak emagine theater'
+p554
+sS'moviename'
+p555
+S'deadpool'
+p556
+sS'starttime'
+p557
+S'betwenn 8-10 pm'
+p558
+ssI105
+(dp559
+S'city'
+p560
+S'birmingham'
+p561
+sS'theater'
+p562
+S'carmike summit 16'
+p563
+sS'distanceconstraints'
+p564
+S'closest time'
+p565
+sS'state'
+p566
+S'al'
+p567
+sS'starttime'
+p568
+S'4 pm'
+p569
+sS'date'
+p570
+S'today'
+p571
+sS'moviename'
+p572
+S'deadpool'
+p573
+ssI106
+(dp574
+g560
+g561
+sg562
+g563
+sg564
+g565
+sg566
+g567
+sg568
+S'4:20'
+p575
+sg570
+g571
+sg572
+g573
+ssI107
+(dp576
+g560
+g561
+sg562
+g563
+sg564
+g565
+sg566
+g567
+sg568
+S'4:20pm'
+p577
+sg570
+g571
+sg572
+g573
+ssI108
+(dp578
+S'date'
+p579
+S'tonight'
+p580
+sS'city'
+p581
+S'los angeles'
+p582
+sS'moviename'
+p583
+S'The Witch'
+p584
+sS'theater'
+p585
+S'Regal LA LIVE Stadium 14'
+p586
+sS'starttime'
+p587
+S'from noon to 4pm'
+p588
+ssI109
+(dp589
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+S'regal la live stadium'
+p590
+sg587
+g588
+ssI110
+(dp591
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g586
+sg587
+S'8:30pm'
+p592
+ssI111
+(dp593
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g590
+sg587
+g592
+ssI112
+(dp594
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g586
+sg587
+S'11:00pm'
+p595
+ssI113
+(dp596
+S'date'
+p597
+S'tomorrow'
+p598
+sS'city'
+p599
+S'seattle'
+p600
+sS'theater'
+p601
+S'regal meridian 16'
+p602
+sS'moviename'
+p603
+S'the big short'
+p604
+sS'starttime'
+p605
+S'8:45 pm'
+p606
+ssI114
+(dp607
+S'distanceconstraints'
+p608
+S'space needle'
+p609
+sS'other'
+p610
+S'restaurant'
+p611
+sS'theater'
+p612
+S'Big Picture'
+p613
+ssI115
+(dp614
+g608
+g609
+sg610
+S'beer'
+p615
+sg612
+g613
+ssI116
+(dp616
+g608
+g609
+sg610
+g611
+sg612
+S'Cinerama'
+p617
+ssI117
+(dp618
+g608
+g609
+sg610
+g615
+sg612
+g617
+ssI118
+(dp619
+g608
+g609
+sg610
+g611
+sg612
+S'Central Cinema'
+p620
+ssI119
+(dp621
+S'date'
+p622
+S'tomorrow'
+p623
+sS'city'
+p624
+S'seattle'
+p625
+sS'theater'
+p626
+S'regal meridian 16'
+p627
+sS'moviename'
+p628
+S'the big short'
+p629
+sS'starttime'
+p630
+S'8:45 pm'
+p631
+ssI120
+(dp632
+S'city'
+p633
+S'detroit'
+p634
+sS'genre'
+p635
+S'action'
+p636
+sS'mpaa_rating'
+p637
+S'pg13'
+p638
+sS'starttime'
+p639
+S'around 7pm'
+p640
+sS'date'
+p641
+S'tonight'
+p642
+sS'moviename'
+p643
+S'gods of egypt'
+p644
+ssI121
+(dp645
+g633
+g634
+sg635
+g636
+sg637
+S'pg-13'
+p646
+sg639
+g640
+sg641
+g642
+sg643
+g644
+ssI122
+(dp647
+g633
+g634
+sg635
+g636
+sg637
+g638
+sg639
+g640
+sg641
+g642
+sg643
+S'star wars'
+p648
+ssI123
+(dp649
+g633
+g634
+sg635
+g636
+sg637
+g646
+sg639
+g640
+sg641
+g642
+sg643
+g648
+ssI124
+(dp650
+S'date'
+p651
+S'tomorrow'
+p652
+sS'city'
+p653
+S'seattle'
+p654
+sS'theater'
+p655
+S'regal meridian 16'
+p656
+sS'moviename'
+p657
+S'zootopia'
+p658
+sS'starttime'
+p659
+S'9:10 pm'
+p660
+ssI125
+(dp661
+S'city'
+p662
+S'stony brook'
+p663
+sS'numberofkids'
+p664
+S'1'
+sS'date'
+p665
+S'saturday'
+p666
+sS'state'
+p667
+S'ny'
+p668
+sS'starttime'
+p669
+S' Matinee'
+p670
+sS'theater_chain'
+p671
+S'amc loews stony brook 17'
+p672
+sS'moviename'
+p673
+S' Young Messiah'
+p674
+ssI126
+(dp675
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+S'11:05am'
+p676
+sg671
+g672
+sg673
+g674
+ssI127
+(dp677
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+S'1:45pm'
+p678
+sg671
+g672
+sg673
+g674
+ssI128
+(dp679
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+g670
+sg671
+g672
+sg673
+S'The Young Messiah'
+p680
+ssI129
+(dp681
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+g676
+sg671
+g672
+sg673
+g680
+ssI130
+(dp682
+S'date'
+p683
+S'next friday'
+p684
+sS'moviename'
+p685
+S'eddie the eagle'
+p686
+sS'theater'
+p687
+S'century rowland plaza'
+p688
+sS'zip'
+p689
+S'94952'
+p690
+sS'starttime'
+p691
+S'4pm to 7pm'
+p692
+ssI131
+(dp693
+g683
+g684
+sg685
+g686
+sg687
+S'the century rowland plaza'
+p694
+sg689
+g690
+sg691
+g692
+ssI132
+(dp695
+g683
+g684
+sg685
+g686
+sg687
+g688
+sg689
+g690
+sg691
+S'4:20pm'
+p696
+ssI133
+(dp697
+g683
+g684
+sg685
+g686
+sg687
+g694
+sg689
+g690
+sg691
+g696
+ssI134
+(dp698
+g683
+g684
+sg685
+g686
+sg687
+g688
+sg689
+g690
+sg691
+S'6:55pm'
+p699
+ssI135
+(dp700
+S'date'
+p701
+S'tomorrow'
+p702
+sS'theater'
+p703
+S'regency commerce 14'
+p704
+sS'moviename'
+p705
+S'risen'
+p706
+sS'starttime'
+p707
+S'11:50am'
+p708
+ssI136
+(dp709
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'2:30pm'
+p710
+ssI137
+(dp711
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'5:10'
+p712
+ssI138
+(dp713
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'7:50'
+p714
+ssI139
+(dp715
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'10:25'
+p716
+ssI140
+(dp717
+S'date'
+p718
+S'tomorrow'
+p719
+sS'city'
+p720
+S'seattle'
+p721
+sS'theater'
+p722
+S'regal meridian 16'
+p723
+sS'moviename'
+p724
+S'zoolander 2'
+p725
+sS'starttime'
+p726
+S'9:25 pm'
+p727
+ssI141
+(dp728
+S'date'
+p729
+S'tomorrow'
+p730
+sS'city'
+p731
+S'seattle'
+p732
+sS'theater'
+p733
+S'amc pacific place 11 theater'
+p734
+sS'moviename'
+p735
+S'deadpool'
+p736
+sS'starttime'
+p737
+S'9:00 pm'
+p738
+ssI142
+(dp739
+S'city'
+p740
+S'seattle'
+p741
+sS'theater'
+p742
+S'many'
+p743
+sS'distanceconstraints'
+p744
+S'east side'
+p745
+sS'starttime'
+p746
+S'around 2pm'
+p747
+sS'date'
+p748
+S'saturday'
+p749
+sS'moviename'
+p750
+S'zootopia'
+p751
+ssI143
+(dp752
+g740
+g741
+sg742
+S'bellevue lincoln square cinemas'
+p753
+sg744
+g745
+sg746
+g747
+sg748
+g749
+sg750
+g751
+ssI144
+(dp754
+g740
+g741
+sg742
+S'bellevue lincoln square'
+p755
+sg744
+g745
+sg746
+g747
+sg748
+g749
+sg750
+g751
+ssI145
+(dp756
+g740
+g741
+sg742
+g743
+sg744
+g745
+sg746
+S'2:35 pm'
+p757
+sg748
+g749
+sg750
+g751
+ssI146
+(dp758
+g740
+g741
+sg742
+g753
+sg744
+g745
+sg746
+g757
+sg748
+g749
+sg750
+g751
+ssI147
+(dp759
+S'date'
+p760
+S'tomorrow'
+p761
+sS'city'
+p762
+S'seattle'
+p763
+sS'theater'
+p764
+S'regal meridian 16'
+p765
+sS'moviename'
+p766
+S'the witch'
+p767
+sS'starttime'
+p768
+S'9:30 pm'
+p769
+ssI148
+(dp770
+S'city'
+p771
+S'tampa'
+p772
+sS'theater'
+p773
+S'amc west shore 14 210 Westshore Plaza'
+p774
+sS'video_format'
+p775
+S'3d'
+p776
+sS'state'
+p777
+S'fl'
+p778
+sS'starttime'
+p779
+S'afternoon'
+p780
+sS'date'
+p781
+S'saturday'
+p782
+sS'moviename'
+p783
+S'zootopia'
+p784
+ssI149
+(dp785
+g771
+g772
+sg773
+g774
+sg775
+S'standard'
+p786
+sg777
+g778
+sg779
+g780
+sg781
+g782
+sg783
+g784
+ssI150
+(dp787
+g771
+g772
+sg773
+g774
+sg775
+g776
+sg777
+g778
+sg779
+S'10:00am'
+p788
+sg781
+g782
+sg783
+g784
+ssI151
+(dp789
+g771
+g772
+sg773
+g774
+sg775
+g786
+sg777
+g778
+sg779
+g788
+sg781
+g782
+sg783
+g784
+ssI152
+(dp790
+g771
+g772
+sg773
+g774
+sg775
+g776
+sg777
+g778
+sg779
+S'12:45pm'
+p791
+sg781
+g782
+sg783
+g784
+ssI153
+(dp792
+S'city'
+p793
+S'seattle'
+p794
+sS'theater'
+p795
+S'bellevue lincoln square cinemas'
+p796
+sS'zip'
+p797
+S'98004'
+p798
+sS'distanceconstraints'
+p799
+S'downtown'
+p800
+sS'critic_rating'
+p801
+S'good place'
+p802
+sS'state'
+p803
+S'wa'
+p804
+sS'other'
+p805
+S'restaurant'
+p806
+sS'starttime'
+p807
+S'10:00am'
+p808
+sS'date'
+p809
+S'weekend'
+p810
+sS'moviename'
+p811
+S'zootopia'
+p812
+ssI154
+(dp813
+g793
+S'bellevue'
+p814
+sg795
+g796
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI155
+(dp815
+g793
+g794
+sg795
+S'pacific science center imax theaters'
+p816
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI156
+(dp817
+g793
+g814
+sg795
+g816
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI157
+(dp818
+g793
+g794
+sg795
+g796
+sg797
+S'98109'
+p819
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI158
+(dp820
+S'city'
+p821
+S'birmingham'
+p822
+sS'theater'
+p823
+S'carmike summit 16'
+p824
+sS'zip'
+p825
+S'35243'
+p826
+sS'critic_rating'
+p827
+S'most scene'
+p828
+sS'genre'
+p829
+S'action'
+p830
+sS'state'
+p831
+S'al'
+p832
+sS'mpaa_rating'
+p833
+S'pg'
+p834
+sS'starttime'
+p835
+S'10:00am'
+p836
+sS'date'
+p837
+S'saturday'
+p838
+sS'moviename'
+p839
+S'zootopia'
+p840
+ssI159
+(dp841
+g821
+S'hoover'
+p842
+sg823
+g824
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI160
+(dp843
+g821
+g822
+sg823
+S'carmike patton creek'
+p844
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI161
+(dp845
+g821
+g842
+sg823
+g844
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI162
+(dp846
+g821
+g822
+sg823
+g824
+sg825
+S'35244'
+p847
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI163
+(dp848
+S'genre'
+p849
+S'drama'
+p850
+sS'city'
+p851
+S'seattle'
+p852
+sS'moviename'
+p853
+S'eddie the eagle'
+p854
+sS'theater'
+p855
+S'regal meridian sundance cinemas'
+p856
+ssI164
+(dp857
+g849
+g850
+sg851
+g852
+sg853
+S'the big short'
+p858
+sg855
+g856
+ssI165
+(dp859
+g849
+g850
+sg851
+g852
+sg853
+g854
+sg855
+S'regal thornton place'
+p860
+ssI166
+(dp861
+g849
+g850
+sg851
+g852
+sg853
+g858
+sg855
+g860
+ssI167
+(dp862
+S'moviename'
+p863
+S'Avengers'
+p864
+ssI168
+(dp865
+g863
+S'Finding Dory'
+p866
+ssI169
+(dp867
+S'city'
+p868
+S'Sacramento'
+p869
+sS'theater'
+p870
+S'REGAL NATOMAS MARKETPLACE STADIUM 16 & RPX'
+p871
+sS'distanceconstraints'
+p872
+S'close to 95833'
+p873
+sS'video_format'
+p874
+S'3d'
+p875
+sS'state'
+p876
+S'ca'
+p877
+sS'starttime'
+p878
+S'morning'
+p879
+sS'date'
+p880
+S'tomorrow'
+p881
+sS'moviename'
+p882
+S'zoology'
+p883
+ssI170
+(dp884
+g868
+g869
+sg870
+S'Regal Natomas Marketplace'
+p885
+sg872
+g873
+sg874
+g875
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI171
+(dp886
+g868
+g869
+sg870
+g871
+sg872
+g873
+sg874
+S'standard'
+p887
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI172
+(dp888
+g868
+g869
+sg870
+g885
+sg872
+g873
+sg874
+g887
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI173
+(dp889
+g868
+g869
+sg870
+g871
+sg872
+g873
+sg874
+S'IMAX'
+p890
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI174
+(dp891
+S'date'
+p892
+S'tonight'
+p893
+sS'city'
+p894
+S'seattle'
+p895
+sS'moviename'
+p896
+S'deadpool'
+p897
+sS'theater'
+p898
+S'amc pacific place 11'
+p899
+sS'starttime'
+p900
+S'10pm'
+p901
+ssI175
+(dp902
+g892
+S'tomorrow'
+p903
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+g901
+ssI176
+(dp904
+g892
+g893
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+S'10:00 pm'
+p905
+ssI177
+(dp906
+g892
+g903
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+g905
+ssI178
+(dp907
+S'date'
+p908
+S'march 24th'
+p909
+sS'other'
+p910
+S'mexican restaurant'
+p911
+sS'moviename'
+p912
+S'batman'
+p913
+ssI179
+(dp914
+g908
+S'openingnight'
+p915
+sg910
+g911
+sg912
+g913
+ssI180
+(dp916
+g908
+S' a different day'
+p917
+sg910
+g911
+sg912
+g913
+ssI181
+(dp918
+g908
+g909
+sg910
+g911
+sg912
+S'batman vs superman'
+p919
+ssI182
+(dp920
+g908
+g915
+sg910
+g911
+sg912
+g919
+ssI183
+(dp921
+S'date'
+p922
+S'tomorrow'
+p923
+sS'city'
+p924
+S'seattle'
+p925
+sS'theater'
+p926
+S'amc lowes oak tree 6'
+p927
+sS'moviename'
+p928
+S'race'
+p929
+sS'starttime'
+p930
+S'4:50 pm'
+p931
+ssI184
+(dp932
+S'city'
+p933
+S'hamilton'
+p934
+sS'theater'
+p935
+S'amc hamilton 24'
+p936
+sS'date'
+p937
+S'tomorrow'
+p938
+sS'state'
+p939
+S'nj'
+p940
+sS'starttime'
+p941
+S'7pm'
+p942
+sS'theater_chain'
+p943
+S'amc hamilton 24'
+p944
+sS'moviename'
+p945
+S'deadpool'
+p946
+ssI185
+(dp947
+g933
+g934
+sg935
+g936
+sg937
+g938
+sg939
+g940
+sg941
+S'7:05'
+p948
+sg943
+g944
+sg945
+g946
+ssI186
+(dp949
+S'date'
+p950
+S'tomorrow'
+p951
+sS'city'
+p952
+S'seattle'
+p953
+sS'theater'
+p954
+S'amc lowes oak tree 6'
+p955
+sS'moviename'
+p956
+S'hail caesar'
+p957
+sS'starttime'
+p958
+S'7:15 pm'
+p959
+ssI187
+(dp960
+S'city'
+p961
+S'birmingham'
+p962
+sS'theater'
+p963
+S'carmike summit 16'
+p964
+sS'video_format'
+p965
+S'3d'
+p966
+sS'state'
+p967
+S'al'
+p968
+sS'starttime'
+p969
+S'around 4pm'
+p970
+sS'date'
+p971
+S'today'
+p972
+sS'moviename'
+p973
+S'zootopia'
+p974
+ssI188
+(dp975
+g961
+g962
+sg963
+g964
+sg965
+S'standard'
+p976
+sg967
+g968
+sg969
+g970
+sg971
+g972
+sg973
+g974
+ssI189
+(dp977
+g961
+g962
+sg963
+g964
+sg965
+g966
+sg967
+g968
+sg969
+S'4 PM'
+p978
+sg971
+g972
+sg973
+g974
+ssI190
+(dp979
+g961
+g962
+sg963
+g964
+sg965
+g976
+sg967
+g968
+sg969
+g978
+sg971
+g972
+sg973
+g974
+ssI191
+(dp980
+S'city'
+p981
+S'seattle'
+p982
+sS'theater'
+p983
+S'regal meridan 16'
+p984
+sS'numberofkids'
+p985
+S'no'
+p986
+sS'video_format'
+p987
+S'regular'
+p988
+sS'state'
+p989
+S'wa'
+p990
+sS'starttime'
+p991
+S'night'
+p992
+sS'date'
+p993
+S'tomorrow'
+p994
+sS'moviename'
+p995
+S'zootopia'
+p996
+ssI192
+(dp997
+g981
+g982
+sg983
+S'bellevue lincoln square cinemas'
+p998
+sg985
+g986
+sg987
+g988
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI193
+(dp999
+g981
+g982
+sg983
+S'pacific science center imax theaters'
+p1000
+sg985
+g986
+sg987
+g988
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI194
+(dp1001
+g981
+g982
+sg983
+g984
+sg985
+g986
+sg987
+S'3d'
+p1002
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI195
+(dp1003
+g981
+g982
+sg983
+g998
+sg985
+g986
+sg987
+g1002
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI196
+(dp1004
+S'city'
+p1005
+S'seattle'
+p1006
+sS'theater'
+p1007
+S'elmwood palace 20'
+p1008
+sS'moviename'
+p1009
+S'zootopia'
+p1010
+sS'zip'
+p1011
+S'70070'
+p1012
+sS'critic_rating'
+p1013
+S'number 1'
+p1014
+sS'date'
+p1015
+S'tomorrow'
+p1016
+sS'starttime'
+p1017
+S'5pm'
+p1018
+sS'theater_chain'
+p1019
+S'amc'
+p1020
+sS'genre'
+p1021
+S'funny'
+p1022
+ssI197
+(dp1023
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+g1016
+sg1017
+S'5:00 pm'
+p1024
+sg1019
+g1020
+sg1021
+g1022
+ssI198
+(dp1025
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+g1016
+sg1017
+g1018
+sg1019
+g1020
+sg1021
+S'comedy'
+p1026
+ssI199
+(dp1027
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+g1016
+sg1017
+g1024
+sg1019
+g1020
+sg1021
+g1026
+ssI200
+(dp1028
+S'city'
+p1029
+S'nashville'
+p1030
+sS'theater'
+p1031
+S'regal hollywood stadium 27'
+p1032
+sS'state'
+p1033
+S'tn'
+p1034
+sS'starttime'
+p1035
+S'around 8 pm'
+p1036
+sS'date'
+p1037
+S'tomorrow evening'
+p1038
+sS'moviename'
+p1039
+S'revenant'
+p1040
+ssI201
+(dp1041
+g1029
+g1030
+sg1031
+g1032
+sg1033
+g1034
+sg1035
+S'7:50pm'
+p1042
+sg1037
+g1038
+sg1039
+g1040
+ssI202
+(dp1043
+S'theater_chain'
+p1044
+S'amc pacific place 11'
+p1045
+sS'city'
+p1046
+S'Seattle'
+p1047
+sS'other'
+p1048
+S'best restaurant'
+p1049
+sS'date'
+p1050
+S'tomorrow'
+p1051
+sS'starttime'
+p1052
+S'7:00 pm'
+p1053
+ssI203
+(dp1054
+g1044
+g1045
+sg1046
+S'seattle'
+p1055
+sg1048
+g1049
+sg1050
+g1051
+sg1052
+g1053
+ssI204
+(dp1056
+S'city'
+p1057
+S'st louis'
+p1058
+sS'theater'
+p1059
+S'chase park plaza cinemas'
+p1060
+sS'numberofkids'
+p1061
+S'2'
+sS'critic_rating'
+p1062
+S'4.5/5'
+p1063
+sS'genre'
+p1064
+S'kids'
+p1065
+sS'mpaa_rating'
+p1066
+S'pg'
+p1067
+sS'starttime'
+p1068
+S'afternoon'
+p1069
+sS'date'
+p1070
+S'thursday'
+p1071
+sS'moviename'
+p1072
+S'zootopia'
+p1073
+ssI205
+(dp1074
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'11:00am'
+p1075
+sg1070
+g1071
+sg1072
+g1073
+ssI206
+(dp1076
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'1:30pm'
+p1077
+sg1070
+g1071
+sg1072
+g1073
+ssI207
+(dp1078
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'4pm'
+p1079
+sg1070
+g1071
+sg1072
+g1073
+ssI208
+(dp1080
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'130pm'
+p1081
+sg1070
+g1071
+sg1072
+g1073
+ssI209
+(dp1082
+S'city'
+p1083
+S'whittier village stadium cinemas'
+p1084
+sS'zip'
+p1085
+S'90601'
+p1086
+sS'distanceconstraints'
+p1087
+S'closest'
+p1088
+sS'critic_rating'
+p1089
+S'top rated'
+p1090
+sS'genre'
+p1091
+S'action'
+p1092
+sS'starttime'
+p1093
+S'closest to noon'
+p1094
+sS'date'
+p1095
+S'next saturday'
+p1096
+sS'moviename'
+p1097
+S'london has fallen'
+p1098
+ssI210
+(dp1099
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+g1092
+sg1093
+g1094
+sg1095
+S'March 12th'
+p1100
+sg1097
+g1098
+ssI211
+(dp1101
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+g1092
+sg1093
+S'1:30pm'
+p1102
+sg1095
+g1096
+sg1097
+g1098
+ssI212
+(dp1103
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+g1092
+sg1093
+g1102
+sg1095
+g1100
+sg1097
+g1098
+ssI213
+(dp1104
+S'date'
+p1105
+S'tomorrow'
+p1106
+sS'city'
+p1107
+S'seattle'
+p1108
+sS'theater'
+p1109
+S'regal meridian 16'
+p1110
+sS'moviename'
+p1111
+S'zoolander 2'
+p1112
+sS'starttime'
+p1113
+S'9:25 pm'
+p1114
+ssI214
+(dp1115
+S'city'
+p1116
+S'seattle'
+p1117
+sS'theater'
+p1118
+S'regal lloyd center century eastport 16'
+p1119
+sS'state'
+p1120
+S'oregon'
+p1121
+sS'other'
+p1122
+S'japanese restaurant'
+p1123
+sS'starttime'
+p1124
+S'late showing'
+p1125
+sS'date'
+p1126
+S'tonight'
+p1127
+sS'moviename'
+p1128
+S'star wars the force awakens'
+p1129
+ssI215
+(dp1130
+g1116
+S'southeast portland'
+p1131
+sg1118
+g1119
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI216
+(dp1132
+g1116
+S'portland'
+p1133
+sg1118
+g1119
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI217
+(dp1134
+g1116
+g1117
+sg1118
+S'regal movies on tv stadium 16'
+p1135
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI218
+(dp1136
+g1116
+g1131
+sg1118
+g1135
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI219
+(dp1137
+S'city'
+p1138
+S'seattle'
+p1139
+sS'theater'
+p1140
+S'regal meridian 16'
+p1141
+sS'zip'
+p1142
+S'98101'
+p1143
+sS'video_format'
+p1144
+S'2d'
+p1145
+sS'state'
+p1146
+S'wa'
+p1147
+sS'starttime'
+p1148
+S'4:10&&7:00&&9:50pm'
+p1149
+sS'date'
+p1150
+S'tonight'
+p1151
+sS'moviename'
+p1152
+S'zootopia'
+p1153
+ssI220
+(dp1154
+g1138
+S'bellevue'
+p1155
+sg1140
+g1141
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI221
+(dp1156
+g1138
+g1139
+sg1140
+S'bellevue lincoln square cinemas'
+p1157
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI222
+(dp1158
+g1138
+g1155
+sg1140
+g1157
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI223
+(dp1159
+g1138
+g1139
+sg1140
+g1141
+sg1142
+S'98004'
+p1160
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI224
+(dp1161
+S'date'
+p1162
+S'tonight'
+p1163
+sS'city'
+p1164
+S'seattle'
+p1165
+sS'moviename'
+p1166
+S'deadpool'
+p1167
+sS'theater'
+p1168
+S'amc pacific place 11'
+p1169
+sS'starttime'
+p1170
+S'10pm'
+p1171
+ssI225
+(dp1172
+g1162
+S'tomorrow'
+p1173
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+g1171
+ssI226
+(dp1174
+g1162
+g1163
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+S'10:00 pm'
+p1175
+ssI227
+(dp1176
+g1162
+g1173
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+g1175
+ssI228
+(dp1177
+S'distanceconstraints'
+p1178
+S'near space needle'
+p1179
+sS'other'
+p1180
+S'pub'
+p1181
+ssI229
+(dp1182
+S'city'
+p1183
+S'birmingham'
+p1184
+sS'theater'
+p1185
+S'carmike summit 16'
+p1186
+sS'state'
+p1187
+S'al'
+p1188
+sS'starttime'
+p1189
+S'2pm'
+p1190
+sS'date'
+p1191
+S'saturday'
+p1192
+sS'moviename'
+p1193
+S'deadpool'
+p1194
+ssI230
+(dp1195
+g1183
+g1184
+sg1185
+g1186
+sg1187
+g1188
+sg1189
+S'2:20 pm'
+p1196
+sg1191
+g1192
+sg1193
+g1194
+ssI231
+(dp1197
+S'city'
+p1198
+S'seattle'
+p1199
+sS'theater'
+p1200
+S'bellevue lincoln square cinemas'
+p1201
+sS'zip'
+p1202
+S'98004'
+p1203
+sS'distanceconstraints'
+p1204
+S'downtown'
+p1205
+sS'critic_rating'
+p1206
+S'good'
+p1207
+sS'state'
+p1208
+S'wa'
+p1209
+sS'other'
+p1210
+S'restaurant'
+p1211
+sS'mpaa_rating'
+p1212
+S'best'
+p1213
+sS'starttime'
+p1214
+S'10:00am'
+p1215
+sS'date'
+p1216
+S'last weekend'
+p1217
+sS'moviename'
+p1218
+S'zootopia'
+p1219
+ssI232
+(dp1220
+g1198
+S'bellevue'
+p1221
+sg1200
+g1201
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI233
+(dp1222
+g1198
+g1199
+sg1200
+S'pacific science center imax theaters'
+p1223
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI234
+(dp1224
+g1198
+g1221
+sg1200
+g1223
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI235
+(dp1225
+g1198
+g1199
+sg1200
+g1201
+sg1202
+S'98109'
+p1226
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI236
+(dp1227
+S'city'
+p1228
+S'miami'
+p1229
+sS'theater'
+p1230
+S'Regal South Beach'
+p1231
+sS'distanceconstraints'
+p1232
+S'south beach'
+p1233
+sS'state'
+p1234
+S'florida'
+p1235
+sS'starttime'
+p1236
+S'around 9pm'
+p1237
+sS'date'
+p1238
+S'tonight'
+p1239
+sS'moviename'
+p1240
+S'whiskey tango foxtrot'
+p1241
+ssI237
+(dp1242
+g1228
+g1229
+sg1230
+S'Cinepolis USA'
+p1243
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI238
+(dp1244
+g1228
+g1229
+sg1230
+S'Cobb Dolphin Cinemas'
+p1245
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI239
+(dp1246
+g1228
+g1229
+sg1230
+S'cobb dolphin cinemas'
+p1247
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI240
+(dp1248
+g1228
+g1229
+sg1230
+g1231
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+S'9pm'
+p1249
+sg1238
+g1239
+sg1240
+g1241
+ssI241
+(dp1250
+S'city'
+p1251
+S'seattle'
+p1252
+sS'theater'
+p1253
+S'amc southcenter 16'
+p1254
+sS'moviename'
+p1255
+S'london has fallen'
+p1256
+sS'date'
+p1257
+S'this weekend'
+p1258
+sS'other'
+p1259
+S'number 1'
+p1260
+sS'starttime'
+p1261
+S'9:30 pm'
+p1262
+sS'theater_chain'
+p1263
+S'amc'
+p1264
+sS'genre'
+p1265
+S'action'
+p1266
+ssI242
+(dp1267
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+g1258
+sg1259
+g1260
+sg1261
+g1262
+sg1263
+S'regency'
+p1268
+sg1265
+g1266
+ssI243
+(dp1269
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+S'this week'
+p1270
+sg1259
+g1260
+sg1261
+g1262
+sg1263
+g1264
+sg1265
+g1266
+ssI244
+(dp1271
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+g1270
+sg1259
+g1260
+sg1261
+g1262
+sg1263
+g1268
+sg1265
+g1266
+ssI245
+(dp1272
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+S'wednesday'
+p1273
+sg1259
+g1260
+sg1261
+g1262
+sg1263
+g1264
+sg1265
+g1266
+ssI246
+(dp1274
+S'genre'
+p1275
+S'scary'
+p1276
+sS'city'
+p1277
+S'chicago'
+p1278
+sS'state'
+p1279
+S'il'
+p1280
+sS'moviename'
+p1281
+S'the other side of the door'
+p1282
+ssI247
+(dp1283
+g1275
+g1276
+sg1277
+g1278
+sg1279
+g1280
+sg1281
+S'the witch'
+p1284
+ssI248
+(dp1285
+S'city'
+p1286
+S'nyc'
+p1287
+sS'theater'
+p1288
+S'ua kaufman astoria stadium 14'
+p1289
+sS'zip'
+p1290
+S'10035'
+p1291
+sS'genre'
+p1292
+S'horror'
+p1293
+sS'starttime'
+p1294
+S'7:00pm'
+p1295
+sS'date'
+p1296
+S'today'
+p1297
+sS'moviename'
+p1298
+S'TheWitch'
+p1299
+ssI249
+(dp1300
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+S'8:40pm'
+p1301
+sg1296
+g1297
+sg1298
+g1299
+ssI250
+(dp1302
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1295
+sg1296
+g1297
+sg1298
+S'The Other Side of The Door'
+p1303
+ssI251
+(dp1304
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1301
+sg1296
+g1297
+sg1298
+g1303
+ssI252
+(dp1305
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1295
+sg1296
+g1297
+sg1298
+S'the other side of the door'
+p1306
+ssI253
+(dp1307
+S'city'
+p1308
+S'sacramento'
+p1309
+sS'theater'
+p1310
+S'regal theater'
+p1311
+sS'video_format'
+p1312
+S'standard'
+p1313
+sS'starttime'
+p1314
+S'around 7 pm'
+p1315
+sS'date'
+p1316
+S'tomorrow'
+p1317
+sS'moviename'
+p1318
+S'gods of egypt'
+p1319
+ssI254
+(dp1320
+g1308
+g1309
+sg1310
+S'the Holiday 6'
+p1321
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI255
+(dp1322
+g1308
+g1309
+sg1310
+S' the Stadium 5'
+p1323
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI256
+(dp1324
+g1308
+g1309
+sg1310
+S'the Natomas Marketplace Stadium'
+p1325
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI257
+(dp1326
+g1308
+g1309
+sg1310
+S'Natomas Marketplace Stadium'
+p1327
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI258
+(dp1328
+S'city'
+p1329
+S'johnstown'
+p1330
+sS'theater'
+p1331
+S'richland cinemas'
+p1332
+sS'critic_rating'
+p1333
+S'good'
+p1334
+sS'genre'
+p1335
+S'comedy'
+p1336
+sS'state'
+p1337
+S'pa'
+p1338
+sS'starttime'
+p1339
+S'latest showing'
+p1340
+sS'date'
+p1341
+S'now'
+p1342
+sS'theater_chain'
+p1343
+S'amc loews waterfront 22'
+p1344
+sS'moviename'
+p1345
+S'deadpool'
+p1346
+ssI259
+(dp1347
+g1329
+S'pittsburgh'
+p1348
+sg1331
+g1332
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI260
+(dp1349
+g1329
+g1330
+sg1331
+S'this theater'
+p1350
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI261
+(dp1351
+g1329
+g1348
+sg1331
+g1350
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI262
+(dp1352
+g1329
+g1330
+sg1331
+S'amc loews waterfront 22'
+p1353
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI263
+(dp1354
+S'city'
+p1355
+S'atlanta'
+p1356
+sS'theater'
+p1357
+S'amc phipps plaza 14'
+p1358
+sS'zip'
+p1359
+S'30326'
+p1360
+sS'distanceconstraints'
+p1361
+S'near'
+p1362
+sS'genre'
+p1363
+S'horror'
+p1364
+sS'state'
+p1365
+S'ga'
+p1366
+sS'other'
+p1367
+S'switch cities'
+p1368
+sS'starttime'
+p1369
+S'8pm'
+p1370
+sS'date'
+p1371
+S'03\\/15\\/2016'
+p1372
+sS'moviename'
+p1373
+S'the witch'
+p1374
+ssI264
+(dp1375
+g1355
+S'south barrington'
+p1376
+sg1357
+g1358
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI265
+(dp1377
+g1355
+g1356
+sg1357
+S'AMC SOUTH BARRINGTON 30'
+p1378
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI266
+(dp1379
+g1355
+g1376
+sg1357
+g1378
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI267
+(dp1380
+g1355
+g1356
+sg1357
+g1358
+sg1359
+g1360
+sg1361
+S'south barrington'
+p1381
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI268
+(dp1382
+S'city'
+p1383
+S'los angeles'
+p1384
+sS'theater'
+p1385
+S'regal la live stadium 14'
+p1386
+sS'zip'
+p1387
+S'90015'
+p1388
+sS'distanceconstraints'
+p1389
+S'nearest'
+p1390
+sS'state'
+p1391
+S'ca'
+p1392
+sS'starttime'
+p1393
+S'11:45am'
+p1394
+sS'date'
+p1395
+S'tomorrow'
+p1396
+sS'moviename'
+p1397
+S'10 cloverfield lane'
+p1398
+ssI269
+(dp1399
+g1383
+g1384
+sg1385
+S'pacific theatres at the grove'
+p1400
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI270
+(dp1401
+g1383
+g1384
+sg1385
+S'regal la stadium 14'
+p1402
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI271
+(dp1403
+g1383
+g1384
+sg1385
+S'regal la'
+p1404
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI272
+(dp1405
+g1383
+g1384
+sg1385
+g1386
+sg1387
+S'90036'
+p1406
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI273
+(dp1407
+S'city'
+p1408
+S'seattle'
+p1409
+sS'theater'
+p1410
+S'regal meridian 16'
+p1411
+sS'distanceconstraints'
+p1412
+S'near me'
+p1413
+sS'critic_rating'
+p1414
+S'good'
+p1415
+sS'video_format'
+p1416
+S'3d'
+p1417
+sS'state'
+p1418
+S'wa'
+p1419
+sS'other'
+p1420
+S'restaurant'
+p1421
+sS'starttime'
+p1422
+S'around 8 pm'
+p1423
+sS'date'
+p1424
+S'tomorrow'
+p1425
+sS'moviename'
+p1426
+S'zootopia'
+p1427
+ssI274
+(dp1428
+g1408
+g1409
+sg1410
+S'bellevue lincoln square cinemas'
+p1429
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1417
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI275
+(dp1430
+g1408
+g1409
+sg1410
+S'varsity theater'
+p1431
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1417
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI276
+(dp1432
+g1408
+g1409
+sg1410
+g1411
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+S'regular'
+p1433
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI277
+(dp1434
+g1408
+g1409
+sg1410
+g1429
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1433
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI278
+(dp1435
+S'city'
+p1436
+S'seattle'
+p1437
+sS'theater'
+p1438
+S'theaters all over'
+p1439
+sS'zip'
+p1440
+S'98101'
+p1441
+sS'distanceconstraints'
+p1442
+S'south side'
+p1443
+sS'video_format'
+p1444
+S'2d'
+p1445
+sS'state'
+p1446
+S'wa'
+p1447
+sS'starttime'
+p1448
+S'around 6 pm'
+p1449
+sS'date'
+p1450
+S'this evening'
+p1451
+sS'moviename'
+p1452
+S'zootopia'
+p1453
+ssI279
+(dp1454
+g1436
+S'over seattle'
+p1455
+sg1438
+g1439
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI280
+(dp1456
+g1436
+S'bellevue'
+p1457
+sg1438
+g1439
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI281
+(dp1458
+g1436
+g1437
+sg1438
+S'regal meridian 16'
+p1459
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI282
+(dp1460
+g1436
+g1455
+sg1438
+g1459
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI283
+(dp1461
+S'date'
+p1462
+S'tonight'
+p1463
+sS'city'
+p1464
+S'dallas'
+p1465
+sS'theater'
+p1466
+S'alamo draft house'
+p1467
+sS'moviename'
+p1468
+S'deadpool'
+p1469
+sS'starttime'
+p1470
+S'5pm'
+p1471
+ssI284
+(dp1472
+g1462
+g1463
+sg1464
+g1465
+sg1466
+S'alamo drafthouse'
+p1473
+sg1468
+g1469
+sg1470
+g1471
+ssI285
+(dp1474
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1467
+sg1468
+g1469
+sg1470
+S'7:55pm'
+p1475
+ssI286
+(dp1476
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1473
+sg1468
+g1469
+sg1470
+g1475
+ssI287
+(dp1477
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1467
+sg1468
+g1469
+sg1470
+S'10:15pm'
+p1478
+ssI288
+(dp1479
+S'date'
+p1480
+S'tonight'
+p1481
+sS'city'
+p1482
+S'st louis park'
+p1483
+sS'state'
+p1484
+S'mn'
+p1485
+sS'other'
+p1486
+S'unable to book movies'
+p1487
+sS'moviename'
+p1488
+S'deadpool'
+p1489
+ssI289
+(dp1490
+g1480
+g1481
+sg1482
+g1483
+sg1484
+g1485
+sg1486
+S'I cannot understand your reply'
+p1491
+sg1488
+g1489
+ssI290
+(dp1492
+S'date'
+p1493
+S'tomorrow'
+p1494
+sS'city'
+p1495
+S'seattle'
+p1496
+sS'theater'
+p1497
+S'regal meridian 16'
+p1498
+sS'moviename'
+p1499
+S'zoolander 2'
+p1500
+sS'starttime'
+p1501
+S'9:25 pm'
+p1502
+ssI291
+(dp1503
+S'date'
+p1504
+S'tomorrow'
+p1505
+sS'theater'
+p1506
+S'regency commerce 14'
+p1507
+sS'moviename'
+p1508
+S'risen'
+p1509
+sS'starttime'
+p1510
+S'11:50am'
+p1511
+ssI292
+(dp1512
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'2:30pm'
+p1513
+ssI293
+(dp1514
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'7:50'
+p1515
+ssI294
+(dp1516
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'10:25'
+p1517
+ssI295
+(dp1518
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'2:30'
+p1519
+ssI296
+(dp1520
+S'other'
+p1521
+S'purchase tickets'
+p1522
+ssI297
+(dp1523
+g1521
+S'look up date'
+p1524
+ssI298
+(dp1525
+g1521
+S'increased functionality'
+p1526
+ssI299
+(dp1527
+S'city'
+p1528
+S'portland'
+p1529
+sS'theater'
+p1530
+S'Living Room Theaters Regal Lloyd Center 10'
+p1531
+sS'state'
+p1532
+S'oregon'
+p1533
+sS'starttime'
+p1534
+S'12:05pm'
+p1535
+sS'date'
+p1536
+S'this friday'
+p1537
+sS'moviename'
+p1538
+S'star wars'
+p1539
+ssI300
+(dp1540
+g1528
+g1529
+sg1530
+S'century Eastport 16'
+p1541
+sg1532
+g1533
+sg1534
+g1535
+sg1536
+g1537
+sg1538
+g1539
+ssI301
+(dp1542
+g1528
+g1529
+sg1530
+S'regal lloyd center 10'
+p1543
+sg1532
+g1533
+sg1534
+g1535
+sg1536
+g1537
+sg1538
+g1539
+ssI302
+(dp1544
+g1528
+g1529
+sg1530
+g1531
+sg1532
+g1533
+sg1534
+S'6:25pm'
+p1545
+sg1536
+g1537
+sg1538
+g1539
+ssI303
+(dp1546
+g1528
+g1529
+sg1530
+g1541
+sg1532
+g1533
+sg1534
+g1545
+sg1536
+g1537
+sg1538
+g1539
+ssI304
+(dp1547
+S'city'
+p1548
+S'portland'
+p1549
+sS'theater'
+p1550
+S'regal pioneer place'
+p1551
+sS'video_format'
+p1552
+S'3d'
+p1553
+sS'state'
+p1554
+S'oregon'
+p1555
+sS'other'
+p1556
+S'functionality'
+p1557
+sS'starttime'
+p1558
+S'after 5 pm'
+p1559
+sS'date'
+p1560
+S'friday'
+p1561
+sS'moviename'
+p1562
+S'zootopia'
+p1563
+ssI305
+(dp1564
+g1548
+g1549
+sg1550
+S'regal lloyd center 10'
+p1565
+sg1552
+g1553
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI306
+(dp1566
+g1548
+g1549
+sg1550
+g1551
+sg1552
+S' standard'
+p1567
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI307
+(dp1568
+g1548
+g1549
+sg1550
+g1565
+sg1552
+g1567
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI308
+(dp1569
+g1548
+g1549
+sg1550
+g1551
+sg1552
+S'standard'
+p1570
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI309
+(dp1571
+S'city'
+p1572
+S'seattle'
+p1573
+sS'theater'
+p1574
+S'regal meridian 16'
+p1575
+sS'zip'
+p1576
+S'98101'
+p1577
+sS'critic_rating'
+p1578
+S'top 4'
+p1579
+sS'state'
+p1580
+S'wa'
+p1581
+sS'starttime'
+p1582
+S'night around 8pm'
+p1583
+sS'date'
+p1584
+S'tomorrow'
+p1585
+sS'moviename'
+p1586
+S'zootopia'
+p1587
+ssI310
+(dp1588
+g1572
+S'bellevue'
+p1589
+sg1574
+g1575
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI311
+(dp1590
+g1572
+g1573
+sg1574
+S'bellevue lincoln square cinemas'
+p1591
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI312
+(dp1592
+g1572
+g1589
+sg1574
+g1591
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI313
+(dp1593
+g1572
+g1573
+sg1574
+g1575
+sg1576
+S'98004'
+p1594
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI314
+(dp1595
+S'city'
+p1596
+S'seattle'
+p1597
+sS'theater'
+p1598
+S'regal meridian 16'
+p1599
+sS'other'
+p1600
+S'name'
+p1601
+sS'starttime'
+p1602
+S'8:40pm'
+p1603
+sS'date'
+p1604
+S'tonight'
+p1605
+sS'moviename'
+p1606
+S'zootopia'
+p1607
+ssI315
+(dp1608
+g1596
+g1597
+sg1598
+g1599
+sg1600
+S'Master User'
+p1609
+sg1602
+g1603
+sg1604
+g1605
+sg1606
+g1607
+ssI316
+(dp1610
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1601
+sg1602
+S'8:40'
+p1611
+sg1604
+g1605
+sg1606
+g1607
+ssI317
+(dp1612
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1609
+sg1602
+g1611
+sg1604
+g1605
+sg1606
+g1607
+ssI318
+(dp1613
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1601
+sg1602
+g1603
+sg1604
+g1605
+sg1606
+S'Zootopia'
+p1614
+ssI319
+(dp1615
+S'city'
+p1616
+S'portland'
+p1617
+sS'theater'
+p1618
+S'regal lloyd center 10 & IMAX'
+p1619
+sS'zip'
+p1620
+S'97232'
+p1621
+sS'price'
+p1622
+S'$20'
+p1623
+sS'state'
+p1624
+S'oregon'
+p1625
+sS'starttime'
+p1626
+S'12:05pm'
+p1627
+sS'date'
+p1628
+S'friday'
+p1629
+sS'moviename'
+p1630
+S'star wars'
+p1631
+ssI320
+(dp1632
+g1616
+S'Portland'
+p1633
+sg1618
+g1619
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI321
+(dp1634
+g1616
+g1617
+sg1618
+S'CENTURY 16 EASTPORT PLAZA'
+p1635
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI322
+(dp1636
+g1616
+g1633
+sg1618
+g1635
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI323
+(dp1637
+g1616
+g1617
+sg1618
+S'century 16 EASTPORT PLAZA'
+p1638
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI324
+(dp1639
+S'date'
+p1640
+S'tomorrow'
+p1641
+sS'city'
+p1642
+S'seattle'
+p1643
+sS'theater'
+p1644
+S'regal meridian 16'
+p1645
+sS'moviename'
+p1646
+S'zootopia'
+p1647
+sS'starttime'
+p1648
+S'9:10 pm'
+p1649
+ssI325
+(dp1650
+S'city'
+p1651
+S'seattle'
+p1652
+sS'theater'
+p1653
+S'regal meridian 16'
+p1654
+sS'other'
+p1655
+S'name'
+p1656
+sS'starttime'
+p1657
+S'8:40pm tonight'
+p1658
+sS'date'
+p1659
+S'tonight'
+p1660
+sS'moviename'
+p1661
+S'zootopia'
+p1662
+ssI326
+(dp1663
+g1651
+g1652
+sg1653
+g1654
+sg1655
+S'master user'
+p1664
+sg1657
+g1658
+sg1659
+g1660
+sg1661
+g1662
+ssI327
+(dp1665
+g1651
+g1652
+sg1653
+g1654
+sg1655
+g1656
+sg1657
+S'8:40'
+p1666
+sg1659
+g1660
+sg1661
+g1662
+ssI328
+(dp1667
+g1651
+g1652
+sg1653
+g1654
+sg1655
+g1664
+sg1657
+g1666
+sg1659
+g1660
+sg1661
+g1662
+ssI329
+(dp1668
+S'date'
+p1669
+S'tomorrow'
+p1670
+sS'city'
+p1671
+S'seattle'
+p1672
+sS'theater'
+p1673
+S'regal meridian 16'
+p1674
+sS'moviename'
+p1675
+S'hail caesar'
+p1676
+sS'starttime'
+p1677
+S'8:45 pm'
+p1678
+ssI330
+(dp1679
+S'city'
+p1680
+S'Monroe'
+p1681
+sS'theater'
+p1682
+S'regal barkley village stadium 16'
+p1683
+sS'zip'
+p1684
+S'98272'
+p1685
+sS'distanceconstraints'
+p1686
+S'near me'
+p1687
+sS'state'
+p1688
+S'wa'
+p1689
+sS'starttime'
+p1690
+S'around 8pm'
+p1691
+sS'date'
+p1692
+S'tonight'
+p1693
+sS'moviename'
+p1694
+S'kung fu panda 3'
+p1695
+ssI331
+(dp1696
+g1680
+g1681
+sg1682
+S'amc loews cascade mall'
+p1697
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1691
+sg1692
+g1693
+sg1694
+g1695
+ssI332
+(dp1698
+g1680
+g1681
+sg1682
+S'regal marysville 14'
+p1699
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1691
+sg1692
+g1693
+sg1694
+g1695
+ssI333
+(dp1700
+g1680
+g1681
+sg1682
+g1683
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+S'9:10'
+p1701
+sg1692
+g1693
+sg1694
+g1695
+ssI334
+(dp1702
+g1680
+g1681
+sg1682
+g1697
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1701
+sg1692
+g1693
+sg1694
+g1695
+ssI335
+(dp1703
+S'city'
+p1704
+S'cary'
+p1705
+sS'theater'
+p1706
+S'park west 14'
+p1707
+sS'video_format'
+p1708
+S'3d'
+p1709
+sS'state'
+p1710
+S'north carolina'
+p1711
+sS'mpaa_rating'
+p1712
+S'appropriate for the whole family'
+p1713
+sS'starttime'
+p1714
+S'around 6pm'
+p1715
+sS'date'
+p1716
+S'saturday'
+p1717
+sS'moviename'
+p1718
+S'zootopia'
+p1719
+ssI336
+(dp1720
+g1704
+g1705
+sg1706
+S'fangandgo'
+p1721
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI337
+(dp1722
+g1704
+g1705
+sg1706
+S'Frank Theatres Parkside Town Commons Stadium 11'
+p1723
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI338
+(dp1724
+g1704
+g1705
+sg1706
+S'Frank Theatres'
+p1725
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI339
+(dp1726
+g1704
+g1705
+sg1706
+g1707
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+S'pg'
+p1727
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI340
+(dp1728
+S'city'
+p1729
+S'seattle'
+p1730
+sS'theater'
+p1731
+S'regal meridian 16'
+p1732
+sS'other'
+p1733
+S'name'
+p1734
+sS'starttime'
+p1735
+S'8:45 pm'
+p1736
+sS'date'
+p1737
+S'tomorrow'
+p1738
+sS'moviename'
+p1739
+S'hail caesar'
+p1740
+ssI341
+(dp1741
+S'city'
+p1742
+S'birmingham'
+p1743
+sS'theater'
+p1744
+S'carmike summit 16'
+p1745
+sS'zip'
+p1746
+S'35243'
+p1747
+sS'genre'
+p1748
+S'action'
+p1749
+sS'state'
+p1750
+S'al'
+p1751
+sS'starttime'
+p1752
+S'around 2pm'
+p1753
+sS'date'
+p1754
+S'today'
+p1755
+sS'moviename'
+p1756
+S'deadpool'
+p1757
+ssI342
+(dp1758
+g1742
+g1743
+sg1744
+S'carmike summit'
+p1759
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+g1753
+sg1754
+g1755
+sg1756
+g1757
+ssI343
+(dp1760
+g1742
+g1743
+sg1744
+g1745
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+S'2:20PM'
+p1761
+sg1754
+g1755
+sg1756
+g1757
+ssI344
+(dp1762
+g1742
+g1743
+sg1744
+g1759
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+g1761
+sg1754
+g1755
+sg1756
+g1757
+ssI345
+(dp1763
+g1742
+g1743
+sg1744
+g1745
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+S'2:20'
+p1764
+sg1754
+g1755
+sg1756
+g1757
+ssI346
+(dp1765
+S'city'
+p1766
+S'whittier'
+p1767
+sS'theater'
+p1768
+S'whittier village stadium cinemas'
+p1769
+sS'zip'
+p1770
+S'90602'
+p1771
+sS'state'
+p1772
+S'ca'
+p1773
+sS'starttime'
+p1774
+S'between noon and 4pm'
+p1775
+sS'date'
+p1776
+S'next sunday'
+p1777
+sS'moviename'
+p1778
+S'london has fallen'
+p1779
+ssI347
+(dp1780
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+S'1:30pm'
+p1781
+sg1776
+g1777
+sg1778
+g1779
+ssI348
+(dp1782
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+g1775
+sg1776
+S'3/13'
+p1783
+sg1778
+g1779
+ssI349
+(dp1784
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+g1781
+sg1776
+g1783
+sg1778
+g1779
+ssI350
+(dp1785
+S'theater'
+p1786
+S'cinemar downey'
+p1787
+sS'zip'
+p1788
+S'90601'
+p1789
+sS'other'
+p1790
+S'two'
+p1791
+sS'starttime'
+p1792
+S'early'
+p1793
+sS'date'
+p1794
+S'tomorrow'
+p1795
+sS'moviename'
+p1796
+S'the witch'
+p1797
+ssI351
+(dp1798
+g1786
+S'amc theaters puente hills'
+p1799
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+g1793
+sg1794
+g1795
+sg1796
+g1797
+ssI352
+(dp1800
+g1786
+g1787
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+S'10:35'
+p1801
+sg1794
+g1795
+sg1796
+g1797
+ssI353
+(dp1802
+g1786
+g1799
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+g1801
+sg1794
+g1795
+sg1796
+g1797
+ssI354
+(dp1803
+g1786
+g1787
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+S'11:40 am'
+p1804
+sg1794
+g1795
+sg1796
+g1797
+ssI355
+(dp1805
+S'city'
+p1806
+S'sparta'
+p1807
+sS'theater'
+p1808
+S"wehrenberg o'fallon 15 cine"
+p1809
+sS'zip'
+p1810
+S'62269'
+p1811
+sS'genre'
+p1812
+S'romantic comedies'
+p1813
+sS'state'
+p1814
+S'illinois'
+p1815
+sS'other'
+p1816
+S'another preference'
+p1817
+sS'starttime'
+p1818
+S'afternoon'
+p1819
+sS'date'
+p1820
+S'tomorrow'
+p1821
+sS'moviename'
+p1822
+S'zoolander 2'
+p1823
+ssI356
+(dp1824
+g1806
+S'Shiloh'
+p1825
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI357
+(dp1826
+g1806
+S'Belleville'
+p1827
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI358
+(dp1828
+g1806
+S"o'fallon"
+p1829
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI359
+(dp1830
+g1806
+S'fairview heights'
+p1831
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI360
+(dp1832
+S'date'
+p1833
+S'tomorrow'
+p1834
+sS'city'
+p1835
+S'seattle'
+p1836
+sS'theater'
+p1837
+S'regal meridian 16'
+p1838
+sS'moviename'
+p1839
+S'zootopia'
+p1840
+sS'starttime'
+p1841
+S'9:10 pm'
+p1842
+ssI361
+(dp1843
+S'date'
+p1844
+S'tomorrow night'
+p1845
+sS'city'
+p1846
+S'seattle'
+p1847
+sS'moviename'
+p1848
+S'zootopia'
+p1849
+ssI362
+(dp1850
+S'city'
+p1851
+S'seattle'
+p1852
+sS'theater'
+p1853
+S'amc pacific place 11'
+p1854
+sS'zip'
+p1855
+S'98101'
+p1856
+sS'date'
+p1857
+S'tonight'
+p1858
+sS'state'
+p1859
+S'wa'
+p1860
+sS'starttime'
+p1861
+S'6:10pm'
+p1862
+sS'theater_chain'
+p1863
+S'amc'
+p1864
+sS'moviename'
+p1865
+S'deadpool'
+p1866
+ssI363
+(dp1867
+g1851
+S'bellevue'
+p1868
+sg1853
+g1854
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI364
+(dp1869
+g1851
+g1852
+sg1853
+S'bellevue lincoln square cinemas'
+p1870
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI365
+(dp1871
+g1851
+g1868
+sg1853
+g1870
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI366
+(dp1872
+g1851
+g1852
+sg1853
+S'pacific place 11'
+p1873
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI367
+(dp1874
+S'other'
+p1875
+S'purchase tickets'
+p1876
+sS'moviename'
+p1877
+S'first'
+p1878
+ssI368
+(dp1879
+S'city'
+p1880
+S'birmingham'
+p1881
+sS'theater'
+p1882
+S'carmike summit 16'
+p1883
+sS'moviename'
+p1884
+S'zootopia'
+p1885
+sS'video_format'
+p1886
+S'3d'
+p1887
+sS'state'
+p1888
+S'al'
+p1889
+sS'mpaa_rating'
+p1890
+S'pg'
+p1891
+sS'starttime'
+p1892
+S'2 pm'
+p1893
+sS'date'
+p1894
+S'saturday'
+p1895
+sS'genre'
+p1896
+S'family friendly'
+p1897
+ssI369
+(dp1898
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+S'standard'
+p1899
+sg1888
+g1889
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI370
+(dp1900
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+g1887
+sg1888
+S'alabama'
+p1901
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI371
+(dp1902
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+g1899
+sg1888
+g1901
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI372
+(dp1903
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+g1887
+sg1888
+g1889
+sg1890
+g1891
+sg1892
+S'1:45pm'
+p1904
+sg1894
+g1895
+sg1896
+g1897
+ssI373
+(dp1905
+S'city'
+p1906
+S'seattle'
+p1907
+sS'theater'
+p1908
+S'bellevue lincoln square cinemas'
+p1909
+sS'distanceconstraints'
+p1910
+S'east side'
+p1911
+sS'starttime'
+p1912
+S'around 2pm'
+p1913
+sS'date'
+p1914
+S'saturday'
+p1915
+sS'moviename'
+p1916
+S'zootopia'
+p1917
+ssI374
+(dp1918
+g1906
+g1907
+sg1908
+S'bellevue lincoln square'
+p1919
+sg1910
+g1911
+sg1912
+g1913
+sg1914
+g1915
+sg1916
+g1917
+ssI375
+(dp1920
+g1906
+g1907
+sg1908
+g1909
+sg1910
+g1911
+sg1912
+S'2:35 pm'
+p1921
+sg1914
+g1915
+sg1916
+g1917
+ssI376
+(dp1922
+g1906
+g1907
+sg1908
+g1919
+sg1910
+g1911
+sg1912
+g1921
+sg1914
+g1915
+sg1916
+g1917
+ssI377
+(dp1923
+g1906
+g1907
+sg1908
+g1909
+sg1910
+g1911
+sg1912
+S'2:35'
+p1924
+sg1914
+g1915
+sg1916
+g1917
+ssI378
+(dp1925
+S'city'
+p1926
+S'seattle'
+p1927
+sS'theater'
+p1928
+S'regal meridian 16'
+p1929
+sS'zip'
+p1930
+S'98004'
+p1931
+sS'video_format'
+p1932
+S'2d'
+p1933
+sS'state'
+p1934
+S'wa'
+p1935
+sS'starttime'
+p1936
+S'4:10'
+p1937
+sS'date'
+p1938
+S'tonight'
+p1939
+sS'moviename'
+p1940
+S'zootopia'
+p1941
+ssI379
+(dp1942
+g1926
+S'bellevue'
+p1943
+sg1928
+g1929
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI380
+(dp1944
+g1926
+g1927
+sg1928
+S'bellevue lincoln square cinemas'
+p1945
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI381
+(dp1946
+g1926
+g1943
+sg1928
+g1945
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI382
+(dp1947
+g1926
+g1927
+sg1928
+g1929
+sg1930
+g1931
+sg1932
+S'3d'
+p1948
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI383
+(dp1949
+S'city'
+p1950
+S'albany'
+p1951
+sS'state'
+p1952
+S'ny'
+p1953
+sS'moviename'
+p1954
+S'whiskey tango foxtrot'
+p1955
+sS'theater'
+p1956
+S'any'
+p1957
+sS'starttime'
+p1958
+S'soonest'
+p1959
+ssI384
+(dp1960
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+S'regal clifton park stadium'
+p1961
+sg1958
+g1959
+ssI385
+(dp1962
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+g1957
+sg1958
+S'12:40pm'
+p1963
+ssI386
+(dp1964
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+g1961
+sg1958
+g1963
+ssI387
+(dp1965
+S'city'
+p1966
+S'portland'
+p1967
+sS'theater'
+p1968
+S'century eastport 16'
+p1969
+sS'state'
+p1970
+S'oregon'
+p1971
+sS'other'
+p1972
+S'Fandango'
+p1973
+sS'starttime'
+p1974
+S'12:20pm'
+p1975
+sS'date'
+p1976
+S'friday'
+p1977
+sS'moviename'
+p1978
+S'star wars'
+p1979
+ssI388
+(dp1980
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'3:40'
+p1981
+sg1976
+g1977
+sg1978
+g1979
+ssI389
+(dp1982
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'6:50'
+p1983
+sg1976
+g1977
+sg1978
+g1979
+ssI390
+(dp1984
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'10:00'
+p1985
+sg1976
+g1977
+sg1978
+g1979
+ssI391
+(dp1986
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'10 o clock'
+p1987
+sg1976
+g1977
+sg1978
+g1979
+ssI392
+(dp1988
+S'genre'
+p1989
+S'action'
+p1990
+sS'critic_rating'
+p1991
+S'great reviews all around with a 84 percent on rotten tomatoes and 93 of audience members recommending it'
+p1992
+sS'moviename'
+p1993
+S'deadpool'
+p1994
+sS'actor'
+p1995
+S'ryan reynolds'
+p1996
+ssI393
+(dp1997
+g1989
+g1990
+sg1991
+g1992
+sg1993
+S'london has fallen'
+p1998
+sg1995
+g1996
+ssI394
+(dp1999
+g1989
+g1990
+sg1991
+g1992
+sg1993
+S'the revenant'
+p2000
+sg1995
+g1996
+ssI395
+(dp2001
+S'city'
+p2002
+S'houma'
+p2003
+sS'theater'
+p2004
+S'amc houma palace 10'
+p2005
+sS'date'
+p2006
+S'this week'
+p2007
+sS'state'
+p2008
+S'louisiana'
+p2009
+sS'starttime'
+p2010
+S'night'
+p2011
+sS'genre'
+p2012
+S'comedy'
+p2013
+sS'moviename'
+p2014
+S''
+ssI396
+(dp2015
+g2002
+S'la'
+p2016
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+g2013
+sg2014
+S''
+ssI397
+(dp2017
+g2002
+g2003
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+S'adult comedy'
+p2018
+sg2014
+S''
+ssI398
+(dp2019
+g2002
+g2016
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+g2018
+sg2014
+S''
+ssI399
+(dp2020
+g2002
+g2003
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+S'2:15pm'
+p2021
+sg2012
+g2013
+sg2014
+S''
+ssI400
+(dp2022
+S'city'
+p2023
+S'la'
+p2024
+sS'theater'
+p2025
+S'regal la stadium 14'
+p2026
+sS'genre'
+p2027
+S'action'
+p2028
+sS'state'
+p2029
+S'ca'
+p2030
+sS'starttime'
+p2031
+S'night'
+p2032
+sS'date'
+p2033
+S'tomorrow'
+p2034
+sS'moviename'
+p2035
+S'london has fallen'
+p2036
+ssI401
+(dp2037
+g2023
+S'los angeles'
+p2038
+sg2025
+g2026
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI402
+(dp2039
+g2023
+g2024
+sg2025
+S'olympic blvd'
+p2040
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI403
+(dp2041
+g2023
+g2038
+sg2025
+g2040
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI404
+(dp2042
+g2023
+g2024
+sg2025
+g2026
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+S'10 cloverfield lane'
+p2043
+sg2033
+g2034
+sg2035
+g2036
+ssI405
+(dp2044
+S'distanceconstraints'
+p2045
+S'local theater'
+p2046
+sS'theater_chain'
+p2047
+S'century'
+p2048
+sS'state'
+p2049
+S'illinois'
+p2050
+sS'price'
+p2051
+S'$10'
+p2052
+sS'city'
+p2053
+S'evanston'
+p2054
+ssI406
+(dp2055
+S'city'
+p2056
+S'Seattle'
+p2057
+sS'theater'
+p2058
+S'Regal Meridan 16 Bellevue Lincoln Square Cinemas'
+p2059
+sS'video_format'
+p2060
+S'regular'
+p2061
+sS'state'
+p2062
+S'WA'
+p2063
+sS'starttime'
+p2064
+S'roughly every hour'
+p2065
+sS'date'
+p2066
+S'tomorrow night'
+p2067
+sS'moviename'
+p2068
+S'zootopia'
+p2069
+ssI407
+(dp2070
+g2056
+g2057
+sg2058
+S'Pacific Science Center IMAX Theaters'
+p2071
+sg2060
+g2061
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI408
+(dp2072
+g2056
+g2057
+sg2058
+S'regal meridan 16'
+p2073
+sg2060
+g2061
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI409
+(dp2074
+g2056
+g2057
+sg2058
+g2059
+sg2060
+S'3d'
+p2075
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI410
+(dp2076
+g2056
+g2057
+sg2058
+g2071
+sg2060
+g2075
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI411
+(dp2077
+S'date'
+p2078
+S'today'
+p2079
+ssI412
+(dp2080
+S'city'
+p2081
+S'royal oak'
+p2082
+sS'theater'
+p2083
+S'any'
+p2084
+sS'zip'
+p2085
+S'32289'
+p2086
+sS'distanceconstraints'
+p2087
+S'closest theater to you'
+p2088
+sS'date'
+p2089
+S'tonight'
+p2090
+sS'state'
+p2091
+S'mi'
+p2092
+sS'other'
+p2093
+S'new release'
+p2094
+sS'starttime'
+p2095
+S'7:00'
+p2096
+sS'theater_chain'
+p2097
+S'amc star john r 15'
+p2098
+sS'moviename'
+p2099
+S'10 cloverfield lane'
+p2100
+ssI413
+(dp2101
+g2081
+S'madison heights'
+p2102
+sg2083
+g2084
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI414
+(dp2103
+g2081
+S'Southfield'
+p2104
+sg2083
+g2084
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI415
+(dp2105
+g2081
+g2082
+sg2083
+S'box office window'
+p2106
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI416
+(dp2107
+g2081
+g2102
+sg2083
+g2106
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI417
+(dp2108
+S'city'
+p2109
+S'carbondale'
+p2110
+sS'theater'
+p2111
+S'amc showplace carbondale'
+p2112
+sS'genre'
+p2113
+S'action'
+p2114
+sS'state'
+p2115
+S'illinois'
+p2116
+sS'starttime'
+p2117
+S'afternoon'
+p2118
+sS'date'
+p2119
+S'this week'
+p2120
+sS'moviename'
+p2121
+S'london has fallen'
+p2122
+ssI418
+(dp2123
+g2109
+g2110
+sg2111
+S'Main Street Carbondale'
+p2124
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI419
+(dp2125
+g2109
+g2110
+sg2111
+S'AMC UNIVERSITY PLACE 8'
+p2126
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI420
+(dp2127
+g2109
+g2110
+sg2111
+g2112
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+S'tomorrow'
+p2128
+sg2121
+g2122
+ssI421
+(dp2129
+g2109
+g2110
+sg2111
+g2124
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2128
+sg2121
+g2122
+ssI422
+(dp2130
+S'city'
+p2131
+S'monroe'
+p2132
+sS'theater'
+p2133
+S'regal barkley village stadium 16'
+p2134
+sS'zip'
+p2135
+S'98272'
+p2136
+sS'distanceconstraints'
+p2137
+S'near'
+p2138
+sS'state'
+p2139
+S'wa'
+p2140
+sS'starttime'
+p2141
+S'around 8pm'
+p2142
+sS'date'
+p2143
+S'tonight'
+p2144
+sS'moviename'
+p2145
+S'kung fu panda 3'
+p2146
+ssI423
+(dp2147
+g2131
+g2132
+sg2133
+S'amc loews cascade mall'
+p2148
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2142
+sg2143
+g2144
+sg2145
+g2146
+ssI424
+(dp2149
+g2131
+g2132
+sg2133
+S'regal marysville 14'
+p2150
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2142
+sg2143
+g2144
+sg2145
+g2146
+ssI425
+(dp2151
+g2131
+g2132
+sg2133
+g2134
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+S'9:10'
+p2152
+sg2143
+g2144
+sg2145
+g2146
+ssI426
+(dp2153
+g2131
+g2132
+sg2133
+g2148
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2152
+sg2143
+g2144
+sg2145
+g2146
+ssI427
+(dp2154
+S'moviename'
+p2155
+S'london has fallen'
+p2156
+ssI428
+(dp2157
+S'city'
+p2158
+S'seattle'
+p2159
+sS'theater'
+p2160
+S'amc pacific place 11 600 pine s'
+p2161
+sS'zip'
+p2162
+S'98101'
+p2163
+sS'distanceconstraints'
+p2164
+S' seattle area'
+p2165
+sS'state'
+p2166
+S'wa'
+p2167
+sS'other'
+p2168
+S'place that serves seafood'
+p2169
+sS'starttime'
+p2170
+S'after dinner'
+p2171
+sS'date'
+p2172
+S'friday'
+p2173
+sS'moviename'
+p2174
+S'10 cloverfield lane'
+p2175
+ssI429
+(dp2176
+g2158
+S'bellevue'
+p2177
+sg2160
+g2161
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI430
+(dp2178
+g2158
+g2159
+sg2160
+S'bellevue lincoln square cinemas'
+p2179
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI431
+(dp2180
+g2158
+g2177
+sg2160
+g2179
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI432
+(dp2181
+g2158
+g2159
+sg2160
+g2161
+sg2162
+S'98004'
+p2182
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI433
+(dp2183
+S'city'
+p2184
+S'birmingham'
+p2185
+sS'theater'
+p2186
+S'carmike summit 16'
+p2187
+sS'critic_rating'
+p2188
+S'6'
+sS'genre'
+p2189
+S'action'
+p2190
+sS'state'
+p2191
+S'al'
+p2192
+sS'other'
+p2193
+S'imdb'
+p2194
+sS'starttime'
+p2195
+S'matinee'
+p2196
+sS'date'
+p2197
+S'friday'
+p2198
+sS'moviename'
+p2199
+S'deadpool'
+p2200
+ssI434
+(dp2201
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'5'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+g2198
+sg2199
+g2200
+ssI435
+(dp2202
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'6'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+S'saturday'
+p2203
+sg2199
+g2200
+ssI436
+(dp2204
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'5'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+g2203
+sg2199
+g2200
+ssI437
+(dp2205
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'6'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+S'evening'
+p2206
+sg2197
+g2198
+sg2199
+g2200
+ssI438
+(dp2207
+S'genre'
+p2208
+S'drama'
+p2209
+sS'city'
+p2210
+S'seattle'
+p2211
+sS'moviename'
+p2212
+S'eddie the eagle'
+p2213
+sS'theater'
+p2214
+S'regal meridian sundance cinemas'
+p2215
+ssI439
+(dp2216
+g2208
+g2209
+sg2210
+g2211
+sg2212
+S'big short'
+p2217
+sg2214
+g2215
+ssI440
+(dp2218
+g2208
+g2209
+sg2210
+g2211
+sg2212
+S'the big short'
+p2219
+sg2214
+g2215
+ssI441
+(dp2220
+g2208
+g2209
+sg2210
+g2211
+sg2212
+g2213
+sg2214
+S'regal thornton place'
+p2221
+ssI442
+(dp2222
+g2208
+g2209
+sg2210
+g2211
+sg2212
+g2217
+sg2214
+g2221
+ssI443
+(dp2223
+S'city'
+p2224
+S'Long Island'
+p2225
+sS'state'
+p2226
+S'NY'
+p2227
+sS'moviename'
+p2228
+S'Deadpool'
+p2229
+sS'theater'
+p2230
+S'loews stony brook 17'
+p2231
+sS'starttime'
+p2232
+S'tonight'
+p2233
+ssI444
+(dp2234
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+S'amc loews stony brook'
+p2235
+sg2232
+g2233
+ssI445
+(dp2236
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2231
+sg2232
+S'7:30 pm'
+p2237
+ssI446
+(dp2238
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2235
+sg2232
+g2237
+ssI447
+(dp2239
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2231
+sg2232
+S'8:15 pm'
+p2240
+ssI448
+(dp2241
+S'city'
+p2242
+S'portland'
+p2243
+sS'theater'
+p2244
+S'regal fox tower stadium 10'
+p2245
+sS'state'
+p2246
+S'oregon'
+p2247
+sS'starttime'
+p2248
+S'after 6 pm'
+p2249
+sS'date'
+p2250
+S'saturday'
+p2251
+sS'moviename'
+p2252
+S'whiskey tango foxtrot'
+p2253
+ssI449
+(dp2254
+g2242
+g2243
+sg2244
+g2245
+sg2246
+g2247
+sg2248
+S'6:45'
+p2255
+sg2250
+g2251
+sg2252
+g2253
+ssI450
+(dp2256
+S'other'
+p2257
+S'favorite part'
+p2258
+sS'moviename'
+p2259
+S'deadpool'
+p2260
+ssI451
+(dp2261
+g2257
+S'worth watching'
+p2262
+sg2259
+g2260
+ssI452
+(dp2263
+S'city'
+p2264
+S'des moines'
+p2265
+sS'theater'
+p2266
+S'any'
+p2267
+sS'state'
+p2268
+S'iowa'
+p2269
+sS'mpaa_rating'
+p2270
+S'pg'
+p2271
+sS'starttime'
+p2272
+S' around 7pm'
+p2273
+sS'date'
+p2274
+S'tomorrow'
+p2275
+sS'moviename'
+p2276
+S'zootopia'
+p2277
+ssI453
+(dp2278
+g2264
+g2265
+sg2266
+S'flix brewhouse des moines'
+p2279
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2277
+ssI454
+(dp2280
+g2264
+g2265
+sg2266
+S'carmike cobblestone 9'
+p2281
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2277
+ssI455
+(dp2282
+g2264
+g2265
+sg2266
+g2267
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+S'kung fu panda 3'
+p2283
+ssI456
+(dp2284
+g2264
+g2265
+sg2266
+g2279
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2283
+ssI457
+(dp2285
+S'city'
+p2286
+S'northern san francisco'
+p2287
+sS'theater'
+p2288
+S'amc van ness 14'
+p2289
+sS'distanceconstraints'
+p2290
+S'northern part of the city'
+p2291
+sS'video_format'
+p2292
+S'standard'
+p2293
+sS'state'
+p2294
+S'ca'
+p2295
+sS'starttime'
+p2296
+S'afternoon'
+p2297
+sS'date'
+p2298
+S'tomorrow'
+p2299
+sS'moviename'
+p2300
+S'zootopia'
+p2301
+ssI458
+(dp2302
+g2286
+S'94109'
+p2303
+sg2288
+g2289
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI459
+(dp2304
+g2286
+g2287
+sg2288
+S'AMC Van Ness'
+p2305
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI460
+(dp2306
+g2286
+g2303
+sg2288
+g2305
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI461
+(dp2307
+g2286
+g2287
+sg2288
+S'amc van ness'
+p2308
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI462
+(dp2309
+S'date'
+p2310
+S'tomorrow'
+p2311
+sS'city'
+p2312
+S'seattle'
+p2313
+sS'theater'
+p2314
+S'amc lowes oak tree 6'
+p2315
+sS'moviename'
+p2316
+S'risen'
+p2317
+sS'starttime'
+p2318
+S'4:25 pm'
+p2319
+ssI463
+(dp2320
+S'date'
+p2321
+S'march 11th'
+p2322
+sS'city'
+p2323
+S'seattle'
+p2324
+sS'moviename'
+p2325
+S'whiskey tango foxtrot'
+p2326
+sS'theater'
+p2327
+S'SIFF Cinema Uptown'
+p2328
+sS'starttime'
+p2329
+S'7'
+ssI464
+(dp2330
+g2321
+S'tomorrow'
+p2331
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+g2328
+sg2329
+S'7'
+ssI465
+(dp2332
+g2321
+g2322
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+S'Ark Lodge Cinemas'
+p2333
+sg2329
+S'7'
+ssI466
+(dp2334
+g2321
+g2331
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+g2333
+sg2329
+S'7'
+ssI467
+(dp2335
+g2321
+g2322
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+S'Regal Crossroads'
+p2336
+sg2329
+S'7'
+ssI468
+(dp2337
+S'city'
+p2338
+S'seattle'
+p2339
+sS'theater'
+p2340
+S'pacific place 11 theater'
+p2341
+sS'theater_chain'
+p2342
+S'amc'
+p2343
+sS'other'
+p2344
+S'name'
+p2345
+sS'starttime'
+p2346
+S'9:30 pm'
+p2347
+sS'date'
+p2348
+S'tomorrow'
+p2349
+sS'moviename'
+p2350
+S'room'
+p2351
+ssI469
+(dp2352
+S'city'
+p2353
+S'st'
+p2354
+sS'theater'
+p2355
+S'wehrenberg ronnies 20#imax 5320'
+p2356
+sS'zip'
+p2357
+S'63126'
+p2358
+sS'distanceconstraints'
+p2359
+S'near here'
+p2360
+sS'critic_rating'
+p2361
+S'nice'
+p2362
+sS'state'
+p2363
+S'mo'
+p2364
+sS'other'
+p2365
+S'subtitiles'
+p2366
+sS'starttime'
+p2367
+S'7:20'
+p2368
+sS'genre'
+p2369
+S'romantic'
+p2370
+sS'moviename'
+p2371
+S'how to be single'
+p2372
+ssI470
+(dp2373
+g2353
+S'louis'
+p2374
+sg2355
+g2356
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI471
+(dp2375
+g2353
+S'sappington'
+p2376
+sg2355
+g2356
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI472
+(dp2377
+g2353
+g2354
+sg2355
+S'blvd'
+p2378
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI473
+(dp2379
+g2353
+g2374
+sg2355
+g2378
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI474
+(dp2380
+S'city'
+p2381
+S'seattle'
+p2382
+sS'theater'
+p2383
+S'amc pacific place 11'
+p2384
+sS'zip'
+p2385
+S'98101'
+p2386
+sS'state'
+p2387
+S'wa'
+p2388
+sS'date'
+p2389
+S'21-mar'
+p2390
+sS'moviename'
+p2391
+S'deadpool'
+p2392
+ssI475
+(dp2393
+g2381
+S'bellevue'
+p2394
+sg2383
+g2384
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI476
+(dp2395
+g2381
+g2382
+sg2383
+S'bellevue lincoln square cinemas'
+p2396
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI477
+(dp2397
+g2381
+g2394
+sg2383
+g2396
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI478
+(dp2398
+g2381
+g2382
+sg2383
+S'big picture seattle'
+p2399
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI479
+(dp2400
+S'city'
+p2401
+S'norfolk'
+p2402
+sS'theater'
+p2403
+S'regal macarthur center stadium 18'
+p2404
+sS'state'
+p2405
+S'virginia'
+p2406
+sS'starttime'
+p2407
+S'7pm'
+p2408
+sS'date'
+p2409
+S'march 12th'
+p2410
+sS'moviename'
+p2411
+S'london has fallen'
+p2412
+ssI480
+(dp2413
+g2401
+g2402
+sg2403
+S'RPX CINEMARK 18'
+p2414
+sg2405
+g2406
+sg2407
+g2408
+sg2409
+g2410
+sg2411
+g2412
+ssI481
+(dp2415
+g2401
+g2402
+sg2403
+S'regal'
+p2416
+sg2405
+g2406
+sg2407
+g2408
+sg2409
+g2410
+sg2411
+g2412
+ssI482
+(dp2417
+g2401
+g2402
+sg2403
+g2404
+sg2405
+g2406
+sg2407
+S'7:10'
+p2418
+sg2409
+g2410
+sg2411
+g2412
+ssI483
+(dp2419
+g2401
+g2402
+sg2403
+g2414
+sg2405
+g2406
+sg2407
+g2418
+sg2409
+g2410
+sg2411
+g2412
+ssI484
+(dp2420
+S'date'
+p2421
+S'tonight'
+p2422
+sS'city'
+p2423
+S'seattle'
+p2424
+sS'other'
+p2425
+S'many many theaters'
+p2426
+sS'theater'
+p2427
+S'regal meridian 16'
+p2428
+sS'moviename'
+p2429
+S'London Has Fallen#Whiskey Tango Foxtrot#Zootopia#Eddie The Eagle#Gods of Egypt#Triple 9#The Witch#Where to Invade Next#Zoolander 2#Hail Caesar#Kung Fu Panda 3#Star Wars#The Big Short#The Danish Girl#more'
+p2430
+ssI485
+(dp2431
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'different selection of movies'
+p2432
+sg2427
+g2428
+sg2429
+g2430
+ssI486
+(dp2433
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'search for a theater'
+p2434
+sg2427
+g2428
+sg2429
+g2430
+ssI487
+(dp2435
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'latest showing'
+p2436
+sg2427
+g2428
+sg2429
+g2430
+ssI488
+(dp2437
+g2421
+g2422
+sg2423
+g2424
+sg2425
+g2426
+sg2427
+g2428
+sg2429
+S'zoolander 2'
+p2438
+ssI489
+(dp2439
+S'city'
+p2440
+S'st louis'
+p2441
+sS'theater'
+p2442
+S'chase park plaza cinemas'
+p2443
+sS'numberofkids'
+p2444
+S'2'
+sS'critic_rating'
+p2445
+S'good'
+p2446
+sS'date'
+p2447
+S'thursday'
+p2448
+sS'mpaa_rating'
+p2449
+S'pg'
+p2450
+sS'starttime'
+p2451
+S'afternoon'
+p2452
+sS'genre'
+p2453
+S'kids'
+p2454
+sS'moviename'
+p2455
+S'zootopia'
+p2456
+ssI490
+(dp2457
+g2440
+g2441
+sg2442
+S'chase park plaza'
+p2458
+sg2444
+S'2'
+sg2445
+g2446
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI491
+(dp2459
+g2440
+g2441
+sg2442
+g2443
+sg2444
+S'2'
+sg2445
+S'4 5/5 star rating'
+p2460
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI492
+(dp2461
+g2440
+g2441
+sg2442
+g2458
+sg2444
+S'2'
+sg2445
+g2460
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI493
+(dp2462
+g2440
+g2441
+sg2442
+g2443
+sg2444
+S'2'
+sg2445
+g2446
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+S'11:00am'
+p2463
+sg2453
+g2454
+sg2455
+g2456
+ssI494
+(dp2464
+S'city'
+p2465
+S'seattle'
+p2466
+sS'other'
+p2467
+S'Italian restaurant'
+p2468
+ssI495
+(dp2469
+S'city'
+p2470
+S'seattle'
+p2471
+sS'theater'
+p2472
+S'amc lowes oak tree 6'
+p2473
+sS'other'
+p2474
+S'restaurant'
+p2475
+sS'starttime'
+p2476
+S'7:25 pm'
+p2477
+sS'date'
+p2478
+S'tomorrow'
+p2479
+sS'moviename'
+p2480
+S'spotlight'
+p2481
+ssI496
+(dp2482
+g2470
+g2471
+sg2472
+g2473
+sg2474
+S'restaurant booking service'
+p2483
+sg2476
+g2477
+sg2478
+g2479
+sg2480
+g2481
+ssI497
+(dp2484
+S'city'
+p2485
+S'los angeles'
+p2486
+sS'theater'
+p2487
+S'regal live stadium 14'
+p2488
+sS'zip'
+p2489
+S'90015'
+p2490
+sS'state'
+p2491
+S'CA'
+p2492
+sS'starttime'
+p2493
+S'8pm'
+p2494
+sS'date'
+p2495
+S'tomorrow'
+p2496
+sS'moviename'
+p2497
+S'deadpool'
+p2498
+ssI498
+(dp2499
+g2485
+S'Los Angeles'
+p2500
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2494
+sg2495
+g2496
+sg2497
+g2498
+ssI499
+(dp2501
+g2485
+g2486
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+S'8 pm'
+p2502
+sg2495
+g2496
+sg2497
+g2498
+ssI500
+(dp2503
+g2485
+g2500
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2502
+sg2495
+g2496
+sg2497
+g2498
+ssI501
+(dp2504
+g2485
+g2486
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2494
+sg2495
+S'today'
+p2505
+sg2497
+g2498
+ssI502
+(dp2506
+S'city'
+p2507
+S'portland'
+p2508
+sS'theater'
+p2509
+S'regal lloyd center 10 & IMAX'
+p2510
+sS'state'
+p2511
+S'oregon'
+p2512
+sS'starttime'
+p2513
+S'any time'
+p2514
+sS'date'
+p2515
+S'this weekend'
+p2516
+sS'moviename'
+p2517
+S'batman moviename'
+p2518
+ssI503
+(dp2519
+g2507
+g2508
+sg2509
+S'Century Eastport 16'
+p2520
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI504
+(dp2521
+g2507
+g2508
+sg2509
+S'Century Clackmas Town Center'
+p2522
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI505
+(dp2523
+g2507
+g2508
+sg2509
+S'XD'
+p2524
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI506
+(dp2525
+g2507
+g2508
+sg2509
+S'century Eastport 16'
+p2526
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI507
+(dp2527
+S'city'
+p2528
+S'seattle'
+p2529
+sS'theater'
+p2530
+S'theaters all across seattle'
+p2531
+sS'zip'
+p2532
+S'98101'
+p2533
+sS'distanceconstraints'
+p2534
+S'near me'
+p2535
+sS'video_format'
+p2536
+S'3d'
+p2537
+sS'state'
+p2538
+S'wa'
+p2539
+sS'other'
+p2540
+S'online ticketing'
+p2541
+sS'starttime'
+p2542
+S'matinee'
+p2543
+sS'date'
+p2544
+S'tomorrow'
+p2545
+sS'moviename'
+p2546
+S'zootopia'
+p2547
+ssI508
+(dp2548
+g2528
+g2529
+sg2530
+S'Regal Meridian 16'
+p2549
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI509
+(dp2550
+g2528
+g2529
+sg2530
+S'Pacific Science Center'
+p2551
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI510
+(dp2552
+g2528
+g2529
+sg2530
+S'Admiral Theater'
+p2553
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI511
+(dp2554
+g2528
+g2529
+sg2530
+S'pacific science center'
+p2555
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI512
+(dp2556
+S'city'
+p2557
+S'bellevue'
+p2558
+sS'theater'
+p2559
+S'bellevue lincoln square cinemas'
+p2560
+sS'zip'
+p2561
+S'98004'
+p2562
+sS'distanceconstraints'
+p2563
+S'near'
+p2564
+sS'actor'
+p2565
+S'ryan reynolds'
+p2566
+sS'genre'
+p2567
+S'superhero movie'
+p2568
+sS'state'
+p2569
+S'washington'
+p2570
+sS'other'
+p2571
+S"I can't remember"
+p2572
+sS'starttime'
+p2573
+S'8:15pm'
+p2574
+sS'date'
+p2575
+S'tonight'
+p2576
+sS'moviename'
+p2577
+S'deadpool'
+p2578
+ssI513
+(dp2579
+g2557
+g2558
+sg2559
+S'amc'
+p2580
+sg2561
+g2562
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI514
+(dp2581
+g2557
+g2558
+sg2559
+g2560
+sg2561
+S'98119'
+p2582
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI515
+(dp2583
+g2557
+g2558
+sg2559
+g2580
+sg2561
+g2582
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI516
+(dp2584
+g2557
+g2558
+sg2559
+g2560
+sg2561
+g2562
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+S'wa'
+p2585
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI517
+(dp2586
+S'distanceconstraints'
+p2587
+S'near me'
+p2588
+sS'city'
+p2589
+S'campcreek area'
+p2590
+sS'date'
+p2591
+S'coming saturday'
+p2592
+ssI518
+(dp2593
+S'city'
+p2594
+S'bellevue'
+p2595
+sS'theater'
+p2596
+S'regal thornton place stadium'
+p2597
+sS'video_format'
+p2598
+S'3d'
+p2599
+sS'state'
+p2600
+S'washington'
+p2601
+sS'starttime'
+p2602
+S'between 5pm and 6pm'
+p2603
+sS'date'
+p2604
+S'saturday'
+p2605
+sS'moviename'
+p2606
+S'kung fu panda 3'
+p2607
+ssI519
+(dp2608
+g2594
+g2595
+sg2596
+g2597
+sg2598
+g2599
+sg2600
+g2601
+sg2602
+S'between 5 and 6pm'
+p2609
+sg2604
+g2605
+sg2606
+g2607
+ssI520
+(dp2610
+g2594
+g2595
+sg2596
+g2597
+sg2598
+g2599
+sg2600
+g2601
+sg2602
+S'6:10pm'
+p2611
+sg2604
+g2605
+sg2606
+g2607
+ssI521
+(dp2612
+S'date'
+p2613
+S'tomorrow'
+p2614
+sS'city'
+p2615
+S'detroit'
+p2616
+sS'moviename'
+p2617
+S'deadpool'
+p2618
+sS'theater'
+p2619
+S'amc star fairlane 21'
+p2620
+sS'starttime'
+p2621
+S'7pm'
+p2622
+ssI522
+(dp2623
+g2613
+g2614
+sg2615
+g2616
+sg2617
+g2618
+sg2619
+g2620
+sg2621
+S'7:05'
+p2624
+ssI523
+(dp2625
+S'date'
+p2626
+S'tomorrow'
+p2627
+sS'theater'
+p2628
+S'regency academy 6'
+p2629
+sS'moviename'
+p2630
+S'creed'
+p2631
+sS'starttime'
+p2632
+S'around noon'
+p2633
+ssI524
+(dp2634
+g2626
+g2627
+sg2628
+g2629
+sg2630
+g2631
+sg2632
+S'1:00pm'
+p2635
+ssI525
+(dp2636
+S'city'
+p2637
+S'los angeles'
+p2638
+sS'theater'
+p2639
+S'Regal LA Live Stadium 14'
+p2640
+sS'video_format'
+p2641
+S'3d'
+p2642
+sS'starttime'
+p2643
+S'8pm'
+p2644
+sS'date'
+p2645
+S'tomorrow'
+p2646
+sS'moviename'
+p2647
+S'zootopia'
+p2648
+ssI526
+(dp2649
+g2637
+g2638
+sg2639
+g2640
+sg2641
+S'standard'
+p2650
+sg2643
+g2644
+sg2645
+g2646
+sg2647
+g2648
+ssI527
+(dp2651
+g2637
+g2638
+sg2639
+g2640
+sg2641
+g2642
+sg2643
+S'7:10pm'
+p2652
+sg2645
+g2646
+sg2647
+g2648
+ssI528
+(dp2653
+g2637
+g2638
+sg2639
+g2640
+sg2641
+g2650
+sg2643
+g2652
+sg2645
+g2646
+sg2647
+g2648
+ssI529
+(dp2654
+S'theater_chain'
+p2655
+S'amc lowes oak tree 6'
+p2656
+sS'city'
+p2657
+S'seattle'
+p2658
+sS'date'
+p2659
+S'tomorrow'
+p2660
+sS'moviename'
+p2661
+S'risen'
+p2662
+sS'starttime'
+p2663
+S'4:25 pm'
+p2664
+ssI530
+(dp2665
+S'city'
+p2666
+S'arlington'
+p2667
+sS'theater'
+p2668
+S'cinemark tinseltown 9'
+p2669
+sS'actor'
+p2670
+S'ryan reynolds'
+p2671
+sS'state'
+p2672
+S'texas'
+p2673
+sS'starttime'
+p2674
+S'10:05'
+p2675
+sS'date'
+p2676
+S'tonight'
+p2677
+sS'moviename'
+p2678
+S'deadpool'
+p2679
+ssI531
+(dp2680
+S'date'
+p2681
+S'tomorrow'
+p2682
+sS'city'
+p2683
+S'seattle'
+p2684
+sS'theater'
+p2685
+S'amc pacific place 11 theater'
+p2686
+sS'moviename'
+p2687
+S'room'
+p2688
+sS'starttime'
+p2689
+S'9:30 pm'
+p2690
+ssI532
+(dp2691
+S'city'
+p2692
+S'seattle'
+p2693
+sS'other'
+p2694
+S'name'
+p2695
+sS'moviename'
+p2696
+S'whiskey tango foxtrot'
+p2697
+sS'theater'
+p2698
+S'regal meridian 16'
+p2699
+sS'starttime'
+p2700
+S'soonest upcoming showing'
+p2701
+ssI533
+(dp2702
+g2692
+g2693
+sg2694
+g2695
+sg2696
+g2697
+sg2698
+g2699
+sg2700
+S'9:00pm'
+p2703
+ssI534
+(dp2704
+S'city'
+p2705
+S'seattle'
+p2706
+sS'theater'
+p2707
+S'regal meridian 16'
+p2708
+sS'zip'
+p2709
+S'98101'
+p2710
+sS'genre'
+p2711
+S'comedy'
+p2712
+sS'state'
+p2713
+S'wa'
+p2714
+sS'other'
+p2715
+S'large number of movies'
+p2716
+sS'starttime'
+p2717
+S'7pm'
+p2718
+sS'date'
+p2719
+S'tomorrow'
+p2720
+sS'theater_chain'
+p2721
+S'amc loews oak tree 6'
+p2722
+sS'moviename'
+p2723
+S'risen race spotlight'
+p2724
+ssI535
+(dp2725
+g2705
+g2706
+sg2707
+S'AMC LOEWS OAK TREE 6 10006 aurora'
+p2726
+sg2709
+g2710
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI536
+(dp2727
+g2705
+g2706
+sg2707
+g2708
+sg2709
+S'98133'
+p2728
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI537
+(dp2729
+g2705
+g2706
+sg2707
+g2726
+sg2709
+g2728
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI538
+(dp2730
+g2705
+g2706
+sg2707
+g2708
+sg2709
+g2710
+sg2711
+S'drama'
+p2731
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI539
+(dp2732
+S'city'
+p2733
+S'birmingham'
+p2734
+sS'theater'
+p2735
+S'carmike summit 16'
+p2736
+sS'state'
+p2737
+S'al'
+p2738
+sS'starttime'
+p2739
+S'around 2pm'
+p2740
+sS'date'
+p2741
+S'today'
+p2742
+sS'moviename'
+p2743
+S'london had fallen'
+p2744
+ssI540
+(dp2745
+g2733
+g2734
+sg2735
+g2736
+sg2737
+g2738
+sg2739
+S'1:35 pm'
+p2746
+sg2741
+g2742
+sg2743
+g2744
+ssI541
+(dp2747
+S'city'
+p2748
+S'seattle'
+p2749
+sS'theater'
+p2750
+S'regal meridian 16'
+p2751
+sS'zip'
+p2752
+S'98101'
+p2753
+sS'critic_rating'
+p2754
+S'top'
+p2755
+sS'state'
+p2756
+S'wa'
+p2757
+sS'other'
+p2758
+S'rotten tomatoes'
+p2759
+sS'starttime'
+p2760
+S'night around 8pm'
+p2761
+sS'date'
+p2762
+S'tomorrow'
+p2763
+sS'moviename'
+p2764
+S'zootopia'
+p2765
+ssI542
+(dp2766
+g2748
+S'bellevue'
+p2767
+sg2750
+g2751
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI543
+(dp2768
+g2748
+g2749
+sg2750
+S'bellevue lincoln square cinemas'
+p2769
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI544
+(dp2770
+g2748
+g2767
+sg2750
+g2769
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI545
+(dp2771
+g2748
+g2749
+sg2750
+g2751
+sg2752
+S'98004'
+p2772
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI546
+(dp2773
+S'date'
+p2774
+S'tomorrow'
+p2775
+sS'city'
+p2776
+S'seattle'
+p2777
+sS'theater'
+p2778
+S'amc lowes oak tree 6'
+p2779
+sS'moviename'
+p2780
+S'room'
+p2781
+sS'starttime'
+p2782
+S'4:50 pm'
+p2783
+ssI547
+(dp2784
+S'city'
+p2785
+S'seattle'
+p2786
+sS'theater'
+p2787
+S'regal meridian 16'
+p2788
+sS'distanceconstraints'
+p2789
+S'near my location'
+p2790
+sS'critic_rating'
+p2791
+S'number 1'
+p2792
+sS'genre'
+p2793
+S'comedy'
+p2794
+sS'state'
+p2795
+S'washington'
+p2796
+sS'date'
+p2797
+S'tonight'
+p2798
+sS'moviename'
+p2799
+S'zootopia'
+p2800
+ssI548
+(dp2801
+g2785
+g2786
+sg2787
+g2788
+sg2789
+S'safeco field'
+p2802
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+g2800
+ssI549
+(dp2803
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2790
+sg2791
+g2792
+sg2793
+S'comedies'
+p2804
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+g2800
+ssI550
+(dp2805
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2802
+sg2791
+g2792
+sg2793
+g2804
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+g2800
+ssI551
+(dp2806
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2790
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+S'Whiskey Tango Foxtrot'
+p2807
+ssI552
+(dp2808
+S'city'
+p2809
+S'philadelphia'
+p2810
+sS'theater'
+p2811
+S'The Pearl Theatre'
+p2812
+sS'zip'
+p2813
+S'19101'
+p2814
+sS'distanceconstraints'
+p2815
+S'near'
+p2816
+sS'state'
+p2817
+S'pa'
+p2818
+sS'starttime'
+p2819
+S'1:30pm'
+p2820
+sS'date'
+p2821
+S'tomorrow'
+p2822
+sS'moviename'
+p2823
+S'deadpool'
+p2824
+ssI553
+(dp2825
+g2809
+g2810
+sg2811
+g2812
+sg2813
+S'19121'
+p2826
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+g2820
+sg2821
+g2822
+sg2823
+g2824
+ssI554
+(dp2827
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2814
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+S'4:30'
+p2828
+sg2821
+g2822
+sg2823
+g2824
+ssI555
+(dp2829
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2826
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+g2828
+sg2821
+g2822
+sg2823
+g2824
+ssI556
+(dp2830
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2814
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+S'7:30pm'
+p2831
+sg2821
+g2822
+sg2823
+g2824
+ssI557
+(dp2832
+S'city'
+p2833
+S'princeton'
+p2834
+sS'theater'
+p2835
+S'amc marketfair 10'
+p2836
+sS'genre'
+p2837
+S'dramas'
+p2838
+sS'state'
+p2839
+S'nj'
+p2840
+sS'starttime'
+p2841
+S'7pm'
+p2842
+sS'date'
+p2843
+S'tomorrow'
+p2844
+sS'moviename'
+p2845
+S'eddie the eagle'
+p2846
+ssI558
+(dp2847
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+S'6:45pm'
+p2848
+sg2843
+g2844
+sg2845
+g2846
+ssI559
+(dp2849
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+g2842
+sg2843
+g2844
+sg2845
+S'race and risen'
+p2850
+ssI560
+(dp2851
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+g2848
+sg2843
+g2844
+sg2845
+g2850
+ssI561
+(dp2852
+S'city'
+p2853
+S'birmingham'
+p2854
+sS'theater'
+p2855
+S'carmike summit 16'
+p2856
+sS'state'
+p2857
+S'al'
+p2858
+sS'starttime'
+p2859
+S'around 5pm'
+p2860
+sS'date'
+p2861
+S'tomorrow'
+p2862
+sS'moviename'
+p2863
+S'deadpool'
+p2864
+ssI562
+(dp2865
+g2853
+g2854
+sg2855
+g2856
+sg2857
+g2858
+sg2859
+S'4:20pm'
+p2866
+sg2861
+g2862
+sg2863
+g2864
+ssI563
+(dp2867
+g2853
+g2854
+sg2855
+g2856
+sg2857
+g2858
+sg2859
+S'7:20pm'
+p2868
+sg2861
+g2862
+sg2863
+g2864
+ssI564
+(dp2869
+S'city'
+p2870
+S'carbondale'
+p2871
+sS'theater'
+p2872
+S'amc showplace carbondale 8'
+p2873
+sS'zip'
+p2874
+S'62901'
+p2875
+sS'critic_rating'
+p2876
+S'good'
+p2877
+sS'genre'
+p2878
+S'action'
+p2879
+sS'state'
+p2880
+S'illinois'
+p2881
+sS'starttime'
+p2882
+S'afternoon'
+p2883
+sS'date'
+p2884
+S'tomorrow'
+p2885
+sS'moviename'
+p2886
+S'london has fallen'
+p2887
+ssI565
+(dp2888
+g2870
+g2871
+sg2872
+S'amc university place'
+p2889
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2881
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI566
+(dp2890
+g2870
+g2871
+sg2872
+g2873
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+S'il'
+p2891
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI567
+(dp2892
+g2870
+g2871
+sg2872
+g2889
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2891
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI568
+(dp2893
+g2870
+g2871
+sg2872
+g2873
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2881
+sg2882
+S'2:30pm'
+p2894
+sg2884
+g2885
+sg2886
+g2887
+ssI569
+(dp2895
+S'city'
+p2896
+S'birmingham'
+p2897
+sS'theater'
+p2898
+S'carmike summit 16'
+p2899
+sS'zip'
+p2900
+S'35243'
+p2901
+sS'critic_rating'
+p2902
+S'popular'
+p2903
+sS'genre'
+p2904
+S'action'
+p2905
+sS'state'
+p2906
+S'al'
+p2907
+sS'other'
+p2908
+S'search theaters'
+p2909
+sS'mpaa_rating'
+p2910
+S'pg'
+p2911
+sS'starttime'
+p2912
+S'10:00am'
+p2913
+sS'date'
+p2914
+S'last weekend'
+p2915
+sS'moviename'
+p2916
+S'zootopia'
+p2917
+ssI570
+(dp2918
+g2896
+S'hoover'
+p2919
+sg2898
+g2899
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI571
+(dp2920
+g2896
+g2897
+sg2898
+S'carmike patton creek'
+p2921
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI572
+(dp2922
+g2896
+g2919
+sg2898
+g2921
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI573
+(dp2923
+g2896
+g2897
+sg2898
+g2899
+sg2900
+S'35244'
+p2924
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI574
+(dp2925
+S'city'
+p2926
+S'birmingham'
+p2927
+sS'theater'
+p2928
+S'carmike summit 16'
+p2929
+sS'critic_rating'
+p2930
+S'good'
+p2931
+sS'date'
+p2932
+S'this saturday'
+p2933
+sS'state'
+p2934
+S'alabama'
+p2935
+sS'starttime'
+p2936
+S'2:00 pm'
+p2937
+sS'genre'
+p2938
+S'action'
+p2939
+sS'moviename'
+p2940
+S'london has fallen'
+p2941
+ssI575
+(dp2942
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+S'1:35pm'
+p2943
+sg2938
+g2939
+sg2940
+g2941
+ssI576
+(dp2944
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2937
+sg2938
+g2939
+sg2940
+S'gods of egypt'
+p2945
+ssI577
+(dp2946
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2943
+sg2938
+g2939
+sg2940
+g2945
+ssI578
+(dp2947
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2937
+sg2938
+g2939
+sg2940
+S'deadpool'
+p2948
+ssI579
+(dp2949
+S'date'
+p2950
+S'tomorrow'
+p2951
+sS'city'
+p2952
+S'seattle'
+p2953
+sS'theater'
+p2954
+S'regal meridian 16'
+p2955
+sS'moviename'
+p2956
+S'The big short'
+p2957
+sS'starttime'
+p2958
+S'8:45 pm'
+p2959
+ssI580
+(dp2960
+S'city'
+p2961
+S'seattle'
+p2962
+sS'theater'
+p2963
+S'regal meridian 16'
+p2964
+sS'zip'
+p2965
+S'98126'
+p2966
+sS'distanceconstraints'
+p2967
+S'closest'
+p2968
+sS'state'
+p2969
+S'wa'
+p2970
+sS'other'
+p2971
+S'cheapest'
+p2972
+sS'starttime'
+p2973
+S'2:00pm'
+p2974
+sS'date'
+p2975
+S'today'
+p2976
+sS'moviename'
+p2977
+S'zoolander 2'
+p2978
+ssI581
+(dp2979
+g2961
+g2962
+sg2963
+g2964
+sg2965
+S'98101'
+p2980
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2972
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI582
+(dp2981
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2966
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+S'do not know'
+p2982
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI583
+(dp2983
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2980
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2982
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI584
+(dp2984
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2966
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2972
+sg2973
+S'4:30pm'
+p2985
+sg2975
+g2976
+sg2977
+g2978
+ssI585
+(dp2986
+S'theater'
+p2987
+S'amc pacific place'
+p2988
+sS'zip'
+p2989
+S'98119'
+p2990
+sS'date'
+p2991
+S'friday'
+p2992
+sS'starttime'
+p2993
+S'around 8pm'
+p2994
+sS'theater_chain'
+p2995
+S'amc pacific place 11'
+p2996
+sS'moviename'
+p2997
+S'deadpool'
+p2998
+ssI586
+(dp2999
+g2987
+g2988
+sg2989
+g2990
+sg2991
+g2992
+sg2993
+S'8:10PM'
+p3000
+sg2995
+g2996
+sg2997
+g2998
+ssI587
+(dp3001
+S'city'
+p3002
+S'buford'
+p3003
+sS'theater'
+p3004
+S'mall of georgia movie theater'
+p3005
+sS'actress'
+p3006
+S'tina fey'
+p3007
+sS'date'
+p3008
+S'friday'
+p3009
+sS'state'
+p3010
+S'georgia'
+p3011
+sS'other'
+p3012
+S'date night'
+p3013
+sS'mpaa_rating'
+p3014
+S'r'
+sS'starttime'
+p3015
+S'10:40pm'
+p3016
+sS'genre'
+p3017
+S'comedy'
+p3018
+sS'moviename'
+p3019
+S'zootopia'
+p3020
+ssI588
+(dp3021
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+g3013
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+S'animated'
+p3022
+sg3019
+g3020
+ssI589
+(dp3023
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+S'disney'
+p3024
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+g3020
+ssI590
+(dp3025
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+g3024
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3022
+sg3019
+g3020
+ssI591
+(dp3026
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+g3013
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+S'Whiskey Tango Foxtrot'
+p3027
+ssI592
+(dp3028
+S'city'
+p3029
+S'seattle'
+p3030
+sS'theater'
+p3031
+S'regal meridian 16'
+p3032
+sS'distanceconstraints'
+p3033
+S'north side'
+p3034
+sS'starttime'
+p3035
+S'evening around 6pm'
+p3036
+sS'date'
+p3037
+S'tomorrow'
+p3038
+sS'moviename'
+p3039
+S'zootopia'
+p3040
+ssI593
+(dp3041
+g3029
+g3030
+sg3031
+S'regal thornton place'
+p3042
+sg3033
+g3034
+sg3035
+g3036
+sg3037
+g3038
+sg3039
+g3040
+ssI594
+(dp3043
+g3029
+g3030
+sg3031
+g3032
+sg3033
+g3034
+sg3035
+S'5:20'
+p3044
+sg3037
+g3038
+sg3039
+g3040
+ssI595
+(dp3045
+g3029
+g3030
+sg3031
+g3042
+sg3033
+g3034
+sg3035
+g3044
+sg3037
+g3038
+sg3039
+g3040
+ssI596
+(dp3046
+g3029
+g3030
+sg3031
+g3032
+sg3033
+g3034
+sg3035
+S'6:30 pm'
+p3047
+sg3037
+g3038
+sg3039
+g3040
+ssI597
+(dp3048
+S'city'
+p3049
+S'Fresno'
+p3050
+sS'theater'
+p3051
+S'current'
+p3052
+sS'genre'
+p3053
+S'action'
+p3054
+sS'state'
+p3055
+S'california'
+p3056
+sS'starttime'
+p3057
+S'a lot'
+p3058
+sS'date'
+p3059
+S'march 12'
+p3060
+sS'moviename'
+p3061
+S'deadpool'
+p3062
+ssI598
+(dp3063
+g3049
+g3050
+sg3051
+S'Visalia'
+p3064
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI599
+(dp3065
+g3049
+g3050
+sg3051
+S'regal visalia stadium 10'
+p3066
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI600
+(dp3067
+g3049
+g3050
+sg3051
+g3052
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+S'weekend'
+p3068
+sg3061
+g3062
+ssI601
+(dp3069
+g3049
+g3050
+sg3051
+g3064
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3068
+sg3061
+g3062
+ssI602
+(dp3070
+S'city'
+p3071
+S'seattle'
+p3072
+sS'other'
+p3073
+S'name'
+p3074
+sS'moviename'
+p3075
+S'whiskey tango foxtrot'
+p3076
+sS'theater'
+p3077
+S'regal meridian 16'
+p3078
+sS'starttime'
+p3079
+S'sonnest'
+p3080
+ssI603
+(dp3081
+g3071
+g3072
+sg3073
+g3074
+sg3075
+g3076
+sg3077
+g3078
+sg3079
+S'9:00pm'
+p3082
+ssI604
+(dp3083
+S'city'
+p3084
+S'las vegas'
+p3085
+sS'theater'
+p3086
+S'regal colonnade 14'
+p3087
+sS'video_format'
+p3088
+S'3d#standard'
+p3089
+sS'starttime'
+p3090
+S'matinee'
+p3091
+sS'date'
+p3092
+S'tomorrow'
+p3093
+sS'moviename'
+p3094
+S'zootopia'
+p3095
+ssI605
+(dp3096
+g3084
+g3085
+sg3086
+g3087
+sg3088
+S'3d'
+p3097
+sg3090
+g3091
+sg3092
+g3093
+sg3094
+g3095
+ssI606
+(dp3098
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3089
+sg3090
+S'1:30pm'
+p3099
+sg3092
+g3093
+sg3094
+g3095
+ssI607
+(dp3100
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3097
+sg3090
+g3099
+sg3092
+g3093
+sg3094
+g3095
+ssI608
+(dp3101
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3089
+sg3090
+S'1:30'
+p3102
+sg3092
+g3093
+sg3094
+g3095
+ssI609
+(dp3103
+S'city'
+p3104
+S'seattle'
+p3105
+sS'theater'
+p3106
+S'regal meridian 16'
+p3107
+sS'state'
+p3108
+S'virginia'
+p3109
+sS'other'
+p3110
+S'Fandango'
+p3111
+sS'starttime'
+p3112
+S'9:30 pm'
+p3113
+sS'date'
+p3114
+S'march 15th'
+p3115
+sS'moviename'
+p3116
+S'zoolander 2'
+p3117
+ssI610
+(dp3118
+g3104
+S'waynesboro'
+p3119
+sg3106
+g3107
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI611
+(dp3120
+g3104
+S'norfolk'
+p3121
+sg3106
+g3107
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI612
+(dp3122
+g3104
+g3105
+sg3106
+S'zeus'
+p3123
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI613
+(dp3124
+g3104
+g3119
+sg3106
+g3123
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI614
+(dp3125
+S'city'
+p3126
+S'la'
+p3127
+sS'theater'
+p3128
+S'creed'
+p3129
+sS'distanceconstraints'
+p3130
+S'downtown'
+p3131
+sS'video_format'
+p3132
+S'3d'
+p3133
+sS'starttime'
+p3134
+S'7pm'
+p3135
+sS'date'
+p3136
+S'tomorrow'
+p3137
+sS'moviename'
+p3138
+S'creed'
+p3139
+ssI615
+(dp3140
+g3126
+g3127
+sg3128
+S'pacific sherman oaks 5'
+p3141
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI616
+(dp3142
+g3126
+g3127
+sg3128
+S'amc la mirada 7'
+p3143
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI617
+(dp3144
+g3126
+g3127
+sg3128
+S'AMC La Mirada'
+p3145
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI618
+(dp3146
+g3126
+g3127
+sg3128
+S'amc'
+p3147
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI619
+(dp3148
+S'city'
+p3149
+S'birmingham'
+p3150
+sS'theater'
+p3151
+S'carmike summit 16'
+p3152
+sS'zip'
+p3153
+S'35246'
+p3154
+sS'state'
+p3155
+S'al'
+p3156
+sS'starttime'
+p3157
+S'2pm'
+p3158
+sS'date'
+p3159
+S'today'
+p3160
+sS'moviename'
+p3161
+S'zootopia'
+p3162
+ssI620
+(dp3163
+g3149
+g3150
+sg3151
+S'15'
+p3164
+sg3153
+g3154
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI621
+(dp3165
+g3149
+g3150
+sg3151
+g3152
+sg3153
+S'35242'
+p3166
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI622
+(dp3167
+g3149
+g3150
+sg3151
+g3164
+sg3153
+g3166
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI623
+(dp3168
+g3149
+g3150
+sg3151
+g3152
+sg3153
+g3154
+sg3155
+g3156
+sg3157
+S'1:30'
+p3169
+sg3159
+g3160
+sg3161
+g3162
+ssI624
+(dp3170
+S'city'
+p3171
+S'seattle'
+p3172
+sS'theater'
+p3173
+S'regal meridian 16'
+p3174
+sS'other'
+p3175
+S'name'
+p3176
+sS'starttime'
+p3177
+S'9:00 pm'
+p3178
+sS'date'
+p3179
+S'tomorrow'
+p3180
+sS'moviename'
+p3181
+S'spotlight'
+p3182
+ssI625
+(dp3183
+S'theater'
+p3184
+S'buford georgia'
+p3185
+sS'actor'
+p3186
+S'tina fey'
+p3187
+sS'date'
+p3188
+S'this friday'
+p3189
+sS'mpaa_rating'
+p3190
+S'r'
+sS'starttime'
+p3191
+S'night'
+p3192
+sS'genre'
+p3193
+S'comedy'
+p3194
+sS'moviename'
+p3195
+S'zootopia'
+p3196
+ssI626
+(dp3197
+g3184
+S'Whiskey Tango Foxtrot'
+p3198
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI627
+(dp3199
+g3184
+S'mall of georgia'
+p3200
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI628
+(dp3201
+g3184
+g3185
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+S'animated'
+p3202
+sg3195
+g3196
+ssI629
+(dp3203
+g3184
+g3198
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3202
+sg3195
+g3196
+ssI630
+(dp3204
+S'date'
+p3205
+S'june 17 2016'
+p3206
+sS'moviename'
+p3207
+S'avengers'
+p3208
+sS'theater'
+p3209
+S''
+ssI631
+(dp3210
+g3205
+g3206
+sg3207
+g3208
+sg3209
+S'finding dory'
+p3211
+ssI632
+(dp3212
+g3205
+g3206
+sg3207
+S'finding dory'
+p3213
+sg3209
+S''
+ssI633
+(dp3214
+g3205
+g3206
+sg3207
+g3213
+sg3209
+g3211
+ssI634
+(dp3215
+S'date'
+p3216
+S'tomorrow'
+p3217
+sS'city'
+p3218
+S'seattle'
+p3219
+sS'theater'
+p3220
+S'regal meridian 16'
+p3221
+sS'moviename'
+p3222
+S'spotlight'
+p3223
+sS'starttime'
+p3224
+S'9:00 pm'
+p3225
+ssI635
+(dp3226
+S'date'
+p3227
+S'tomorrow'
+p3228
+sS'city'
+p3229
+S'seattle'
+p3230
+sS'theater'
+p3231
+S'regal meridian 16'
+p3232
+sS'moviename'
+p3233
+S'hail caesar'
+p3234
+sS'starttime'
+p3235
+S'8:45 pm'
+p3236
+ssI636
+(dp3237
+g3227
+g3228
+sg3229
+g3230
+sg3231
+g3232
+sg3233
+g3234
+sg3235
+S'8:45'
+p3238
+ssI637
+(dp3239
+S'city'
+p3240
+S'birmingham'
+p3241
+sS'theater'
+p3242
+S'carmike 16'
+p3243
+sS'state'
+p3244
+S'al'
+p3245
+sS'starttime'
+p3246
+S'2pm'
+p3247
+sS'date'
+p3248
+S'today'
+p3249
+sS'moviename'
+p3250
+S'zootopia'
+p3251
+ssI638
+(dp3252
+g3240
+g3241
+sg3242
+S'carmike the summit 16'
+p3253
+sg3244
+g3245
+sg3246
+g3247
+sg3248
+g3249
+sg3250
+g3251
+ssI639
+(dp3254
+g3240
+g3241
+sg3242
+g3243
+sg3244
+g3245
+sg3246
+S'1:30pm'
+p3255
+sg3248
+g3249
+sg3250
+g3251
+ssI640
+(dp3256
+g3240
+g3241
+sg3242
+g3253
+sg3244
+g3245
+sg3246
+g3255
+sg3248
+g3249
+sg3250
+g3251
+ssI641
+(dp3257
+S'city'
+p3258
+S'seattle'
+p3259
+sS'theater'
+p3260
+S'amc pacific place 11'
+p3261
+sS'zip'
+p3262
+S'98101'
+p3263
+sS'state'
+p3264
+S'wa'
+p3265
+sS'starttime'
+p3266
+S'6:10pm'
+p3267
+sS'date'
+p3268
+S'tonight'
+p3269
+sS'moviename'
+p3270
+S'deadpool'
+p3271
+ssI642
+(dp3272
+g3258
+S'bellevue'
+p3273
+sg3260
+g3261
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI643
+(dp3274
+g3258
+g3259
+sg3260
+S'bellevue lincoln square cinemas'
+p3275
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI644
+(dp3276
+g3258
+g3273
+sg3260
+g3275
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI645
+(dp3277
+g3258
+g3259
+sg3260
+g3261
+sg3262
+S'98004'
+p3278
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI646
+(dp3279
+S'city'
+p3280
+S'Clear Lake'
+p3281
+sS'theater'
+p3282
+S'lake theater'
+p3283
+sS'state'
+p3284
+S'IA'
+p3285
+sS'starttime'
+p3286
+S'7 pm'
+p3287
+sS'date'
+p3288
+S'tomorrow'
+p3289
+sS'moviename'
+p3290
+S'deadpool'
+p3291
+ssI647
+(dp3292
+g3280
+g3281
+sg3282
+S'Mason city IA cinema west'
+p3293
+sg3284
+g3285
+sg3286
+g3287
+sg3288
+g3289
+sg3290
+g3291
+ssI648
+(dp3294
+g3280
+g3281
+sg3282
+S'cinema west'
+p3295
+sg3284
+g3285
+sg3286
+g3287
+sg3288
+g3289
+sg3290
+g3291
+ssI649
+(dp3296
+g3280
+g3281
+sg3282
+g3283
+sg3284
+g3285
+sg3286
+S'7pm'
+p3297
+sg3288
+g3289
+sg3290
+g3291
+ssI650
+(dp3298
+g3280
+g3281
+sg3282
+g3293
+sg3284
+g3285
+sg3286
+g3297
+sg3288
+g3289
+sg3290
+g3291
+ssI651
+(dp3299
+S'city'
+p3300
+S'du quoin'
+p3301
+sS'date'
+p3302
+S'Friday the 11th'
+p3303
+sS'distanceconstraints'
+p3304
+S'vicinity'
+p3305
+sS'theater_chain'
+p3306
+S'amc showplace carbondale 8'
+p3307
+sS'state'
+p3308
+S'illinois'
+p3309
+sS'starttime'
+p3310
+S'anytime after 6pm'
+p3311
+sS'genre'
+p3312
+S'thriller science fiction'
+p3313
+sS'moviename'
+p3314
+S'star wars'
+p3315
+ssI652
+(dp3316
+g3300
+S'carbondale'
+p3317
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3309
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI653
+(dp3318
+g3300
+S'Du Quoin'
+p3319
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3309
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI654
+(dp3320
+g3300
+g3301
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+S'il'
+p3321
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI655
+(dp3322
+g3300
+g3317
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3321
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI656
+(dp3323
+S'city'
+p3324
+S'san francisco'
+p3325
+sS'theater'
+p3326
+S'carmike 12'
+p3327
+sS'state'
+p3328
+S'pennsylvania'
+p3329
+sS'starttime'
+p3330
+S'around 6pm'
+p3331
+sS'date'
+p3332
+S'wednesday'
+p3333
+sS'moviename'
+p3334
+S'whiskey tango foxtrot'
+p3335
+ssI657
+(dp3336
+g3324
+S'altoona'
+p3337
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+g3331
+sg3332
+g3333
+sg3334
+g3335
+ssI658
+(dp3338
+g3324
+g3325
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+S'5pm'
+p3339
+sg3332
+g3333
+sg3334
+g3335
+ssI659
+(dp3340
+g3324
+g3337
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+g3339
+sg3332
+g3333
+sg3334
+g3335
+ssI660
+(dp3341
+g3324
+g3325
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+S'7:40pm'
+p3342
+sg3332
+g3333
+sg3334
+g3335
+ssI661
+(dp3343
+S'theater_chain'
+p3344
+S'amc pacific place 11'
+p3345
+sS'city'
+p3346
+S'seattle'
+p3347
+sS'other'
+p3348
+S'restaurant'
+p3349
+sS'date'
+p3350
+S'tomorrow'
+p3351
+sS'starttime'
+p3352
+S'7:00 pm'
+p3353
+ssI662
+(dp3354
+S'date'
+p3355
+S'tomorrow'
+p3356
+sS'city'
+p3357
+S'seattle'
+p3358
+sS'theater'
+p3359
+S'regal meridian 16'
+p3360
+sS'moviename'
+p3361
+S'hail caesar'
+p3362
+sS'starttime'
+p3363
+S'8:45 pm'
+p3364
+ssI663
+(dp3365
+S'city'
+p3366
+S'portland'
+p3367
+sS'theater'
+p3368
+S'Living Room Theaters Century Eastport 16'
+p3369
+sS'state'
+p3370
+S'oregon'
+p3371
+sS'starttime'
+p3372
+S'between 8 and 10 pm'
+p3373
+sS'date'
+p3374
+S'friday'
+p3375
+sS'moviename'
+p3376
+S'star wars'
+p3377
+ssI664
+(dp3378
+g3366
+g3367
+sg3368
+S'Century Clackamas Town Center'
+p3379
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI665
+(dp3380
+g3366
+g3367
+sg3368
+S'XD'
+p3381
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI666
+(dp3382
+g3366
+g3367
+sg3368
+S'Living Room Theaters'
+p3383
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI667
+(dp3384
+g3366
+g3367
+sg3368
+g3369
+sg3370
+g3371
+sg3372
+S'9:25pm'
+p3385
+sg3374
+g3375
+sg3376
+g3377
+ssI668
+(dp3386
+S'city'
+p3387
+S'seattle'
+p3388
+sS'theater'
+p3389
+S'regal meridian 16'
+p3390
+sS'zip'
+p3391
+S'98126'
+p3392
+sS'distanceconstraints'
+p3393
+S'closest'
+p3394
+sS'price'
+p3395
+S'cheapest'
+p3396
+sS'state'
+p3397
+S'wa'
+p3398
+sS'other'
+p3399
+S'search by movie or movie theater'
+p3400
+sS'starttime'
+p3401
+S'2:00pm'
+p3402
+sS'date'
+p3403
+S'today'
+p3404
+sS'moviename'
+p3405
+S'zoolander 2'
+p3406
+ssI669
+(dp3407
+g3387
+g3388
+sg3389
+g3390
+sg3391
+S'98101'
+p3408
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+g3402
+sg3403
+g3404
+sg3405
+g3406
+ssI670
+(dp3409
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3392
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+S'4:30pm'
+p3410
+sg3403
+g3404
+sg3405
+g3406
+ssI671
+(dp3411
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3408
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+g3410
+sg3403
+g3404
+sg3405
+g3406
+ssI672
+(dp3412
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3392
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+S'7:00pm'
+p3413
+sg3403
+g3404
+sg3405
+g3406
+ssI673
+(dp3414
+S'city'
+p3415
+S'los angeles'
+p3416
+sS'theater'
+p3417
+S'regal la live stadium 14'
+p3418
+sS'distanceconstraints'
+p3419
+S'around the city'
+p3420
+sS'theater_chain'
+p3421
+S'amc'
+p3422
+sS'starttime'
+p3423
+S'8 pm'
+p3424
+sS'date'
+p3425
+S'tonight'
+p3426
+sS'moviename'
+p3427
+S'deadpool'
+p3428
+ssI674
+(dp3429
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'12:00pm'
+p3430
+sg3425
+g3426
+sg3427
+g3428
+ssI675
+(dp3431
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'1:00pm'
+p3432
+sg3425
+g3426
+sg3427
+g3428
+ssI676
+(dp3433
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'3:00pm'
+p3434
+sg3425
+g3426
+sg3427
+g3428
+ssI677
+(dp3435
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'6:00pm'
+p3436
+sg3425
+g3426
+sg3427
+g3428
+ssI678
+(dp3437
+S'date'
+p3438
+S'weekend'
+p3439
+ssI679
+(dp3440
+S'city'
+p3441
+S'orlando'
+p3442
+sS'theater'
+p3443
+S'amc west oaks 14'
+p3444
+sS'distanceconstraints'
+p3445
+S'far away from disney'
+p3446
+sS'video_format'
+p3447
+S'standard'
+p3448
+sS'state'
+p3449
+S'fl'
+p3450
+sS'starttime'
+p3451
+S'around 6 pm'
+p3452
+sS'date'
+p3453
+S'tomorrow'
+p3454
+sS'moviename'
+p3455
+S'kung fu panda 3'
+p3456
+ssI680
+(dp3457
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+S'3d'
+p3458
+sg3449
+g3450
+sg3451
+g3452
+sg3453
+g3454
+sg3455
+g3456
+ssI681
+(dp3459
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3448
+sg3449
+g3450
+sg3451
+S'1:30pm'
+p3460
+sg3453
+g3454
+sg3455
+g3456
+ssI682
+(dp3461
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3458
+sg3449
+g3450
+sg3451
+g3460
+sg3453
+g3454
+sg3455
+g3456
+ssI683
+(dp3462
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3448
+sg3449
+g3450
+sg3451
+S'1:30 pm'
+p3463
+sg3453
+g3454
+sg3455
+g3456
+ssI684
+(dp3464
+S'date'
+p3465
+S'tomorrow'
+p3466
+sS'city'
+p3467
+S'regency academy 6 theater'
+p3468
+sS'moviename'
+p3469
+S'creed'
+p3470
+sS'theater'
+p3471
+S'regency academy'
+p3472
+sS'starttime'
+p3473
+S'around noon'
+p3474
+ssI685
+(dp3475
+g3465
+g3466
+sg3467
+g3468
+sg3469
+g3470
+sg3471
+g3472
+sg3473
+S'1:00pm'
+p3476
+ssI686
+(dp3477
+S'city'
+p3478
+S'seattle'
+p3479
+sS'theater'
+p3480
+S'regal meridian 16'
+p3481
+sS'other'
+p3482
+S'indian restaurant'
+p3483
+sS'starttime'
+p3484
+S'9:20 pm'
+p3485
+sS'date'
+p3486
+S'tomorrow'
+p3487
+sS'moviename'
+p3488
+S'london has fallen'
+p3489
+ssI687
+(dp3490
+g3478
+g3479
+sg3480
+g3481
+sg3482
+S' movie purchasing service'
+p3491
+sg3484
+g3485
+sg3486
+g3487
+sg3488
+g3489
+ssI688
+(dp3492
+g3478
+g3479
+sg3480
+g3481
+sg3482
+S'name'
+p3493
+sg3484
+g3485
+sg3486
+g3487
+sg3488
+g3489
+ssI689
+(dp3494
+S'date'
+p3495
+S'tomorrow'
+p3496
+sS'city'
+p3497
+S'seattle'
+p3498
+sS'theater'
+p3499
+S'regal meridian 16'
+p3500
+sS'moviename'
+p3501
+S'spotlight'
+p3502
+sS'starttime'
+p3503
+S'9:00 pm'
+p3504
+ssI690
+(dp3505
+S'city'
+p3506
+S'baltimore'
+p3507
+sS'theater'
+p3508
+S'cinemakr egyptian 24'
+p3509
+sS'video_format'
+p3510
+S'3d'
+p3511
+sS'state'
+p3512
+S'maryland'
+p3513
+sS'starttime'
+p3514
+S'3:20pm'
+p3515
+sS'date'
+p3516
+S'friday'
+p3517
+sS'moviename'
+p3518
+S'zootopia'
+p3519
+ssI691
+(dp3520
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+S'9:45pm'
+p3521
+sg3516
+g3517
+sg3518
+g3519
+ssI692
+(dp3522
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3515
+sg3516
+S'3/11'
+p3523
+sg3518
+g3519
+ssI693
+(dp3524
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3521
+sg3516
+g3523
+sg3518
+g3519
+ssI694
+(dp3525
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3515
+sg3516
+g3517
+sg3518
+S'gods of egypt'
+p3526
+ssI695
+(dp3527
+S'city'
+p3528
+S'seattle'
+p3529
+sS'theater'
+p3530
+S'amc lowes oak tree 6'
+p3531
+sS'other'
+p3532
+S'restaurant'
+p3533
+sS'starttime'
+p3534
+S'7:25 pm'
+p3535
+sS'date'
+p3536
+S'tomorrow'
+p3537
+sS'moviename'
+p3538
+S'spotlight'
+p3539
+ssI696
+(dp3540
+g3528
+g3529
+sg3530
+g3531
+sg3532
+S'movie ticket buying service'
+p3541
+sg3534
+g3535
+sg3536
+g3537
+sg3538
+g3539
+ssI697
+(dp3542
+g3528
+g3529
+sg3530
+g3531
+sg3532
+S'restaurant booking service'
+p3543
+sg3534
+g3535
+sg3536
+g3537
+sg3538
+g3539
+ssI698
+(dp3544
+S'date'
+p3545
+S'tomorrow night'
+p3546
+sS'city'
+p3547
+S'los angeles'
+p3548
+sS'moviename'
+p3549
+S'deadpool'
+p3550
+sS'theater'
+p3551
+S'pacific theatres'
+p3552
+sS'starttime'
+p3553
+S'8:05'
+p3554
+ssI699
+(dp3555
+g3545
+S'tomorrow'
+p3556
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3552
+sg3553
+g3554
+ssI700
+(dp3557
+g3545
+S'friday'
+p3558
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3552
+sg3553
+g3554
+ssI701
+(dp3559
+g3545
+g3546
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+S'pacific theater'
+p3560
+sg3553
+g3554
+ssI702
+(dp3561
+g3545
+g3556
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3560
+sg3553
+g3554
+ssI703
+(dp3562
+S'theater'
+p3563
+S'cinemar downey'
+p3564
+sS'zip'
+p3565
+S'90601'
+p3566
+sS'distanceconstraints'
+p3567
+S'closest'
+p3568
+sS'other'
+p3569
+S'early in the day'
+p3570
+sS'starttime'
+p3571
+S'early'
+p3572
+sS'date'
+p3573
+S'tomorrow'
+p3574
+sS'moviename'
+p3575
+S'the witch'
+p3576
+ssI704
+(dp3577
+g3563
+S'amc theaters puente hills'
+p3578
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3570
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI705
+(dp3579
+g3563
+g3564
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+S'two'
+p3580
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI706
+(dp3581
+g3563
+g3578
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3580
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI707
+(dp3582
+g3563
+g3564
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3570
+sg3571
+S'10:35'
+p3583
+sg3573
+g3574
+sg3575
+g3576
+ssI708
+(dp3584
+S'city'
+p3585
+S'johnstown'
+p3586
+sS'theater'
+p3587
+S'Richland Cinemas'
+p3588
+sS'state'
+p3589
+S'pennsylvania'
+p3590
+sS'starttime'
+p3591
+S'between 8 and 9pm'
+p3592
+sS'date'
+p3593
+S'tomorrow'
+p3594
+sS'moviename'
+p3595
+S'deadpool'
+p3596
+ssI709
+(dp3597
+g3585
+g3586
+sg3587
+S'richland cinemas'
+p3598
+sg3589
+g3590
+sg3591
+g3592
+sg3593
+g3594
+sg3595
+g3596
+ssI710
+(dp3599
+g3585
+g3586
+sg3587
+g3588
+sg3589
+g3590
+sg3591
+S'7:20pm'
+p3600
+sg3593
+g3594
+sg3595
+g3596
+ssI711
+(dp3601
+g3585
+g3586
+sg3587
+g3598
+sg3589
+g3590
+sg3591
+g3600
+sg3593
+g3594
+sg3595
+g3596
+ssI712
+(dp3602
+g3585
+g3586
+sg3587
+g3588
+sg3589
+g3590
+sg3591
+S'9:50 pm'
+p3603
+sg3593
+g3594
+sg3595
+g3596
+ssI713
+(dp3604
+S'city'
+p3605
+S'portland'
+p3606
+sS'theater'
+p3607
+S'living room theaters'
+p3608
+sS'moviename'
+p3609
+S'star wars'
+p3610
+sS'video_format'
+p3611
+S'3d'
+p3612
+sS'state'
+p3613
+S'oregon'
+p3614
+sS'starttime'
+p3615
+S'10 pm'
+p3616
+sS'date'
+p3617
+S'friday evening'
+p3618
+sS'theater_chain'
+p3619
+S'century eastport 16'
+p3620
+sS'genre'
+p3621
+S'super great day'
+p3622
+ssI714
+(dp3623
+g3605
+g3606
+sg3607
+S'century eastport 16'
+p3624
+sg3609
+g3610
+sg3611
+g3612
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI715
+(dp3625
+g3605
+g3606
+sg3607
+g3608
+sg3609
+g3610
+sg3611
+S'standard'
+p3626
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI716
+(dp3627
+g3605
+g3606
+sg3607
+g3624
+sg3609
+g3610
+sg3611
+g3626
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI717
+(dp3628
+g3605
+g3606
+sg3607
+g3608
+sg3609
+g3610
+sg3611
+g3612
+sg3613
+g3614
+sg3615
+S'9:25'
+p3629
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI718
+(dp3630
+S'city'
+p3631
+S'seattle'
+p3632
+sS'theater'
+p3633
+S'...'
+p3634
+sS'zip'
+p3635
+S'98101'
+p3636
+sS'state'
+p3637
+S'washington'
+p3638
+sS'mpaa_rating'
+p3639
+S'pg'
+p3640
+sS'starttime'
+p3641
+S'matinee'
+p3642
+sS'date'
+p3643
+S'7th'
+p3644
+sS'moviename'
+p3645
+S'kung fu panda 3'
+p3646
+ssI719
+(dp3647
+g3631
+S'bellevue'
+p3648
+sg3633
+g3634
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI720
+(dp3649
+g3631
+g3632
+sg3633
+S'regal meridian 16'
+p3650
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI721
+(dp3651
+g3631
+g3648
+sg3633
+g3650
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI722
+(dp3652
+g3631
+g3632
+sg3633
+S'bellevue lincoln square cinemas'
+p3653
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI723
+(dp3654
+S'date'
+p3655
+S'tomorrow'
+p3656
+sS'city'
+p3657
+S'seattle'
+p3658
+sS'theater'
+p3659
+S'amc pacific place 11 theater'
+p3660
+sS'moviename'
+p3661
+S'room'
+p3662
+sS'starttime'
+p3663
+S'9:30 pm'
+p3664
+ssI724
+(dp3665
+S'city'
+p3666
+S'los angeles'
+p3667
+sS'moviename'
+p3668
+S'the witch'
+p3669
+sS'theater'
+p3670
+S'regal la live stadium 14'
+p3671
+sS'starttime'
+p3672
+S'from noon to 4pm'
+p3673
+ssI725
+(dp3674
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'8:30pm'
+p3675
+ssI726
+(dp3676
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'11:00pm'
+p3677
+ssI727
+(dp3678
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'11pm'
+p3679
+ssI728
+(dp3680
+S'date'
+p3681
+S'tomorrow'
+p3682
+sS'theater'
+p3683
+S'Imagine theater Shelby Township'
+p3684
+sS'moviename'
+p3685
+S'star wars'
+p3686
+sS'starttime'
+p3687
+S'afternoon'
+p3688
+ssI729
+(dp3689
+S'city'
+p3690
+S'philadelphia'
+p3691
+sS'theater'
+p3692
+S'the pearl theatre'
+p3693
+sS'zip'
+p3694
+S'19101'
+p3695
+sS'distanceconstraints'
+p3696
+S'near you'
+p3697
+sS'state'
+p3698
+S'pa'
+p3699
+sS'starttime'
+p3700
+S'1:30pm'
+p3701
+sS'date'
+p3702
+S'tomorrow'
+p3703
+sS'moviename'
+p3704
+S'deadpool'
+p3705
+ssI730
+(dp3706
+g3690
+g3691
+sg3692
+g3693
+sg3694
+S'19121'
+p3707
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+g3701
+sg3702
+g3703
+sg3704
+g3705
+ssI731
+(dp3708
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3695
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+S'4:30pm'
+p3709
+sg3702
+g3703
+sg3704
+g3705
+ssI732
+(dp3710
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3707
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+g3709
+sg3702
+g3703
+sg3704
+g3705
+ssI733
+(dp3711
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3695
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+S'7:30pm'
+p3712
+sg3702
+g3703
+sg3704
+g3705
+ssI734
+(dp3713
+S'city'
+p3714
+S'seattle'
+p3715
+sS'theater'
+p3716
+S'regal meridian 16'
+p3717
+sS'zip'
+p3718
+S'98101'
+p3719
+sS'date'
+p3720
+S'tomorrow'
+p3721
+sS'state'
+p3722
+S'washington'
+p3723
+sS'starttime'
+p3724
+S'night'
+p3725
+sS'genre'
+p3726
+S'comedy'
+p3727
+sS'moviename'
+p3728
+S'zootopia'
+p3729
+ssI735
+(dp3730
+g3714
+g3715
+sg3716
+S'regal meridian'
+p3731
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI736
+(dp3732
+g3714
+g3715
+sg3716
+g3717
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+S'comedies)'
+p3733
+sg3728
+g3729
+ssI737
+(dp3734
+g3714
+g3715
+sg3716
+g3731
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+g3733
+sg3728
+g3729
+ssI738
+(dp3735
+g3714
+g3715
+sg3716
+g3717
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+S'wa'
+p3736
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI739
+(dp3737
+S'city'
+p3738
+S'northern san francisco'
+p3739
+sS'theater'
+p3740
+S'amc van ness 14'
+p3741
+sS'video_format'
+p3742
+S'3d'
+p3743
+sS'starttime'
+p3744
+S'2:25pm'
+p3745
+sS'date'
+p3746
+S'tomorrow afternoon'
+p3747
+sS'moviename'
+p3748
+S'kung fu panda 3'
+p3749
+ssI740
+(dp3750
+g3738
+g3739
+sg3740
+S'century 20 daly city'
+p3751
+sg3742
+g3743
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI741
+(dp3752
+g3738
+g3739
+sg3740
+S'amc'
+p3753
+sg3742
+g3743
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI742
+(dp3754
+g3738
+g3739
+sg3740
+g3741
+sg3742
+S'standard'
+p3755
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI743
+(dp3756
+g3738
+g3739
+sg3740
+g3751
+sg3742
+g3755
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI744
+(dp3757
+S'city'
+p3758
+S'seattle'
+p3759
+sS'theater'
+p3760
+S'regal meridian 16'
+p3761
+sS'video_format'
+p3762
+S'3d'
+p3763
+sS'starttime'
+p3764
+S'9:10 pm'
+p3765
+sS'date'
+p3766
+S'tomorrow'
+p3767
+sS'moviename'
+p3768
+S'zootopia'
+p3769
+ssI745
+(dp3770
+S'city'
+p3771
+S'seattle'
+p3772
+sS'theater'
+p3773
+S'regal meridian 16'
+p3774
+sS'distanceconstraints'
+p3775
+S'near my location'
+p3776
+sS'critic_rating'
+p3777
+S'number 1'
+p3778
+sS'genre'
+p3779
+S'comedy'
+p3780
+sS'state'
+p3781
+S'washington'
+p3782
+sS'other'
+p3783
+S'safeco field'
+p3784
+sS'date'
+p3785
+S'tonight'
+p3786
+sS'moviename'
+p3787
+S'zootopia'
+p3788
+ssI746
+(dp3789
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+S'many'
+p3790
+sg3785
+g3786
+sg3787
+g3788
+ssI747
+(dp3791
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+S'comedies'
+p3792
+sg3781
+g3782
+sg3783
+g3784
+sg3785
+g3786
+sg3787
+g3788
+ssI748
+(dp3793
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3792
+sg3781
+g3782
+sg3783
+g3790
+sg3785
+g3786
+sg3787
+g3788
+ssI749
+(dp3794
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+g3784
+sg3785
+g3786
+sg3787
+S'Whiskey Tango Foxtrot'
+p3795
+ssI750
+(dp3796
+S'date'
+p3797
+S'tomorrow'
+p3798
+sS'city'
+p3799
+S'seattle'
+p3800
+sS'theater'
+p3801
+S'amc pacific place 11 theater'
+p3802
+sS'moviename'
+p3803
+S'deadpool'
+p3804
+sS'starttime'
+p3805
+S'9:00 pm'
+p3806
+ssI751
+(dp3807
+S'city'
+p3808
+S'seattle'
+p3809
+sS'theater'
+p3810
+S'bellevue lincoln square cinemas'
+p3811
+sS'zip'
+p3812
+S'98004'
+p3813
+sS'numberofkids'
+p3814
+S'2'
+sS'critic_rating'
+p3815
+S'4 5/5 stars'
+p3816
+sS'date'
+p3817
+S'tomorrow'
+p3818
+sS'state'
+p3819
+S'wa'
+p3820
+sS'other'
+p3821
+S'pizza place'
+p3822
+sS'starttime'
+p3823
+S'night'
+p3824
+sS'genre'
+p3825
+S'animated'
+p3826
+sS'moviename'
+p3827
+S'zootopia'
+p3828
+ssI752
+(dp3829
+g3808
+S'st louis'
+p3830
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI753
+(dp3831
+g3808
+S'bellevue'
+p3832
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI754
+(dp3833
+g3808
+g3809
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+S'kid'
+p3834
+sg3827
+g3828
+ssI755
+(dp3835
+g3808
+g3830
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3834
+sg3827
+g3828
+ssI756
+(dp3836
+S'city'
+p3837
+S'knoxville'
+p3838
+sS'theater'
+p3839
+S'carmike 10'
+p3840
+sS'distanceconstraints'
+p3841
+S'downtown'
+p3842
+sS'video_format'
+p3843
+S'3d'
+p3844
+sS'state'
+p3845
+S'tn'
+p3846
+sS'other'
+p3847
+S'increased functionality'
+p3848
+sS'starttime'
+p3849
+S'evening around 7'
+p3850
+sS'date'
+p3851
+S'tomorrow'
+p3852
+sS'moviename'
+p3853
+S'the witch'
+p3854
+ssI757
+(dp3855
+g3837
+g3838
+sg3839
+S'please'
+p3856
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+g3850
+sg3851
+g3852
+sg3853
+g3854
+ssI758
+(dp3857
+g3837
+g3838
+sg3839
+g3840
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+S'7:30pm'
+p3858
+sg3851
+g3852
+sg3853
+g3854
+ssI759
+(dp3859
+g3837
+g3838
+sg3839
+g3856
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+g3858
+sg3851
+g3852
+sg3853
+g3854
+ssI760
+(dp3860
+S'date'
+p3861
+S'tomorrow'
+p3862
+sS'city'
+p3863
+S'seattle'
+p3864
+sS'theater'
+p3865
+S'amc pacific place 11 theater'
+p3866
+sS'moviename'
+p3867
+S'race'
+p3868
+sS'starttime'
+p3869
+S'10:00 pm'
+p3870
+ssI761
+(dp3871
+S'theater'
+p3872
+S'mesa grand 24'
+p3873
+sS'moviename'
+p3874
+S'zootopia'
+p3875
+sS'zip'
+p3876
+S'85249'
+p3877
+sS'critic_rating'
+p3878
+S'good'
+p3879
+sS'actress'
+p3880
+S'tina fey'
+p3881
+sS'date'
+p3882
+S'friday'
+p3883
+sS'starttime'
+p3884
+S'night'
+p3885
+sS'theater_chain'
+p3886
+S'amc theater'
+p3887
+sS'genre'
+p3888
+S'romantic comedy'
+p3889
+ssI762
+(dp3890
+g3872
+g3873
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3881
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+S'amc ahwatukee 24'
+p3891
+sg3888
+g3889
+ssI763
+(dp3892
+g3872
+g3873
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3881
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+S' amc mesa grand 24'
+p3893
+sg3888
+g3889
+ssI764
+(dp3894
+g3872
+S'mesa grand'
+p3895
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3881
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3887
+sg3888
+g3889
+ssI765
+(dp3896
+g3872
+g3895
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3881
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3891
+sg3888
+g3889
+ssI766
+(dp3897
+S'city'
+p3898
+S'seattle'
+p3899
+sS'theater'
+p3900
+S'regal meridian 16'
+p3901
+sS'zip'
+p3902
+S'98101'
+p3903
+sS'distanceconstraints'
+p3904
+S'near safeco field'
+p3905
+sS'genre'
+p3906
+S'drama'
+p3907
+sS'state'
+p3908
+S'wa'
+p3909
+sS'other'
+p3910
+S'pizza restaurant'
+p3911
+sS'starttime'
+p3912
+S'the next'
+p3913
+sS'date'
+p3914
+S'tonight'
+p3915
+sS'moviename'
+p3916
+S'the big short'
+p3917
+ssI767
+(dp3918
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+S'in your area'
+p3919
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+g3913
+sg3914
+g3915
+sg3916
+g3917
+ssI768
+(dp3920
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+g3905
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+S'8:45'
+p3921
+sg3914
+g3915
+sg3916
+g3917
+ssI769
+(dp3922
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+g3919
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+g3921
+sg3914
+g3915
+sg3916
+g3917
+ssI770
+(dp3923
+S'date'
+p3924
+S'tomorrow'
+p3925
+sS'city'
+p3926
+S'seattle'
+p3927
+sS'theater'
+p3928
+S'regal meridian 16'
+p3929
+sS'moviename'
+p3930
+S'zootopia'
+p3931
+sS'starttime'
+p3932
+S'9:10 pm'
+p3933
+ssI771
+(dp3934
+S'city'
+p3935
+S'safeco field'
+p3936
+sS'theater'
+p3937
+S'regal meridian 16'
+p3938
+sS'zip'
+p3939
+S'98101'
+p3940
+sS'distanceconstraints'
+p3941
+S'near safeco field'
+p3942
+sS'genre'
+p3943
+S'drama'
+p3944
+sS'state'
+p3945
+S'wa'
+p3946
+sS'other'
+p3947
+S'restaurant'
+p3948
+sS'starttime'
+p3949
+S'the next showing'
+p3950
+sS'date'
+p3951
+S'tonight'
+p3952
+sS'moviename'
+p3953
+S'the big short'
+p3954
+ssI772
+(dp3955
+g3935
+S'seattle'
+p3956
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+g3942
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI773
+(dp3957
+g3935
+g3936
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+S'near'
+p3958
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI774
+(dp3959
+g3935
+g3956
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+g3958
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI775
+(dp3960
+g3935
+g3936
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+S'in your area'
+p3961
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI776
+(dp3962
+S'city'
+p3963
+S'birmingham'
+p3964
+sS'theater'
+p3965
+S'carmike summit 16'
+p3966
+sS'state'
+p3967
+S'al'
+p3968
+sS'starttime'
+p3969
+S'around 2pm'
+p3970
+sS'date'
+p3971
+S'sunday'
+p3972
+sS'moviename'
+p3973
+S'deadpool'
+p3974
+ssI777
+(dp3975
+g3963
+g3964
+sg3965
+g3966
+sg3967
+g3968
+sg3969
+S'2:05 pm'
+p3976
+sg3971
+g3972
+sg3973
+g3974
+ssI778
+(dp3977
+S'date'
+p3978
+S'weekend'
+p3979
+sS'theater'
+p3980
+S'boyou vista la'
+p3981
+sS'moviename'
+p3982
+S'deadpool'
+p3983
+sS'starttime'
+p3984
+S'night'
+p3985
+ssI779
+(dp3986
+g3978
+S'friday'
+p3987
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI780
+(dp3988
+g3978
+S'this weekend'
+p3989
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI781
+(dp3990
+g3978
+S'earlier day'
+p3991
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI782
+(dp3992
+g3978
+S'thursday'
+p3993
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI783
+(dp3994
+S'date'
+p3995
+S'friday'
+p3996
+sS'city'
+p3997
+S'miami'
+p3998
+sS'moviename'
+p3999
+S'brothers grimsby'
+p4000
+sS'theater'
+p4001
+S'regal south beach'
+p4002
+sS'starttime'
+p4003
+S'8pm'
+p4004
+ssI784
+(dp4005
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+S'amc sunset place 24'
+p4006
+sg4003
+g4004
+ssI785
+(dp4007
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4002
+sg4003
+S'7:40'
+p4008
+ssI786
+(dp4009
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4006
+sg4003
+g4008
+ssI787
+(dp4010
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4002
+sg4003
+S'6:00'
+p4011
+ssI788
+(dp4012
+S'date'
+p4013
+S'tomorrow'
+p4014
+sS'city'
+p4015
+S'seattle'
+p4016
+sS'theater'
+p4017
+S'regal meridian 16'
+p4018
+sS'moviename'
+p4019
+S'big short'
+p4020
+sS'starttime'
+p4021
+S'8:45 pm'
+p4022
+ssI789
+(dp4023
+g4013
+g4014
+sg4015
+g4016
+sg4017
+g4018
+sg4019
+S'the big short'
+p4024
+sg4021
+g4022
+ssI790
+(dp4025
+S'city'
+p4026
+S'seattle'
+p4027
+sS'theater'
+p4028
+S'bellevue lincoln square cinemas'
+p4029
+sS'zip'
+p4030
+S'98004'
+p4031
+sS'numberofkids'
+p4032
+S'2'
+sS'critic_rating'
+p4033
+S'4.5/5'
+p4034
+sS'date'
+p4035
+S'tomorrow night'
+p4036
+sS'state'
+p4037
+S'wa'
+p4038
+sS'other'
+p4039
+S'pizza place'
+p4040
+sS'starttime'
+p4041
+S'evening'
+p4042
+sS'genre'
+p4043
+S'animated'
+p4044
+sS'moviename'
+p4045
+S'zootopia'
+p4046
+ssI791
+(dp4047
+g4026
+S'st louis'
+p4048
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI792
+(dp4049
+g4026
+S'bellevue'
+p4050
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI793
+(dp4051
+g4026
+g4027
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+S'kids'
+p4052
+sg4045
+g4046
+ssI794
+(dp4053
+g4026
+g4048
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4052
+sg4045
+g4046
+ssI795
+(dp4054
+S'city'
+p4055
+S'la'
+p4056
+sS'theater'
+p4057
+S'regency norwalk 8'
+p4058
+sS'critic_rating'
+p4059
+S'8%'
+p4060
+sS'genre'
+p4061
+S'horror'
+p4062
+sS'other'
+p4063
+S'laughable'
+p4064
+sS'starttime'
+p4065
+S'7:40pm'
+p4066
+sS'date'
+p4067
+S'saturday'
+p4068
+sS'moviename'
+p4069
+S'the forest'
+p4070
+ssI796
+(dp4071
+g4055
+g4056
+sg4057
+S'amc la 7'
+p4072
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI797
+(dp4073
+g4055
+g4056
+sg4057
+S'amc la mirada'
+p4074
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI798
+(dp4075
+g4055
+g4056
+sg4057
+S'amc la'
+p4076
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI799
+(dp4077
+g4055
+g4056
+sg4057
+g4058
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+S'rotten tomatoes'
+p4078
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI800
+(dp4079
+S'city'
+p4080
+S'st louis'
+p4081
+sS'theater'
+p4082
+S'wehrenberg ronnies 20 cine and imax'
+p4083
+sS'zip'
+p4084
+S'63126'
+p4085
+sS'distanceconstraints'
+p4086
+S'near here'
+p4087
+sS'critic_rating'
+p4088
+S'nice'
+p4089
+sS'state'
+p4090
+S'mo'
+p4091
+sS'other'
+p4092
+S'subtitles'
+p4093
+sS'starttime'
+p4094
+S'7:20'
+p4095
+sS'genre'
+p4096
+S'romantic'
+p4097
+sS'moviename'
+p4098
+S'how to be single'
+p4099
+ssI801
+(dp4100
+g4080
+S'sappington'
+p4101
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4093
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI802
+(dp4102
+g4080
+g4081
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+S'english and chinese subtitles'
+p4103
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI803
+(dp4104
+g4080
+g4101
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4103
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI804
+(dp4105
+g4080
+g4081
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4093
+sg4094
+S'10:05'
+p4106
+sg4096
+g4097
+sg4098
+g4099
+ssI805
+(dp4107
+S'city'
+p4108
+S'seattle'
+p4109
+sS'theater'
+p4110
+S'all'
+p4111
+sS'zip'
+p4112
+S'98101'
+p4113
+sS'distanceconstraints'
+p4114
+S'south side'
+p4115
+sS'video_format'
+p4116
+S'2d'
+p4117
+sS'state'
+p4118
+S'wa'
+p4119
+sS'starttime'
+p4120
+S'around 6 pm'
+p4121
+sS'date'
+p4122
+S'this evening'
+p4123
+sS'moviename'
+p4124
+S'zootopia'
+p4125
+ssI806
+(dp4126
+g4108
+S'bellevue'
+p4127
+sg4110
+g4111
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI807
+(dp4128
+g4108
+g4109
+sg4110
+S'regal meridian 16'
+p4129
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI808
+(dp4130
+g4108
+g4127
+sg4110
+g4129
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI809
+(dp4131
+g4108
+g4109
+sg4110
+S'bellevue lincoln square cinemas'
+p4132
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI810
+(dp4133
+S'date'
+p4134
+S'tomorrow'
+p4135
+sS'city'
+p4136
+S'seattle'
+p4137
+sS'theater'
+p4138
+S'regal meridian 16'
+p4139
+sS'moviename'
+p4140
+S'the witch'
+p4141
+sS'starttime'
+p4142
+S'9:30 pm'
+p4143
+ssI811
+(dp4144
+S'city'
+p4145
+S'seattle'
+p4146
+sS'theater'
+p4147
+S'regal meridian 16'
+p4148
+sS'video_format'
+p4149
+S'3d'
+p4150
+sS'starttime'
+p4151
+S'9:10 pm'
+p4152
+sS'date'
+p4153
+S'tomorrow'
+p4154
+sS'moviename'
+p4155
+S'zootopia'
+p4156
+ssI812
+(dp4157
+S'city'
+p4158
+S'chico'
+p4159
+sS'theater'
+p4160
+S'paradise cinema 7'
+p4161
+sS'genre'
+p4162
+S'drama'
+p4163
+sS'state'
+p4164
+S'ca'
+p4165
+sS'starttime'
+p4166
+S'early afternoon'
+p4167
+sS'date'
+p4168
+S'tomorrow'
+p4169
+sS'moviename'
+p4170
+S'london has fallen'
+p4171
+ssI813
+(dp4172
+g4158
+g4159
+sg4160
+S'tinseltown'
+p4173
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI814
+(dp4174
+g4158
+g4159
+sg4160
+S'cinemark 14'
+p4175
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI815
+(dp4176
+g4158
+g4159
+sg4160
+S' paradisa cinema 7'
+p4177
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI816
+(dp4178
+g4158
+g4159
+sg4160
+g4161
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+S'3/11'
+p4179
+sg4170
+g4171
+ssI817
+(dp4180
+S'theater'
+p4181
+S'beaver creek stadium 12'
+p4182
+sS'price'
+p4183
+S'adult price is 8'
+p4184
+sS'other'
+p4185
+S'matinee'
+p4186
+sS'moviename'
+p4187
+S'10 cloverfield lane'
+p4188
+sS'starttime'
+p4189
+S'1:50'
+p4190
+ssI818
+(dp4191
+g4181
+g4182
+sg4183
+S'32'
+p4192
+sg4185
+g4186
+sg4187
+g4188
+sg4189
+g4190
+ssI819
+(dp4193
+g4181
+g4182
+sg4183
+g4184
+sg4185
+S' matinee'
+p4194
+sg4187
+g4188
+sg4189
+g4190
+ssI820
+(dp4195
+g4181
+g4182
+sg4183
+g4192
+sg4185
+g4194
+sg4187
+g4188
+sg4189
+g4190
+ssI821
+(dp4196
+g4181
+g4182
+sg4183
+g4184
+sg4185
+g4186
+sg4187
+g4188
+sg4189
+S' 4:30'
+p4197
+ssI822
+(dp4198
+S'city'
+p4199
+S'seattle'
+p4200
+sS'theater'
+p4201
+S'regal meridian 16'
+p4202
+sS'distanceconstraints'
+p4203
+S'near me'
+p4204
+sS'critic_rating'
+p4205
+S'good'
+p4206
+sS'video_format'
+p4207
+S'3d'
+p4208
+sS'state'
+p4209
+S'wa'
+p4210
+sS'other'
+p4211
+S'good restaurant'
+p4212
+sS'starttime'
+p4213
+S'around 8 pm'
+p4214
+sS'date'
+p4215
+S'tomorrow'
+p4216
+sS'moviename'
+p4217
+S'zootopia'
+p4218
+ssI823
+(dp4219
+g4199
+g4200
+sg4201
+S'bellevue lincoln square cinemas'
+p4220
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4208
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI824
+(dp4221
+g4199
+g4200
+sg4201
+S'varsity theatre'
+p4222
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4208
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI825
+(dp4223
+g4199
+g4200
+sg4201
+g4202
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+S'regular'
+p4224
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI826
+(dp4225
+g4199
+g4200
+sg4201
+g4220
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4224
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI827
+(dp4226
+S'city'
+p4227
+S'whittier village stadium cinemas'
+p4228
+sS'zip'
+p4229
+S'90601'
+p4230
+sS'critic_rating'
+p4231
+S'top rated'
+p4232
+sS'genre'
+p4233
+S'action'
+p4234
+sS'starttime'
+p4235
+S'closest to noon'
+p4236
+sS'date'
+p4237
+S'next saturday'
+p4238
+sS'moviename'
+p4239
+S'london has fallen'
+p4240
+ssI828
+(dp4241
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+g4234
+sg4235
+g4236
+sg4237
+S'mar 12'
+p4242
+sg4239
+g4240
+ssI829
+(dp4243
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+g4234
+sg4235
+S'1:30pm'
+p4244
+sg4237
+g4238
+sg4239
+g4240
+ssI830
+(dp4245
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+g4234
+sg4235
+g4244
+sg4237
+g4242
+sg4239
+g4240
+ssI831
+(dp4246
+S'city'
+p4247
+S'seattle'
+p4248
+sS'theater'
+p4249
+S'regal meridian 16'
+p4250
+sS'other'
+p4251
+S'name'
+p4252
+sS'starttime'
+p4253
+S'9:00 pm'
+p4254
+sS'date'
+p4255
+S'tomorrow'
+p4256
+sS'moviename'
+p4257
+S'spotlight'
+p4258
+ssI832
+(dp4259
+S'city'
+p4260
+S'evanston'
+p4261
+sS'theater'
+p4262
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6 AND XD'
+p4263
+sS'zip'
+p4264
+S'60201'
+p4265
+sS'distanceconstraints'
+p4266
+S'your area'
+p4267
+sS'critic_rating'
+p4268
+S'top rated'
+p4269
+sS'state'
+p4270
+S'illinois'
+p4271
+sS'other'
+p4272
+S'currently'
+p4273
+sS'starttime'
+p4274
+S'10:45am'
+p4275
+sS'date'
+p4276
+S'tomorrow'
+p4277
+sS'moviename'
+p4278
+S'deadpool'
+p4279
+ssI833
+(dp4280
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+S'il'
+p4281
+sg4272
+g4273
+sg4274
+g4275
+sg4276
+g4277
+sg4278
+g4279
+ssI834
+(dp4282
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4271
+sg4272
+g4273
+sg4274
+S'12:00pm'
+p4283
+sg4276
+g4277
+sg4278
+g4279
+ssI835
+(dp4284
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4281
+sg4272
+g4273
+sg4274
+g4283
+sg4276
+g4277
+sg4278
+g4279
+ssI836
+(dp4285
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4271
+sg4272
+g4273
+sg4274
+S'2:40pm'
+p4286
+sg4276
+g4277
+sg4278
+g4279
+ssI837
+(dp4287
+S'city'
+p4288
+S'wilmington'
+p4289
+sS'theater'
+p4290
+S'regal mayfaire stadium 16 imax'
+p4291
+sS'critic_rating'
+p4292
+S'good'
+p4293
+sS'date'
+p4294
+S'saturday'
+p4295
+sS'state'
+p4296
+S'nc'
+p4297
+sS'other'
+p4298
+S'george on the riverwak'
+p4299
+sS'starttime'
+p4300
+S'8pm'
+p4301
+sS'genre'
+p4302
+S'date night:'
+p4303
+sS'moviename'
+p4304
+S'the perfect match'
+p4305
+ssI838
+(dp4306
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+S'purchase'
+p4307
+sg4300
+g4301
+sg4302
+g4303
+sg4304
+g4305
+ssI839
+(dp4308
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4299
+sg4300
+S'after dinner'
+p4309
+sg4302
+g4303
+sg4304
+g4305
+ssI840
+(dp4310
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4307
+sg4300
+g4309
+sg4302
+g4303
+sg4304
+g4305
+ssI841
+(dp4311
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4299
+sg4300
+S'8'
+sg4302
+g4303
+sg4304
+g4305
+ssI842
+(dp4312
+S'city'
+p4313
+S'seattle'
+p4314
+sS'theater'
+p4315
+S'regal lloyd center century 16'
+p4316
+sS'zip'
+p4317
+S'97232'
+p4318
+sS'distanceconstraints'
+p4319
+S'downtown'
+p4320
+sS'state'
+p4321
+S'oregon'
+p4322
+sS'other'
+p4323
+S'japanese restaurant'
+p4324
+sS'starttime'
+p4325
+S'midnight'
+p4326
+sS'date'
+p4327
+S'tonight'
+p4328
+sS'moviename'
+p4329
+S'star wars the force awakens'
+p4330
+ssI843
+(dp4331
+g4313
+S'portland'
+p4332
+sg4315
+g4316
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI844
+(dp4333
+g4313
+g4314
+sg4315
+S'regal movies on tv stadium 16'
+p4334
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI845
+(dp4335
+g4313
+g4332
+sg4315
+g4334
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI846
+(dp4336
+g4313
+g4314
+sg4315
+S'regal lloyd'
+p4337
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI847
+(dp4338
+S'date'
+p4339
+S'tomorrow'
+p4340
+sS'city'
+p4341
+S'seattle'
+p4342
+sS'theater'
+p4343
+S'amc lowes oak tree 6'
+p4344
+sS'moviename'
+p4345
+S'race'
+p4346
+sS'starttime'
+p4347
+S'4:50 pm'
+p4348
+ssI848
+(dp4349
+S'city'
+p4350
+S'seattle'
+p4351
+sS'theater'
+p4352
+S'amc pacific place 11 theater'
+p4353
+sS'date'
+p4354
+S'tomorrow'
+p4355
+sS'starttime'
+p4356
+S'10:00 pm'
+p4357
+sS'theater_chain'
+p4358
+S'amc pacific place 11'
+p4359
+sS'moviename'
+p4360
+S'race'
+p4361
+ssI849
+(dp4362
+S'date'
+p4363
+S'this weekend'
+p4364
+sS'other'
+p4365
+S'29 movies'
+p4366
+ssI850
+(dp4367
+S'date'
+p4368
+S'tomorrow'
+p4369
+sS'city'
+p4370
+S'seattle'
+p4371
+sS'theater'
+p4372
+S'regal meridian 16'
+p4373
+sS'moviename'
+p4374
+S'the witch'
+p4375
+sS'starttime'
+p4376
+S'9:30 pm'
+p4377
+ssI851
+(dp4378
+S'date'
+p4379
+S'tomorrow'
+p4380
+sS'city'
+p4381
+S'seattle'
+p4382
+sS'theater'
+p4383
+S'regal meridian 16'
+p4384
+sS'moviename'
+p4385
+S'the witch'
+p4386
+sS'starttime'
+p4387
+S'9:30 pm'
+p4388
+ssI852
+(dp4389
+S'city'
+p4390
+S'birmingham'
+p4391
+sS'theater'
+p4392
+S'carmike summit 16'
+p4393
+sS'state'
+p4394
+S'al'
+p4395
+sS'starttime'
+p4396
+S'2pm'
+p4397
+sS'date'
+p4398
+S'tomorrow'
+p4399
+sS'moviename'
+p4400
+S'deadpool'
+p4401
+ssI853
+(dp4402
+g4390
+g4391
+sg4392
+g4393
+sg4394
+g4395
+sg4396
+S'2:20'
+p4403
+sg4398
+g4399
+sg4400
+g4401
+ssI854
+(dp4404
+S'city'
+p4405
+S'seattle'
+p4406
+sS'theater'
+p4407
+S'amc pacific place 11'
+p4408
+sS'zip'
+p4409
+S'98101'
+p4410
+sS'state'
+p4411
+S'wa'
+p4412
+sS'date'
+p4413
+S'21-mar'
+p4414
+sS'moviename'
+p4415
+S'deadpool'
+p4416
+ssI855
+(dp4417
+g4405
+S'bellevue'
+p4418
+sg4407
+g4408
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI856
+(dp4419
+g4405
+g4406
+sg4407
+S'bellevue lincoln square cinemas'
+p4420
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI857
+(dp4421
+g4405
+g4418
+sg4407
+g4420
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI858
+(dp4422
+g4405
+g4406
+sg4407
+S'big picture seattle'
+p4423
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI859
+(dp4424
+S'city'
+p4425
+S'birmingham'
+p4426
+sS'theater'
+p4427
+S'carmike summit 16'
+p4428
+sS'state'
+p4429
+S'al'
+p4430
+sS'starttime'
+p4431
+S'around 2pm'
+p4432
+sS'date'
+p4433
+S'thursday'
+p4434
+sS'moviename'
+p4435
+S'deadpool'
+p4436
+ssI860
+(dp4437
+g4425
+g4426
+sg4427
+S'carmike summit'
+p4438
+sg4429
+g4430
+sg4431
+g4432
+sg4433
+g4434
+sg4435
+g4436
+ssI861
+(dp4439
+g4425
+g4426
+sg4427
+g4428
+sg4429
+g4430
+sg4431
+S'2:20'
+p4440
+sg4433
+g4434
+sg4435
+g4436
+ssI862
+(dp4441
+g4425
+g4426
+sg4427
+g4438
+sg4429
+g4430
+sg4431
+g4440
+sg4433
+g4434
+sg4435
+g4436
+ssI863
+(dp4442
+g4425
+g4426
+sg4427
+g4428
+sg4429
+g4430
+sg4431
+S'2:20pm'
+p4443
+sg4433
+g4434
+sg4435
+g4436
+ssI864
+(dp4444
+S'date'
+p4445
+S'next friday'
+p4446
+sS'moviename'
+p4447
+S'eddie the eagle'
+p4448
+sS'theater'
+p4449
+S'century rowland plaza'
+p4450
+sS'zip'
+p4451
+S'94952'
+p4452
+sS'starttime'
+p4453
+S'from 4pm to 7pm'
+p4454
+ssI865
+(dp4455
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+g4452
+sg4453
+S'4:20pm'
+p4456
+ssI866
+(dp4457
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+g4452
+sg4453
+S'6:55pm'
+p4458
+ssI867
+(dp4459
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+g4452
+sg4453
+S'4:20'
+p4460
+ssI868
+(dp4461
+S'city'
+p4462
+S'whittier'
+p4463
+sS'theater'
+p4464
+S'whittier village stadium cinemas'
+p4465
+sS'zip'
+p4466
+S'90602'
+p4467
+sS'state'
+p4468
+S'ca'
+p4469
+sS'starttime'
+p4470
+S'between noon and 4pm'
+p4471
+sS'date'
+p4472
+S'next sunday'
+p4473
+sS'moviename'
+p4474
+S'london has fallen'
+p4475
+ssI869
+(dp4476
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+S'1:30pm'
+p4477
+sg4472
+g4473
+sg4474
+g4475
+ssI870
+(dp4478
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+g4471
+sg4472
+S'3/13'
+p4479
+sg4474
+g4475
+ssI871
+(dp4480
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+g4477
+sg4472
+g4479
+sg4474
+g4475
+ssI872
+(dp4481
+S'city'
+p4482
+S'lansing'
+p4483
+sS'theater'
+p4484
+S'ncg eastwood cinemas'
+p4485
+sS'date'
+p4486
+S'tomorrow'
+p4487
+sS'state'
+p4488
+S'michigan'
+p4489
+sS'starttime'
+p4490
+S'6pm'
+p4491
+sS'genre'
+p4492
+S'comedy'
+p4493
+sS'moviename'
+p4494
+S'zootopia'
+p4495
+ssI873
+(dp4496
+g4482
+g4483
+sg4484
+S'regal cinemas'
+p4497
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI874
+(dp4498
+g4482
+g4483
+sg4484
+S'cinema lansing'
+p4499
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI875
+(dp4500
+g4482
+g4483
+sg4484
+g4485
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+S'comedies'
+p4501
+sg4494
+g4495
+ssI876
+(dp4502
+g4482
+g4483
+sg4484
+g4497
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4501
+sg4494
+g4495
+ssI877
+(dp4503
+S'distanceconstraints'
+p4504
+S'near the space needle'
+p4505
+sS'other'
+p4506
+S'I can bring my cat to'
+p4507
+sS'theater'
+p4508
+S'big picture'
+p4509
+ssI878
+(dp4510
+g4504
+g4505
+sg4506
+S'I can order beer in'
+p4511
+sg4508
+g4509
+ssI879
+(dp4512
+g4504
+g4505
+sg4506
+g4507
+sg4508
+S'cinerama'
+p4513
+ssI880
+(dp4514
+g4504
+g4505
+sg4506
+g4511
+sg4508
+g4513
+ssI881
+(dp4515
+g4504
+g4505
+sg4506
+g4507
+sg4508
+S'central cinema'
+p4516
+ssI882
+(dp4517
+S'city'
+p4518
+S'seattle'
+p4519
+sS'theater'
+p4520
+S'amc elmwood palace 20'
+p4521
+sS'zip'
+p4522
+S'70070'
+p4523
+sS'genre'
+p4524
+S'funny'
+p4525
+sS'starttime'
+p4526
+S'5pm'
+p4527
+sS'date'
+p4528
+S'tomorrow'
+p4529
+sS'moviename'
+p4530
+S'zootopia'
+p4531
+ssI883
+(dp4532
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+g4525
+sg4526
+S'5:00 pm'
+p4533
+sg4528
+g4529
+sg4530
+g4531
+ssI884
+(dp4534
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+S'comedy'
+p4535
+sg4526
+g4527
+sg4528
+g4529
+sg4530
+g4531
+ssI885
+(dp4536
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+g4535
+sg4526
+g4533
+sg4528
+g4529
+sg4530
+g4531
+ssI886
+(dp4537
+S'city'
+p4538
+S'bayou vista'
+p4539
+sS'theater'
+p4540
+S'fairview cinema'
+p4541
+sS'state'
+p4542
+S'la'
+p4543
+sS'starttime'
+p4544
+S'night'
+p4545
+sS'date'
+p4546
+S'this weekend'
+p4547
+sS'moviename'
+p4548
+S'deadpool'
+p4549
+ssI887
+(dp4550
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+S'anytime'
+p4551
+sg4546
+g4547
+sg4548
+g4549
+ssI888
+(dp4552
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+S'7pm'
+p4553
+sg4546
+g4547
+sg4548
+g4549
+ssI889
+(dp4554
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+g4545
+sg4546
+S'friday'
+p4555
+sg4548
+g4549
+ssI890
+(dp4556
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+g4551
+sg4546
+g4555
+sg4548
+g4549
+ssI891
+(dp4557
+S'city'
+p4558
+S'manchester stadium 16'
+p4559
+sS'theater'
+p4560
+S'shields ave'
+p4561
+sS'state'
+p4562
+S'california'
+p4563
+sS'starttime'
+p4564
+S'once or twice every hour'
+p4565
+sS'date'
+p4566
+S'friday march 11'
+p4567
+sS'moviename'
+p4568
+S'zootopia'
+p4569
+ssI892
+(dp4570
+g4558
+g4559
+sg4560
+S'maya fresno 16'
+p4571
+sg4562
+g4563
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI893
+(dp4572
+g4558
+g4559
+sg4560
+S'campus pointe dr'
+p4573
+sg4562
+g4563
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI894
+(dp4574
+g4558
+g4559
+sg4560
+g4561
+sg4562
+S'ca'
+p4575
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI895
+(dp4576
+g4558
+g4559
+sg4560
+g4571
+sg4562
+g4575
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI896
+(dp4577
+S'city'
+p4578
+S'seattle'
+p4579
+sS'theater'
+p4580
+S'pacific place 11'
+p4581
+sS'moviename'
+p4582
+S'how to be single'
+p4583
+sS'zip'
+p4584
+S'98101'
+p4585
+sS'critic_rating'
+p4586
+S'best'
+p4587
+sS'date'
+p4588
+S'tonight'
+p4589
+sS'state'
+p4590
+S'washington'
+p4591
+sS'other'
+p4592
+S'date'
+p4593
+sS'starttime'
+p4594
+S'9'
+sS'theater_chain'
+p4595
+S'amc'
+p4596
+sS'genre'
+p4597
+S'romance'
+p4598
+ssI897
+(dp4599
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+S'top'
+p4600
+sg4588
+g4589
+sg4590
+g4591
+sg4592
+g4593
+sg4594
+S'9'
+sg4595
+g4596
+sg4597
+g4598
+ssI898
+(dp4601
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+g4587
+sg4588
+g4589
+sg4590
+S'wa'
+p4602
+sg4592
+g4593
+sg4594
+S'9'
+sg4595
+g4596
+sg4597
+g4598
+ssI899
+(dp4603
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+g4600
+sg4588
+g4589
+sg4590
+g4602
+sg4592
+g4593
+sg4594
+S'9'
+sg4595
+g4596
+sg4597
+g4598
+ssI900
+(dp4604
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+g4587
+sg4588
+g4589
+sg4590
+g4591
+sg4592
+S"don't know"
+p4605
+sg4594
+S'9'
+sg4595
+g4596
+sg4597
+g4598
+ssI901
+(dp4606
+S'city'
+p4607
+S'portland'
+p4608
+sS'theater'
+p4609
+S'Regal Pioneer Place Stadium'
+p4610
+sS'state'
+p4611
+S'oregon'
+p4612
+sS'starttime'
+p4613
+S'10 pm#some time close to that'
+p4614
+sS'date'
+p4615
+S'thursday'
+p4616
+sS'moviename'
+p4617
+S'10 cloverfield lane'
+p4618
+ssI902
+(dp4619
+g4607
+g4608
+sg4609
+S'Regal Lloyd Center 10'
+p4620
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI903
+(dp4621
+g4607
+g4608
+sg4609
+S'Bagdad Theatre'
+p4622
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI904
+(dp4623
+g4607
+g4608
+sg4609
+S'regal pioneer place stadium'
+p4624
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI905
+(dp4625
+g4607
+g4608
+sg4609
+g4610
+sg4611
+g4612
+sg4613
+S'9:50pm'
+p4626
+sg4615
+g4616
+sg4617
+g4618
+ssI906
+(dp4627
+S'city'
+p4628
+S'houma'
+p4629
+sS'theater'
+p4630
+S'amc houma palace 10'
+p4631
+sS'date'
+p4632
+S'this week'
+p4633
+sS'state'
+p4634
+S'louisiana'
+p4635
+sS'starttime'
+p4636
+S'night'
+p4637
+sS'genre'
+p4638
+S'foreign'
+p4639
+sS'moviename'
+p4640
+S'Whiskey Tango Foxtrot'
+p4641
+ssI907
+(dp4642
+g4628
+S'Houma'
+p4643
+sg4630
+g4631
+sg4632
+g4633
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4639
+sg4640
+g4641
+ssI908
+(dp4644
+g4628
+g4629
+sg4630
+g4631
+sg4632
+g4633
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+S'comedy'
+p4645
+sg4640
+g4641
+ssI909
+(dp4646
+g4628
+g4643
+sg4630
+g4631
+sg4632
+g4633
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4645
+sg4640
+g4641
+ssI910
+(dp4647
+g4628
+g4629
+sg4630
+g4631
+sg4632
+g4633
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+S'adult comedy'
+p4648
+sg4640
+g4641
+ssI911
+(dp4649
+S'city'
+p4650
+S'tulare'
+p4651
+sS'theater'
+p4652
+S'regal visalia stadium 10'
+p4653
+sS'state'
+p4654
+S'california'
+p4655
+sS'starttime'
+p4656
+S'11:20am'
+p4657
+sS'date'
+p4658
+S'this weekend'
+p4659
+sS'moviename'
+p4660
+S'10 cloverfield lane'
+p4661
+ssI912
+(dp4662
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'2:00pm'
+p4663
+sg4658
+g4659
+sg4660
+g4661
+ssI913
+(dp4664
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'4:40'
+p4665
+sg4658
+g4659
+sg4660
+g4661
+ssI914
+(dp4666
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'7:20'
+p4667
+sg4658
+g4659
+sg4660
+g4661
+ssI915
+(dp4668
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'10:05'
+p4669
+sg4658
+g4659
+sg4660
+g4661
+ssI916
+(dp4670
+S'city'
+p4671
+S'sparta'
+p4672
+sS'theater'
+p4673
+S"wehrenberg o'fallon 15 cine"
+p4674
+sS'zip'
+p4675
+S'62269'
+p4676
+sS'genre'
+p4677
+S'romantic comedies'
+p4678
+sS'state'
+p4679
+S'illinois'
+p4680
+sS'other'
+p4681
+S'closed'
+p4682
+sS'starttime'
+p4683
+S'afternoon'
+p4684
+sS'date'
+p4685
+S'tomorrow'
+p4686
+sS'moviename'
+p4687
+S'zoolander 2'
+p4688
+ssI917
+(dp4689
+g4671
+S'shiloh'
+p4690
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI918
+(dp4691
+g4671
+S'belleville'
+p4692
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI919
+(dp4693
+g4671
+S"o'fallon"
+p4694
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI920
+(dp4695
+g4671
+S'fairview heights'
+p4696
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI921
+(dp4697
+S'theater'
+p4698
+S'royal oak emagine theater'
+p4699
+sS'moviename'
+p4700
+S'deadpool'
+p4701
+sS'starttime'
+p4702
+S'between 8-10 pm'
+p4703
+ssI922
+(dp4704
+S'date'
+p4705
+S'tomorrow'
+p4706
+sS'city'
+p4707
+S'seattle'
+p4708
+sS'theater'
+p4709
+S'regal meridian 16'
+p4710
+sS'moviename'
+p4711
+S'zoolander 2'
+p4712
+sS'starttime'
+p4713
+S'9:25 pm'
+p4714
+ssI923
+(dp4715
+S'city'
+p4716
+S'seattle'
+p4717
+sS'theater'
+p4718
+S'Big Picture Sundance Cinemas'
+p4719
+sS'genre'
+p4720
+S'comedies'
+p4721
+sS'other'
+p4722
+S'serve alcohol'
+p4723
+sS'starttime'
+p4724
+S'6pm'
+p4725
+sS'date'
+p4726
+S'today'
+p4727
+sS'moviename'
+p4728
+S'deadpool'
+p4729
+ssI924
+(dp4730
+g4716
+g4717
+sg4718
+S'Central Cinema'
+p4731
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4725
+sg4726
+g4727
+sg4728
+g4729
+ssI925
+(dp4732
+g4716
+g4717
+sg4718
+S'big picture'
+p4733
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4725
+sg4726
+g4727
+sg4728
+g4729
+ssI926
+(dp4734
+g4716
+g4717
+sg4718
+g4719
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+S'8:30pm'
+p4735
+sg4726
+g4727
+sg4728
+g4729
+ssI927
+(dp4736
+g4716
+g4717
+sg4718
+g4731
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4735
+sg4726
+g4727
+sg4728
+g4729
+ssI928
+(dp4737
+S'date'
+p4738
+S'tomorrow'
+p4739
+sS'city'
+p4740
+S'seattle'
+p4741
+sS'theater'
+p4742
+S'amc lowes oak tree 6'
+p4743
+sS'starttime'
+p4744
+S'4:50 pm'
+p4745
+ssI929
+(dp4746
+S'date'
+p4747
+S'3/10'
+p4748
+sS'theater'
+p4749
+S'southpoint casino'
+p4750
+sS'moviename'
+p4751
+S'the other side of the door'
+p4752
+sS'starttime'
+p4753
+S'12:05pm'
+p4754
+sS'city'
+p4755
+S'las vegas'
+p4756
+ssI930
+(dp4757
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'2:40pm'
+p4758
+sg4755
+g4756
+ssI931
+(dp4759
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'5:20pm'
+p4760
+sg4755
+g4756
+ssI932
+(dp4761
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'8:05pm'
+p4762
+sg4755
+g4756
+ssI933
+(dp4763
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'10:35pm'
+p4764
+sg4755
+g4756
+ssI934
+(dp4765
+S'genre'
+p4766
+S'scary'
+p4767
+sS'city'
+p4768
+S'chicago'
+p4769
+sS'state'
+p4770
+S'il'
+p4771
+sS'moviename'
+p4772
+S'the other side of the door'
+p4773
+ssI935
+(dp4774
+g4766
+g4767
+sg4768
+g4769
+sg4770
+g4771
+sg4772
+S'the witch'
+p4775
+ssI936
+(dp4776
+S'city'
+p4777
+S'seattle'
+p4778
+sS'theater'
+p4779
+S'regal meridian 16'
+p4780
+sS'distanceconstraints'
+p4781
+S'north side'
+p4782
+sS'starttime'
+p4783
+S'around 6pm'
+p4784
+sS'date'
+p4785
+S'tomorrow'
+p4786
+sS'moviename'
+p4787
+S'zootopia'
+p4788
+ssI937
+(dp4789
+g4777
+g4778
+sg4779
+S'regal thornton place'
+p4790
+sg4781
+g4782
+sg4783
+g4784
+sg4785
+g4786
+sg4787
+g4788
+ssI938
+(dp4791
+g4777
+g4778
+sg4779
+g4780
+sg4781
+g4782
+sg4783
+S'5:20'
+p4792
+sg4785
+g4786
+sg4787
+g4788
+ssI939
+(dp4793
+g4777
+g4778
+sg4779
+g4790
+sg4781
+g4782
+sg4783
+g4792
+sg4785
+g4786
+sg4787
+g4788
+ssI940
+(dp4794
+g4777
+g4778
+sg4779
+g4780
+sg4781
+g4782
+sg4783
+S'6:30 pm'
+p4795
+sg4785
+g4786
+sg4787
+g4788
+ssI941
+(dp4796
+S'city'
+p4797
+S'du Quoin'
+p4798
+sS'date'
+p4799
+S'friday11th'
+p4800
+sS'distanceconstraints'
+p4801
+S'general'
+p4802
+sS'theater_chain'
+p4803
+S'amc showplace carbondale'
+p4804
+sS'state'
+p4805
+S'illinois'
+p4806
+sS'other'
+p4807
+S"I don't know"
+p4808
+sS'starttime'
+p4809
+S'after 6pm'
+p4810
+sS'genre'
+p4811
+S'thriller science fiction'
+p4812
+sS'moviename'
+p4813
+S'star wars'
+p4814
+ssI942
+(dp4815
+g4797
+S'carbondale'
+p4816
+sg4799
+g4800
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI943
+(dp4817
+g4797
+g4798
+sg4799
+g4800
+sg4801
+S'vicinity'
+p4818
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI944
+(dp4819
+g4797
+g4816
+sg4799
+g4800
+sg4801
+g4818
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI945
+(dp4820
+g4797
+g4798
+sg4799
+g4800
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+S'il'
+p4821
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI946
+(dp4822
+S'date'
+p4823
+S'Friday the 10th'
+p4824
+sS'city'
+p4825
+S'seattle'
+p4826
+sS'moviename'
+p4827
+S'gods egypt'
+p4828
+sS'theater'
+p4829
+S'cinemark lincoln square cinemas'
+p4830
+sS'starttime'
+p4831
+S'7:15pm'
+p4832
+ssI947
+(dp4833
+g4823
+g4824
+sg4825
+g4826
+sg4827
+S'gods of egypt'
+p4834
+sg4829
+g4830
+sg4831
+g4832
+ssI948
+(dp4835
+g4823
+g4824
+sg4825
+g4826
+sg4827
+g4828
+sg4829
+g4830
+sg4831
+S'7:15'
+p4836
+ssI949
+(dp4837
+g4823
+g4824
+sg4825
+g4826
+sg4827
+g4834
+sg4829
+g4830
+sg4831
+g4836
+ssI950
+(dp4838
+S'city'
+p4839
+S'seattle'
+p4840
+sS'theater'
+p4841
+S'regal meridian 16 theater'
+p4842
+sS'other'
+p4843
+S'name'
+p4844
+sS'starttime'
+p4845
+S'8:45 pm'
+p4846
+sS'date'
+p4847
+S'tomorrow'
+p4848
+sS'moviename'
+p4849
+S'hail caesar'
+p4850
+ssI951
+(dp4851
+S'date'
+p4852
+S'tomorrow'
+p4853
+sS'city'
+p4854
+S'seattle'
+p4855
+sS'moviename'
+p4856
+S'zootopia'
+p4857
+sS'starttime'
+p4858
+S'night'
+p4859
+ssI952
+(dp4860
+S'date'
+p4861
+S'tomorrow'
+p4862
+sS'city'
+p4863
+S'seattle'
+p4864
+sS'theater'
+p4865
+S'amc pacific place 11 theater'
+p4866
+sS'moviename'
+p4867
+S'race'
+p4868
+sS'starttime'
+p4869
+S'10:00 pm'
+p4870
+ssI953
+(dp4871
+S'date'
+p4872
+S'this saturday'
+p4873
+sS'moviename'
+p4874
+S'zootopia'
+p4875
+sS'theater'
+p4876
+S'amc river east 21'
+p4877
+sS'starttime'
+p4878
+S'night'
+p4879
+sS'video_format'
+p4880
+S'2d'
+p4881
+ssI954
+(dp4882
+g4872
+S'tomorrow'
+p4883
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+g4879
+sg4880
+g4881
+ssI955
+(dp4884
+g4872
+g4873
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+S'6pm'
+p4885
+sg4880
+g4881
+ssI956
+(dp4886
+g4872
+g4883
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+g4885
+sg4880
+g4881
+ssI957
+(dp4887
+g4872
+g4873
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+S'9:01pm'
+p4888
+sg4880
+g4881
+ssI958
+(dp4889
+S'city'
+p4890
+S'seattle'
+p4891
+sS'theater'
+p4892
+S'amc pacific place 11 theater'
+p4893
+sS'date'
+p4894
+S'tomorrow'
+p4895
+sS'starttime'
+p4896
+S'10:00 pm'
+p4897
+sS'theater_chain'
+p4898
+S'amc pacific place 11'
+p4899
+sS'moviename'
+p4900
+S'race'
+p4901
+ssI959
+(dp4902
+S'city'
+p4903
+S'seattle'
+p4904
+sS'theater'
+p4905
+S'regal meridian 16'
+p4906
+sS'other'
+p4907
+S'indian restaurant'
+p4908
+sS'starttime'
+p4909
+S'9:20 pm'
+p4910
+sS'date'
+p4911
+S'tomorrow'
+p4912
+sS'moviename'
+p4913
+S'london has fallen'
+p4914
+ssI960
+(dp4915
+g4903
+g4904
+sg4905
+g4906
+sg4907
+S'name'
+p4916
+sg4909
+g4910
+sg4911
+g4912
+sg4913
+g4914
+ssI961
+(dp4917
+S'city'
+p4918
+S'seattle'
+p4919
+sS'other'
+p4920
+S'restaurants'
+p4921
+ssI962
+(dp4922
+g4918
+g4919
+sg4920
+S'book movie tickets'
+p4923
+ssI963
+(dp4924
+S'city'
+p4925
+S'miami'
+p4926
+sS'theater'
+p4927
+S'cinpolis coconut grove'
+p4928
+sS'zip'
+p4929
+S'33133'
+p4930
+sS'moviename'
+p4931
+S'gods of egypt'
+p4932
+sS'video_format'
+p4933
+S'IMAX'
+p4934
+sS'state'
+p4935
+S'fl'
+p4936
+sS'starttime'
+p4937
+S'around noon'
+p4938
+sS'date'
+p4939
+S'tomorrow'
+p4940
+sS'genre'
+p4941
+S'sci-fi'
+p4942
+ssI964
+(dp4943
+g4925
+g4926
+sg4927
+S'COBB DOLPHIN 19 AND IMAX'
+p4944
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI965
+(dp4945
+g4925
+g4926
+sg4927
+S'cinepolis coconut grove'
+p4946
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI966
+(dp4947
+g4925
+g4926
+sg4927
+S'cinepolis'
+p4948
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI967
+(dp4949
+g4925
+g4926
+sg4927
+g4928
+sg4929
+S'33172'
+p4950
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI968
+(dp4951
+S'city'
+p4952
+S'seattle'
+p4953
+sS'theater'
+p4954
+S'amc southcenter 16'
+p4955
+sS'moviename'
+p4956
+S'london has fallen'
+p4957
+sS'critic_rating'
+p4958
+S'number 1'
+p4959
+sS'date'
+p4960
+S'this weekend'
+p4961
+sS'starttime'
+p4962
+S'9:30 pm'
+p4963
+sS'theater_chain'
+p4964
+S'regency'
+p4965
+sS'genre'
+p4966
+S'action'
+p4967
+ssI969
+(dp4968
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+g4961
+sg4962
+g4963
+sg4964
+S'amc'
+p4969
+sg4966
+g4967
+ssI970
+(dp4970
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+S'any day this week'
+p4971
+sg4962
+g4963
+sg4964
+g4965
+sg4966
+g4967
+ssI971
+(dp4972
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+g4971
+sg4962
+g4963
+sg4964
+g4969
+sg4966
+g4967
+ssI972
+(dp4973
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+S'wednesday'
+p4974
+sg4962
+g4963
+sg4964
+g4965
+sg4966
+g4967
+ssI973
+(dp4975
+S'date'
+p4976
+S'tomorrow'
+p4977
+sS'city'
+p4978
+S'seattle'
+p4979
+sS'theater'
+p4980
+S'amc lowes oak tree 6'
+p4981
+sS'moviename'
+p4982
+S'hail caesar'
+p4983
+sS'starttime'
+p4984
+S'7:15 pm'
+p4985
+ssI974
+(dp4986
+S'date'
+p4987
+S'tomorrow'
+p4988
+sS'city'
+p4989
+S'seattle'
+p4990
+sS'theater'
+p4991
+S'amc lowes oak tree'
+p4992
+sS'moviename'
+p4993
+S'triple 9'
+p4994
+sS'starttime'
+p4995
+S'7:10 pm'
+p4996
+ssI975
+(dp4997
+S'city'
+p4998
+S'carbondale'
+p4999
+sS'theater'
+p5000
+S'amc showplace carbondale 8'
+p5001
+sS'distanceconstraints'
+p5002
+S'in your area'
+p5003
+sS'genre'
+p5004
+S'thriller'
+p5005
+sS'state'
+p5006
+S'illinois'
+p5007
+sS'other'
+p5008
+S'before dinner'
+p5009
+sS'starttime'
+p5010
+S'right now'
+p5011
+sS'date'
+p5012
+S'tuesday'
+p5013
+sS'moviename'
+p5014
+S'the witch'
+p5015
+ssI976
+(dp5016
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+g5011
+sg5012
+S'Tuesday'
+p5017
+sg5014
+g5015
+ssI977
+(dp5018
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+S'night'
+p5019
+sg5012
+g5013
+sg5014
+g5015
+ssI978
+(dp5020
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+g5019
+sg5012
+g5017
+sg5014
+g5015
+ssI979
+(dp5021
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+S'anytime after 7pm'
+p5022
+sg5012
+g5013
+sg5014
+g5015
+ssI980
+(dp5023
+S'city'
+p5024
+S'seattle'
+p5025
+sS'theater'
+p5026
+S'regal meridian 16'
+p5027
+sS'zip'
+p5028
+S'98101'
+p5029
+sS'numberofkids'
+p5030
+S'two'
+p5031
+sS'date'
+p5032
+S'tonight'
+p5033
+sS'state'
+p5034
+S'wa'
+p5035
+sS'starttime'
+p5036
+S'6:30pm'
+p5037
+sS'theater_chain'
+p5038
+S'regal meridian'
+p5039
+sS'moviename'
+p5040
+S'zootopia'
+p5041
+ssI981
+(dp5042
+g5024
+S'bellevue'
+p5043
+sg5026
+g5027
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI982
+(dp5044
+g5024
+g5025
+sg5026
+S'bellevue lincoln square cinemas'
+p5045
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI983
+(dp5046
+g5024
+g5043
+sg5026
+g5045
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI984
+(dp5047
+g5024
+g5025
+sg5026
+S'regal meridian'
+p5048
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI985
+(dp5049
+S'city'
+p5050
+S'las vegas'
+p5051
+sS'theater'
+p5052
+S'cCENTURY 16 SOUTH POINT AND XD'
+p5053
+sS'state'
+p5054
+S'nv'
+p5055
+sS'starttime'
+p5056
+S'11:10am'
+p5057
+sS'date'
+p5058
+S'tomrrow'
+p5059
+sS'moviename'
+p5060
+S'zootopia'
+p5061
+ssI986
+(dp5062
+g5050
+g5051
+sg5052
+S'Las Vegas NV 89183'
+p5063
+sg5054
+g5055
+sg5056
+g5057
+sg5058
+g5059
+sg5060
+g5061
+ssI987
+(dp5064
+g5050
+g5051
+sg5052
+S'Century 16 South Point'
+p5065
+sg5054
+g5055
+sg5056
+g5057
+sg5058
+g5059
+sg5060
+g5061
+ssI988
+(dp5066
+g5050
+g5051
+sg5052
+g5053
+sg5054
+g5055
+sg5056
+S'1:55pm'
+p5067
+sg5058
+g5059
+sg5060
+g5061
+ssI989
+(dp5068
+g5050
+g5051
+sg5052
+g5063
+sg5054
+g5055
+sg5056
+g5067
+sg5058
+g5059
+sg5060
+g5061
+ssI990
+(dp5069
+S'date'
+p5070
+S'tomorrow'
+p5071
+sS'city'
+p5072
+S'seattle'
+p5073
+sS'theater'
+p5074
+S'amc pacific place 11 theater'
+p5075
+sS'moviename'
+p5076
+S'deadpool'
+p5077
+sS'starttime'
+p5078
+S'9:00 pm'
+p5079
+ss.
\ No newline at end of file
diff --git a/data/movie/movie_kb.1k.p b/data/movie/movie_kb.1k.p
new file mode 100644
index 0000000..87224b6
--- /dev/null
+++ b/data/movie/movie_kb.1k.p
@@ -0,0 +1,19939 @@
+(dp1
+I0
+(dp2
+S'city'
+p3
+S'hamilton'
+p4
+sS'theater'
+p5
+S'manville 12 plex'
+p6
+sS'zip'
+p7
+S'08835'
+p8
+sS'critic_rating'
+p9
+S'good'
+p10
+sS'date'
+p11
+S'tomorrow'
+p12
+sS'state'
+p13
+S'nj'
+p14
+sS'starttime'
+p15
+S'10:30am'
+p16
+sS'genre'
+p17
+S'comedy'
+p18
+sS'moviename'
+p19
+S'zootopia'
+p20
+ssI1
+(dp21
+g3
+S'manville'
+p22
+sg5
+g6
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI2
+(dp23
+g3
+S'bridgewater'
+p24
+sg5
+g6
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI3
+(dp25
+g3
+g4
+sg5
+S'amc dine-in theatres bridgewater 7'
+p26
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI4
+(dp27
+g3
+g22
+sg5
+g26
+sg7
+g8
+sg9
+g10
+sg11
+g12
+sg13
+g14
+sg15
+g16
+sg17
+g18
+sg19
+g20
+ssI5
+(dp28
+S'city'
+p29
+S'seattle'
+p30
+sS'theater'
+p31
+S'every single theatre'
+p32
+sS'zip'
+p33
+S'98004'
+p34
+sS'state'
+p35
+S'washington'
+p36
+sS'other'
+p37
+S'not available'
+p38
+sS'mpaa_rating'
+p39
+S'pg'
+p40
+sS'date'
+p41
+S'this weekend'
+p42
+sS'moviename'
+p43
+S'kung fu panda 3'
+p44
+ssI6
+(dp45
+g29
+S'bellevue'
+p46
+sg31
+g32
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI7
+(dp47
+g29
+g30
+sg31
+S'bellevue lincoln square cinemas'
+p48
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI8
+(dp49
+g29
+g46
+sg31
+g48
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI9
+(dp50
+g29
+g30
+sg31
+S'regal meridian 16'
+p51
+sg33
+g34
+sg35
+g36
+sg37
+g38
+sg39
+g40
+sg41
+g42
+sg43
+g44
+ssI10
+(dp52
+S'city'
+p53
+S'seattle'
+p54
+sS'theater'
+p55
+S'regal meridian 16'
+p56
+sS'zip'
+p57
+S'98101'
+p58
+sS'numberofkids'
+p59
+S'two'
+p60
+sS'theater_chain'
+p61
+S'regal meridian'
+p62
+sS'state'
+p63
+S'wa'
+p64
+sS'other'
+p65
+S'movie assistant number'
+p66
+sS'starttime'
+p67
+S'6:30pm'
+p68
+sS'date'
+p69
+S'tonight'
+p70
+sS'moviename'
+p71
+S'zootopia'
+p72
+ssI11
+(dp73
+g53
+S'bellevue'
+p74
+sg55
+g56
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI12
+(dp75
+g53
+g54
+sg55
+S'bellevue lincoln square cinemas'
+p76
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI13
+(dp77
+g53
+g74
+sg55
+g76
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI14
+(dp78
+g53
+g54
+sg55
+S'regal meridian'
+p79
+sg57
+g58
+sg59
+g60
+sg61
+g62
+sg63
+g64
+sg65
+g66
+sg67
+g68
+sg69
+g70
+sg71
+g72
+ssI15
+(dp80
+S'city'
+p81
+S'birmingham'
+p82
+sS'theater'
+p83
+S'carmike summit 16'
+p84
+sS'state'
+p85
+S'al'
+p86
+sS'starttime'
+p87
+S'around 2pm'
+p88
+sS'date'
+p89
+S'today'
+p90
+sS'moviename'
+p91
+S'zootopia'
+p92
+ssI16
+(dp93
+g81
+g82
+sg83
+S'carmike summit'
+p94
+sg85
+g86
+sg87
+g88
+sg89
+g90
+sg91
+g92
+ssI17
+(dp95
+g81
+g82
+sg83
+g84
+sg85
+g86
+sg87
+S'1:30'
+p96
+sg89
+g90
+sg91
+g92
+ssI18
+(dp97
+g81
+g82
+sg83
+g94
+sg85
+g86
+sg87
+g96
+sg89
+g90
+sg91
+g92
+ssI19
+(dp98
+g81
+g82
+sg83
+g84
+sg85
+g86
+sg87
+S'4:00'
+p99
+sg89
+g90
+sg91
+g92
+ssI20
+(dp100
+S'date'
+p101
+S'tomorrow'
+p102
+sS'city'
+p103
+S'san francisco'
+p104
+sS'moviename'
+p105
+S'How to be single'
+p106
+sS'theater'
+p107
+S'century centre 9'
+p108
+sS'starttime'
+p109
+S'night'
+p110
+ssI21
+(dp111
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+S'Redwood City 20'
+p112
+sg109
+g110
+ssI22
+(dp113
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g108
+sg109
+S'11:05am'
+p114
+ssI23
+(dp115
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g112
+sg109
+g114
+ssI24
+(dp116
+g101
+g102
+sg103
+g104
+sg105
+g106
+sg107
+g108
+sg109
+S'1:45pm'
+p117
+ssI25
+(dp118
+S'city'
+p119
+S'seattle'
+p120
+sS'theater'
+p121
+S'many'
+p122
+sS'other'
+p123
+S'search theater'
+p124
+sS'starttime'
+p125
+S'latest showing'
+p126
+sS'date'
+p127
+S'tonight'
+p128
+sS'moviename'
+p129
+S'london has fallen'
+p130
+ssI26
+(dp131
+g119
+g120
+sg121
+S'regal meridian 16'
+p132
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+g130
+ssI27
+(dp133
+g119
+g120
+sg121
+g122
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+S'whiskey tango foxtrot'
+p134
+ssI28
+(dp135
+g119
+g120
+sg121
+g132
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+g134
+ssI29
+(dp136
+g119
+g120
+sg121
+g122
+sg123
+g124
+sg125
+g126
+sg127
+g128
+sg129
+S'zootopia'
+p137
+ssI30
+(dp138
+S'date'
+p139
+S'tomorrow'
+p140
+sS'city'
+p141
+S'seattle'
+p142
+sS'theater'
+p143
+S'amc pacific place 11'
+p144
+sS'moviename'
+p145
+S'deadpool'
+p146
+sS'starttime'
+p147
+S'9:00 pm'
+p148
+ssI31
+(dp149
+S'city'
+p150
+S'birmingham'
+p151
+sS'theater'
+p152
+S'carmike summit 16'
+p153
+sS'state'
+p154
+S'al'
+p155
+sS'starttime'
+p156
+S'around 6pm'
+p157
+sS'date'
+p158
+S'today'
+p159
+sS'moviename'
+p160
+S'deadpool'
+p161
+ssI32
+(dp162
+g150
+g151
+sg152
+g153
+sg154
+g155
+sg156
+S'7:20'
+p163
+sg158
+g159
+sg160
+g161
+ssI33
+(dp164
+S'date'
+p165
+S'tomorrow'
+p166
+sS'city'
+p167
+S'seattle'
+p168
+sS'theater'
+p169
+S'regal meridian 16'
+p170
+sS'moviename'
+p171
+S'zootopia'
+p172
+sS'starttime'
+p173
+S'9:10 pm'
+p174
+ssI34
+(dp175
+S'date'
+p176
+S'tomorrow'
+p177
+sS'city'
+p178
+S'seattle'
+p179
+sS'theater'
+p180
+S'regal meridian 16'
+p181
+sS'moviename'
+p182
+S'hail caesar'
+p183
+sS'starttime'
+p184
+S'8:45 pm'
+p185
+ssI35
+(dp186
+g176
+g177
+sg178
+g179
+sg180
+g181
+sg182
+g183
+sg184
+S'8:45'
+p187
+ssI36
+(dp188
+S'city'
+p189
+S'portland'
+p190
+sS'theater'
+p191
+S'regal lloyd center 10'
+p192
+sS'state'
+p193
+S'oregon'
+p194
+sS'starttime'
+p195
+S'10 pm'
+p196
+sS'date'
+p197
+S'friday'
+p198
+sS'moviename'
+p199
+S'star wars'
+p200
+ssI37
+(dp201
+g189
+g190
+sg191
+g192
+sg193
+g194
+sg195
+S'9:50 pm'
+p202
+sg197
+g198
+sg199
+g200
+ssI38
+(dp203
+S'city'
+p204
+S'birmingham'
+p205
+sS'theater'
+p206
+S'carmike 16'
+p207
+sS'video_format'
+p208
+S'3d'
+p209
+sS'state'
+p210
+S'al'
+p211
+sS'starttime'
+p212
+S'around 3 pm'
+p213
+sS'date'
+p214
+S'tomorrow'
+p215
+sS'genre'
+p216
+S'kid'
+p217
+sS'moviename'
+p218
+S'zootopia'
+p219
+ssI39
+(dp220
+g204
+g205
+sg206
+g207
+sg208
+S'standard'
+p221
+sg210
+g211
+sg212
+g213
+sg214
+g215
+sg216
+g217
+sg218
+g219
+ssI40
+(dp222
+g204
+g205
+sg206
+g207
+sg208
+g209
+sg210
+g211
+sg212
+S'12pm'
+p223
+sg214
+g215
+sg216
+g217
+sg218
+g219
+ssI41
+(dp224
+g204
+g205
+sg206
+g207
+sg208
+g221
+sg210
+g211
+sg212
+g223
+sg214
+g215
+sg216
+g217
+sg218
+g219
+ssI42
+(dp225
+g204
+g205
+sg206
+g207
+sg208
+g209
+sg210
+g211
+sg212
+g213
+sg214
+g215
+sg216
+g217
+sg218
+S' kung fu panda 3'
+p226
+ssI43
+(dp227
+S'date'
+p228
+S'tomorrow'
+p229
+sS'city'
+p230
+S'seattle'
+p231
+sS'theater'
+p232
+S'amc pacific place 11 theater'
+p233
+sS'moviename'
+p234
+S'room'
+p235
+sS'starttime'
+p236
+S'9:30 pm'
+p237
+ssI44
+(dp238
+S'theater'
+p239
+S'river east 21'
+p240
+sS'video_format'
+p241
+S'2d'
+p242
+sS'other'
+p243
+S'cannot book'
+p244
+sS'starttime'
+p245
+S'night'
+p246
+sS'date'
+p247
+S'saturday'
+p248
+sS'theater_chain'
+p249
+S'amc'
+p250
+sS'moviename'
+p251
+S'zootopia'
+p252
+ssI45
+(dp253
+g239
+g240
+sg241
+S'3d'
+p254
+sg243
+g244
+sg245
+g246
+sg247
+g248
+sg249
+g250
+sg251
+g252
+ssI46
+(dp255
+g239
+g240
+sg241
+g242
+sg243
+g244
+sg245
+g246
+sg247
+S'tomorrow'
+p256
+sg249
+g250
+sg251
+g252
+ssI47
+(dp257
+g239
+g240
+sg241
+g254
+sg243
+g244
+sg245
+g246
+sg247
+g256
+sg249
+g250
+sg251
+g252
+ssI48
+(dp258
+g239
+g240
+sg241
+g242
+sg243
+g244
+sg245
+S'6pm'
+p259
+sg247
+g248
+sg249
+g250
+sg251
+g252
+ssI49
+(dp260
+S'date'
+p261
+S'tomorrow'
+p262
+sS'city'
+p263
+S'seattle'
+p264
+sS'theater'
+p265
+S'regal meridian 16'
+p266
+sS'moviename'
+p267
+S'the witch'
+p268
+sS'starttime'
+p269
+S'9:30 pm'
+p270
+ssI50
+(dp271
+S'city'
+p272
+S'royal oak'
+p273
+sS'theater'
+p274
+S'emagine theater'
+p275
+sS'zip'
+p276
+S'48071'
+p277
+sS'distanceconstraints'
+p278
+S'closest'
+p279
+sS'state'
+p280
+S'mi'
+p281
+sS'starttime'
+p282
+S'10:05am#12:30pm#2:55pm#5:30pm#8:00pm#10:40pm'
+p283
+sS'date'
+p284
+S'3/11'
+p285
+sS'moviename'
+p286
+S'deadpool'
+p287
+ssI51
+(dp288
+g272
+S'Royal Oak'
+p289
+sg274
+g275
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI52
+(dp290
+g272
+S'madison heights'
+p291
+sg274
+g275
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI53
+(dp292
+g272
+g273
+sg274
+S'emagine'
+p293
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI54
+(dp294
+g272
+g289
+sg274
+g293
+sg276
+g277
+sg278
+g279
+sg280
+g281
+sg282
+g283
+sg284
+g285
+sg286
+g287
+ssI55
+(dp295
+S'city'
+p296
+S'detroit'
+p297
+sS'other'
+p298
+S'servicing tickets'
+p299
+sS'moviename'
+p300
+S'independce day'
+p301
+sS'starttime'
+p302
+S'7pm'
+p303
+ssI56
+(dp304
+S'city'
+p305
+S'des moines'
+p306
+sS'theater'
+p307
+S'any'
+p308
+sS'state'
+p309
+S'iowa'
+p310
+sS'mpaa_rating'
+p311
+S'rated pg'
+p312
+sS'starttime'
+p313
+S'around 7pm'
+p314
+sS'date'
+p315
+S'now'
+p316
+sS'moviename'
+p317
+S'zootopia#kung fu panda 3'
+p318
+ssI57
+(dp319
+g305
+g306
+sg307
+S'FLIX BREWHOUSE DES MOINES'
+p320
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g316
+sg317
+g318
+ssI58
+(dp321
+g305
+g306
+sg307
+S'CARMIKE COBBLESTONE 9'
+p322
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g316
+sg317
+g318
+ssI59
+(dp323
+g305
+g306
+sg307
+g308
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+S'tomorrow'
+p324
+sg317
+g318
+ssI60
+(dp325
+g305
+g306
+sg307
+g320
+sg309
+g310
+sg311
+g312
+sg313
+g314
+sg315
+g324
+sg317
+g318
+ssI61
+(dp326
+S'city'
+p327
+S'johnstown'
+p328
+sS'theater'
+p329
+S'cinemas'
+p330
+sS'video_format'
+p331
+S'standard/2D version'
+p332
+sS'state'
+p333
+S'pennsylvania'
+p334
+sS'starttime'
+p335
+S'earliest showing'
+p336
+sS'date'
+p337
+S'tomorrow afternoon'
+p338
+sS'moviename'
+p339
+S'zootopia'
+p340
+ssI62
+(dp341
+g327
+g328
+sg329
+g330
+sg331
+S'3d'
+p342
+sg333
+g334
+sg335
+g336
+sg337
+g338
+sg339
+g340
+ssI63
+(dp343
+g327
+g328
+sg329
+g330
+sg331
+S'standard'
+p344
+sg333
+g334
+sg335
+g336
+sg337
+g338
+sg339
+g340
+ssI64
+(dp345
+g327
+g328
+sg329
+g330
+sg331
+g332
+sg333
+g334
+sg335
+S'12:45pm'
+p346
+sg337
+g338
+sg339
+g340
+ssI65
+(dp347
+g327
+g328
+sg329
+g330
+sg331
+g342
+sg333
+g334
+sg335
+g346
+sg337
+g338
+sg339
+g340
+ssI66
+(dp348
+S'date'
+p349
+S'tomorrow'
+p350
+sS'city'
+p351
+S'seattle'
+p352
+sS'theater'
+p353
+S'regal meridian 16'
+p354
+sS'moviename'
+p355
+S'the witch'
+p356
+sS'starttime'
+p357
+S'9:30 pm'
+p358
+ssI67
+(dp359
+S'genre'
+p360
+S'action'
+p361
+sS'critic_rating'
+p362
+S'84 percent'
+p363
+sS'other'
+p364
+S'rotten tomatoes'
+p365
+sS'moviename'
+p366
+S'Deadpool'
+p367
+sS'actor'
+p368
+S'ryan reynolds'
+p369
+ssI68
+(dp370
+g360
+S'violence'
+p371
+sg362
+g363
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI69
+(dp372
+g360
+g361
+sg362
+S'93 of audience'
+p373
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI70
+(dp374
+g360
+g371
+sg362
+g373
+sg364
+g365
+sg366
+g367
+sg368
+g369
+ssI71
+(dp375
+g360
+g361
+sg362
+g363
+sg364
+g365
+sg366
+S'London has fallen'
+p376
+sg368
+g369
+ssI72
+(dp377
+S'city'
+p378
+S'visalia'
+p379
+sS'theater'
+p380
+S'regal visalia stadium 10'
+p381
+sS'state'
+p382
+S'california'
+p383
+sS'starttime'
+p384
+S'12:35pm'
+p385
+sS'date'
+p386
+S'march 12'
+p387
+sS'moviename'
+p388
+S'london has fallen'
+p389
+ssI73
+(dp390
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 4:05pm'
+p391
+sg386
+g387
+sg388
+g389
+ssI74
+(dp392
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 7:05pm'
+p393
+sg386
+g387
+sg388
+g389
+ssI75
+(dp394
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S' 9:55pm'
+p395
+sg386
+g387
+sg388
+g389
+ssI76
+(dp396
+g378
+g379
+sg380
+g381
+sg382
+g383
+sg384
+S'7:05 pm'
+p397
+sg386
+g387
+sg388
+g389
+ssI77
+(dp398
+S'distanceconstraints'
+p399
+S'near the space needle'
+p400
+sS'other'
+p401
+S'pub serves good burgers'
+p402
+ssI78
+(dp403
+S'city'
+p404
+S'seattle'
+p405
+sS'theater'
+p406
+S'amc pacific place 11'
+p407
+sS'zip'
+p408
+S'98101'
+p409
+sS'distanceconstraints'
+p410
+S'area'
+p411
+sS'state'
+p412
+S'wa'
+p413
+sS'other'
+p414
+S'serves seafood'
+p415
+sS'starttime'
+p416
+S'night'
+p417
+sS'date'
+p418
+S'Friday'
+p419
+sS'moviename'
+p420
+S'10 cloverfield lane'
+p421
+ssI79
+(dp422
+g404
+S'bellevue'
+p423
+sg406
+g407
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI80
+(dp424
+g404
+g405
+sg406
+S'bellevue lincoln square cinemas'
+p425
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI81
+(dp426
+g404
+g423
+sg406
+g425
+sg408
+g409
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI82
+(dp427
+g404
+g405
+sg406
+g407
+sg408
+S'98004'
+p428
+sg410
+g411
+sg412
+g413
+sg414
+g415
+sg416
+g417
+sg418
+g419
+sg420
+g421
+ssI83
+(dp429
+S'city'
+p430
+S'boston'
+p431
+sS'theater'
+p432
+S'amc loews boston common 19'
+p433
+sS'distanceconstraints'
+p434
+S'nearest'
+p435
+sS'state'
+p436
+S'ma'
+p437
+sS'starttime'
+p438
+S'8pm'
+p439
+sS'date'
+p440
+S'saturday'
+p441
+sS'moviename'
+p442
+S'lolo'
+p443
+ssI84
+(dp444
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+S'8:20'
+p445
+sg440
+g441
+sg442
+g443
+ssI85
+(dp446
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+g439
+sg440
+g441
+sg442
+S'deadpool'
+p447
+ssI86
+(dp448
+g430
+g431
+sg432
+g433
+sg434
+g435
+sg436
+g437
+sg438
+g445
+sg440
+g441
+sg442
+g447
+ssI87
+(dp449
+S'city'
+p450
+S'bellevue'
+p451
+sS'theater'
+p452
+S'bellevue lincoln square cinemas'
+p453
+sS'zip'
+p454
+S'98004'
+p455
+sS'distanceconstraints'
+p456
+S'near 98119'
+p457
+sS'actor'
+p458
+S'ryan reynolds'
+p459
+sS'date'
+p460
+S'tonight'
+p461
+sS'state'
+p462
+S'washington'
+p463
+sS'starttime'
+p464
+S'8:15pm'
+p465
+sS'genre'
+p466
+S'superhero'
+p467
+sS'moviename'
+p468
+S'deadpool'
+p469
+ssI88
+(dp470
+g450
+g451
+sg452
+S'amc pacific place 11'
+p471
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+g463
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI89
+(dp472
+g450
+g451
+sg452
+g453
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+S'wa'
+p473
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI90
+(dp474
+g450
+g451
+sg452
+g471
+sg454
+g455
+sg456
+g457
+sg458
+g459
+sg460
+g461
+sg462
+g473
+sg464
+g465
+sg466
+g467
+sg468
+g469
+ssI91
+(dp475
+S'city'
+p476
+S'seattle'
+p477
+sS'theater'
+p478
+S'amc pacific place 11'
+p479
+sS'zip'
+p480
+S'98101'
+p481
+sS'critic_rating'
+p482
+S'best'
+p483
+sS'date'
+p484
+S'tonight'
+p485
+sS'state'
+p486
+S'washington'
+p487
+sS'other'
+p488
+S'date'
+p489
+sS'starttime'
+p490
+S'between 9 and 10'
+p491
+sS'genre'
+p492
+S'romance'
+p493
+sS'moviename'
+p494
+S'how to be single'
+p495
+ssI92
+(dp496
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+S'wa'
+p497
+sg488
+g489
+sg490
+g491
+sg492
+g493
+sg494
+g495
+ssI93
+(dp498
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g487
+sg488
+g489
+sg490
+S'7:20'
+p499
+sg492
+g493
+sg494
+g495
+ssI94
+(dp500
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g497
+sg488
+g489
+sg490
+g499
+sg492
+g493
+sg494
+g495
+ssI95
+(dp501
+g476
+g477
+sg478
+g479
+sg480
+g481
+sg482
+g483
+sg484
+g485
+sg486
+g487
+sg488
+g489
+sg490
+S'10:20'
+p502
+sg492
+g493
+sg494
+g495
+ssI96
+(dp503
+S'city'
+p504
+S'carbondale'
+p505
+sS'theater'
+p506
+S'amc showplace carbondale 8'
+p507
+sS'date'
+p508
+S'tuesday'
+p509
+sS'state'
+p510
+S'illinois'
+p511
+sS'other'
+p512
+S'scary'
+p513
+sS'starttime'
+p514
+S'night'
+p515
+sS'genre'
+p516
+S'thriller'
+p517
+sS'moviename'
+p518
+S'the witch#the other side of the door#the boy'
+p519
+ssI97
+(dp520
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'after 7pm'
+p521
+sg516
+g517
+sg518
+g519
+ssI98
+(dp522
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'4:40 pm'
+p523
+sg516
+g517
+sg518
+g519
+ssI99
+(dp524
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+S'before dinner'
+p525
+sg516
+g517
+sg518
+g519
+ssI100
+(dp526
+g504
+g505
+sg506
+g507
+sg508
+g509
+sg510
+g511
+sg512
+g513
+sg514
+g515
+sg516
+g517
+sg518
+S'the other side of the door'
+p527
+ssI101
+(dp528
+S'date'
+p529
+S'tomorrow'
+p530
+sS'city'
+p531
+S'seattle'
+p532
+sS'theater'
+p533
+S'amc lowes oak tree'
+p534
+sS'moviename'
+p535
+S'triple 9'
+p536
+sS'starttime'
+p537
+S'7:10 pm'
+p538
+ssI102
+(dp539
+g529
+g530
+sg531
+g532
+sg533
+S'amc lowes oak tree 6'
+p540
+sg535
+g536
+sg537
+g538
+ssI103
+(dp541
+S'date'
+p542
+S'tomorrow'
+p543
+sS'city'
+p544
+S'seattle'
+p545
+sS'theater'
+p546
+S'regal meridian 16'
+p547
+sS'moviename'
+p548
+S'zootopia'
+p549
+sS'starttime'
+p550
+S'9:10 pm'
+p551
+ssI104
+(dp552
+S'moviename'
+p553
+S'deadpool'
+p554
+sS'theater'
+p555
+S'royal oak emagine theater'
+p556
+sS'starttime'
+p557
+S'betwenn 8-10 pm'
+p558
+ssI105
+(dp559
+S'city'
+p560
+S'birmingham'
+p561
+sS'theater'
+p562
+S'carmike summit 16'
+p563
+sS'distanceconstraints'
+p564
+S'closest time'
+p565
+sS'state'
+p566
+S'al'
+p567
+sS'starttime'
+p568
+S'4 pm'
+p569
+sS'date'
+p570
+S'today'
+p571
+sS'moviename'
+p572
+S'deadpool'
+p573
+ssI106
+(dp574
+g560
+g561
+sg562
+g563
+sg564
+g565
+sg566
+g567
+sg568
+S'4:20'
+p575
+sg570
+g571
+sg572
+g573
+ssI107
+(dp576
+g560
+g561
+sg562
+g563
+sg564
+g565
+sg566
+g567
+sg568
+S'4:20pm'
+p577
+sg570
+g571
+sg572
+g573
+ssI108
+(dp578
+S'date'
+p579
+S'tonight'
+p580
+sS'city'
+p581
+S'los angeles'
+p582
+sS'moviename'
+p583
+S'The Witch'
+p584
+sS'theater'
+p585
+S'Regal LA LIVE Stadium 14'
+p586
+sS'starttime'
+p587
+S'from noon to 4pm'
+p588
+ssI109
+(dp589
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+S'regal la live stadium'
+p590
+sg587
+g588
+ssI110
+(dp591
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g586
+sg587
+S'8:30pm'
+p592
+ssI111
+(dp593
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g590
+sg587
+g592
+ssI112
+(dp594
+g579
+g580
+sg581
+g582
+sg583
+g584
+sg585
+g586
+sg587
+S'11:00pm'
+p595
+ssI113
+(dp596
+S'date'
+p597
+S'tomorrow'
+p598
+sS'city'
+p599
+S'seattle'
+p600
+sS'theater'
+p601
+S'regal meridian 16'
+p602
+sS'moviename'
+p603
+S'the big short'
+p604
+sS'starttime'
+p605
+S'8:45 pm'
+p606
+ssI114
+(dp607
+S'distanceconstraints'
+p608
+S'space needle'
+p609
+sS'other'
+p610
+S'restaurant'
+p611
+sS'theater'
+p612
+S'Big Picture'
+p613
+ssI115
+(dp614
+g608
+g609
+sg610
+S'beer'
+p615
+sg612
+g613
+ssI116
+(dp616
+g608
+g609
+sg610
+g611
+sg612
+S'Cinerama'
+p617
+ssI117
+(dp618
+g608
+g609
+sg610
+g615
+sg612
+g617
+ssI118
+(dp619
+g608
+g609
+sg610
+g611
+sg612
+S'Central Cinema'
+p620
+ssI119
+(dp621
+S'date'
+p622
+S'tomorrow'
+p623
+sS'city'
+p624
+S'seattle'
+p625
+sS'theater'
+p626
+S'regal meridian 16'
+p627
+sS'moviename'
+p628
+S'the big short'
+p629
+sS'starttime'
+p630
+S'8:45 pm'
+p631
+ssI120
+(dp632
+S'city'
+p633
+S'detroit'
+p634
+sS'date'
+p635
+S'tonight'
+p636
+sS'mpaa_rating'
+p637
+S'pg13'
+p638
+sS'starttime'
+p639
+S'around 7pm'
+p640
+sS'genre'
+p641
+S'action'
+p642
+sS'moviename'
+p643
+S'gods of egypt'
+p644
+ssI121
+(dp645
+g633
+g634
+sg635
+g636
+sg637
+S'pg-13'
+p646
+sg639
+g640
+sg641
+g642
+sg643
+g644
+ssI122
+(dp647
+g633
+g634
+sg635
+g636
+sg637
+g638
+sg639
+g640
+sg641
+g642
+sg643
+S'star wars'
+p648
+ssI123
+(dp649
+g633
+g634
+sg635
+g636
+sg637
+g646
+sg639
+g640
+sg641
+g642
+sg643
+g648
+ssI124
+(dp650
+S'date'
+p651
+S'tomorrow'
+p652
+sS'city'
+p653
+S'seattle'
+p654
+sS'theater'
+p655
+S'regal meridian 16'
+p656
+sS'moviename'
+p657
+S'zootopia'
+p658
+sS'starttime'
+p659
+S'9:10 pm'
+p660
+ssI125
+(dp661
+S'city'
+p662
+S'stony brook'
+p663
+sS'numberofkids'
+p664
+S'1'
+sS'theater_chain'
+p665
+S'amc loews stony brook 17'
+p666
+sS'state'
+p667
+S'ny'
+p668
+sS'starttime'
+p669
+S' Matinee'
+p670
+sS'date'
+p671
+S'saturday'
+p672
+sS'moviename'
+p673
+S' Young Messiah'
+p674
+ssI126
+(dp675
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+S'11:05am'
+p676
+sg671
+g672
+sg673
+g674
+ssI127
+(dp677
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+S'1:45pm'
+p678
+sg671
+g672
+sg673
+g674
+ssI128
+(dp679
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+g670
+sg671
+g672
+sg673
+S'The Young Messiah'
+p680
+ssI129
+(dp681
+g662
+g663
+sg664
+S'1'
+sg665
+g666
+sg667
+g668
+sg669
+g676
+sg671
+g672
+sg673
+g680
+ssI130
+(dp682
+S'date'
+p683
+S'next friday'
+p684
+sS'theater'
+p685
+S'century rowland plaza'
+p686
+sS'moviename'
+p687
+S'eddie the eagle'
+p688
+sS'starttime'
+p689
+S'4pm to 7pm'
+p690
+sS'zip'
+p691
+S'94952'
+p692
+ssI131
+(dp693
+g683
+g684
+sg685
+S'the century rowland plaza'
+p694
+sg687
+g688
+sg689
+g690
+sg691
+g692
+ssI132
+(dp695
+g683
+g684
+sg685
+g686
+sg687
+g688
+sg689
+S'4:20pm'
+p696
+sg691
+g692
+ssI133
+(dp697
+g683
+g684
+sg685
+g694
+sg687
+g688
+sg689
+g696
+sg691
+g692
+ssI134
+(dp698
+g683
+g684
+sg685
+g686
+sg687
+g688
+sg689
+S'6:55pm'
+p699
+sg691
+g692
+ssI135
+(dp700
+S'date'
+p701
+S'tomorrow'
+p702
+sS'moviename'
+p703
+S'risen'
+p704
+sS'theater'
+p705
+S'regency commerce 14'
+p706
+sS'starttime'
+p707
+S'11:50am'
+p708
+ssI136
+(dp709
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'2:30pm'
+p710
+ssI137
+(dp711
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'5:10'
+p712
+ssI138
+(dp713
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'7:50'
+p714
+ssI139
+(dp715
+g701
+g702
+sg703
+g704
+sg705
+g706
+sg707
+S'10:25'
+p716
+ssI140
+(dp717
+S'date'
+p718
+S'tomorrow'
+p719
+sS'city'
+p720
+S'seattle'
+p721
+sS'theater'
+p722
+S'regal meridian 16'
+p723
+sS'moviename'
+p724
+S'zoolander 2'
+p725
+sS'starttime'
+p726
+S'9:25 pm'
+p727
+ssI141
+(dp728
+S'date'
+p729
+S'tomorrow'
+p730
+sS'city'
+p731
+S'seattle'
+p732
+sS'theater'
+p733
+S'amc pacific place 11 theater'
+p734
+sS'moviename'
+p735
+S'deadpool'
+p736
+sS'starttime'
+p737
+S'9:00 pm'
+p738
+ssI142
+(dp739
+S'city'
+p740
+S'seattle'
+p741
+sS'theater'
+p742
+S'many'
+p743
+sS'distanceconstraints'
+p744
+S'east side'
+p745
+sS'starttime'
+p746
+S'around 2pm'
+p747
+sS'date'
+p748
+S'saturday'
+p749
+sS'moviename'
+p750
+S'zootopia'
+p751
+ssI143
+(dp752
+g740
+g741
+sg742
+S'bellevue lincoln square cinemas'
+p753
+sg744
+g745
+sg746
+g747
+sg748
+g749
+sg750
+g751
+ssI144
+(dp754
+g740
+g741
+sg742
+S'bellevue lincoln square'
+p755
+sg744
+g745
+sg746
+g747
+sg748
+g749
+sg750
+g751
+ssI145
+(dp756
+g740
+g741
+sg742
+g743
+sg744
+g745
+sg746
+S'2:35 pm'
+p757
+sg748
+g749
+sg750
+g751
+ssI146
+(dp758
+g740
+g741
+sg742
+g753
+sg744
+g745
+sg746
+g757
+sg748
+g749
+sg750
+g751
+ssI147
+(dp759
+S'date'
+p760
+S'tomorrow'
+p761
+sS'city'
+p762
+S'seattle'
+p763
+sS'theater'
+p764
+S'regal meridian 16'
+p765
+sS'moviename'
+p766
+S'the witch'
+p767
+sS'starttime'
+p768
+S'9:30 pm'
+p769
+ssI148
+(dp770
+S'city'
+p771
+S'tampa'
+p772
+sS'theater'
+p773
+S'amc west shore 14 210 Westshore Plaza'
+p774
+sS'video_format'
+p775
+S'3d'
+p776
+sS'state'
+p777
+S'fl'
+p778
+sS'starttime'
+p779
+S'afternoon'
+p780
+sS'date'
+p781
+S'saturday'
+p782
+sS'moviename'
+p783
+S'zootopia'
+p784
+ssI149
+(dp785
+g771
+g772
+sg773
+g774
+sg775
+S'standard'
+p786
+sg777
+g778
+sg779
+g780
+sg781
+g782
+sg783
+g784
+ssI150
+(dp787
+g771
+g772
+sg773
+g774
+sg775
+g776
+sg777
+g778
+sg779
+S'10:00am'
+p788
+sg781
+g782
+sg783
+g784
+ssI151
+(dp789
+g771
+g772
+sg773
+g774
+sg775
+g786
+sg777
+g778
+sg779
+g788
+sg781
+g782
+sg783
+g784
+ssI152
+(dp790
+g771
+g772
+sg773
+g774
+sg775
+g776
+sg777
+g778
+sg779
+S'12:45pm'
+p791
+sg781
+g782
+sg783
+g784
+ssI153
+(dp792
+S'city'
+p793
+S'seattle'
+p794
+sS'theater'
+p795
+S'bellevue lincoln square cinemas'
+p796
+sS'zip'
+p797
+S'98004'
+p798
+sS'distanceconstraints'
+p799
+S'downtown'
+p800
+sS'critic_rating'
+p801
+S'good place'
+p802
+sS'state'
+p803
+S'wa'
+p804
+sS'other'
+p805
+S'restaurant'
+p806
+sS'starttime'
+p807
+S'10:00am'
+p808
+sS'date'
+p809
+S'weekend'
+p810
+sS'moviename'
+p811
+S'zootopia'
+p812
+ssI154
+(dp813
+g793
+S'bellevue'
+p814
+sg795
+g796
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI155
+(dp815
+g793
+g794
+sg795
+S'pacific science center imax theaters'
+p816
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI156
+(dp817
+g793
+g814
+sg795
+g816
+sg797
+g798
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI157
+(dp818
+g793
+g794
+sg795
+g796
+sg797
+S'98109'
+p819
+sg799
+g800
+sg801
+g802
+sg803
+g804
+sg805
+g806
+sg807
+g808
+sg809
+g810
+sg811
+g812
+ssI158
+(dp820
+S'city'
+p821
+S'birmingham'
+p822
+sS'theater'
+p823
+S'carmike summit 16'
+p824
+sS'zip'
+p825
+S'35243'
+p826
+sS'critic_rating'
+p827
+S'most scene'
+p828
+sS'date'
+p829
+S'saturday'
+p830
+sS'state'
+p831
+S'al'
+p832
+sS'mpaa_rating'
+p833
+S'pg'
+p834
+sS'starttime'
+p835
+S'10:00am'
+p836
+sS'genre'
+p837
+S'action'
+p838
+sS'moviename'
+p839
+S'zootopia'
+p840
+ssI159
+(dp841
+g821
+S'hoover'
+p842
+sg823
+g824
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI160
+(dp843
+g821
+g822
+sg823
+S'carmike patton creek'
+p844
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI161
+(dp845
+g821
+g842
+sg823
+g844
+sg825
+g826
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI162
+(dp846
+g821
+g822
+sg823
+g824
+sg825
+S'35244'
+p847
+sg827
+g828
+sg829
+g830
+sg831
+g832
+sg833
+g834
+sg835
+g836
+sg837
+g838
+sg839
+g840
+ssI163
+(dp848
+S'genre'
+p849
+S'drama'
+p850
+sS'city'
+p851
+S'seattle'
+p852
+sS'moviename'
+p853
+S'eddie the eagle'
+p854
+sS'theater'
+p855
+S'regal meridian sundance cinemas'
+p856
+ssI164
+(dp857
+g849
+g850
+sg851
+g852
+sg853
+S'the big short'
+p858
+sg855
+g856
+ssI165
+(dp859
+g849
+g850
+sg851
+g852
+sg853
+g854
+sg855
+S'regal thornton place'
+p860
+ssI166
+(dp861
+g849
+g850
+sg851
+g852
+sg853
+g858
+sg855
+g860
+ssI167
+(dp862
+S'moviename'
+p863
+S'Avengers'
+p864
+ssI168
+(dp865
+g863
+S'Finding Dory'
+p866
+ssI169
+(dp867
+S'city'
+p868
+S'Sacramento'
+p869
+sS'theater'
+p870
+S'REGAL NATOMAS MARKETPLACE STADIUM 16 & RPX'
+p871
+sS'distanceconstraints'
+p872
+S'close to 95833'
+p873
+sS'video_format'
+p874
+S'3d'
+p875
+sS'state'
+p876
+S'ca'
+p877
+sS'starttime'
+p878
+S'morning'
+p879
+sS'date'
+p880
+S'tomorrow'
+p881
+sS'moviename'
+p882
+S'zoology'
+p883
+ssI170
+(dp884
+g868
+g869
+sg870
+S'Regal Natomas Marketplace'
+p885
+sg872
+g873
+sg874
+g875
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI171
+(dp886
+g868
+g869
+sg870
+g871
+sg872
+g873
+sg874
+S'standard'
+p887
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI172
+(dp888
+g868
+g869
+sg870
+g885
+sg872
+g873
+sg874
+g887
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI173
+(dp889
+g868
+g869
+sg870
+g871
+sg872
+g873
+sg874
+S'IMAX'
+p890
+sg876
+g877
+sg878
+g879
+sg880
+g881
+sg882
+g883
+ssI174
+(dp891
+S'date'
+p892
+S'tonight'
+p893
+sS'city'
+p894
+S'seattle'
+p895
+sS'moviename'
+p896
+S'deadpool'
+p897
+sS'theater'
+p898
+S'amc pacific place 11'
+p899
+sS'starttime'
+p900
+S'10pm'
+p901
+ssI175
+(dp902
+g892
+S'tomorrow'
+p903
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+g901
+ssI176
+(dp904
+g892
+g893
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+S'10:00 pm'
+p905
+ssI177
+(dp906
+g892
+g903
+sg894
+g895
+sg896
+g897
+sg898
+g899
+sg900
+g905
+ssI178
+(dp907
+S'date'
+p908
+S'march 24th'
+p909
+sS'other'
+p910
+S'mexican restaurant'
+p911
+sS'moviename'
+p912
+S'batman'
+p913
+ssI179
+(dp914
+g908
+S'openingnight'
+p915
+sg910
+g911
+sg912
+g913
+ssI180
+(dp916
+g908
+S' a different day'
+p917
+sg910
+g911
+sg912
+g913
+ssI181
+(dp918
+g908
+g909
+sg910
+g911
+sg912
+S'batman vs superman'
+p919
+ssI182
+(dp920
+g908
+g915
+sg910
+g911
+sg912
+g919
+ssI183
+(dp921
+S'date'
+p922
+S'tomorrow'
+p923
+sS'city'
+p924
+S'seattle'
+p925
+sS'theater'
+p926
+S'amc lowes oak tree 6'
+p927
+sS'moviename'
+p928
+S'race'
+p929
+sS'starttime'
+p930
+S'4:50 pm'
+p931
+ssI184
+(dp932
+S'city'
+p933
+S'hamilton'
+p934
+sS'theater'
+p935
+S'amc hamilton 24'
+p936
+sS'theater_chain'
+p937
+S'amc hamilton 24'
+p938
+sS'state'
+p939
+S'nj'
+p940
+sS'starttime'
+p941
+S'7pm'
+p942
+sS'date'
+p943
+S'tomorrow'
+p944
+sS'moviename'
+p945
+S'deadpool'
+p946
+ssI185
+(dp947
+g933
+g934
+sg935
+g936
+sg937
+g938
+sg939
+g940
+sg941
+S'7:05'
+p948
+sg943
+g944
+sg945
+g946
+ssI186
+(dp949
+S'date'
+p950
+S'tomorrow'
+p951
+sS'city'
+p952
+S'seattle'
+p953
+sS'theater'
+p954
+S'amc lowes oak tree 6'
+p955
+sS'moviename'
+p956
+S'hail caesar'
+p957
+sS'starttime'
+p958
+S'7:15 pm'
+p959
+ssI187
+(dp960
+S'city'
+p961
+S'birmingham'
+p962
+sS'theater'
+p963
+S'carmike summit 16'
+p964
+sS'video_format'
+p965
+S'3d'
+p966
+sS'state'
+p967
+S'al'
+p968
+sS'starttime'
+p969
+S'around 4pm'
+p970
+sS'date'
+p971
+S'today'
+p972
+sS'moviename'
+p973
+S'zootopia'
+p974
+ssI188
+(dp975
+g961
+g962
+sg963
+g964
+sg965
+S'standard'
+p976
+sg967
+g968
+sg969
+g970
+sg971
+g972
+sg973
+g974
+ssI189
+(dp977
+g961
+g962
+sg963
+g964
+sg965
+g966
+sg967
+g968
+sg969
+S'4 PM'
+p978
+sg971
+g972
+sg973
+g974
+ssI190
+(dp979
+g961
+g962
+sg963
+g964
+sg965
+g976
+sg967
+g968
+sg969
+g978
+sg971
+g972
+sg973
+g974
+ssI191
+(dp980
+S'city'
+p981
+S'seattle'
+p982
+sS'theater'
+p983
+S'regal meridan 16'
+p984
+sS'numberofkids'
+p985
+S'no'
+p986
+sS'video_format'
+p987
+S'regular'
+p988
+sS'state'
+p989
+S'wa'
+p990
+sS'starttime'
+p991
+S'night'
+p992
+sS'date'
+p993
+S'tomorrow'
+p994
+sS'moviename'
+p995
+S'zootopia'
+p996
+ssI192
+(dp997
+g981
+g982
+sg983
+S'bellevue lincoln square cinemas'
+p998
+sg985
+g986
+sg987
+g988
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI193
+(dp999
+g981
+g982
+sg983
+S'pacific science center imax theaters'
+p1000
+sg985
+g986
+sg987
+g988
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI194
+(dp1001
+g981
+g982
+sg983
+g984
+sg985
+g986
+sg987
+S'3d'
+p1002
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI195
+(dp1003
+g981
+g982
+sg983
+g998
+sg985
+g986
+sg987
+g1002
+sg989
+g990
+sg991
+g992
+sg993
+g994
+sg995
+g996
+ssI196
+(dp1004
+S'city'
+p1005
+S'seattle'
+p1006
+sS'theater'
+p1007
+S'elmwood palace 20'
+p1008
+sS'zip'
+p1009
+S'70070'
+p1010
+sS'critic_rating'
+p1011
+S'number 1'
+p1012
+sS'theater_chain'
+p1013
+S'amc'
+p1014
+sS'starttime'
+p1015
+S'5pm'
+p1016
+sS'date'
+p1017
+S'tomorrow'
+p1018
+sS'genre'
+p1019
+S'funny'
+p1020
+sS'moviename'
+p1021
+S'zootopia'
+p1022
+ssI197
+(dp1023
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+S'5:00 pm'
+p1024
+sg1017
+g1018
+sg1019
+g1020
+sg1021
+g1022
+ssI198
+(dp1025
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+g1016
+sg1017
+g1018
+sg1019
+S'comedy'
+p1026
+sg1021
+g1022
+ssI199
+(dp1027
+g1005
+g1006
+sg1007
+g1008
+sg1009
+g1010
+sg1011
+g1012
+sg1013
+g1014
+sg1015
+g1024
+sg1017
+g1018
+sg1019
+g1026
+sg1021
+g1022
+ssI200
+(dp1028
+S'city'
+p1029
+S'nashville'
+p1030
+sS'theater'
+p1031
+S'regal hollywood stadium 27'
+p1032
+sS'state'
+p1033
+S'tn'
+p1034
+sS'starttime'
+p1035
+S'around 8 pm'
+p1036
+sS'date'
+p1037
+S'tomorrow evening'
+p1038
+sS'moviename'
+p1039
+S'revenant'
+p1040
+ssI201
+(dp1041
+g1029
+g1030
+sg1031
+g1032
+sg1033
+g1034
+sg1035
+S'7:50pm'
+p1042
+sg1037
+g1038
+sg1039
+g1040
+ssI202
+(dp1043
+S'theater_chain'
+p1044
+S'amc pacific place 11'
+p1045
+sS'city'
+p1046
+S'Seattle'
+p1047
+sS'other'
+p1048
+S'best restaurant'
+p1049
+sS'date'
+p1050
+S'tomorrow'
+p1051
+sS'starttime'
+p1052
+S'7:00 pm'
+p1053
+ssI203
+(dp1054
+g1044
+g1045
+sg1046
+S'seattle'
+p1055
+sg1048
+g1049
+sg1050
+g1051
+sg1052
+g1053
+ssI204
+(dp1056
+S'city'
+p1057
+S'st louis'
+p1058
+sS'theater'
+p1059
+S'chase park plaza cinemas'
+p1060
+sS'numberofkids'
+p1061
+S'2'
+sS'critic_rating'
+p1062
+S'4.5/5'
+p1063
+sS'date'
+p1064
+S'thursday'
+p1065
+sS'mpaa_rating'
+p1066
+S'pg'
+p1067
+sS'starttime'
+p1068
+S'afternoon'
+p1069
+sS'genre'
+p1070
+S'kids'
+p1071
+sS'moviename'
+p1072
+S'zootopia'
+p1073
+ssI205
+(dp1074
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'11:00am'
+p1075
+sg1070
+g1071
+sg1072
+g1073
+ssI206
+(dp1076
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'1:30pm'
+p1077
+sg1070
+g1071
+sg1072
+g1073
+ssI207
+(dp1078
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'4pm'
+p1079
+sg1070
+g1071
+sg1072
+g1073
+ssI208
+(dp1080
+g1057
+g1058
+sg1059
+g1060
+sg1061
+S'2'
+sg1062
+g1063
+sg1064
+g1065
+sg1066
+g1067
+sg1068
+S'130pm'
+p1081
+sg1070
+g1071
+sg1072
+g1073
+ssI209
+(dp1082
+S'city'
+p1083
+S'whittier village stadium cinemas'
+p1084
+sS'zip'
+p1085
+S'90601'
+p1086
+sS'distanceconstraints'
+p1087
+S'closest'
+p1088
+sS'critic_rating'
+p1089
+S'top rated'
+p1090
+sS'date'
+p1091
+S'next saturday'
+p1092
+sS'starttime'
+p1093
+S'closest to noon'
+p1094
+sS'genre'
+p1095
+S'action'
+p1096
+sS'moviename'
+p1097
+S'london has fallen'
+p1098
+ssI210
+(dp1099
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+S'March 12th'
+p1100
+sg1093
+g1094
+sg1095
+g1096
+sg1097
+g1098
+ssI211
+(dp1101
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+g1092
+sg1093
+S'1:30pm'
+p1102
+sg1095
+g1096
+sg1097
+g1098
+ssI212
+(dp1103
+g1083
+g1084
+sg1085
+g1086
+sg1087
+g1088
+sg1089
+g1090
+sg1091
+g1100
+sg1093
+g1102
+sg1095
+g1096
+sg1097
+g1098
+ssI213
+(dp1104
+S'date'
+p1105
+S'tomorrow'
+p1106
+sS'city'
+p1107
+S'seattle'
+p1108
+sS'theater'
+p1109
+S'regal meridian 16'
+p1110
+sS'moviename'
+p1111
+S'zoolander 2'
+p1112
+sS'starttime'
+p1113
+S'9:25 pm'
+p1114
+ssI214
+(dp1115
+S'city'
+p1116
+S'seattle'
+p1117
+sS'theater'
+p1118
+S'regal lloyd center century eastport 16'
+p1119
+sS'state'
+p1120
+S'oregon'
+p1121
+sS'other'
+p1122
+S'japanese restaurant'
+p1123
+sS'starttime'
+p1124
+S'late showing'
+p1125
+sS'date'
+p1126
+S'tonight'
+p1127
+sS'moviename'
+p1128
+S'star wars the force awakens'
+p1129
+ssI215
+(dp1130
+g1116
+S'southeast portland'
+p1131
+sg1118
+g1119
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI216
+(dp1132
+g1116
+S'portland'
+p1133
+sg1118
+g1119
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI217
+(dp1134
+g1116
+g1117
+sg1118
+S'regal movies on tv stadium 16'
+p1135
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI218
+(dp1136
+g1116
+g1131
+sg1118
+g1135
+sg1120
+g1121
+sg1122
+g1123
+sg1124
+g1125
+sg1126
+g1127
+sg1128
+g1129
+ssI219
+(dp1137
+S'city'
+p1138
+S'seattle'
+p1139
+sS'theater'
+p1140
+S'regal meridian 16'
+p1141
+sS'zip'
+p1142
+S'98101'
+p1143
+sS'video_format'
+p1144
+S'2d'
+p1145
+sS'state'
+p1146
+S'wa'
+p1147
+sS'starttime'
+p1148
+S'4:10&&7:00&&9:50pm'
+p1149
+sS'date'
+p1150
+S'tonight'
+p1151
+sS'moviename'
+p1152
+S'zootopia'
+p1153
+ssI220
+(dp1154
+g1138
+S'bellevue'
+p1155
+sg1140
+g1141
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI221
+(dp1156
+g1138
+g1139
+sg1140
+S'bellevue lincoln square cinemas'
+p1157
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI222
+(dp1158
+g1138
+g1155
+sg1140
+g1157
+sg1142
+g1143
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI223
+(dp1159
+g1138
+g1139
+sg1140
+g1141
+sg1142
+S'98004'
+p1160
+sg1144
+g1145
+sg1146
+g1147
+sg1148
+g1149
+sg1150
+g1151
+sg1152
+g1153
+ssI224
+(dp1161
+S'date'
+p1162
+S'tonight'
+p1163
+sS'city'
+p1164
+S'seattle'
+p1165
+sS'moviename'
+p1166
+S'deadpool'
+p1167
+sS'theater'
+p1168
+S'amc pacific place 11'
+p1169
+sS'starttime'
+p1170
+S'10pm'
+p1171
+ssI225
+(dp1172
+g1162
+S'tomorrow'
+p1173
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+g1171
+ssI226
+(dp1174
+g1162
+g1163
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+S'10:00 pm'
+p1175
+ssI227
+(dp1176
+g1162
+g1173
+sg1164
+g1165
+sg1166
+g1167
+sg1168
+g1169
+sg1170
+g1175
+ssI228
+(dp1177
+S'distanceconstraints'
+p1178
+S'near space needle'
+p1179
+sS'other'
+p1180
+S'pub'
+p1181
+ssI229
+(dp1182
+S'city'
+p1183
+S'birmingham'
+p1184
+sS'theater'
+p1185
+S'carmike summit 16'
+p1186
+sS'state'
+p1187
+S'al'
+p1188
+sS'starttime'
+p1189
+S'2pm'
+p1190
+sS'date'
+p1191
+S'saturday'
+p1192
+sS'moviename'
+p1193
+S'deadpool'
+p1194
+ssI230
+(dp1195
+g1183
+g1184
+sg1185
+g1186
+sg1187
+g1188
+sg1189
+S'2:20 pm'
+p1196
+sg1191
+g1192
+sg1193
+g1194
+ssI231
+(dp1197
+S'city'
+p1198
+S'seattle'
+p1199
+sS'theater'
+p1200
+S'bellevue lincoln square cinemas'
+p1201
+sS'zip'
+p1202
+S'98004'
+p1203
+sS'distanceconstraints'
+p1204
+S'downtown'
+p1205
+sS'critic_rating'
+p1206
+S'good'
+p1207
+sS'state'
+p1208
+S'wa'
+p1209
+sS'other'
+p1210
+S'restaurant'
+p1211
+sS'mpaa_rating'
+p1212
+S'best'
+p1213
+sS'starttime'
+p1214
+S'10:00am'
+p1215
+sS'date'
+p1216
+S'last weekend'
+p1217
+sS'moviename'
+p1218
+S'zootopia'
+p1219
+ssI232
+(dp1220
+g1198
+S'bellevue'
+p1221
+sg1200
+g1201
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI233
+(dp1222
+g1198
+g1199
+sg1200
+S'pacific science center imax theaters'
+p1223
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI234
+(dp1224
+g1198
+g1221
+sg1200
+g1223
+sg1202
+g1203
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI235
+(dp1225
+g1198
+g1199
+sg1200
+g1201
+sg1202
+S'98109'
+p1226
+sg1204
+g1205
+sg1206
+g1207
+sg1208
+g1209
+sg1210
+g1211
+sg1212
+g1213
+sg1214
+g1215
+sg1216
+g1217
+sg1218
+g1219
+ssI236
+(dp1227
+S'city'
+p1228
+S'miami'
+p1229
+sS'theater'
+p1230
+S'Regal South Beach'
+p1231
+sS'distanceconstraints'
+p1232
+S'south beach'
+p1233
+sS'state'
+p1234
+S'florida'
+p1235
+sS'starttime'
+p1236
+S'around 9pm'
+p1237
+sS'date'
+p1238
+S'tonight'
+p1239
+sS'moviename'
+p1240
+S'whiskey tango foxtrot'
+p1241
+ssI237
+(dp1242
+g1228
+g1229
+sg1230
+S'Cinepolis USA'
+p1243
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI238
+(dp1244
+g1228
+g1229
+sg1230
+S'Cobb Dolphin Cinemas'
+p1245
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI239
+(dp1246
+g1228
+g1229
+sg1230
+S'cobb dolphin cinemas'
+p1247
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+g1237
+sg1238
+g1239
+sg1240
+g1241
+ssI240
+(dp1248
+g1228
+g1229
+sg1230
+g1231
+sg1232
+g1233
+sg1234
+g1235
+sg1236
+S'9pm'
+p1249
+sg1238
+g1239
+sg1240
+g1241
+ssI241
+(dp1250
+S'city'
+p1251
+S'seattle'
+p1252
+sS'theater'
+p1253
+S'amc southcenter 16'
+p1254
+sS'theater_chain'
+p1255
+S'amc'
+p1256
+sS'other'
+p1257
+S'number 1'
+p1258
+sS'starttime'
+p1259
+S'9:30 pm'
+p1260
+sS'date'
+p1261
+S'this weekend'
+p1262
+sS'genre'
+p1263
+S'action'
+p1264
+sS'moviename'
+p1265
+S'london has fallen'
+p1266
+ssI242
+(dp1267
+g1251
+g1252
+sg1253
+g1254
+sg1255
+S'regency'
+p1268
+sg1257
+g1258
+sg1259
+g1260
+sg1261
+g1262
+sg1263
+g1264
+sg1265
+g1266
+ssI243
+(dp1269
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+g1258
+sg1259
+g1260
+sg1261
+S'this week'
+p1270
+sg1263
+g1264
+sg1265
+g1266
+ssI244
+(dp1271
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1268
+sg1257
+g1258
+sg1259
+g1260
+sg1261
+g1270
+sg1263
+g1264
+sg1265
+g1266
+ssI245
+(dp1272
+g1251
+g1252
+sg1253
+g1254
+sg1255
+g1256
+sg1257
+g1258
+sg1259
+g1260
+sg1261
+S'wednesday'
+p1273
+sg1263
+g1264
+sg1265
+g1266
+ssI246
+(dp1274
+S'genre'
+p1275
+S'scary'
+p1276
+sS'city'
+p1277
+S'chicago'
+p1278
+sS'state'
+p1279
+S'il'
+p1280
+sS'moviename'
+p1281
+S'the other side of the door'
+p1282
+ssI247
+(dp1283
+g1275
+g1276
+sg1277
+g1278
+sg1279
+g1280
+sg1281
+S'the witch'
+p1284
+ssI248
+(dp1285
+S'city'
+p1286
+S'nyc'
+p1287
+sS'theater'
+p1288
+S'ua kaufman astoria stadium 14'
+p1289
+sS'zip'
+p1290
+S'10035'
+p1291
+sS'date'
+p1292
+S'today'
+p1293
+sS'starttime'
+p1294
+S'7:00pm'
+p1295
+sS'genre'
+p1296
+S'horror'
+p1297
+sS'moviename'
+p1298
+S'TheWitch'
+p1299
+ssI249
+(dp1300
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+S'8:40pm'
+p1301
+sg1296
+g1297
+sg1298
+g1299
+ssI250
+(dp1302
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1295
+sg1296
+g1297
+sg1298
+S'The Other Side of The Door'
+p1303
+ssI251
+(dp1304
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1301
+sg1296
+g1297
+sg1298
+g1303
+ssI252
+(dp1305
+g1286
+g1287
+sg1288
+g1289
+sg1290
+g1291
+sg1292
+g1293
+sg1294
+g1295
+sg1296
+g1297
+sg1298
+S'the other side of the door'
+p1306
+ssI253
+(dp1307
+S'city'
+p1308
+S'sacramento'
+p1309
+sS'theater'
+p1310
+S'regal theater'
+p1311
+sS'video_format'
+p1312
+S'standard'
+p1313
+sS'starttime'
+p1314
+S'around 7 pm'
+p1315
+sS'date'
+p1316
+S'tomorrow'
+p1317
+sS'moviename'
+p1318
+S'gods of egypt'
+p1319
+ssI254
+(dp1320
+g1308
+g1309
+sg1310
+S'the Holiday 6'
+p1321
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI255
+(dp1322
+g1308
+g1309
+sg1310
+S' the Stadium 5'
+p1323
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI256
+(dp1324
+g1308
+g1309
+sg1310
+S'the Natomas Marketplace Stadium'
+p1325
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI257
+(dp1326
+g1308
+g1309
+sg1310
+S'Natomas Marketplace Stadium'
+p1327
+sg1312
+g1313
+sg1314
+g1315
+sg1316
+g1317
+sg1318
+g1319
+ssI258
+(dp1328
+S'city'
+p1329
+S'johnstown'
+p1330
+sS'theater'
+p1331
+S'richland cinemas'
+p1332
+sS'critic_rating'
+p1333
+S'good'
+p1334
+sS'theater_chain'
+p1335
+S'amc loews waterfront 22'
+p1336
+sS'date'
+p1337
+S'now'
+p1338
+sS'state'
+p1339
+S'pa'
+p1340
+sS'starttime'
+p1341
+S'latest showing'
+p1342
+sS'genre'
+p1343
+S'comedy'
+p1344
+sS'moviename'
+p1345
+S'deadpool'
+p1346
+ssI259
+(dp1347
+g1329
+S'pittsburgh'
+p1348
+sg1331
+g1332
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI260
+(dp1349
+g1329
+g1330
+sg1331
+S'this theater'
+p1350
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI261
+(dp1351
+g1329
+g1348
+sg1331
+g1350
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI262
+(dp1352
+g1329
+g1330
+sg1331
+S'amc loews waterfront 22'
+p1353
+sg1333
+g1334
+sg1335
+g1336
+sg1337
+g1338
+sg1339
+g1340
+sg1341
+g1342
+sg1343
+g1344
+sg1345
+g1346
+ssI263
+(dp1354
+S'city'
+p1355
+S'atlanta'
+p1356
+sS'theater'
+p1357
+S'amc phipps plaza 14'
+p1358
+sS'zip'
+p1359
+S'30326'
+p1360
+sS'distanceconstraints'
+p1361
+S'near'
+p1362
+sS'date'
+p1363
+S'03\\/15\\/2016'
+p1364
+sS'state'
+p1365
+S'ga'
+p1366
+sS'other'
+p1367
+S'switch cities'
+p1368
+sS'starttime'
+p1369
+S'8pm'
+p1370
+sS'genre'
+p1371
+S'horror'
+p1372
+sS'moviename'
+p1373
+S'the witch'
+p1374
+ssI264
+(dp1375
+g1355
+S'south barrington'
+p1376
+sg1357
+g1358
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI265
+(dp1377
+g1355
+g1356
+sg1357
+S'AMC SOUTH BARRINGTON 30'
+p1378
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI266
+(dp1379
+g1355
+g1376
+sg1357
+g1378
+sg1359
+g1360
+sg1361
+g1362
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI267
+(dp1380
+g1355
+g1356
+sg1357
+g1358
+sg1359
+g1360
+sg1361
+S'south barrington'
+p1381
+sg1363
+g1364
+sg1365
+g1366
+sg1367
+g1368
+sg1369
+g1370
+sg1371
+g1372
+sg1373
+g1374
+ssI268
+(dp1382
+S'city'
+p1383
+S'los angeles'
+p1384
+sS'theater'
+p1385
+S'regal la live stadium 14'
+p1386
+sS'zip'
+p1387
+S'90015'
+p1388
+sS'distanceconstraints'
+p1389
+S'nearest'
+p1390
+sS'state'
+p1391
+S'ca'
+p1392
+sS'starttime'
+p1393
+S'11:45am'
+p1394
+sS'date'
+p1395
+S'tomorrow'
+p1396
+sS'moviename'
+p1397
+S'10 cloverfield lane'
+p1398
+ssI269
+(dp1399
+g1383
+g1384
+sg1385
+S'pacific theatres at the grove'
+p1400
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI270
+(dp1401
+g1383
+g1384
+sg1385
+S'regal la stadium 14'
+p1402
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI271
+(dp1403
+g1383
+g1384
+sg1385
+S'regal la'
+p1404
+sg1387
+g1388
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI272
+(dp1405
+g1383
+g1384
+sg1385
+g1386
+sg1387
+S'90036'
+p1406
+sg1389
+g1390
+sg1391
+g1392
+sg1393
+g1394
+sg1395
+g1396
+sg1397
+g1398
+ssI273
+(dp1407
+S'city'
+p1408
+S'seattle'
+p1409
+sS'theater'
+p1410
+S'regal meridian 16'
+p1411
+sS'distanceconstraints'
+p1412
+S'near me'
+p1413
+sS'critic_rating'
+p1414
+S'good'
+p1415
+sS'video_format'
+p1416
+S'3d'
+p1417
+sS'state'
+p1418
+S'wa'
+p1419
+sS'other'
+p1420
+S'restaurant'
+p1421
+sS'starttime'
+p1422
+S'around 8 pm'
+p1423
+sS'date'
+p1424
+S'tomorrow'
+p1425
+sS'moviename'
+p1426
+S'zootopia'
+p1427
+ssI274
+(dp1428
+g1408
+g1409
+sg1410
+S'bellevue lincoln square cinemas'
+p1429
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1417
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI275
+(dp1430
+g1408
+g1409
+sg1410
+S'varsity theater'
+p1431
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1417
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI276
+(dp1432
+g1408
+g1409
+sg1410
+g1411
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+S'regular'
+p1433
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI277
+(dp1434
+g1408
+g1409
+sg1410
+g1429
+sg1412
+g1413
+sg1414
+g1415
+sg1416
+g1433
+sg1418
+g1419
+sg1420
+g1421
+sg1422
+g1423
+sg1424
+g1425
+sg1426
+g1427
+ssI278
+(dp1435
+S'city'
+p1436
+S'seattle'
+p1437
+sS'theater'
+p1438
+S'theaters all over'
+p1439
+sS'zip'
+p1440
+S'98101'
+p1441
+sS'distanceconstraints'
+p1442
+S'south side'
+p1443
+sS'video_format'
+p1444
+S'2d'
+p1445
+sS'state'
+p1446
+S'wa'
+p1447
+sS'starttime'
+p1448
+S'around 6 pm'
+p1449
+sS'date'
+p1450
+S'this evening'
+p1451
+sS'moviename'
+p1452
+S'zootopia'
+p1453
+ssI279
+(dp1454
+g1436
+S'over seattle'
+p1455
+sg1438
+g1439
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI280
+(dp1456
+g1436
+S'bellevue'
+p1457
+sg1438
+g1439
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI281
+(dp1458
+g1436
+g1437
+sg1438
+S'regal meridian 16'
+p1459
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI282
+(dp1460
+g1436
+g1455
+sg1438
+g1459
+sg1440
+g1441
+sg1442
+g1443
+sg1444
+g1445
+sg1446
+g1447
+sg1448
+g1449
+sg1450
+g1451
+sg1452
+g1453
+ssI283
+(dp1461
+S'date'
+p1462
+S'tonight'
+p1463
+sS'city'
+p1464
+S'dallas'
+p1465
+sS'theater'
+p1466
+S'alamo draft house'
+p1467
+sS'moviename'
+p1468
+S'deadpool'
+p1469
+sS'starttime'
+p1470
+S'5pm'
+p1471
+ssI284
+(dp1472
+g1462
+g1463
+sg1464
+g1465
+sg1466
+S'alamo drafthouse'
+p1473
+sg1468
+g1469
+sg1470
+g1471
+ssI285
+(dp1474
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1467
+sg1468
+g1469
+sg1470
+S'7:55pm'
+p1475
+ssI286
+(dp1476
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1473
+sg1468
+g1469
+sg1470
+g1475
+ssI287
+(dp1477
+g1462
+g1463
+sg1464
+g1465
+sg1466
+g1467
+sg1468
+g1469
+sg1470
+S'10:15pm'
+p1478
+ssI288
+(dp1479
+S'date'
+p1480
+S'tonight'
+p1481
+sS'city'
+p1482
+S'st louis park'
+p1483
+sS'state'
+p1484
+S'mn'
+p1485
+sS'other'
+p1486
+S'unable to book movies'
+p1487
+sS'moviename'
+p1488
+S'deadpool'
+p1489
+ssI289
+(dp1490
+g1480
+g1481
+sg1482
+g1483
+sg1484
+g1485
+sg1486
+S'I cannot understand your reply'
+p1491
+sg1488
+g1489
+ssI290
+(dp1492
+S'date'
+p1493
+S'tomorrow'
+p1494
+sS'city'
+p1495
+S'seattle'
+p1496
+sS'theater'
+p1497
+S'regal meridian 16'
+p1498
+sS'moviename'
+p1499
+S'zoolander 2'
+p1500
+sS'starttime'
+p1501
+S'9:25 pm'
+p1502
+ssI291
+(dp1503
+S'date'
+p1504
+S'tomorrow'
+p1505
+sS'moviename'
+p1506
+S'risen'
+p1507
+sS'theater'
+p1508
+S'regency commerce 14'
+p1509
+sS'starttime'
+p1510
+S'11:50am'
+p1511
+ssI292
+(dp1512
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'2:30pm'
+p1513
+ssI293
+(dp1514
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'7:50'
+p1515
+ssI294
+(dp1516
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'10:25'
+p1517
+ssI295
+(dp1518
+g1504
+g1505
+sg1506
+g1507
+sg1508
+g1509
+sg1510
+S'2:30'
+p1519
+ssI296
+(dp1520
+S'other'
+p1521
+S'purchase tickets'
+p1522
+ssI297
+(dp1523
+g1521
+S'look up date'
+p1524
+ssI298
+(dp1525
+g1521
+S'increased functionality'
+p1526
+ssI299
+(dp1527
+S'city'
+p1528
+S'portland'
+p1529
+sS'theater'
+p1530
+S'Living Room Theaters Regal Lloyd Center 10'
+p1531
+sS'state'
+p1532
+S'oregon'
+p1533
+sS'starttime'
+p1534
+S'12:05pm'
+p1535
+sS'date'
+p1536
+S'this friday'
+p1537
+sS'moviename'
+p1538
+S'star wars'
+p1539
+ssI300
+(dp1540
+g1528
+g1529
+sg1530
+S'century Eastport 16'
+p1541
+sg1532
+g1533
+sg1534
+g1535
+sg1536
+g1537
+sg1538
+g1539
+ssI301
+(dp1542
+g1528
+g1529
+sg1530
+S'regal lloyd center 10'
+p1543
+sg1532
+g1533
+sg1534
+g1535
+sg1536
+g1537
+sg1538
+g1539
+ssI302
+(dp1544
+g1528
+g1529
+sg1530
+g1531
+sg1532
+g1533
+sg1534
+S'6:25pm'
+p1545
+sg1536
+g1537
+sg1538
+g1539
+ssI303
+(dp1546
+g1528
+g1529
+sg1530
+g1541
+sg1532
+g1533
+sg1534
+g1545
+sg1536
+g1537
+sg1538
+g1539
+ssI304
+(dp1547
+S'city'
+p1548
+S'portland'
+p1549
+sS'theater'
+p1550
+S'regal pioneer place'
+p1551
+sS'video_format'
+p1552
+S'3d'
+p1553
+sS'state'
+p1554
+S'oregon'
+p1555
+sS'other'
+p1556
+S'functionality'
+p1557
+sS'starttime'
+p1558
+S'after 5 pm'
+p1559
+sS'date'
+p1560
+S'friday'
+p1561
+sS'moviename'
+p1562
+S'zootopia'
+p1563
+ssI305
+(dp1564
+g1548
+g1549
+sg1550
+S'regal lloyd center 10'
+p1565
+sg1552
+g1553
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI306
+(dp1566
+g1548
+g1549
+sg1550
+g1551
+sg1552
+S' standard'
+p1567
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI307
+(dp1568
+g1548
+g1549
+sg1550
+g1565
+sg1552
+g1567
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI308
+(dp1569
+g1548
+g1549
+sg1550
+g1551
+sg1552
+S'standard'
+p1570
+sg1554
+g1555
+sg1556
+g1557
+sg1558
+g1559
+sg1560
+g1561
+sg1562
+g1563
+ssI309
+(dp1571
+S'city'
+p1572
+S'seattle'
+p1573
+sS'theater'
+p1574
+S'regal meridian 16'
+p1575
+sS'zip'
+p1576
+S'98101'
+p1577
+sS'critic_rating'
+p1578
+S'top 4'
+p1579
+sS'state'
+p1580
+S'wa'
+p1581
+sS'starttime'
+p1582
+S'night around 8pm'
+p1583
+sS'date'
+p1584
+S'tomorrow'
+p1585
+sS'moviename'
+p1586
+S'zootopia'
+p1587
+ssI310
+(dp1588
+g1572
+S'bellevue'
+p1589
+sg1574
+g1575
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI311
+(dp1590
+g1572
+g1573
+sg1574
+S'bellevue lincoln square cinemas'
+p1591
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI312
+(dp1592
+g1572
+g1589
+sg1574
+g1591
+sg1576
+g1577
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI313
+(dp1593
+g1572
+g1573
+sg1574
+g1575
+sg1576
+S'98004'
+p1594
+sg1578
+g1579
+sg1580
+g1581
+sg1582
+g1583
+sg1584
+g1585
+sg1586
+g1587
+ssI314
+(dp1595
+S'city'
+p1596
+S'seattle'
+p1597
+sS'theater'
+p1598
+S'regal meridian 16'
+p1599
+sS'other'
+p1600
+S'name'
+p1601
+sS'starttime'
+p1602
+S'8:40pm'
+p1603
+sS'date'
+p1604
+S'tonight'
+p1605
+sS'moviename'
+p1606
+S'zootopia'
+p1607
+ssI315
+(dp1608
+g1596
+g1597
+sg1598
+g1599
+sg1600
+S'Master User'
+p1609
+sg1602
+g1603
+sg1604
+g1605
+sg1606
+g1607
+ssI316
+(dp1610
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1601
+sg1602
+S'8:40'
+p1611
+sg1604
+g1605
+sg1606
+g1607
+ssI317
+(dp1612
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1609
+sg1602
+g1611
+sg1604
+g1605
+sg1606
+g1607
+ssI318
+(dp1613
+g1596
+g1597
+sg1598
+g1599
+sg1600
+g1601
+sg1602
+g1603
+sg1604
+g1605
+sg1606
+S'Zootopia'
+p1614
+ssI319
+(dp1615
+S'city'
+p1616
+S'portland'
+p1617
+sS'theater'
+p1618
+S'regal lloyd center 10 & IMAX'
+p1619
+sS'zip'
+p1620
+S'97232'
+p1621
+sS'price'
+p1622
+S'$20'
+p1623
+sS'state'
+p1624
+S'oregon'
+p1625
+sS'starttime'
+p1626
+S'12:05pm'
+p1627
+sS'date'
+p1628
+S'friday'
+p1629
+sS'moviename'
+p1630
+S'star wars'
+p1631
+ssI320
+(dp1632
+g1616
+S'Portland'
+p1633
+sg1618
+g1619
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI321
+(dp1634
+g1616
+g1617
+sg1618
+S'CENTURY 16 EASTPORT PLAZA'
+p1635
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI322
+(dp1636
+g1616
+g1633
+sg1618
+g1635
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI323
+(dp1637
+g1616
+g1617
+sg1618
+S'century 16 EASTPORT PLAZA'
+p1638
+sg1620
+g1621
+sg1622
+g1623
+sg1624
+g1625
+sg1626
+g1627
+sg1628
+g1629
+sg1630
+g1631
+ssI324
+(dp1639
+S'date'
+p1640
+S'tomorrow'
+p1641
+sS'city'
+p1642
+S'seattle'
+p1643
+sS'theater'
+p1644
+S'regal meridian 16'
+p1645
+sS'moviename'
+p1646
+S'zootopia'
+p1647
+sS'starttime'
+p1648
+S'9:10 pm'
+p1649
+ssI325
+(dp1650
+S'city'
+p1651
+S'seattle'
+p1652
+sS'theater'
+p1653
+S'regal meridian 16'
+p1654
+sS'other'
+p1655
+S'name'
+p1656
+sS'starttime'
+p1657
+S'8:40pm tonight'
+p1658
+sS'date'
+p1659
+S'tonight'
+p1660
+sS'moviename'
+p1661
+S'zootopia'
+p1662
+ssI326
+(dp1663
+g1651
+g1652
+sg1653
+g1654
+sg1655
+S'master user'
+p1664
+sg1657
+g1658
+sg1659
+g1660
+sg1661
+g1662
+ssI327
+(dp1665
+g1651
+g1652
+sg1653
+g1654
+sg1655
+g1656
+sg1657
+S'8:40'
+p1666
+sg1659
+g1660
+sg1661
+g1662
+ssI328
+(dp1667
+g1651
+g1652
+sg1653
+g1654
+sg1655
+g1664
+sg1657
+g1666
+sg1659
+g1660
+sg1661
+g1662
+ssI329
+(dp1668
+S'date'
+p1669
+S'tomorrow'
+p1670
+sS'city'
+p1671
+S'seattle'
+p1672
+sS'theater'
+p1673
+S'regal meridian 16'
+p1674
+sS'moviename'
+p1675
+S'hail caesar'
+p1676
+sS'starttime'
+p1677
+S'8:45 pm'
+p1678
+ssI330
+(dp1679
+S'city'
+p1680
+S'Monroe'
+p1681
+sS'theater'
+p1682
+S'regal barkley village stadium 16'
+p1683
+sS'zip'
+p1684
+S'98272'
+p1685
+sS'distanceconstraints'
+p1686
+S'near me'
+p1687
+sS'state'
+p1688
+S'wa'
+p1689
+sS'starttime'
+p1690
+S'around 8pm'
+p1691
+sS'date'
+p1692
+S'tonight'
+p1693
+sS'moviename'
+p1694
+S'kung fu panda 3'
+p1695
+ssI331
+(dp1696
+g1680
+g1681
+sg1682
+S'amc loews cascade mall'
+p1697
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1691
+sg1692
+g1693
+sg1694
+g1695
+ssI332
+(dp1698
+g1680
+g1681
+sg1682
+S'regal marysville 14'
+p1699
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1691
+sg1692
+g1693
+sg1694
+g1695
+ssI333
+(dp1700
+g1680
+g1681
+sg1682
+g1683
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+S'9:10'
+p1701
+sg1692
+g1693
+sg1694
+g1695
+ssI334
+(dp1702
+g1680
+g1681
+sg1682
+g1697
+sg1684
+g1685
+sg1686
+g1687
+sg1688
+g1689
+sg1690
+g1701
+sg1692
+g1693
+sg1694
+g1695
+ssI335
+(dp1703
+S'city'
+p1704
+S'cary'
+p1705
+sS'theater'
+p1706
+S'park west 14'
+p1707
+sS'video_format'
+p1708
+S'3d'
+p1709
+sS'state'
+p1710
+S'north carolina'
+p1711
+sS'mpaa_rating'
+p1712
+S'appropriate for the whole family'
+p1713
+sS'starttime'
+p1714
+S'around 6pm'
+p1715
+sS'date'
+p1716
+S'saturday'
+p1717
+sS'moviename'
+p1718
+S'zootopia'
+p1719
+ssI336
+(dp1720
+g1704
+g1705
+sg1706
+S'fangandgo'
+p1721
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI337
+(dp1722
+g1704
+g1705
+sg1706
+S'Frank Theatres Parkside Town Commons Stadium 11'
+p1723
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI338
+(dp1724
+g1704
+g1705
+sg1706
+S'Frank Theatres'
+p1725
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+g1713
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI339
+(dp1726
+g1704
+g1705
+sg1706
+g1707
+sg1708
+g1709
+sg1710
+g1711
+sg1712
+S'pg'
+p1727
+sg1714
+g1715
+sg1716
+g1717
+sg1718
+g1719
+ssI340
+(dp1728
+S'city'
+p1729
+S'seattle'
+p1730
+sS'theater'
+p1731
+S'regal meridian 16'
+p1732
+sS'other'
+p1733
+S'name'
+p1734
+sS'starttime'
+p1735
+S'8:45 pm'
+p1736
+sS'date'
+p1737
+S'tomorrow'
+p1738
+sS'moviename'
+p1739
+S'hail caesar'
+p1740
+ssI341
+(dp1741
+S'city'
+p1742
+S'birmingham'
+p1743
+sS'theater'
+p1744
+S'carmike summit 16'
+p1745
+sS'zip'
+p1746
+S'35243'
+p1747
+sS'date'
+p1748
+S'today'
+p1749
+sS'state'
+p1750
+S'al'
+p1751
+sS'starttime'
+p1752
+S'around 2pm'
+p1753
+sS'genre'
+p1754
+S'action'
+p1755
+sS'moviename'
+p1756
+S'deadpool'
+p1757
+ssI342
+(dp1758
+g1742
+g1743
+sg1744
+S'carmike summit'
+p1759
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+g1753
+sg1754
+g1755
+sg1756
+g1757
+ssI343
+(dp1760
+g1742
+g1743
+sg1744
+g1745
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+S'2:20PM'
+p1761
+sg1754
+g1755
+sg1756
+g1757
+ssI344
+(dp1762
+g1742
+g1743
+sg1744
+g1759
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+g1761
+sg1754
+g1755
+sg1756
+g1757
+ssI345
+(dp1763
+g1742
+g1743
+sg1744
+g1745
+sg1746
+g1747
+sg1748
+g1749
+sg1750
+g1751
+sg1752
+S'2:20'
+p1764
+sg1754
+g1755
+sg1756
+g1757
+ssI346
+(dp1765
+S'city'
+p1766
+S'whittier'
+p1767
+sS'theater'
+p1768
+S'whittier village stadium cinemas'
+p1769
+sS'zip'
+p1770
+S'90602'
+p1771
+sS'state'
+p1772
+S'ca'
+p1773
+sS'starttime'
+p1774
+S'between noon and 4pm'
+p1775
+sS'date'
+p1776
+S'next sunday'
+p1777
+sS'moviename'
+p1778
+S'london has fallen'
+p1779
+ssI347
+(dp1780
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+S'1:30pm'
+p1781
+sg1776
+g1777
+sg1778
+g1779
+ssI348
+(dp1782
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+g1775
+sg1776
+S'3/13'
+p1783
+sg1778
+g1779
+ssI349
+(dp1784
+g1766
+g1767
+sg1768
+g1769
+sg1770
+g1771
+sg1772
+g1773
+sg1774
+g1781
+sg1776
+g1783
+sg1778
+g1779
+ssI350
+(dp1785
+S'theater'
+p1786
+S'cinemar downey'
+p1787
+sS'zip'
+p1788
+S'90601'
+p1789
+sS'other'
+p1790
+S'two'
+p1791
+sS'starttime'
+p1792
+S'early'
+p1793
+sS'date'
+p1794
+S'tomorrow'
+p1795
+sS'moviename'
+p1796
+S'the witch'
+p1797
+ssI351
+(dp1798
+g1786
+S'amc theaters puente hills'
+p1799
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+g1793
+sg1794
+g1795
+sg1796
+g1797
+ssI352
+(dp1800
+g1786
+g1787
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+S'10:35'
+p1801
+sg1794
+g1795
+sg1796
+g1797
+ssI353
+(dp1802
+g1786
+g1799
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+g1801
+sg1794
+g1795
+sg1796
+g1797
+ssI354
+(dp1803
+g1786
+g1787
+sg1788
+g1789
+sg1790
+g1791
+sg1792
+S'11:40 am'
+p1804
+sg1794
+g1795
+sg1796
+g1797
+ssI355
+(dp1805
+S'city'
+p1806
+S'sparta'
+p1807
+sS'theater'
+p1808
+S"wehrenberg o'fallon 15 cine"
+p1809
+sS'zip'
+p1810
+S'62269'
+p1811
+sS'date'
+p1812
+S'tomorrow'
+p1813
+sS'state'
+p1814
+S'illinois'
+p1815
+sS'other'
+p1816
+S'another preference'
+p1817
+sS'starttime'
+p1818
+S'afternoon'
+p1819
+sS'genre'
+p1820
+S'romantic comedies'
+p1821
+sS'moviename'
+p1822
+S'zoolander 2'
+p1823
+ssI356
+(dp1824
+g1806
+S'Shiloh'
+p1825
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI357
+(dp1826
+g1806
+S'Belleville'
+p1827
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI358
+(dp1828
+g1806
+S"o'fallon"
+p1829
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI359
+(dp1830
+g1806
+S'fairview heights'
+p1831
+sg1808
+g1809
+sg1810
+g1811
+sg1812
+g1813
+sg1814
+g1815
+sg1816
+g1817
+sg1818
+g1819
+sg1820
+g1821
+sg1822
+g1823
+ssI360
+(dp1832
+S'date'
+p1833
+S'tomorrow'
+p1834
+sS'city'
+p1835
+S'seattle'
+p1836
+sS'theater'
+p1837
+S'regal meridian 16'
+p1838
+sS'moviename'
+p1839
+S'zootopia'
+p1840
+sS'starttime'
+p1841
+S'9:10 pm'
+p1842
+ssI361
+(dp1843
+S'date'
+p1844
+S'tomorrow night'
+p1845
+sS'city'
+p1846
+S'seattle'
+p1847
+sS'moviename'
+p1848
+S'zootopia'
+p1849
+ssI362
+(dp1850
+S'city'
+p1851
+S'seattle'
+p1852
+sS'theater'
+p1853
+S'amc pacific place 11'
+p1854
+sS'zip'
+p1855
+S'98101'
+p1856
+sS'theater_chain'
+p1857
+S'amc'
+p1858
+sS'state'
+p1859
+S'wa'
+p1860
+sS'starttime'
+p1861
+S'6:10pm'
+p1862
+sS'date'
+p1863
+S'tonight'
+p1864
+sS'moviename'
+p1865
+S'deadpool'
+p1866
+ssI363
+(dp1867
+g1851
+S'bellevue'
+p1868
+sg1853
+g1854
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI364
+(dp1869
+g1851
+g1852
+sg1853
+S'bellevue lincoln square cinemas'
+p1870
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI365
+(dp1871
+g1851
+g1868
+sg1853
+g1870
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI366
+(dp1872
+g1851
+g1852
+sg1853
+S'pacific place 11'
+p1873
+sg1855
+g1856
+sg1857
+g1858
+sg1859
+g1860
+sg1861
+g1862
+sg1863
+g1864
+sg1865
+g1866
+ssI367
+(dp1874
+S'other'
+p1875
+S'purchase tickets'
+p1876
+sS'moviename'
+p1877
+S'first'
+p1878
+ssI368
+(dp1879
+S'city'
+p1880
+S'birmingham'
+p1881
+sS'theater'
+p1882
+S'carmike summit 16'
+p1883
+sS'video_format'
+p1884
+S'3d'
+p1885
+sS'state'
+p1886
+S'al'
+p1887
+sS'mpaa_rating'
+p1888
+S'pg'
+p1889
+sS'starttime'
+p1890
+S'2 pm'
+p1891
+sS'date'
+p1892
+S'saturday'
+p1893
+sS'genre'
+p1894
+S'family friendly'
+p1895
+sS'moviename'
+p1896
+S'zootopia'
+p1897
+ssI369
+(dp1898
+g1880
+g1881
+sg1882
+g1883
+sg1884
+S'standard'
+p1899
+sg1886
+g1887
+sg1888
+g1889
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI370
+(dp1900
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+S'alabama'
+p1901
+sg1888
+g1889
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI371
+(dp1902
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1899
+sg1886
+g1901
+sg1888
+g1889
+sg1890
+g1891
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI372
+(dp1903
+g1880
+g1881
+sg1882
+g1883
+sg1884
+g1885
+sg1886
+g1887
+sg1888
+g1889
+sg1890
+S'1:45pm'
+p1904
+sg1892
+g1893
+sg1894
+g1895
+sg1896
+g1897
+ssI373
+(dp1905
+S'city'
+p1906
+S'seattle'
+p1907
+sS'theater'
+p1908
+S'bellevue lincoln square cinemas'
+p1909
+sS'distanceconstraints'
+p1910
+S'east side'
+p1911
+sS'starttime'
+p1912
+S'around 2pm'
+p1913
+sS'date'
+p1914
+S'saturday'
+p1915
+sS'moviename'
+p1916
+S'zootopia'
+p1917
+ssI374
+(dp1918
+g1906
+g1907
+sg1908
+S'bellevue lincoln square'
+p1919
+sg1910
+g1911
+sg1912
+g1913
+sg1914
+g1915
+sg1916
+g1917
+ssI375
+(dp1920
+g1906
+g1907
+sg1908
+g1909
+sg1910
+g1911
+sg1912
+S'2:35 pm'
+p1921
+sg1914
+g1915
+sg1916
+g1917
+ssI376
+(dp1922
+g1906
+g1907
+sg1908
+g1919
+sg1910
+g1911
+sg1912
+g1921
+sg1914
+g1915
+sg1916
+g1917
+ssI377
+(dp1923
+g1906
+g1907
+sg1908
+g1909
+sg1910
+g1911
+sg1912
+S'2:35'
+p1924
+sg1914
+g1915
+sg1916
+g1917
+ssI378
+(dp1925
+S'city'
+p1926
+S'seattle'
+p1927
+sS'theater'
+p1928
+S'regal meridian 16'
+p1929
+sS'zip'
+p1930
+S'98004'
+p1931
+sS'video_format'
+p1932
+S'2d'
+p1933
+sS'state'
+p1934
+S'wa'
+p1935
+sS'starttime'
+p1936
+S'4:10'
+p1937
+sS'date'
+p1938
+S'tonight'
+p1939
+sS'moviename'
+p1940
+S'zootopia'
+p1941
+ssI379
+(dp1942
+g1926
+S'bellevue'
+p1943
+sg1928
+g1929
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI380
+(dp1944
+g1926
+g1927
+sg1928
+S'bellevue lincoln square cinemas'
+p1945
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI381
+(dp1946
+g1926
+g1943
+sg1928
+g1945
+sg1930
+g1931
+sg1932
+g1933
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI382
+(dp1947
+g1926
+g1927
+sg1928
+g1929
+sg1930
+g1931
+sg1932
+S'3d'
+p1948
+sg1934
+g1935
+sg1936
+g1937
+sg1938
+g1939
+sg1940
+g1941
+ssI383
+(dp1949
+S'city'
+p1950
+S'albany'
+p1951
+sS'state'
+p1952
+S'ny'
+p1953
+sS'moviename'
+p1954
+S'whiskey tango foxtrot'
+p1955
+sS'theater'
+p1956
+S'any'
+p1957
+sS'starttime'
+p1958
+S'soonest'
+p1959
+ssI384
+(dp1960
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+S'regal clifton park stadium'
+p1961
+sg1958
+g1959
+ssI385
+(dp1962
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+g1957
+sg1958
+S'12:40pm'
+p1963
+ssI386
+(dp1964
+g1950
+g1951
+sg1952
+g1953
+sg1954
+g1955
+sg1956
+g1961
+sg1958
+g1963
+ssI387
+(dp1965
+S'city'
+p1966
+S'portland'
+p1967
+sS'theater'
+p1968
+S'century eastport 16'
+p1969
+sS'state'
+p1970
+S'oregon'
+p1971
+sS'other'
+p1972
+S'Fandango'
+p1973
+sS'starttime'
+p1974
+S'12:20pm'
+p1975
+sS'date'
+p1976
+S'friday'
+p1977
+sS'moviename'
+p1978
+S'star wars'
+p1979
+ssI388
+(dp1980
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'3:40'
+p1981
+sg1976
+g1977
+sg1978
+g1979
+ssI389
+(dp1982
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'6:50'
+p1983
+sg1976
+g1977
+sg1978
+g1979
+ssI390
+(dp1984
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'10:00'
+p1985
+sg1976
+g1977
+sg1978
+g1979
+ssI391
+(dp1986
+g1966
+g1967
+sg1968
+g1969
+sg1970
+g1971
+sg1972
+g1973
+sg1974
+S'10 o clock'
+p1987
+sg1976
+g1977
+sg1978
+g1979
+ssI392
+(dp1988
+S'genre'
+p1989
+S'action'
+p1990
+sS'critic_rating'
+p1991
+S'great reviews all around with a 84 percent on rotten tomatoes and 93 of audience members recommending it'
+p1992
+sS'moviename'
+p1993
+S'deadpool'
+p1994
+sS'actor'
+p1995
+S'ryan reynolds'
+p1996
+ssI393
+(dp1997
+g1989
+g1990
+sg1991
+g1992
+sg1993
+S'london has fallen'
+p1998
+sg1995
+g1996
+ssI394
+(dp1999
+g1989
+g1990
+sg1991
+g1992
+sg1993
+S'the revenant'
+p2000
+sg1995
+g1996
+ssI395
+(dp2001
+S'city'
+p2002
+S'houma'
+p2003
+sS'theater'
+p2004
+S'amc houma palace 10'
+p2005
+sS'genre'
+p2006
+S'comedy'
+p2007
+sS'state'
+p2008
+S'louisiana'
+p2009
+sS'starttime'
+p2010
+S'night'
+p2011
+sS'date'
+p2012
+S'this week'
+p2013
+sS'moviename'
+p2014
+S''
+ssI396
+(dp2015
+g2002
+S'la'
+p2016
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+g2013
+sg2014
+S''
+ssI397
+(dp2017
+g2002
+g2003
+sg2004
+g2005
+sg2006
+S'adult comedy'
+p2018
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+g2013
+sg2014
+S''
+ssI398
+(dp2019
+g2002
+g2016
+sg2004
+g2005
+sg2006
+g2018
+sg2008
+g2009
+sg2010
+g2011
+sg2012
+g2013
+sg2014
+S''
+ssI399
+(dp2020
+g2002
+g2003
+sg2004
+g2005
+sg2006
+g2007
+sg2008
+g2009
+sg2010
+S'2:15pm'
+p2021
+sg2012
+g2013
+sg2014
+S''
+ssI400
+(dp2022
+S'city'
+p2023
+S'la'
+p2024
+sS'theater'
+p2025
+S'regal la stadium 14'
+p2026
+sS'date'
+p2027
+S'tomorrow'
+p2028
+sS'state'
+p2029
+S'ca'
+p2030
+sS'starttime'
+p2031
+S'night'
+p2032
+sS'genre'
+p2033
+S'action'
+p2034
+sS'moviename'
+p2035
+S'london has fallen'
+p2036
+ssI401
+(dp2037
+g2023
+S'los angeles'
+p2038
+sg2025
+g2026
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI402
+(dp2039
+g2023
+g2024
+sg2025
+S'olympic blvd'
+p2040
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI403
+(dp2041
+g2023
+g2038
+sg2025
+g2040
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+g2032
+sg2033
+g2034
+sg2035
+g2036
+ssI404
+(dp2042
+g2023
+g2024
+sg2025
+g2026
+sg2027
+g2028
+sg2029
+g2030
+sg2031
+S'10 cloverfield lane'
+p2043
+sg2033
+g2034
+sg2035
+g2036
+ssI405
+(dp2044
+S'distanceconstraints'
+p2045
+S'local theater'
+p2046
+sS'theater_chain'
+p2047
+S'century'
+p2048
+sS'state'
+p2049
+S'illinois'
+p2050
+sS'price'
+p2051
+S'$10'
+p2052
+sS'city'
+p2053
+S'evanston'
+p2054
+ssI406
+(dp2055
+S'city'
+p2056
+S'Seattle'
+p2057
+sS'theater'
+p2058
+S'Regal Meridan 16 Bellevue Lincoln Square Cinemas'
+p2059
+sS'video_format'
+p2060
+S'regular'
+p2061
+sS'state'
+p2062
+S'WA'
+p2063
+sS'starttime'
+p2064
+S'roughly every hour'
+p2065
+sS'date'
+p2066
+S'tomorrow night'
+p2067
+sS'moviename'
+p2068
+S'zootopia'
+p2069
+ssI407
+(dp2070
+g2056
+g2057
+sg2058
+S'Pacific Science Center IMAX Theaters'
+p2071
+sg2060
+g2061
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI408
+(dp2072
+g2056
+g2057
+sg2058
+S'regal meridan 16'
+p2073
+sg2060
+g2061
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI409
+(dp2074
+g2056
+g2057
+sg2058
+g2059
+sg2060
+S'3d'
+p2075
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI410
+(dp2076
+g2056
+g2057
+sg2058
+g2071
+sg2060
+g2075
+sg2062
+g2063
+sg2064
+g2065
+sg2066
+g2067
+sg2068
+g2069
+ssI411
+(dp2077
+S'date'
+p2078
+S'today'
+p2079
+ssI412
+(dp2080
+S'city'
+p2081
+S'royal oak'
+p2082
+sS'theater'
+p2083
+S'any'
+p2084
+sS'zip'
+p2085
+S'32289'
+p2086
+sS'distanceconstraints'
+p2087
+S'closest theater to you'
+p2088
+sS'theater_chain'
+p2089
+S'amc star john r 15'
+p2090
+sS'state'
+p2091
+S'mi'
+p2092
+sS'other'
+p2093
+S'new release'
+p2094
+sS'starttime'
+p2095
+S'7:00'
+p2096
+sS'date'
+p2097
+S'tonight'
+p2098
+sS'moviename'
+p2099
+S'10 cloverfield lane'
+p2100
+ssI413
+(dp2101
+g2081
+S'madison heights'
+p2102
+sg2083
+g2084
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI414
+(dp2103
+g2081
+S'Southfield'
+p2104
+sg2083
+g2084
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI415
+(dp2105
+g2081
+g2082
+sg2083
+S'box office window'
+p2106
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI416
+(dp2107
+g2081
+g2102
+sg2083
+g2106
+sg2085
+g2086
+sg2087
+g2088
+sg2089
+g2090
+sg2091
+g2092
+sg2093
+g2094
+sg2095
+g2096
+sg2097
+g2098
+sg2099
+g2100
+ssI417
+(dp2108
+S'city'
+p2109
+S'carbondale'
+p2110
+sS'theater'
+p2111
+S'amc showplace carbondale'
+p2112
+sS'date'
+p2113
+S'this week'
+p2114
+sS'state'
+p2115
+S'illinois'
+p2116
+sS'starttime'
+p2117
+S'afternoon'
+p2118
+sS'genre'
+p2119
+S'action'
+p2120
+sS'moviename'
+p2121
+S'london has fallen'
+p2122
+ssI418
+(dp2123
+g2109
+g2110
+sg2111
+S'Main Street Carbondale'
+p2124
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI419
+(dp2125
+g2109
+g2110
+sg2111
+S'AMC UNIVERSITY PLACE 8'
+p2126
+sg2113
+g2114
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI420
+(dp2127
+g2109
+g2110
+sg2111
+g2112
+sg2113
+S'tomorrow'
+p2128
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI421
+(dp2129
+g2109
+g2110
+sg2111
+g2124
+sg2113
+g2128
+sg2115
+g2116
+sg2117
+g2118
+sg2119
+g2120
+sg2121
+g2122
+ssI422
+(dp2130
+S'city'
+p2131
+S'monroe'
+p2132
+sS'theater'
+p2133
+S'regal barkley village stadium 16'
+p2134
+sS'zip'
+p2135
+S'98272'
+p2136
+sS'distanceconstraints'
+p2137
+S'near'
+p2138
+sS'state'
+p2139
+S'wa'
+p2140
+sS'starttime'
+p2141
+S'around 8pm'
+p2142
+sS'date'
+p2143
+S'tonight'
+p2144
+sS'moviename'
+p2145
+S'kung fu panda 3'
+p2146
+ssI423
+(dp2147
+g2131
+g2132
+sg2133
+S'amc loews cascade mall'
+p2148
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2142
+sg2143
+g2144
+sg2145
+g2146
+ssI424
+(dp2149
+g2131
+g2132
+sg2133
+S'regal marysville 14'
+p2150
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2142
+sg2143
+g2144
+sg2145
+g2146
+ssI425
+(dp2151
+g2131
+g2132
+sg2133
+g2134
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+S'9:10'
+p2152
+sg2143
+g2144
+sg2145
+g2146
+ssI426
+(dp2153
+g2131
+g2132
+sg2133
+g2148
+sg2135
+g2136
+sg2137
+g2138
+sg2139
+g2140
+sg2141
+g2152
+sg2143
+g2144
+sg2145
+g2146
+ssI427
+(dp2154
+S'moviename'
+p2155
+S'london has fallen'
+p2156
+ssI428
+(dp2157
+S'city'
+p2158
+S'seattle'
+p2159
+sS'theater'
+p2160
+S'amc pacific place 11 600 pine s'
+p2161
+sS'zip'
+p2162
+S'98101'
+p2163
+sS'distanceconstraints'
+p2164
+S' seattle area'
+p2165
+sS'state'
+p2166
+S'wa'
+p2167
+sS'other'
+p2168
+S'place that serves seafood'
+p2169
+sS'starttime'
+p2170
+S'after dinner'
+p2171
+sS'date'
+p2172
+S'friday'
+p2173
+sS'moviename'
+p2174
+S'10 cloverfield lane'
+p2175
+ssI429
+(dp2176
+g2158
+S'bellevue'
+p2177
+sg2160
+g2161
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI430
+(dp2178
+g2158
+g2159
+sg2160
+S'bellevue lincoln square cinemas'
+p2179
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI431
+(dp2180
+g2158
+g2177
+sg2160
+g2179
+sg2162
+g2163
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI432
+(dp2181
+g2158
+g2159
+sg2160
+g2161
+sg2162
+S'98004'
+p2182
+sg2164
+g2165
+sg2166
+g2167
+sg2168
+g2169
+sg2170
+g2171
+sg2172
+g2173
+sg2174
+g2175
+ssI433
+(dp2183
+S'city'
+p2184
+S'birmingham'
+p2185
+sS'theater'
+p2186
+S'carmike summit 16'
+p2187
+sS'critic_rating'
+p2188
+S'6'
+sS'date'
+p2189
+S'friday'
+p2190
+sS'state'
+p2191
+S'al'
+p2192
+sS'other'
+p2193
+S'imdb'
+p2194
+sS'starttime'
+p2195
+S'matinee'
+p2196
+sS'genre'
+p2197
+S'action'
+p2198
+sS'moviename'
+p2199
+S'deadpool'
+p2200
+ssI434
+(dp2201
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'5'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+g2198
+sg2199
+g2200
+ssI435
+(dp2202
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'6'
+sg2189
+S'saturday'
+p2203
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+g2198
+sg2199
+g2200
+ssI436
+(dp2204
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'5'
+sg2189
+g2203
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+g2196
+sg2197
+g2198
+sg2199
+g2200
+ssI437
+(dp2205
+g2184
+g2185
+sg2186
+g2187
+sg2188
+S'6'
+sg2189
+g2190
+sg2191
+g2192
+sg2193
+g2194
+sg2195
+S'evening'
+p2206
+sg2197
+g2198
+sg2199
+g2200
+ssI438
+(dp2207
+S'genre'
+p2208
+S'drama'
+p2209
+sS'city'
+p2210
+S'seattle'
+p2211
+sS'moviename'
+p2212
+S'eddie the eagle'
+p2213
+sS'theater'
+p2214
+S'regal meridian sundance cinemas'
+p2215
+ssI439
+(dp2216
+g2208
+g2209
+sg2210
+g2211
+sg2212
+S'big short'
+p2217
+sg2214
+g2215
+ssI440
+(dp2218
+g2208
+g2209
+sg2210
+g2211
+sg2212
+S'the big short'
+p2219
+sg2214
+g2215
+ssI441
+(dp2220
+g2208
+g2209
+sg2210
+g2211
+sg2212
+g2213
+sg2214
+S'regal thornton place'
+p2221
+ssI442
+(dp2222
+g2208
+g2209
+sg2210
+g2211
+sg2212
+g2217
+sg2214
+g2221
+ssI443
+(dp2223
+S'city'
+p2224
+S'Long Island'
+p2225
+sS'state'
+p2226
+S'NY'
+p2227
+sS'moviename'
+p2228
+S'Deadpool'
+p2229
+sS'theater'
+p2230
+S'loews stony brook 17'
+p2231
+sS'starttime'
+p2232
+S'tonight'
+p2233
+ssI444
+(dp2234
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+S'amc loews stony brook'
+p2235
+sg2232
+g2233
+ssI445
+(dp2236
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2231
+sg2232
+S'7:30 pm'
+p2237
+ssI446
+(dp2238
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2235
+sg2232
+g2237
+ssI447
+(dp2239
+g2224
+g2225
+sg2226
+g2227
+sg2228
+g2229
+sg2230
+g2231
+sg2232
+S'8:15 pm'
+p2240
+ssI448
+(dp2241
+S'city'
+p2242
+S'portland'
+p2243
+sS'theater'
+p2244
+S'regal fox tower stadium 10'
+p2245
+sS'state'
+p2246
+S'oregon'
+p2247
+sS'starttime'
+p2248
+S'after 6 pm'
+p2249
+sS'date'
+p2250
+S'saturday'
+p2251
+sS'moviename'
+p2252
+S'whiskey tango foxtrot'
+p2253
+ssI449
+(dp2254
+g2242
+g2243
+sg2244
+g2245
+sg2246
+g2247
+sg2248
+S'6:45'
+p2255
+sg2250
+g2251
+sg2252
+g2253
+ssI450
+(dp2256
+S'other'
+p2257
+S'favorite part'
+p2258
+sS'moviename'
+p2259
+S'deadpool'
+p2260
+ssI451
+(dp2261
+g2257
+S'worth watching'
+p2262
+sg2259
+g2260
+ssI452
+(dp2263
+S'city'
+p2264
+S'des moines'
+p2265
+sS'theater'
+p2266
+S'any'
+p2267
+sS'state'
+p2268
+S'iowa'
+p2269
+sS'mpaa_rating'
+p2270
+S'pg'
+p2271
+sS'starttime'
+p2272
+S' around 7pm'
+p2273
+sS'date'
+p2274
+S'tomorrow'
+p2275
+sS'moviename'
+p2276
+S'zootopia'
+p2277
+ssI453
+(dp2278
+g2264
+g2265
+sg2266
+S'flix brewhouse des moines'
+p2279
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2277
+ssI454
+(dp2280
+g2264
+g2265
+sg2266
+S'carmike cobblestone 9'
+p2281
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2277
+ssI455
+(dp2282
+g2264
+g2265
+sg2266
+g2267
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+S'kung fu panda 3'
+p2283
+ssI456
+(dp2284
+g2264
+g2265
+sg2266
+g2279
+sg2268
+g2269
+sg2270
+g2271
+sg2272
+g2273
+sg2274
+g2275
+sg2276
+g2283
+ssI457
+(dp2285
+S'city'
+p2286
+S'northern san francisco'
+p2287
+sS'theater'
+p2288
+S'amc van ness 14'
+p2289
+sS'distanceconstraints'
+p2290
+S'northern part of the city'
+p2291
+sS'video_format'
+p2292
+S'standard'
+p2293
+sS'state'
+p2294
+S'ca'
+p2295
+sS'starttime'
+p2296
+S'afternoon'
+p2297
+sS'date'
+p2298
+S'tomorrow'
+p2299
+sS'moviename'
+p2300
+S'zootopia'
+p2301
+ssI458
+(dp2302
+g2286
+S'94109'
+p2303
+sg2288
+g2289
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI459
+(dp2304
+g2286
+g2287
+sg2288
+S'AMC Van Ness'
+p2305
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI460
+(dp2306
+g2286
+g2303
+sg2288
+g2305
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI461
+(dp2307
+g2286
+g2287
+sg2288
+S'amc van ness'
+p2308
+sg2290
+g2291
+sg2292
+g2293
+sg2294
+g2295
+sg2296
+g2297
+sg2298
+g2299
+sg2300
+g2301
+ssI462
+(dp2309
+S'date'
+p2310
+S'tomorrow'
+p2311
+sS'city'
+p2312
+S'seattle'
+p2313
+sS'theater'
+p2314
+S'amc lowes oak tree 6'
+p2315
+sS'moviename'
+p2316
+S'risen'
+p2317
+sS'starttime'
+p2318
+S'4:25 pm'
+p2319
+ssI463
+(dp2320
+S'date'
+p2321
+S'march 11th'
+p2322
+sS'city'
+p2323
+S'seattle'
+p2324
+sS'moviename'
+p2325
+S'whiskey tango foxtrot'
+p2326
+sS'theater'
+p2327
+S'SIFF Cinema Uptown'
+p2328
+sS'starttime'
+p2329
+S'7'
+ssI464
+(dp2330
+g2321
+S'tomorrow'
+p2331
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+g2328
+sg2329
+S'7'
+ssI465
+(dp2332
+g2321
+g2322
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+S'Ark Lodge Cinemas'
+p2333
+sg2329
+S'7'
+ssI466
+(dp2334
+g2321
+g2331
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+g2333
+sg2329
+S'7'
+ssI467
+(dp2335
+g2321
+g2322
+sg2323
+g2324
+sg2325
+g2326
+sg2327
+S'Regal Crossroads'
+p2336
+sg2329
+S'7'
+ssI468
+(dp2337
+S'city'
+p2338
+S'seattle'
+p2339
+sS'theater'
+p2340
+S'pacific place 11 theater'
+p2341
+sS'date'
+p2342
+S'tomorrow'
+p2343
+sS'other'
+p2344
+S'name'
+p2345
+sS'starttime'
+p2346
+S'9:30 pm'
+p2347
+sS'theater_chain'
+p2348
+S'amc'
+p2349
+sS'moviename'
+p2350
+S'room'
+p2351
+ssI469
+(dp2352
+S'city'
+p2353
+S'st'
+p2354
+sS'theater'
+p2355
+S'wehrenberg ronnies 20#imax 5320'
+p2356
+sS'zip'
+p2357
+S'63126'
+p2358
+sS'distanceconstraints'
+p2359
+S'near here'
+p2360
+sS'critic_rating'
+p2361
+S'nice'
+p2362
+sS'state'
+p2363
+S'mo'
+p2364
+sS'other'
+p2365
+S'subtitiles'
+p2366
+sS'starttime'
+p2367
+S'7:20'
+p2368
+sS'genre'
+p2369
+S'romantic'
+p2370
+sS'moviename'
+p2371
+S'how to be single'
+p2372
+ssI470
+(dp2373
+g2353
+S'louis'
+p2374
+sg2355
+g2356
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI471
+(dp2375
+g2353
+S'sappington'
+p2376
+sg2355
+g2356
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI472
+(dp2377
+g2353
+g2354
+sg2355
+S'blvd'
+p2378
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI473
+(dp2379
+g2353
+g2374
+sg2355
+g2378
+sg2357
+g2358
+sg2359
+g2360
+sg2361
+g2362
+sg2363
+g2364
+sg2365
+g2366
+sg2367
+g2368
+sg2369
+g2370
+sg2371
+g2372
+ssI474
+(dp2380
+S'city'
+p2381
+S'seattle'
+p2382
+sS'theater'
+p2383
+S'amc pacific place 11'
+p2384
+sS'zip'
+p2385
+S'98101'
+p2386
+sS'state'
+p2387
+S'wa'
+p2388
+sS'date'
+p2389
+S'21-mar'
+p2390
+sS'moviename'
+p2391
+S'deadpool'
+p2392
+ssI475
+(dp2393
+g2381
+S'bellevue'
+p2394
+sg2383
+g2384
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI476
+(dp2395
+g2381
+g2382
+sg2383
+S'bellevue lincoln square cinemas'
+p2396
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI477
+(dp2397
+g2381
+g2394
+sg2383
+g2396
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI478
+(dp2398
+g2381
+g2382
+sg2383
+S'big picture seattle'
+p2399
+sg2385
+g2386
+sg2387
+g2388
+sg2389
+g2390
+sg2391
+g2392
+ssI479
+(dp2400
+S'city'
+p2401
+S'norfolk'
+p2402
+sS'theater'
+p2403
+S'regal macarthur center stadium 18'
+p2404
+sS'state'
+p2405
+S'virginia'
+p2406
+sS'starttime'
+p2407
+S'7pm'
+p2408
+sS'date'
+p2409
+S'march 12th'
+p2410
+sS'moviename'
+p2411
+S'london has fallen'
+p2412
+ssI480
+(dp2413
+g2401
+g2402
+sg2403
+S'RPX CINEMARK 18'
+p2414
+sg2405
+g2406
+sg2407
+g2408
+sg2409
+g2410
+sg2411
+g2412
+ssI481
+(dp2415
+g2401
+g2402
+sg2403
+S'regal'
+p2416
+sg2405
+g2406
+sg2407
+g2408
+sg2409
+g2410
+sg2411
+g2412
+ssI482
+(dp2417
+g2401
+g2402
+sg2403
+g2404
+sg2405
+g2406
+sg2407
+S'7:10'
+p2418
+sg2409
+g2410
+sg2411
+g2412
+ssI483
+(dp2419
+g2401
+g2402
+sg2403
+g2414
+sg2405
+g2406
+sg2407
+g2418
+sg2409
+g2410
+sg2411
+g2412
+ssI484
+(dp2420
+S'date'
+p2421
+S'tonight'
+p2422
+sS'city'
+p2423
+S'seattle'
+p2424
+sS'other'
+p2425
+S'many many theaters'
+p2426
+sS'theater'
+p2427
+S'regal meridian 16'
+p2428
+sS'moviename'
+p2429
+S'London Has Fallen#Whiskey Tango Foxtrot#Zootopia#Eddie The Eagle#Gods of Egypt#Triple 9#The Witch#Where to Invade Next#Zoolander 2#Hail Caesar#Kung Fu Panda 3#Star Wars#The Big Short#The Danish Girl#more'
+p2430
+ssI485
+(dp2431
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'different selection of movies'
+p2432
+sg2427
+g2428
+sg2429
+g2430
+ssI486
+(dp2433
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'search for a theater'
+p2434
+sg2427
+g2428
+sg2429
+g2430
+ssI487
+(dp2435
+g2421
+g2422
+sg2423
+g2424
+sg2425
+S'latest showing'
+p2436
+sg2427
+g2428
+sg2429
+g2430
+ssI488
+(dp2437
+g2421
+g2422
+sg2423
+g2424
+sg2425
+g2426
+sg2427
+g2428
+sg2429
+S'zoolander 2'
+p2438
+ssI489
+(dp2439
+S'city'
+p2440
+S'st louis'
+p2441
+sS'theater'
+p2442
+S'chase park plaza cinemas'
+p2443
+sS'numberofkids'
+p2444
+S'2'
+sS'critic_rating'
+p2445
+S'good'
+p2446
+sS'genre'
+p2447
+S'kids'
+p2448
+sS'mpaa_rating'
+p2449
+S'pg'
+p2450
+sS'starttime'
+p2451
+S'afternoon'
+p2452
+sS'date'
+p2453
+S'thursday'
+p2454
+sS'moviename'
+p2455
+S'zootopia'
+p2456
+ssI490
+(dp2457
+g2440
+g2441
+sg2442
+S'chase park plaza'
+p2458
+sg2444
+S'2'
+sg2445
+g2446
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI491
+(dp2459
+g2440
+g2441
+sg2442
+g2443
+sg2444
+S'2'
+sg2445
+S'4 5/5 star rating'
+p2460
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI492
+(dp2461
+g2440
+g2441
+sg2442
+g2458
+sg2444
+S'2'
+sg2445
+g2460
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+g2452
+sg2453
+g2454
+sg2455
+g2456
+ssI493
+(dp2462
+g2440
+g2441
+sg2442
+g2443
+sg2444
+S'2'
+sg2445
+g2446
+sg2447
+g2448
+sg2449
+g2450
+sg2451
+S'11:00am'
+p2463
+sg2453
+g2454
+sg2455
+g2456
+ssI494
+(dp2464
+S'city'
+p2465
+S'seattle'
+p2466
+sS'other'
+p2467
+S'Italian restaurant'
+p2468
+ssI495
+(dp2469
+S'city'
+p2470
+S'seattle'
+p2471
+sS'theater'
+p2472
+S'amc lowes oak tree 6'
+p2473
+sS'other'
+p2474
+S'restaurant'
+p2475
+sS'starttime'
+p2476
+S'7:25 pm'
+p2477
+sS'date'
+p2478
+S'tomorrow'
+p2479
+sS'moviename'
+p2480
+S'spotlight'
+p2481
+ssI496
+(dp2482
+g2470
+g2471
+sg2472
+g2473
+sg2474
+S'restaurant booking service'
+p2483
+sg2476
+g2477
+sg2478
+g2479
+sg2480
+g2481
+ssI497
+(dp2484
+S'city'
+p2485
+S'los angeles'
+p2486
+sS'theater'
+p2487
+S'regal live stadium 14'
+p2488
+sS'zip'
+p2489
+S'90015'
+p2490
+sS'state'
+p2491
+S'CA'
+p2492
+sS'starttime'
+p2493
+S'8pm'
+p2494
+sS'date'
+p2495
+S'tomorrow'
+p2496
+sS'moviename'
+p2497
+S'deadpool'
+p2498
+ssI498
+(dp2499
+g2485
+S'Los Angeles'
+p2500
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2494
+sg2495
+g2496
+sg2497
+g2498
+ssI499
+(dp2501
+g2485
+g2486
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+S'8 pm'
+p2502
+sg2495
+g2496
+sg2497
+g2498
+ssI500
+(dp2503
+g2485
+g2500
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2502
+sg2495
+g2496
+sg2497
+g2498
+ssI501
+(dp2504
+g2485
+g2486
+sg2487
+g2488
+sg2489
+g2490
+sg2491
+g2492
+sg2493
+g2494
+sg2495
+S'today'
+p2505
+sg2497
+g2498
+ssI502
+(dp2506
+S'city'
+p2507
+S'portland'
+p2508
+sS'theater'
+p2509
+S'regal lloyd center 10 & IMAX'
+p2510
+sS'state'
+p2511
+S'oregon'
+p2512
+sS'starttime'
+p2513
+S'any time'
+p2514
+sS'date'
+p2515
+S'this weekend'
+p2516
+sS'moviename'
+p2517
+S'batman moviename'
+p2518
+ssI503
+(dp2519
+g2507
+g2508
+sg2509
+S'Century Eastport 16'
+p2520
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI504
+(dp2521
+g2507
+g2508
+sg2509
+S'Century Clackmas Town Center'
+p2522
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI505
+(dp2523
+g2507
+g2508
+sg2509
+S'XD'
+p2524
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI506
+(dp2525
+g2507
+g2508
+sg2509
+S'century Eastport 16'
+p2526
+sg2511
+g2512
+sg2513
+g2514
+sg2515
+g2516
+sg2517
+g2518
+ssI507
+(dp2527
+S'city'
+p2528
+S'seattle'
+p2529
+sS'theater'
+p2530
+S'theaters all across seattle'
+p2531
+sS'zip'
+p2532
+S'98101'
+p2533
+sS'distanceconstraints'
+p2534
+S'near me'
+p2535
+sS'video_format'
+p2536
+S'3d'
+p2537
+sS'state'
+p2538
+S'wa'
+p2539
+sS'other'
+p2540
+S'online ticketing'
+p2541
+sS'starttime'
+p2542
+S'matinee'
+p2543
+sS'date'
+p2544
+S'tomorrow'
+p2545
+sS'moviename'
+p2546
+S'zootopia'
+p2547
+ssI508
+(dp2548
+g2528
+g2529
+sg2530
+S'Regal Meridian 16'
+p2549
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI509
+(dp2550
+g2528
+g2529
+sg2530
+S'Pacific Science Center'
+p2551
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI510
+(dp2552
+g2528
+g2529
+sg2530
+S'Admiral Theater'
+p2553
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI511
+(dp2554
+g2528
+g2529
+sg2530
+S'pacific science center'
+p2555
+sg2532
+g2533
+sg2534
+g2535
+sg2536
+g2537
+sg2538
+g2539
+sg2540
+g2541
+sg2542
+g2543
+sg2544
+g2545
+sg2546
+g2547
+ssI512
+(dp2556
+S'city'
+p2557
+S'bellevue'
+p2558
+sS'theater'
+p2559
+S'bellevue lincoln square cinemas'
+p2560
+sS'zip'
+p2561
+S'98004'
+p2562
+sS'distanceconstraints'
+p2563
+S'near'
+p2564
+sS'actor'
+p2565
+S'ryan reynolds'
+p2566
+sS'date'
+p2567
+S'tonight'
+p2568
+sS'state'
+p2569
+S'washington'
+p2570
+sS'other'
+p2571
+S"I can't remember"
+p2572
+sS'starttime'
+p2573
+S'8:15pm'
+p2574
+sS'genre'
+p2575
+S'superhero movie'
+p2576
+sS'moviename'
+p2577
+S'deadpool'
+p2578
+ssI513
+(dp2579
+g2557
+g2558
+sg2559
+S'amc'
+p2580
+sg2561
+g2562
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI514
+(dp2581
+g2557
+g2558
+sg2559
+g2560
+sg2561
+S'98119'
+p2582
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI515
+(dp2583
+g2557
+g2558
+sg2559
+g2580
+sg2561
+g2582
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+g2570
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI516
+(dp2584
+g2557
+g2558
+sg2559
+g2560
+sg2561
+g2562
+sg2563
+g2564
+sg2565
+g2566
+sg2567
+g2568
+sg2569
+S'wa'
+p2585
+sg2571
+g2572
+sg2573
+g2574
+sg2575
+g2576
+sg2577
+g2578
+ssI517
+(dp2586
+S'distanceconstraints'
+p2587
+S'near me'
+p2588
+sS'city'
+p2589
+S'campcreek area'
+p2590
+sS'date'
+p2591
+S'coming saturday'
+p2592
+ssI518
+(dp2593
+S'city'
+p2594
+S'bellevue'
+p2595
+sS'theater'
+p2596
+S'regal thornton place stadium'
+p2597
+sS'video_format'
+p2598
+S'3d'
+p2599
+sS'state'
+p2600
+S'washington'
+p2601
+sS'starttime'
+p2602
+S'between 5pm and 6pm'
+p2603
+sS'date'
+p2604
+S'saturday'
+p2605
+sS'moviename'
+p2606
+S'kung fu panda 3'
+p2607
+ssI519
+(dp2608
+g2594
+g2595
+sg2596
+g2597
+sg2598
+g2599
+sg2600
+g2601
+sg2602
+S'between 5 and 6pm'
+p2609
+sg2604
+g2605
+sg2606
+g2607
+ssI520
+(dp2610
+g2594
+g2595
+sg2596
+g2597
+sg2598
+g2599
+sg2600
+g2601
+sg2602
+S'6:10pm'
+p2611
+sg2604
+g2605
+sg2606
+g2607
+ssI521
+(dp2612
+S'date'
+p2613
+S'tomorrow'
+p2614
+sS'city'
+p2615
+S'detroit'
+p2616
+sS'moviename'
+p2617
+S'deadpool'
+p2618
+sS'theater'
+p2619
+S'amc star fairlane 21'
+p2620
+sS'starttime'
+p2621
+S'7pm'
+p2622
+ssI522
+(dp2623
+g2613
+g2614
+sg2615
+g2616
+sg2617
+g2618
+sg2619
+g2620
+sg2621
+S'7:05'
+p2624
+ssI523
+(dp2625
+S'date'
+p2626
+S'tomorrow'
+p2627
+sS'moviename'
+p2628
+S'creed'
+p2629
+sS'theater'
+p2630
+S'regency academy 6'
+p2631
+sS'starttime'
+p2632
+S'around noon'
+p2633
+ssI524
+(dp2634
+g2626
+g2627
+sg2628
+g2629
+sg2630
+g2631
+sg2632
+S'1:00pm'
+p2635
+ssI525
+(dp2636
+S'city'
+p2637
+S'los angeles'
+p2638
+sS'theater'
+p2639
+S'Regal LA Live Stadium 14'
+p2640
+sS'video_format'
+p2641
+S'3d'
+p2642
+sS'starttime'
+p2643
+S'8pm'
+p2644
+sS'date'
+p2645
+S'tomorrow'
+p2646
+sS'moviename'
+p2647
+S'zootopia'
+p2648
+ssI526
+(dp2649
+g2637
+g2638
+sg2639
+g2640
+sg2641
+S'standard'
+p2650
+sg2643
+g2644
+sg2645
+g2646
+sg2647
+g2648
+ssI527
+(dp2651
+g2637
+g2638
+sg2639
+g2640
+sg2641
+g2642
+sg2643
+S'7:10pm'
+p2652
+sg2645
+g2646
+sg2647
+g2648
+ssI528
+(dp2653
+g2637
+g2638
+sg2639
+g2640
+sg2641
+g2650
+sg2643
+g2652
+sg2645
+g2646
+sg2647
+g2648
+ssI529
+(dp2654
+S'theater_chain'
+p2655
+S'amc lowes oak tree 6'
+p2656
+sS'city'
+p2657
+S'seattle'
+p2658
+sS'date'
+p2659
+S'tomorrow'
+p2660
+sS'moviename'
+p2661
+S'risen'
+p2662
+sS'starttime'
+p2663
+S'4:25 pm'
+p2664
+ssI530
+(dp2665
+S'city'
+p2666
+S'arlington'
+p2667
+sS'theater'
+p2668
+S'cinemark tinseltown 9'
+p2669
+sS'actor'
+p2670
+S'ryan reynolds'
+p2671
+sS'state'
+p2672
+S'texas'
+p2673
+sS'starttime'
+p2674
+S'10:05'
+p2675
+sS'date'
+p2676
+S'tonight'
+p2677
+sS'moviename'
+p2678
+S'deadpool'
+p2679
+ssI531
+(dp2680
+S'date'
+p2681
+S'tomorrow'
+p2682
+sS'city'
+p2683
+S'seattle'
+p2684
+sS'theater'
+p2685
+S'amc pacific place 11 theater'
+p2686
+sS'moviename'
+p2687
+S'room'
+p2688
+sS'starttime'
+p2689
+S'9:30 pm'
+p2690
+ssI532
+(dp2691
+S'city'
+p2692
+S'seattle'
+p2693
+sS'other'
+p2694
+S'name'
+p2695
+sS'moviename'
+p2696
+S'whiskey tango foxtrot'
+p2697
+sS'theater'
+p2698
+S'regal meridian 16'
+p2699
+sS'starttime'
+p2700
+S'soonest upcoming showing'
+p2701
+ssI533
+(dp2702
+g2692
+g2693
+sg2694
+g2695
+sg2696
+g2697
+sg2698
+g2699
+sg2700
+S'9:00pm'
+p2703
+ssI534
+(dp2704
+S'city'
+p2705
+S'seattle'
+p2706
+sS'theater'
+p2707
+S'regal meridian 16'
+p2708
+sS'zip'
+p2709
+S'98101'
+p2710
+sS'theater_chain'
+p2711
+S'amc loews oak tree 6'
+p2712
+sS'date'
+p2713
+S'tomorrow'
+p2714
+sS'state'
+p2715
+S'wa'
+p2716
+sS'other'
+p2717
+S'large number of movies'
+p2718
+sS'starttime'
+p2719
+S'7pm'
+p2720
+sS'genre'
+p2721
+S'comedy'
+p2722
+sS'moviename'
+p2723
+S'risen race spotlight'
+p2724
+ssI535
+(dp2725
+g2705
+g2706
+sg2707
+S'AMC LOEWS OAK TREE 6 10006 aurora'
+p2726
+sg2709
+g2710
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI536
+(dp2727
+g2705
+g2706
+sg2707
+g2708
+sg2709
+S'98133'
+p2728
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI537
+(dp2729
+g2705
+g2706
+sg2707
+g2726
+sg2709
+g2728
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+g2722
+sg2723
+g2724
+ssI538
+(dp2730
+g2705
+g2706
+sg2707
+g2708
+sg2709
+g2710
+sg2711
+g2712
+sg2713
+g2714
+sg2715
+g2716
+sg2717
+g2718
+sg2719
+g2720
+sg2721
+S'drama'
+p2731
+sg2723
+g2724
+ssI539
+(dp2732
+S'city'
+p2733
+S'birmingham'
+p2734
+sS'theater'
+p2735
+S'carmike summit 16'
+p2736
+sS'state'
+p2737
+S'al'
+p2738
+sS'starttime'
+p2739
+S'around 2pm'
+p2740
+sS'date'
+p2741
+S'today'
+p2742
+sS'moviename'
+p2743
+S'london had fallen'
+p2744
+ssI540
+(dp2745
+g2733
+g2734
+sg2735
+g2736
+sg2737
+g2738
+sg2739
+S'1:35 pm'
+p2746
+sg2741
+g2742
+sg2743
+g2744
+ssI541
+(dp2747
+S'city'
+p2748
+S'seattle'
+p2749
+sS'theater'
+p2750
+S'regal meridian 16'
+p2751
+sS'zip'
+p2752
+S'98101'
+p2753
+sS'critic_rating'
+p2754
+S'top'
+p2755
+sS'state'
+p2756
+S'wa'
+p2757
+sS'other'
+p2758
+S'rotten tomatoes'
+p2759
+sS'starttime'
+p2760
+S'night around 8pm'
+p2761
+sS'date'
+p2762
+S'tomorrow'
+p2763
+sS'moviename'
+p2764
+S'zootopia'
+p2765
+ssI542
+(dp2766
+g2748
+S'bellevue'
+p2767
+sg2750
+g2751
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI543
+(dp2768
+g2748
+g2749
+sg2750
+S'bellevue lincoln square cinemas'
+p2769
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI544
+(dp2770
+g2748
+g2767
+sg2750
+g2769
+sg2752
+g2753
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI545
+(dp2771
+g2748
+g2749
+sg2750
+g2751
+sg2752
+S'98004'
+p2772
+sg2754
+g2755
+sg2756
+g2757
+sg2758
+g2759
+sg2760
+g2761
+sg2762
+g2763
+sg2764
+g2765
+ssI546
+(dp2773
+S'date'
+p2774
+S'tomorrow'
+p2775
+sS'city'
+p2776
+S'seattle'
+p2777
+sS'theater'
+p2778
+S'amc lowes oak tree 6'
+p2779
+sS'moviename'
+p2780
+S'room'
+p2781
+sS'starttime'
+p2782
+S'4:50 pm'
+p2783
+ssI547
+(dp2784
+S'city'
+p2785
+S'seattle'
+p2786
+sS'theater'
+p2787
+S'regal meridian 16'
+p2788
+sS'distanceconstraints'
+p2789
+S'near my location'
+p2790
+sS'critic_rating'
+p2791
+S'number 1'
+p2792
+sS'date'
+p2793
+S'tonight'
+p2794
+sS'state'
+p2795
+S'washington'
+p2796
+sS'genre'
+p2797
+S'comedy'
+p2798
+sS'moviename'
+p2799
+S'zootopia'
+p2800
+ssI548
+(dp2801
+g2785
+g2786
+sg2787
+g2788
+sg2789
+S'safeco field'
+p2802
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+g2800
+ssI549
+(dp2803
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2790
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+S'comedies'
+p2804
+sg2799
+g2800
+ssI550
+(dp2805
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2802
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+g2804
+sg2799
+g2800
+ssI551
+(dp2806
+g2785
+g2786
+sg2787
+g2788
+sg2789
+g2790
+sg2791
+g2792
+sg2793
+g2794
+sg2795
+g2796
+sg2797
+g2798
+sg2799
+S'Whiskey Tango Foxtrot'
+p2807
+ssI552
+(dp2808
+S'city'
+p2809
+S'philadelphia'
+p2810
+sS'theater'
+p2811
+S'The Pearl Theatre'
+p2812
+sS'zip'
+p2813
+S'19101'
+p2814
+sS'distanceconstraints'
+p2815
+S'near'
+p2816
+sS'state'
+p2817
+S'pa'
+p2818
+sS'starttime'
+p2819
+S'1:30pm'
+p2820
+sS'date'
+p2821
+S'tomorrow'
+p2822
+sS'moviename'
+p2823
+S'deadpool'
+p2824
+ssI553
+(dp2825
+g2809
+g2810
+sg2811
+g2812
+sg2813
+S'19121'
+p2826
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+g2820
+sg2821
+g2822
+sg2823
+g2824
+ssI554
+(dp2827
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2814
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+S'4:30'
+p2828
+sg2821
+g2822
+sg2823
+g2824
+ssI555
+(dp2829
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2826
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+g2828
+sg2821
+g2822
+sg2823
+g2824
+ssI556
+(dp2830
+g2809
+g2810
+sg2811
+g2812
+sg2813
+g2814
+sg2815
+g2816
+sg2817
+g2818
+sg2819
+S'7:30pm'
+p2831
+sg2821
+g2822
+sg2823
+g2824
+ssI557
+(dp2832
+S'city'
+p2833
+S'princeton'
+p2834
+sS'theater'
+p2835
+S'amc marketfair 10'
+p2836
+sS'date'
+p2837
+S'tomorrow'
+p2838
+sS'state'
+p2839
+S'nj'
+p2840
+sS'starttime'
+p2841
+S'7pm'
+p2842
+sS'genre'
+p2843
+S'dramas'
+p2844
+sS'moviename'
+p2845
+S'eddie the eagle'
+p2846
+ssI558
+(dp2847
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+S'6:45pm'
+p2848
+sg2843
+g2844
+sg2845
+g2846
+ssI559
+(dp2849
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+g2842
+sg2843
+g2844
+sg2845
+S'race and risen'
+p2850
+ssI560
+(dp2851
+g2833
+g2834
+sg2835
+g2836
+sg2837
+g2838
+sg2839
+g2840
+sg2841
+g2848
+sg2843
+g2844
+sg2845
+g2850
+ssI561
+(dp2852
+S'city'
+p2853
+S'birmingham'
+p2854
+sS'theater'
+p2855
+S'carmike summit 16'
+p2856
+sS'state'
+p2857
+S'al'
+p2858
+sS'starttime'
+p2859
+S'around 5pm'
+p2860
+sS'date'
+p2861
+S'tomorrow'
+p2862
+sS'moviename'
+p2863
+S'deadpool'
+p2864
+ssI562
+(dp2865
+g2853
+g2854
+sg2855
+g2856
+sg2857
+g2858
+sg2859
+S'4:20pm'
+p2866
+sg2861
+g2862
+sg2863
+g2864
+ssI563
+(dp2867
+g2853
+g2854
+sg2855
+g2856
+sg2857
+g2858
+sg2859
+S'7:20pm'
+p2868
+sg2861
+g2862
+sg2863
+g2864
+ssI564
+(dp2869
+S'city'
+p2870
+S'carbondale'
+p2871
+sS'theater'
+p2872
+S'amc showplace carbondale 8'
+p2873
+sS'zip'
+p2874
+S'62901'
+p2875
+sS'critic_rating'
+p2876
+S'good'
+p2877
+sS'date'
+p2878
+S'tomorrow'
+p2879
+sS'state'
+p2880
+S'illinois'
+p2881
+sS'starttime'
+p2882
+S'afternoon'
+p2883
+sS'genre'
+p2884
+S'action'
+p2885
+sS'moviename'
+p2886
+S'london has fallen'
+p2887
+ssI565
+(dp2888
+g2870
+g2871
+sg2872
+S'amc university place'
+p2889
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2881
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI566
+(dp2890
+g2870
+g2871
+sg2872
+g2873
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+S'il'
+p2891
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI567
+(dp2892
+g2870
+g2871
+sg2872
+g2889
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2891
+sg2882
+g2883
+sg2884
+g2885
+sg2886
+g2887
+ssI568
+(dp2893
+g2870
+g2871
+sg2872
+g2873
+sg2874
+g2875
+sg2876
+g2877
+sg2878
+g2879
+sg2880
+g2881
+sg2882
+S'2:30pm'
+p2894
+sg2884
+g2885
+sg2886
+g2887
+ssI569
+(dp2895
+S'city'
+p2896
+S'birmingham'
+p2897
+sS'theater'
+p2898
+S'carmike summit 16'
+p2899
+sS'zip'
+p2900
+S'35243'
+p2901
+sS'critic_rating'
+p2902
+S'popular'
+p2903
+sS'date'
+p2904
+S'last weekend'
+p2905
+sS'state'
+p2906
+S'al'
+p2907
+sS'other'
+p2908
+S'search theaters'
+p2909
+sS'mpaa_rating'
+p2910
+S'pg'
+p2911
+sS'starttime'
+p2912
+S'10:00am'
+p2913
+sS'genre'
+p2914
+S'action'
+p2915
+sS'moviename'
+p2916
+S'zootopia'
+p2917
+ssI570
+(dp2918
+g2896
+S'hoover'
+p2919
+sg2898
+g2899
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI571
+(dp2920
+g2896
+g2897
+sg2898
+S'carmike patton creek'
+p2921
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI572
+(dp2922
+g2896
+g2919
+sg2898
+g2921
+sg2900
+g2901
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI573
+(dp2923
+g2896
+g2897
+sg2898
+g2899
+sg2900
+S'35244'
+p2924
+sg2902
+g2903
+sg2904
+g2905
+sg2906
+g2907
+sg2908
+g2909
+sg2910
+g2911
+sg2912
+g2913
+sg2914
+g2915
+sg2916
+g2917
+ssI574
+(dp2925
+S'city'
+p2926
+S'birmingham'
+p2927
+sS'theater'
+p2928
+S'carmike summit 16'
+p2929
+sS'critic_rating'
+p2930
+S'good'
+p2931
+sS'genre'
+p2932
+S'action'
+p2933
+sS'state'
+p2934
+S'alabama'
+p2935
+sS'starttime'
+p2936
+S'2:00 pm'
+p2937
+sS'date'
+p2938
+S'this saturday'
+p2939
+sS'moviename'
+p2940
+S'london has fallen'
+p2941
+ssI575
+(dp2942
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+S'1:35pm'
+p2943
+sg2938
+g2939
+sg2940
+g2941
+ssI576
+(dp2944
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2937
+sg2938
+g2939
+sg2940
+S'gods of egypt'
+p2945
+ssI577
+(dp2946
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2943
+sg2938
+g2939
+sg2940
+g2945
+ssI578
+(dp2947
+g2926
+g2927
+sg2928
+g2929
+sg2930
+g2931
+sg2932
+g2933
+sg2934
+g2935
+sg2936
+g2937
+sg2938
+g2939
+sg2940
+S'deadpool'
+p2948
+ssI579
+(dp2949
+S'date'
+p2950
+S'tomorrow'
+p2951
+sS'city'
+p2952
+S'seattle'
+p2953
+sS'theater'
+p2954
+S'regal meridian 16'
+p2955
+sS'moviename'
+p2956
+S'The big short'
+p2957
+sS'starttime'
+p2958
+S'8:45 pm'
+p2959
+ssI580
+(dp2960
+S'city'
+p2961
+S'seattle'
+p2962
+sS'theater'
+p2963
+S'regal meridian 16'
+p2964
+sS'zip'
+p2965
+S'98126'
+p2966
+sS'distanceconstraints'
+p2967
+S'closest'
+p2968
+sS'state'
+p2969
+S'wa'
+p2970
+sS'other'
+p2971
+S'cheapest'
+p2972
+sS'starttime'
+p2973
+S'2:00pm'
+p2974
+sS'date'
+p2975
+S'today'
+p2976
+sS'moviename'
+p2977
+S'zoolander 2'
+p2978
+ssI581
+(dp2979
+g2961
+g2962
+sg2963
+g2964
+sg2965
+S'98101'
+p2980
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2972
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI582
+(dp2981
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2966
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+S'do not know'
+p2982
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI583
+(dp2983
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2980
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2982
+sg2973
+g2974
+sg2975
+g2976
+sg2977
+g2978
+ssI584
+(dp2984
+g2961
+g2962
+sg2963
+g2964
+sg2965
+g2966
+sg2967
+g2968
+sg2969
+g2970
+sg2971
+g2972
+sg2973
+S'4:30pm'
+p2985
+sg2975
+g2976
+sg2977
+g2978
+ssI585
+(dp2986
+S'theater'
+p2987
+S'amc pacific place'
+p2988
+sS'zip'
+p2989
+S'98119'
+p2990
+sS'theater_chain'
+p2991
+S'amc pacific place 11'
+p2992
+sS'starttime'
+p2993
+S'around 8pm'
+p2994
+sS'date'
+p2995
+S'friday'
+p2996
+sS'moviename'
+p2997
+S'deadpool'
+p2998
+ssI586
+(dp2999
+g2987
+g2988
+sg2989
+g2990
+sg2991
+g2992
+sg2993
+S'8:10PM'
+p3000
+sg2995
+g2996
+sg2997
+g2998
+ssI587
+(dp3001
+S'city'
+p3002
+S'buford'
+p3003
+sS'theater'
+p3004
+S'mall of georgia movie theater'
+p3005
+sS'actress'
+p3006
+S'tina fey'
+p3007
+sS'genre'
+p3008
+S'comedy'
+p3009
+sS'state'
+p3010
+S'georgia'
+p3011
+sS'other'
+p3012
+S'date night'
+p3013
+sS'mpaa_rating'
+p3014
+S'r'
+sS'starttime'
+p3015
+S'10:40pm'
+p3016
+sS'date'
+p3017
+S'friday'
+p3018
+sS'moviename'
+p3019
+S'zootopia'
+p3020
+ssI588
+(dp3021
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+S'animated'
+p3022
+sg3010
+g3011
+sg3012
+g3013
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+g3020
+ssI589
+(dp3023
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+S'disney'
+p3024
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+g3020
+ssI590
+(dp3025
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3022
+sg3010
+g3011
+sg3012
+g3024
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+g3020
+ssI591
+(dp3026
+g3002
+g3003
+sg3004
+g3005
+sg3006
+g3007
+sg3008
+g3009
+sg3010
+g3011
+sg3012
+g3013
+sg3014
+S'r'
+sg3015
+g3016
+sg3017
+g3018
+sg3019
+S'Whiskey Tango Foxtrot'
+p3027
+ssI592
+(dp3028
+S'city'
+p3029
+S'seattle'
+p3030
+sS'theater'
+p3031
+S'regal meridian 16'
+p3032
+sS'distanceconstraints'
+p3033
+S'north side'
+p3034
+sS'starttime'
+p3035
+S'evening around 6pm'
+p3036
+sS'date'
+p3037
+S'tomorrow'
+p3038
+sS'moviename'
+p3039
+S'zootopia'
+p3040
+ssI593
+(dp3041
+g3029
+g3030
+sg3031
+S'regal thornton place'
+p3042
+sg3033
+g3034
+sg3035
+g3036
+sg3037
+g3038
+sg3039
+g3040
+ssI594
+(dp3043
+g3029
+g3030
+sg3031
+g3032
+sg3033
+g3034
+sg3035
+S'5:20'
+p3044
+sg3037
+g3038
+sg3039
+g3040
+ssI595
+(dp3045
+g3029
+g3030
+sg3031
+g3042
+sg3033
+g3034
+sg3035
+g3044
+sg3037
+g3038
+sg3039
+g3040
+ssI596
+(dp3046
+g3029
+g3030
+sg3031
+g3032
+sg3033
+g3034
+sg3035
+S'6:30 pm'
+p3047
+sg3037
+g3038
+sg3039
+g3040
+ssI597
+(dp3048
+S'city'
+p3049
+S'Fresno'
+p3050
+sS'theater'
+p3051
+S'current'
+p3052
+sS'date'
+p3053
+S'march 12'
+p3054
+sS'state'
+p3055
+S'california'
+p3056
+sS'starttime'
+p3057
+S'a lot'
+p3058
+sS'genre'
+p3059
+S'action'
+p3060
+sS'moviename'
+p3061
+S'deadpool'
+p3062
+ssI598
+(dp3063
+g3049
+g3050
+sg3051
+S'Visalia'
+p3064
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI599
+(dp3065
+g3049
+g3050
+sg3051
+S'regal visalia stadium 10'
+p3066
+sg3053
+g3054
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI600
+(dp3067
+g3049
+g3050
+sg3051
+g3052
+sg3053
+S'weekend'
+p3068
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI601
+(dp3069
+g3049
+g3050
+sg3051
+g3064
+sg3053
+g3068
+sg3055
+g3056
+sg3057
+g3058
+sg3059
+g3060
+sg3061
+g3062
+ssI602
+(dp3070
+S'city'
+p3071
+S'seattle'
+p3072
+sS'other'
+p3073
+S'name'
+p3074
+sS'moviename'
+p3075
+S'whiskey tango foxtrot'
+p3076
+sS'theater'
+p3077
+S'regal meridian 16'
+p3078
+sS'starttime'
+p3079
+S'sonnest'
+p3080
+ssI603
+(dp3081
+g3071
+g3072
+sg3073
+g3074
+sg3075
+g3076
+sg3077
+g3078
+sg3079
+S'9:00pm'
+p3082
+ssI604
+(dp3083
+S'city'
+p3084
+S'las vegas'
+p3085
+sS'theater'
+p3086
+S'regal colonnade 14'
+p3087
+sS'video_format'
+p3088
+S'3d#standard'
+p3089
+sS'starttime'
+p3090
+S'matinee'
+p3091
+sS'date'
+p3092
+S'tomorrow'
+p3093
+sS'moviename'
+p3094
+S'zootopia'
+p3095
+ssI605
+(dp3096
+g3084
+g3085
+sg3086
+g3087
+sg3088
+S'3d'
+p3097
+sg3090
+g3091
+sg3092
+g3093
+sg3094
+g3095
+ssI606
+(dp3098
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3089
+sg3090
+S'1:30pm'
+p3099
+sg3092
+g3093
+sg3094
+g3095
+ssI607
+(dp3100
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3097
+sg3090
+g3099
+sg3092
+g3093
+sg3094
+g3095
+ssI608
+(dp3101
+g3084
+g3085
+sg3086
+g3087
+sg3088
+g3089
+sg3090
+S'1:30'
+p3102
+sg3092
+g3093
+sg3094
+g3095
+ssI609
+(dp3103
+S'city'
+p3104
+S'seattle'
+p3105
+sS'theater'
+p3106
+S'regal meridian 16'
+p3107
+sS'state'
+p3108
+S'virginia'
+p3109
+sS'other'
+p3110
+S'Fandango'
+p3111
+sS'starttime'
+p3112
+S'9:30 pm'
+p3113
+sS'date'
+p3114
+S'march 15th'
+p3115
+sS'moviename'
+p3116
+S'zoolander 2'
+p3117
+ssI610
+(dp3118
+g3104
+S'waynesboro'
+p3119
+sg3106
+g3107
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI611
+(dp3120
+g3104
+S'norfolk'
+p3121
+sg3106
+g3107
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI612
+(dp3122
+g3104
+g3105
+sg3106
+S'zeus'
+p3123
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI613
+(dp3124
+g3104
+g3119
+sg3106
+g3123
+sg3108
+g3109
+sg3110
+g3111
+sg3112
+g3113
+sg3114
+g3115
+sg3116
+g3117
+ssI614
+(dp3125
+S'city'
+p3126
+S'la'
+p3127
+sS'theater'
+p3128
+S'creed'
+p3129
+sS'distanceconstraints'
+p3130
+S'downtown'
+p3131
+sS'video_format'
+p3132
+S'3d'
+p3133
+sS'starttime'
+p3134
+S'7pm'
+p3135
+sS'date'
+p3136
+S'tomorrow'
+p3137
+sS'moviename'
+p3138
+S'creed'
+p3139
+ssI615
+(dp3140
+g3126
+g3127
+sg3128
+S'pacific sherman oaks 5'
+p3141
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI616
+(dp3142
+g3126
+g3127
+sg3128
+S'amc la mirada 7'
+p3143
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI617
+(dp3144
+g3126
+g3127
+sg3128
+S'AMC La Mirada'
+p3145
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI618
+(dp3146
+g3126
+g3127
+sg3128
+S'amc'
+p3147
+sg3130
+g3131
+sg3132
+g3133
+sg3134
+g3135
+sg3136
+g3137
+sg3138
+g3139
+ssI619
+(dp3148
+S'city'
+p3149
+S'birmingham'
+p3150
+sS'theater'
+p3151
+S'carmike summit 16'
+p3152
+sS'zip'
+p3153
+S'35246'
+p3154
+sS'state'
+p3155
+S'al'
+p3156
+sS'starttime'
+p3157
+S'2pm'
+p3158
+sS'date'
+p3159
+S'today'
+p3160
+sS'moviename'
+p3161
+S'zootopia'
+p3162
+ssI620
+(dp3163
+g3149
+g3150
+sg3151
+S'15'
+p3164
+sg3153
+g3154
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI621
+(dp3165
+g3149
+g3150
+sg3151
+g3152
+sg3153
+S'35242'
+p3166
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI622
+(dp3167
+g3149
+g3150
+sg3151
+g3164
+sg3153
+g3166
+sg3155
+g3156
+sg3157
+g3158
+sg3159
+g3160
+sg3161
+g3162
+ssI623
+(dp3168
+g3149
+g3150
+sg3151
+g3152
+sg3153
+g3154
+sg3155
+g3156
+sg3157
+S'1:30'
+p3169
+sg3159
+g3160
+sg3161
+g3162
+ssI624
+(dp3170
+S'city'
+p3171
+S'seattle'
+p3172
+sS'theater'
+p3173
+S'regal meridian 16'
+p3174
+sS'other'
+p3175
+S'name'
+p3176
+sS'starttime'
+p3177
+S'9:00 pm'
+p3178
+sS'date'
+p3179
+S'tomorrow'
+p3180
+sS'moviename'
+p3181
+S'spotlight'
+p3182
+ssI625
+(dp3183
+S'theater'
+p3184
+S'buford georgia'
+p3185
+sS'actor'
+p3186
+S'tina fey'
+p3187
+sS'genre'
+p3188
+S'comedy'
+p3189
+sS'mpaa_rating'
+p3190
+S'r'
+sS'starttime'
+p3191
+S'night'
+p3192
+sS'date'
+p3193
+S'this friday'
+p3194
+sS'moviename'
+p3195
+S'zootopia'
+p3196
+ssI626
+(dp3197
+g3184
+S'Whiskey Tango Foxtrot'
+p3198
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI627
+(dp3199
+g3184
+S'mall of georgia'
+p3200
+sg3186
+g3187
+sg3188
+g3189
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI628
+(dp3201
+g3184
+g3185
+sg3186
+g3187
+sg3188
+S'animated'
+p3202
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI629
+(dp3203
+g3184
+g3198
+sg3186
+g3187
+sg3188
+g3202
+sg3190
+S'r'
+sg3191
+g3192
+sg3193
+g3194
+sg3195
+g3196
+ssI630
+(dp3204
+S'date'
+p3205
+S'june 17 2016'
+p3206
+sS'theater'
+p3207
+S''
+sS'moviename'
+p3208
+S'avengers'
+p3209
+ssI631
+(dp3210
+g3205
+g3206
+sg3207
+S'finding dory'
+p3211
+sg3208
+g3209
+ssI632
+(dp3212
+g3205
+g3206
+sg3207
+S''
+sg3208
+S'finding dory'
+p3213
+ssI633
+(dp3214
+g3205
+g3206
+sg3207
+g3211
+sg3208
+g3213
+ssI634
+(dp3215
+S'date'
+p3216
+S'tomorrow'
+p3217
+sS'city'
+p3218
+S'seattle'
+p3219
+sS'theater'
+p3220
+S'regal meridian 16'
+p3221
+sS'moviename'
+p3222
+S'spotlight'
+p3223
+sS'starttime'
+p3224
+S'9:00 pm'
+p3225
+ssI635
+(dp3226
+S'date'
+p3227
+S'tomorrow'
+p3228
+sS'city'
+p3229
+S'seattle'
+p3230
+sS'theater'
+p3231
+S'regal meridian 16'
+p3232
+sS'moviename'
+p3233
+S'hail caesar'
+p3234
+sS'starttime'
+p3235
+S'8:45 pm'
+p3236
+ssI636
+(dp3237
+g3227
+g3228
+sg3229
+g3230
+sg3231
+g3232
+sg3233
+g3234
+sg3235
+S'8:45'
+p3238
+ssI637
+(dp3239
+S'city'
+p3240
+S'birmingham'
+p3241
+sS'theater'
+p3242
+S'carmike 16'
+p3243
+sS'state'
+p3244
+S'al'
+p3245
+sS'starttime'
+p3246
+S'2pm'
+p3247
+sS'date'
+p3248
+S'today'
+p3249
+sS'moviename'
+p3250
+S'zootopia'
+p3251
+ssI638
+(dp3252
+g3240
+g3241
+sg3242
+S'carmike the summit 16'
+p3253
+sg3244
+g3245
+sg3246
+g3247
+sg3248
+g3249
+sg3250
+g3251
+ssI639
+(dp3254
+g3240
+g3241
+sg3242
+g3243
+sg3244
+g3245
+sg3246
+S'1:30pm'
+p3255
+sg3248
+g3249
+sg3250
+g3251
+ssI640
+(dp3256
+g3240
+g3241
+sg3242
+g3253
+sg3244
+g3245
+sg3246
+g3255
+sg3248
+g3249
+sg3250
+g3251
+ssI641
+(dp3257
+S'city'
+p3258
+S'seattle'
+p3259
+sS'theater'
+p3260
+S'amc pacific place 11'
+p3261
+sS'zip'
+p3262
+S'98101'
+p3263
+sS'state'
+p3264
+S'wa'
+p3265
+sS'starttime'
+p3266
+S'6:10pm'
+p3267
+sS'date'
+p3268
+S'tonight'
+p3269
+sS'moviename'
+p3270
+S'deadpool'
+p3271
+ssI642
+(dp3272
+g3258
+S'bellevue'
+p3273
+sg3260
+g3261
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI643
+(dp3274
+g3258
+g3259
+sg3260
+S'bellevue lincoln square cinemas'
+p3275
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI644
+(dp3276
+g3258
+g3273
+sg3260
+g3275
+sg3262
+g3263
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI645
+(dp3277
+g3258
+g3259
+sg3260
+g3261
+sg3262
+S'98004'
+p3278
+sg3264
+g3265
+sg3266
+g3267
+sg3268
+g3269
+sg3270
+g3271
+ssI646
+(dp3279
+S'city'
+p3280
+S'Clear Lake'
+p3281
+sS'theater'
+p3282
+S'lake theater'
+p3283
+sS'state'
+p3284
+S'IA'
+p3285
+sS'starttime'
+p3286
+S'7 pm'
+p3287
+sS'date'
+p3288
+S'tomorrow'
+p3289
+sS'moviename'
+p3290
+S'deadpool'
+p3291
+ssI647
+(dp3292
+g3280
+g3281
+sg3282
+S'Mason city IA cinema west'
+p3293
+sg3284
+g3285
+sg3286
+g3287
+sg3288
+g3289
+sg3290
+g3291
+ssI648
+(dp3294
+g3280
+g3281
+sg3282
+S'cinema west'
+p3295
+sg3284
+g3285
+sg3286
+g3287
+sg3288
+g3289
+sg3290
+g3291
+ssI649
+(dp3296
+g3280
+g3281
+sg3282
+g3283
+sg3284
+g3285
+sg3286
+S'7pm'
+p3297
+sg3288
+g3289
+sg3290
+g3291
+ssI650
+(dp3298
+g3280
+g3281
+sg3282
+g3293
+sg3284
+g3285
+sg3286
+g3297
+sg3288
+g3289
+sg3290
+g3291
+ssI651
+(dp3299
+S'city'
+p3300
+S'du quoin'
+p3301
+sS'distanceconstraints'
+p3302
+S'vicinity'
+p3303
+sS'moviename'
+p3304
+S'star wars'
+p3305
+sS'theater_chain'
+p3306
+S'amc showplace carbondale 8'
+p3307
+sS'state'
+p3308
+S'illinois'
+p3309
+sS'starttime'
+p3310
+S'anytime after 6pm'
+p3311
+sS'date'
+p3312
+S'Friday the 11th'
+p3313
+sS'genre'
+p3314
+S'thriller science fiction'
+p3315
+ssI652
+(dp3316
+g3300
+S'carbondale'
+p3317
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3309
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI653
+(dp3318
+g3300
+S'Du Quoin'
+p3319
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3309
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI654
+(dp3320
+g3300
+g3301
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+S'il'
+p3321
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI655
+(dp3322
+g3300
+g3317
+sg3302
+g3303
+sg3304
+g3305
+sg3306
+g3307
+sg3308
+g3321
+sg3310
+g3311
+sg3312
+g3313
+sg3314
+g3315
+ssI656
+(dp3323
+S'city'
+p3324
+S'san francisco'
+p3325
+sS'theater'
+p3326
+S'carmike 12'
+p3327
+sS'state'
+p3328
+S'pennsylvania'
+p3329
+sS'starttime'
+p3330
+S'around 6pm'
+p3331
+sS'date'
+p3332
+S'wednesday'
+p3333
+sS'moviename'
+p3334
+S'whiskey tango foxtrot'
+p3335
+ssI657
+(dp3336
+g3324
+S'altoona'
+p3337
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+g3331
+sg3332
+g3333
+sg3334
+g3335
+ssI658
+(dp3338
+g3324
+g3325
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+S'5pm'
+p3339
+sg3332
+g3333
+sg3334
+g3335
+ssI659
+(dp3340
+g3324
+g3337
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+g3339
+sg3332
+g3333
+sg3334
+g3335
+ssI660
+(dp3341
+g3324
+g3325
+sg3326
+g3327
+sg3328
+g3329
+sg3330
+S'7:40pm'
+p3342
+sg3332
+g3333
+sg3334
+g3335
+ssI661
+(dp3343
+S'theater_chain'
+p3344
+S'amc pacific place 11'
+p3345
+sS'city'
+p3346
+S'seattle'
+p3347
+sS'other'
+p3348
+S'restaurant'
+p3349
+sS'date'
+p3350
+S'tomorrow'
+p3351
+sS'starttime'
+p3352
+S'7:00 pm'
+p3353
+ssI662
+(dp3354
+S'date'
+p3355
+S'tomorrow'
+p3356
+sS'city'
+p3357
+S'seattle'
+p3358
+sS'theater'
+p3359
+S'regal meridian 16'
+p3360
+sS'moviename'
+p3361
+S'hail caesar'
+p3362
+sS'starttime'
+p3363
+S'8:45 pm'
+p3364
+ssI663
+(dp3365
+S'city'
+p3366
+S'portland'
+p3367
+sS'theater'
+p3368
+S'Living Room Theaters Century Eastport 16'
+p3369
+sS'state'
+p3370
+S'oregon'
+p3371
+sS'starttime'
+p3372
+S'between 8 and 10 pm'
+p3373
+sS'date'
+p3374
+S'friday'
+p3375
+sS'moviename'
+p3376
+S'star wars'
+p3377
+ssI664
+(dp3378
+g3366
+g3367
+sg3368
+S'Century Clackamas Town Center'
+p3379
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI665
+(dp3380
+g3366
+g3367
+sg3368
+S'XD'
+p3381
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI666
+(dp3382
+g3366
+g3367
+sg3368
+S'Living Room Theaters'
+p3383
+sg3370
+g3371
+sg3372
+g3373
+sg3374
+g3375
+sg3376
+g3377
+ssI667
+(dp3384
+g3366
+g3367
+sg3368
+g3369
+sg3370
+g3371
+sg3372
+S'9:25pm'
+p3385
+sg3374
+g3375
+sg3376
+g3377
+ssI668
+(dp3386
+S'city'
+p3387
+S'seattle'
+p3388
+sS'theater'
+p3389
+S'regal meridian 16'
+p3390
+sS'zip'
+p3391
+S'98126'
+p3392
+sS'distanceconstraints'
+p3393
+S'closest'
+p3394
+sS'price'
+p3395
+S'cheapest'
+p3396
+sS'state'
+p3397
+S'wa'
+p3398
+sS'other'
+p3399
+S'search by movie or movie theater'
+p3400
+sS'starttime'
+p3401
+S'2:00pm'
+p3402
+sS'date'
+p3403
+S'today'
+p3404
+sS'moviename'
+p3405
+S'zoolander 2'
+p3406
+ssI669
+(dp3407
+g3387
+g3388
+sg3389
+g3390
+sg3391
+S'98101'
+p3408
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+g3402
+sg3403
+g3404
+sg3405
+g3406
+ssI670
+(dp3409
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3392
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+S'4:30pm'
+p3410
+sg3403
+g3404
+sg3405
+g3406
+ssI671
+(dp3411
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3408
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+g3410
+sg3403
+g3404
+sg3405
+g3406
+ssI672
+(dp3412
+g3387
+g3388
+sg3389
+g3390
+sg3391
+g3392
+sg3393
+g3394
+sg3395
+g3396
+sg3397
+g3398
+sg3399
+g3400
+sg3401
+S'7:00pm'
+p3413
+sg3403
+g3404
+sg3405
+g3406
+ssI673
+(dp3414
+S'city'
+p3415
+S'los angeles'
+p3416
+sS'theater'
+p3417
+S'regal la live stadium 14'
+p3418
+sS'distanceconstraints'
+p3419
+S'around the city'
+p3420
+sS'theater_chain'
+p3421
+S'amc'
+p3422
+sS'starttime'
+p3423
+S'8 pm'
+p3424
+sS'date'
+p3425
+S'tonight'
+p3426
+sS'moviename'
+p3427
+S'deadpool'
+p3428
+ssI674
+(dp3429
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'12:00pm'
+p3430
+sg3425
+g3426
+sg3427
+g3428
+ssI675
+(dp3431
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'1:00pm'
+p3432
+sg3425
+g3426
+sg3427
+g3428
+ssI676
+(dp3433
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'3:00pm'
+p3434
+sg3425
+g3426
+sg3427
+g3428
+ssI677
+(dp3435
+g3415
+g3416
+sg3417
+g3418
+sg3419
+g3420
+sg3421
+g3422
+sg3423
+S'6:00pm'
+p3436
+sg3425
+g3426
+sg3427
+g3428
+ssI678
+(dp3437
+S'date'
+p3438
+S'weekend'
+p3439
+ssI679
+(dp3440
+S'city'
+p3441
+S'orlando'
+p3442
+sS'theater'
+p3443
+S'amc west oaks 14'
+p3444
+sS'distanceconstraints'
+p3445
+S'far away from disney'
+p3446
+sS'video_format'
+p3447
+S'standard'
+p3448
+sS'state'
+p3449
+S'fl'
+p3450
+sS'starttime'
+p3451
+S'around 6 pm'
+p3452
+sS'date'
+p3453
+S'tomorrow'
+p3454
+sS'moviename'
+p3455
+S'kung fu panda 3'
+p3456
+ssI680
+(dp3457
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+S'3d'
+p3458
+sg3449
+g3450
+sg3451
+g3452
+sg3453
+g3454
+sg3455
+g3456
+ssI681
+(dp3459
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3448
+sg3449
+g3450
+sg3451
+S'1:30pm'
+p3460
+sg3453
+g3454
+sg3455
+g3456
+ssI682
+(dp3461
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3458
+sg3449
+g3450
+sg3451
+g3460
+sg3453
+g3454
+sg3455
+g3456
+ssI683
+(dp3462
+g3441
+g3442
+sg3443
+g3444
+sg3445
+g3446
+sg3447
+g3448
+sg3449
+g3450
+sg3451
+S'1:30 pm'
+p3463
+sg3453
+g3454
+sg3455
+g3456
+ssI684
+(dp3464
+S'date'
+p3465
+S'tomorrow'
+p3466
+sS'city'
+p3467
+S'regency academy 6 theater'
+p3468
+sS'moviename'
+p3469
+S'creed'
+p3470
+sS'theater'
+p3471
+S'regency academy'
+p3472
+sS'starttime'
+p3473
+S'around noon'
+p3474
+ssI685
+(dp3475
+g3465
+g3466
+sg3467
+g3468
+sg3469
+g3470
+sg3471
+g3472
+sg3473
+S'1:00pm'
+p3476
+ssI686
+(dp3477
+S'city'
+p3478
+S'seattle'
+p3479
+sS'theater'
+p3480
+S'regal meridian 16'
+p3481
+sS'other'
+p3482
+S'indian restaurant'
+p3483
+sS'starttime'
+p3484
+S'9:20 pm'
+p3485
+sS'date'
+p3486
+S'tomorrow'
+p3487
+sS'moviename'
+p3488
+S'london has fallen'
+p3489
+ssI687
+(dp3490
+g3478
+g3479
+sg3480
+g3481
+sg3482
+S' movie purchasing service'
+p3491
+sg3484
+g3485
+sg3486
+g3487
+sg3488
+g3489
+ssI688
+(dp3492
+g3478
+g3479
+sg3480
+g3481
+sg3482
+S'name'
+p3493
+sg3484
+g3485
+sg3486
+g3487
+sg3488
+g3489
+ssI689
+(dp3494
+S'date'
+p3495
+S'tomorrow'
+p3496
+sS'city'
+p3497
+S'seattle'
+p3498
+sS'theater'
+p3499
+S'regal meridian 16'
+p3500
+sS'moviename'
+p3501
+S'spotlight'
+p3502
+sS'starttime'
+p3503
+S'9:00 pm'
+p3504
+ssI690
+(dp3505
+S'city'
+p3506
+S'baltimore'
+p3507
+sS'theater'
+p3508
+S'cinemakr egyptian 24'
+p3509
+sS'video_format'
+p3510
+S'3d'
+p3511
+sS'state'
+p3512
+S'maryland'
+p3513
+sS'starttime'
+p3514
+S'3:20pm'
+p3515
+sS'date'
+p3516
+S'friday'
+p3517
+sS'moviename'
+p3518
+S'zootopia'
+p3519
+ssI691
+(dp3520
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+S'9:45pm'
+p3521
+sg3516
+g3517
+sg3518
+g3519
+ssI692
+(dp3522
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3515
+sg3516
+S'3/11'
+p3523
+sg3518
+g3519
+ssI693
+(dp3524
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3521
+sg3516
+g3523
+sg3518
+g3519
+ssI694
+(dp3525
+g3506
+g3507
+sg3508
+g3509
+sg3510
+g3511
+sg3512
+g3513
+sg3514
+g3515
+sg3516
+g3517
+sg3518
+S'gods of egypt'
+p3526
+ssI695
+(dp3527
+S'city'
+p3528
+S'seattle'
+p3529
+sS'theater'
+p3530
+S'amc lowes oak tree 6'
+p3531
+sS'other'
+p3532
+S'restaurant'
+p3533
+sS'starttime'
+p3534
+S'7:25 pm'
+p3535
+sS'date'
+p3536
+S'tomorrow'
+p3537
+sS'moviename'
+p3538
+S'spotlight'
+p3539
+ssI696
+(dp3540
+g3528
+g3529
+sg3530
+g3531
+sg3532
+S'movie ticket buying service'
+p3541
+sg3534
+g3535
+sg3536
+g3537
+sg3538
+g3539
+ssI697
+(dp3542
+g3528
+g3529
+sg3530
+g3531
+sg3532
+S'restaurant booking service'
+p3543
+sg3534
+g3535
+sg3536
+g3537
+sg3538
+g3539
+ssI698
+(dp3544
+S'date'
+p3545
+S'tomorrow night'
+p3546
+sS'city'
+p3547
+S'los angeles'
+p3548
+sS'moviename'
+p3549
+S'deadpool'
+p3550
+sS'theater'
+p3551
+S'pacific theatres'
+p3552
+sS'starttime'
+p3553
+S'8:05'
+p3554
+ssI699
+(dp3555
+g3545
+S'tomorrow'
+p3556
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3552
+sg3553
+g3554
+ssI700
+(dp3557
+g3545
+S'friday'
+p3558
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3552
+sg3553
+g3554
+ssI701
+(dp3559
+g3545
+g3546
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+S'pacific theater'
+p3560
+sg3553
+g3554
+ssI702
+(dp3561
+g3545
+g3556
+sg3547
+g3548
+sg3549
+g3550
+sg3551
+g3560
+sg3553
+g3554
+ssI703
+(dp3562
+S'theater'
+p3563
+S'cinemar downey'
+p3564
+sS'zip'
+p3565
+S'90601'
+p3566
+sS'distanceconstraints'
+p3567
+S'closest'
+p3568
+sS'other'
+p3569
+S'early in the day'
+p3570
+sS'starttime'
+p3571
+S'early'
+p3572
+sS'date'
+p3573
+S'tomorrow'
+p3574
+sS'moviename'
+p3575
+S'the witch'
+p3576
+ssI704
+(dp3577
+g3563
+S'amc theaters puente hills'
+p3578
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3570
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI705
+(dp3579
+g3563
+g3564
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+S'two'
+p3580
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI706
+(dp3581
+g3563
+g3578
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3580
+sg3571
+g3572
+sg3573
+g3574
+sg3575
+g3576
+ssI707
+(dp3582
+g3563
+g3564
+sg3565
+g3566
+sg3567
+g3568
+sg3569
+g3570
+sg3571
+S'10:35'
+p3583
+sg3573
+g3574
+sg3575
+g3576
+ssI708
+(dp3584
+S'city'
+p3585
+S'johnstown'
+p3586
+sS'theater'
+p3587
+S'Richland Cinemas'
+p3588
+sS'state'
+p3589
+S'pennsylvania'
+p3590
+sS'starttime'
+p3591
+S'between 8 and 9pm'
+p3592
+sS'date'
+p3593
+S'tomorrow'
+p3594
+sS'moviename'
+p3595
+S'deadpool'
+p3596
+ssI709
+(dp3597
+g3585
+g3586
+sg3587
+S'richland cinemas'
+p3598
+sg3589
+g3590
+sg3591
+g3592
+sg3593
+g3594
+sg3595
+g3596
+ssI710
+(dp3599
+g3585
+g3586
+sg3587
+g3588
+sg3589
+g3590
+sg3591
+S'7:20pm'
+p3600
+sg3593
+g3594
+sg3595
+g3596
+ssI711
+(dp3601
+g3585
+g3586
+sg3587
+g3598
+sg3589
+g3590
+sg3591
+g3600
+sg3593
+g3594
+sg3595
+g3596
+ssI712
+(dp3602
+g3585
+g3586
+sg3587
+g3588
+sg3589
+g3590
+sg3591
+S'9:50 pm'
+p3603
+sg3593
+g3594
+sg3595
+g3596
+ssI713
+(dp3604
+S'city'
+p3605
+S'portland'
+p3606
+sS'theater'
+p3607
+S'living room theaters'
+p3608
+sS'theater_chain'
+p3609
+S'century eastport 16'
+p3610
+sS'video_format'
+p3611
+S'3d'
+p3612
+sS'state'
+p3613
+S'oregon'
+p3614
+sS'starttime'
+p3615
+S'10 pm'
+p3616
+sS'date'
+p3617
+S'friday evening'
+p3618
+sS'genre'
+p3619
+S'super great day'
+p3620
+sS'moviename'
+p3621
+S'star wars'
+p3622
+ssI714
+(dp3623
+g3605
+g3606
+sg3607
+S'century eastport 16'
+p3624
+sg3609
+g3610
+sg3611
+g3612
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI715
+(dp3625
+g3605
+g3606
+sg3607
+g3608
+sg3609
+g3610
+sg3611
+S'standard'
+p3626
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI716
+(dp3627
+g3605
+g3606
+sg3607
+g3624
+sg3609
+g3610
+sg3611
+g3626
+sg3613
+g3614
+sg3615
+g3616
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI717
+(dp3628
+g3605
+g3606
+sg3607
+g3608
+sg3609
+g3610
+sg3611
+g3612
+sg3613
+g3614
+sg3615
+S'9:25'
+p3629
+sg3617
+g3618
+sg3619
+g3620
+sg3621
+g3622
+ssI718
+(dp3630
+S'city'
+p3631
+S'seattle'
+p3632
+sS'theater'
+p3633
+S'...'
+p3634
+sS'zip'
+p3635
+S'98101'
+p3636
+sS'state'
+p3637
+S'washington'
+p3638
+sS'mpaa_rating'
+p3639
+S'pg'
+p3640
+sS'starttime'
+p3641
+S'matinee'
+p3642
+sS'date'
+p3643
+S'7th'
+p3644
+sS'moviename'
+p3645
+S'kung fu panda 3'
+p3646
+ssI719
+(dp3647
+g3631
+S'bellevue'
+p3648
+sg3633
+g3634
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI720
+(dp3649
+g3631
+g3632
+sg3633
+S'regal meridian 16'
+p3650
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI721
+(dp3651
+g3631
+g3648
+sg3633
+g3650
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI722
+(dp3652
+g3631
+g3632
+sg3633
+S'bellevue lincoln square cinemas'
+p3653
+sg3635
+g3636
+sg3637
+g3638
+sg3639
+g3640
+sg3641
+g3642
+sg3643
+g3644
+sg3645
+g3646
+ssI723
+(dp3654
+S'date'
+p3655
+S'tomorrow'
+p3656
+sS'city'
+p3657
+S'seattle'
+p3658
+sS'theater'
+p3659
+S'amc pacific place 11 theater'
+p3660
+sS'moviename'
+p3661
+S'room'
+p3662
+sS'starttime'
+p3663
+S'9:30 pm'
+p3664
+ssI724
+(dp3665
+S'city'
+p3666
+S'los angeles'
+p3667
+sS'moviename'
+p3668
+S'the witch'
+p3669
+sS'theater'
+p3670
+S'regal la live stadium 14'
+p3671
+sS'starttime'
+p3672
+S'from noon to 4pm'
+p3673
+ssI725
+(dp3674
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'8:30pm'
+p3675
+ssI726
+(dp3676
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'11:00pm'
+p3677
+ssI727
+(dp3678
+g3666
+g3667
+sg3668
+g3669
+sg3670
+g3671
+sg3672
+S'11pm'
+p3679
+ssI728
+(dp3680
+S'date'
+p3681
+S'tomorrow'
+p3682
+sS'moviename'
+p3683
+S'star wars'
+p3684
+sS'theater'
+p3685
+S'Imagine theater Shelby Township'
+p3686
+sS'starttime'
+p3687
+S'afternoon'
+p3688
+ssI729
+(dp3689
+S'city'
+p3690
+S'philadelphia'
+p3691
+sS'theater'
+p3692
+S'the pearl theatre'
+p3693
+sS'zip'
+p3694
+S'19101'
+p3695
+sS'distanceconstraints'
+p3696
+S'near you'
+p3697
+sS'state'
+p3698
+S'pa'
+p3699
+sS'starttime'
+p3700
+S'1:30pm'
+p3701
+sS'date'
+p3702
+S'tomorrow'
+p3703
+sS'moviename'
+p3704
+S'deadpool'
+p3705
+ssI730
+(dp3706
+g3690
+g3691
+sg3692
+g3693
+sg3694
+S'19121'
+p3707
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+g3701
+sg3702
+g3703
+sg3704
+g3705
+ssI731
+(dp3708
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3695
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+S'4:30pm'
+p3709
+sg3702
+g3703
+sg3704
+g3705
+ssI732
+(dp3710
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3707
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+g3709
+sg3702
+g3703
+sg3704
+g3705
+ssI733
+(dp3711
+g3690
+g3691
+sg3692
+g3693
+sg3694
+g3695
+sg3696
+g3697
+sg3698
+g3699
+sg3700
+S'7:30pm'
+p3712
+sg3702
+g3703
+sg3704
+g3705
+ssI734
+(dp3713
+S'city'
+p3714
+S'seattle'
+p3715
+sS'theater'
+p3716
+S'regal meridian 16'
+p3717
+sS'zip'
+p3718
+S'98101'
+p3719
+sS'genre'
+p3720
+S'comedy'
+p3721
+sS'state'
+p3722
+S'washington'
+p3723
+sS'starttime'
+p3724
+S'night'
+p3725
+sS'date'
+p3726
+S'tomorrow'
+p3727
+sS'moviename'
+p3728
+S'zootopia'
+p3729
+ssI735
+(dp3730
+g3714
+g3715
+sg3716
+S'regal meridian'
+p3731
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI736
+(dp3732
+g3714
+g3715
+sg3716
+g3717
+sg3718
+g3719
+sg3720
+S'comedies)'
+p3733
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI737
+(dp3734
+g3714
+g3715
+sg3716
+g3731
+sg3718
+g3719
+sg3720
+g3733
+sg3722
+g3723
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI738
+(dp3735
+g3714
+g3715
+sg3716
+g3717
+sg3718
+g3719
+sg3720
+g3721
+sg3722
+S'wa'
+p3736
+sg3724
+g3725
+sg3726
+g3727
+sg3728
+g3729
+ssI739
+(dp3737
+S'city'
+p3738
+S'northern san francisco'
+p3739
+sS'theater'
+p3740
+S'amc van ness 14'
+p3741
+sS'video_format'
+p3742
+S'3d'
+p3743
+sS'starttime'
+p3744
+S'2:25pm'
+p3745
+sS'date'
+p3746
+S'tomorrow afternoon'
+p3747
+sS'moviename'
+p3748
+S'kung fu panda 3'
+p3749
+ssI740
+(dp3750
+g3738
+g3739
+sg3740
+S'century 20 daly city'
+p3751
+sg3742
+g3743
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI741
+(dp3752
+g3738
+g3739
+sg3740
+S'amc'
+p3753
+sg3742
+g3743
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI742
+(dp3754
+g3738
+g3739
+sg3740
+g3741
+sg3742
+S'standard'
+p3755
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI743
+(dp3756
+g3738
+g3739
+sg3740
+g3751
+sg3742
+g3755
+sg3744
+g3745
+sg3746
+g3747
+sg3748
+g3749
+ssI744
+(dp3757
+S'city'
+p3758
+S'seattle'
+p3759
+sS'theater'
+p3760
+S'regal meridian 16'
+p3761
+sS'video_format'
+p3762
+S'3d'
+p3763
+sS'starttime'
+p3764
+S'9:10 pm'
+p3765
+sS'date'
+p3766
+S'tomorrow'
+p3767
+sS'moviename'
+p3768
+S'zootopia'
+p3769
+ssI745
+(dp3770
+S'city'
+p3771
+S'seattle'
+p3772
+sS'theater'
+p3773
+S'regal meridian 16'
+p3774
+sS'distanceconstraints'
+p3775
+S'near my location'
+p3776
+sS'critic_rating'
+p3777
+S'number 1'
+p3778
+sS'date'
+p3779
+S'tonight'
+p3780
+sS'state'
+p3781
+S'washington'
+p3782
+sS'other'
+p3783
+S'safeco field'
+p3784
+sS'genre'
+p3785
+S'comedy'
+p3786
+sS'moviename'
+p3787
+S'zootopia'
+p3788
+ssI746
+(dp3789
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+S'many'
+p3790
+sg3785
+g3786
+sg3787
+g3788
+ssI747
+(dp3791
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+g3784
+sg3785
+S'comedies'
+p3792
+sg3787
+g3788
+ssI748
+(dp3793
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+g3790
+sg3785
+g3792
+sg3787
+g3788
+ssI749
+(dp3794
+g3771
+g3772
+sg3773
+g3774
+sg3775
+g3776
+sg3777
+g3778
+sg3779
+g3780
+sg3781
+g3782
+sg3783
+g3784
+sg3785
+g3786
+sg3787
+S'Whiskey Tango Foxtrot'
+p3795
+ssI750
+(dp3796
+S'date'
+p3797
+S'tomorrow'
+p3798
+sS'city'
+p3799
+S'seattle'
+p3800
+sS'theater'
+p3801
+S'amc pacific place 11 theater'
+p3802
+sS'moviename'
+p3803
+S'deadpool'
+p3804
+sS'starttime'
+p3805
+S'9:00 pm'
+p3806
+ssI751
+(dp3807
+S'city'
+p3808
+S'seattle'
+p3809
+sS'theater'
+p3810
+S'bellevue lincoln square cinemas'
+p3811
+sS'zip'
+p3812
+S'98004'
+p3813
+sS'numberofkids'
+p3814
+S'2'
+sS'critic_rating'
+p3815
+S'4 5/5 stars'
+p3816
+sS'genre'
+p3817
+S'animated'
+p3818
+sS'state'
+p3819
+S'wa'
+p3820
+sS'other'
+p3821
+S'pizza place'
+p3822
+sS'starttime'
+p3823
+S'night'
+p3824
+sS'date'
+p3825
+S'tomorrow'
+p3826
+sS'moviename'
+p3827
+S'zootopia'
+p3828
+ssI752
+(dp3829
+g3808
+S'st louis'
+p3830
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI753
+(dp3831
+g3808
+S'bellevue'
+p3832
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3818
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI754
+(dp3833
+g3808
+g3809
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+S'kid'
+p3834
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI755
+(dp3835
+g3808
+g3830
+sg3810
+g3811
+sg3812
+g3813
+sg3814
+S'2'
+sg3815
+g3816
+sg3817
+g3834
+sg3819
+g3820
+sg3821
+g3822
+sg3823
+g3824
+sg3825
+g3826
+sg3827
+g3828
+ssI756
+(dp3836
+S'city'
+p3837
+S'knoxville'
+p3838
+sS'theater'
+p3839
+S'carmike 10'
+p3840
+sS'distanceconstraints'
+p3841
+S'downtown'
+p3842
+sS'video_format'
+p3843
+S'3d'
+p3844
+sS'state'
+p3845
+S'tn'
+p3846
+sS'other'
+p3847
+S'increased functionality'
+p3848
+sS'starttime'
+p3849
+S'evening around 7'
+p3850
+sS'date'
+p3851
+S'tomorrow'
+p3852
+sS'moviename'
+p3853
+S'the witch'
+p3854
+ssI757
+(dp3855
+g3837
+g3838
+sg3839
+S'please'
+p3856
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+g3850
+sg3851
+g3852
+sg3853
+g3854
+ssI758
+(dp3857
+g3837
+g3838
+sg3839
+g3840
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+S'7:30pm'
+p3858
+sg3851
+g3852
+sg3853
+g3854
+ssI759
+(dp3859
+g3837
+g3838
+sg3839
+g3856
+sg3841
+g3842
+sg3843
+g3844
+sg3845
+g3846
+sg3847
+g3848
+sg3849
+g3858
+sg3851
+g3852
+sg3853
+g3854
+ssI760
+(dp3860
+S'date'
+p3861
+S'tomorrow'
+p3862
+sS'city'
+p3863
+S'seattle'
+p3864
+sS'theater'
+p3865
+S'amc pacific place 11 theater'
+p3866
+sS'moviename'
+p3867
+S'race'
+p3868
+sS'starttime'
+p3869
+S'10:00 pm'
+p3870
+ssI761
+(dp3871
+S'theater'
+p3872
+S'mesa grand 24'
+p3873
+sS'zip'
+p3874
+S'85249'
+p3875
+sS'critic_rating'
+p3876
+S'good'
+p3877
+sS'actress'
+p3878
+S'tina fey'
+p3879
+sS'theater_chain'
+p3880
+S'amc theater'
+p3881
+sS'starttime'
+p3882
+S'night'
+p3883
+sS'date'
+p3884
+S'friday'
+p3885
+sS'genre'
+p3886
+S'romantic comedy'
+p3887
+sS'moviename'
+p3888
+S'zootopia'
+p3889
+ssI762
+(dp3890
+g3872
+g3873
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+S'amc ahwatukee 24'
+p3891
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3887
+sg3888
+g3889
+ssI763
+(dp3892
+g3872
+g3873
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+S' amc mesa grand 24'
+p3893
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3887
+sg3888
+g3889
+ssI764
+(dp3894
+g3872
+S'mesa grand'
+p3895
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3881
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3887
+sg3888
+g3889
+ssI765
+(dp3896
+g3872
+g3895
+sg3874
+g3875
+sg3876
+g3877
+sg3878
+g3879
+sg3880
+g3891
+sg3882
+g3883
+sg3884
+g3885
+sg3886
+g3887
+sg3888
+g3889
+ssI766
+(dp3897
+S'city'
+p3898
+S'seattle'
+p3899
+sS'theater'
+p3900
+S'regal meridian 16'
+p3901
+sS'zip'
+p3902
+S'98101'
+p3903
+sS'distanceconstraints'
+p3904
+S'near safeco field'
+p3905
+sS'date'
+p3906
+S'tonight'
+p3907
+sS'state'
+p3908
+S'wa'
+p3909
+sS'other'
+p3910
+S'pizza restaurant'
+p3911
+sS'starttime'
+p3912
+S'the next'
+p3913
+sS'genre'
+p3914
+S'drama'
+p3915
+sS'moviename'
+p3916
+S'the big short'
+p3917
+ssI767
+(dp3918
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+S'in your area'
+p3919
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+g3913
+sg3914
+g3915
+sg3916
+g3917
+ssI768
+(dp3920
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+g3905
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+S'8:45'
+p3921
+sg3914
+g3915
+sg3916
+g3917
+ssI769
+(dp3922
+g3898
+g3899
+sg3900
+g3901
+sg3902
+g3903
+sg3904
+g3919
+sg3906
+g3907
+sg3908
+g3909
+sg3910
+g3911
+sg3912
+g3921
+sg3914
+g3915
+sg3916
+g3917
+ssI770
+(dp3923
+S'date'
+p3924
+S'tomorrow'
+p3925
+sS'city'
+p3926
+S'seattle'
+p3927
+sS'theater'
+p3928
+S'regal meridian 16'
+p3929
+sS'moviename'
+p3930
+S'zootopia'
+p3931
+sS'starttime'
+p3932
+S'9:10 pm'
+p3933
+ssI771
+(dp3934
+S'city'
+p3935
+S'safeco field'
+p3936
+sS'theater'
+p3937
+S'regal meridian 16'
+p3938
+sS'zip'
+p3939
+S'98101'
+p3940
+sS'distanceconstraints'
+p3941
+S'near safeco field'
+p3942
+sS'date'
+p3943
+S'tonight'
+p3944
+sS'state'
+p3945
+S'wa'
+p3946
+sS'other'
+p3947
+S'restaurant'
+p3948
+sS'starttime'
+p3949
+S'the next showing'
+p3950
+sS'genre'
+p3951
+S'drama'
+p3952
+sS'moviename'
+p3953
+S'the big short'
+p3954
+ssI772
+(dp3955
+g3935
+S'seattle'
+p3956
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+g3942
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI773
+(dp3957
+g3935
+g3936
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+S'near'
+p3958
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI774
+(dp3959
+g3935
+g3956
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+g3958
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI775
+(dp3960
+g3935
+g3936
+sg3937
+g3938
+sg3939
+g3940
+sg3941
+S'in your area'
+p3961
+sg3943
+g3944
+sg3945
+g3946
+sg3947
+g3948
+sg3949
+g3950
+sg3951
+g3952
+sg3953
+g3954
+ssI776
+(dp3962
+S'city'
+p3963
+S'birmingham'
+p3964
+sS'theater'
+p3965
+S'carmike summit 16'
+p3966
+sS'state'
+p3967
+S'al'
+p3968
+sS'starttime'
+p3969
+S'around 2pm'
+p3970
+sS'date'
+p3971
+S'sunday'
+p3972
+sS'moviename'
+p3973
+S'deadpool'
+p3974
+ssI777
+(dp3975
+g3963
+g3964
+sg3965
+g3966
+sg3967
+g3968
+sg3969
+S'2:05 pm'
+p3976
+sg3971
+g3972
+sg3973
+g3974
+ssI778
+(dp3977
+S'date'
+p3978
+S'weekend'
+p3979
+sS'moviename'
+p3980
+S'deadpool'
+p3981
+sS'theater'
+p3982
+S'boyou vista la'
+p3983
+sS'starttime'
+p3984
+S'night'
+p3985
+ssI779
+(dp3986
+g3978
+S'friday'
+p3987
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI780
+(dp3988
+g3978
+S'this weekend'
+p3989
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI781
+(dp3990
+g3978
+S'earlier day'
+p3991
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI782
+(dp3992
+g3978
+S'thursday'
+p3993
+sg3980
+g3981
+sg3982
+g3983
+sg3984
+g3985
+ssI783
+(dp3994
+S'date'
+p3995
+S'friday'
+p3996
+sS'city'
+p3997
+S'miami'
+p3998
+sS'moviename'
+p3999
+S'brothers grimsby'
+p4000
+sS'theater'
+p4001
+S'regal south beach'
+p4002
+sS'starttime'
+p4003
+S'8pm'
+p4004
+ssI784
+(dp4005
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+S'amc sunset place 24'
+p4006
+sg4003
+g4004
+ssI785
+(dp4007
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4002
+sg4003
+S'7:40'
+p4008
+ssI786
+(dp4009
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4006
+sg4003
+g4008
+ssI787
+(dp4010
+g3995
+g3996
+sg3997
+g3998
+sg3999
+g4000
+sg4001
+g4002
+sg4003
+S'6:00'
+p4011
+ssI788
+(dp4012
+S'date'
+p4013
+S'tomorrow'
+p4014
+sS'city'
+p4015
+S'seattle'
+p4016
+sS'theater'
+p4017
+S'regal meridian 16'
+p4018
+sS'moviename'
+p4019
+S'big short'
+p4020
+sS'starttime'
+p4021
+S'8:45 pm'
+p4022
+ssI789
+(dp4023
+g4013
+g4014
+sg4015
+g4016
+sg4017
+g4018
+sg4019
+S'the big short'
+p4024
+sg4021
+g4022
+ssI790
+(dp4025
+S'city'
+p4026
+S'seattle'
+p4027
+sS'theater'
+p4028
+S'bellevue lincoln square cinemas'
+p4029
+sS'zip'
+p4030
+S'98004'
+p4031
+sS'numberofkids'
+p4032
+S'2'
+sS'critic_rating'
+p4033
+S'4.5/5'
+p4034
+sS'genre'
+p4035
+S'animated'
+p4036
+sS'state'
+p4037
+S'wa'
+p4038
+sS'other'
+p4039
+S'pizza place'
+p4040
+sS'starttime'
+p4041
+S'evening'
+p4042
+sS'date'
+p4043
+S'tomorrow night'
+p4044
+sS'moviename'
+p4045
+S'zootopia'
+p4046
+ssI791
+(dp4047
+g4026
+S'st louis'
+p4048
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI792
+(dp4049
+g4026
+S'bellevue'
+p4050
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4036
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI793
+(dp4051
+g4026
+g4027
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+S'kids'
+p4052
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI794
+(dp4053
+g4026
+g4048
+sg4028
+g4029
+sg4030
+g4031
+sg4032
+S'2'
+sg4033
+g4034
+sg4035
+g4052
+sg4037
+g4038
+sg4039
+g4040
+sg4041
+g4042
+sg4043
+g4044
+sg4045
+g4046
+ssI795
+(dp4054
+S'city'
+p4055
+S'la'
+p4056
+sS'theater'
+p4057
+S'regency norwalk 8'
+p4058
+sS'critic_rating'
+p4059
+S'8%'
+p4060
+sS'date'
+p4061
+S'saturday'
+p4062
+sS'other'
+p4063
+S'laughable'
+p4064
+sS'starttime'
+p4065
+S'7:40pm'
+p4066
+sS'genre'
+p4067
+S'horror'
+p4068
+sS'moviename'
+p4069
+S'the forest'
+p4070
+ssI796
+(dp4071
+g4055
+g4056
+sg4057
+S'amc la 7'
+p4072
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI797
+(dp4073
+g4055
+g4056
+sg4057
+S'amc la mirada'
+p4074
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI798
+(dp4075
+g4055
+g4056
+sg4057
+S'amc la'
+p4076
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+g4064
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI799
+(dp4077
+g4055
+g4056
+sg4057
+g4058
+sg4059
+g4060
+sg4061
+g4062
+sg4063
+S'rotten tomatoes'
+p4078
+sg4065
+g4066
+sg4067
+g4068
+sg4069
+g4070
+ssI800
+(dp4079
+S'city'
+p4080
+S'st louis'
+p4081
+sS'theater'
+p4082
+S'wehrenberg ronnies 20 cine and imax'
+p4083
+sS'zip'
+p4084
+S'63126'
+p4085
+sS'distanceconstraints'
+p4086
+S'near here'
+p4087
+sS'critic_rating'
+p4088
+S'nice'
+p4089
+sS'state'
+p4090
+S'mo'
+p4091
+sS'other'
+p4092
+S'subtitles'
+p4093
+sS'starttime'
+p4094
+S'7:20'
+p4095
+sS'genre'
+p4096
+S'romantic'
+p4097
+sS'moviename'
+p4098
+S'how to be single'
+p4099
+ssI801
+(dp4100
+g4080
+S'sappington'
+p4101
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4093
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI802
+(dp4102
+g4080
+g4081
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+S'english and chinese subtitles'
+p4103
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI803
+(dp4104
+g4080
+g4101
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4103
+sg4094
+g4095
+sg4096
+g4097
+sg4098
+g4099
+ssI804
+(dp4105
+g4080
+g4081
+sg4082
+g4083
+sg4084
+g4085
+sg4086
+g4087
+sg4088
+g4089
+sg4090
+g4091
+sg4092
+g4093
+sg4094
+S'10:05'
+p4106
+sg4096
+g4097
+sg4098
+g4099
+ssI805
+(dp4107
+S'city'
+p4108
+S'seattle'
+p4109
+sS'theater'
+p4110
+S'all'
+p4111
+sS'zip'
+p4112
+S'98101'
+p4113
+sS'distanceconstraints'
+p4114
+S'south side'
+p4115
+sS'video_format'
+p4116
+S'2d'
+p4117
+sS'state'
+p4118
+S'wa'
+p4119
+sS'starttime'
+p4120
+S'around 6 pm'
+p4121
+sS'date'
+p4122
+S'this evening'
+p4123
+sS'moviename'
+p4124
+S'zootopia'
+p4125
+ssI806
+(dp4126
+g4108
+S'bellevue'
+p4127
+sg4110
+g4111
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI807
+(dp4128
+g4108
+g4109
+sg4110
+S'regal meridian 16'
+p4129
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI808
+(dp4130
+g4108
+g4127
+sg4110
+g4129
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI809
+(dp4131
+g4108
+g4109
+sg4110
+S'bellevue lincoln square cinemas'
+p4132
+sg4112
+g4113
+sg4114
+g4115
+sg4116
+g4117
+sg4118
+g4119
+sg4120
+g4121
+sg4122
+g4123
+sg4124
+g4125
+ssI810
+(dp4133
+S'date'
+p4134
+S'tomorrow'
+p4135
+sS'city'
+p4136
+S'seattle'
+p4137
+sS'theater'
+p4138
+S'regal meridian 16'
+p4139
+sS'moviename'
+p4140
+S'the witch'
+p4141
+sS'starttime'
+p4142
+S'9:30 pm'
+p4143
+ssI811
+(dp4144
+S'city'
+p4145
+S'seattle'
+p4146
+sS'theater'
+p4147
+S'regal meridian 16'
+p4148
+sS'video_format'
+p4149
+S'3d'
+p4150
+sS'starttime'
+p4151
+S'9:10 pm'
+p4152
+sS'date'
+p4153
+S'tomorrow'
+p4154
+sS'moviename'
+p4155
+S'zootopia'
+p4156
+ssI812
+(dp4157
+S'city'
+p4158
+S'chico'
+p4159
+sS'theater'
+p4160
+S'paradise cinema 7'
+p4161
+sS'date'
+p4162
+S'tomorrow'
+p4163
+sS'state'
+p4164
+S'ca'
+p4165
+sS'starttime'
+p4166
+S'early afternoon'
+p4167
+sS'genre'
+p4168
+S'drama'
+p4169
+sS'moviename'
+p4170
+S'london has fallen'
+p4171
+ssI813
+(dp4172
+g4158
+g4159
+sg4160
+S'tinseltown'
+p4173
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI814
+(dp4174
+g4158
+g4159
+sg4160
+S'cinemark 14'
+p4175
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI815
+(dp4176
+g4158
+g4159
+sg4160
+S' paradisa cinema 7'
+p4177
+sg4162
+g4163
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI816
+(dp4178
+g4158
+g4159
+sg4160
+g4161
+sg4162
+S'3/11'
+p4179
+sg4164
+g4165
+sg4166
+g4167
+sg4168
+g4169
+sg4170
+g4171
+ssI817
+(dp4180
+S'moviename'
+p4181
+S'10 cloverfield lane'
+p4182
+sS'price'
+p4183
+S'adult price is 8'
+p4184
+sS'other'
+p4185
+S'matinee'
+p4186
+sS'theater'
+p4187
+S'beaver creek stadium 12'
+p4188
+sS'starttime'
+p4189
+S'1:50'
+p4190
+ssI818
+(dp4191
+g4181
+g4182
+sg4183
+S'32'
+p4192
+sg4185
+g4186
+sg4187
+g4188
+sg4189
+g4190
+ssI819
+(dp4193
+g4181
+g4182
+sg4183
+g4184
+sg4185
+S' matinee'
+p4194
+sg4187
+g4188
+sg4189
+g4190
+ssI820
+(dp4195
+g4181
+g4182
+sg4183
+g4192
+sg4185
+g4194
+sg4187
+g4188
+sg4189
+g4190
+ssI821
+(dp4196
+g4181
+g4182
+sg4183
+g4184
+sg4185
+g4186
+sg4187
+g4188
+sg4189
+S' 4:30'
+p4197
+ssI822
+(dp4198
+S'city'
+p4199
+S'seattle'
+p4200
+sS'theater'
+p4201
+S'regal meridian 16'
+p4202
+sS'distanceconstraints'
+p4203
+S'near me'
+p4204
+sS'critic_rating'
+p4205
+S'good'
+p4206
+sS'video_format'
+p4207
+S'3d'
+p4208
+sS'state'
+p4209
+S'wa'
+p4210
+sS'other'
+p4211
+S'good restaurant'
+p4212
+sS'starttime'
+p4213
+S'around 8 pm'
+p4214
+sS'date'
+p4215
+S'tomorrow'
+p4216
+sS'moviename'
+p4217
+S'zootopia'
+p4218
+ssI823
+(dp4219
+g4199
+g4200
+sg4201
+S'bellevue lincoln square cinemas'
+p4220
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4208
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI824
+(dp4221
+g4199
+g4200
+sg4201
+S'varsity theatre'
+p4222
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4208
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI825
+(dp4223
+g4199
+g4200
+sg4201
+g4202
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+S'regular'
+p4224
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI826
+(dp4225
+g4199
+g4200
+sg4201
+g4220
+sg4203
+g4204
+sg4205
+g4206
+sg4207
+g4224
+sg4209
+g4210
+sg4211
+g4212
+sg4213
+g4214
+sg4215
+g4216
+sg4217
+g4218
+ssI827
+(dp4226
+S'city'
+p4227
+S'whittier village stadium cinemas'
+p4228
+sS'zip'
+p4229
+S'90601'
+p4230
+sS'critic_rating'
+p4231
+S'top rated'
+p4232
+sS'date'
+p4233
+S'next saturday'
+p4234
+sS'starttime'
+p4235
+S'closest to noon'
+p4236
+sS'genre'
+p4237
+S'action'
+p4238
+sS'moviename'
+p4239
+S'london has fallen'
+p4240
+ssI828
+(dp4241
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+S'mar 12'
+p4242
+sg4235
+g4236
+sg4237
+g4238
+sg4239
+g4240
+ssI829
+(dp4243
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+g4234
+sg4235
+S'1:30pm'
+p4244
+sg4237
+g4238
+sg4239
+g4240
+ssI830
+(dp4245
+g4227
+g4228
+sg4229
+g4230
+sg4231
+g4232
+sg4233
+g4242
+sg4235
+g4244
+sg4237
+g4238
+sg4239
+g4240
+ssI831
+(dp4246
+S'city'
+p4247
+S'seattle'
+p4248
+sS'theater'
+p4249
+S'regal meridian 16'
+p4250
+sS'other'
+p4251
+S'name'
+p4252
+sS'starttime'
+p4253
+S'9:00 pm'
+p4254
+sS'date'
+p4255
+S'tomorrow'
+p4256
+sS'moviename'
+p4257
+S'spotlight'
+p4258
+ssI832
+(dp4259
+S'city'
+p4260
+S'evanston'
+p4261
+sS'theater'
+p4262
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6 AND XD'
+p4263
+sS'zip'
+p4264
+S'60201'
+p4265
+sS'distanceconstraints'
+p4266
+S'your area'
+p4267
+sS'critic_rating'
+p4268
+S'top rated'
+p4269
+sS'state'
+p4270
+S'illinois'
+p4271
+sS'other'
+p4272
+S'currently'
+p4273
+sS'starttime'
+p4274
+S'10:45am'
+p4275
+sS'date'
+p4276
+S'tomorrow'
+p4277
+sS'moviename'
+p4278
+S'deadpool'
+p4279
+ssI833
+(dp4280
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+S'il'
+p4281
+sg4272
+g4273
+sg4274
+g4275
+sg4276
+g4277
+sg4278
+g4279
+ssI834
+(dp4282
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4271
+sg4272
+g4273
+sg4274
+S'12:00pm'
+p4283
+sg4276
+g4277
+sg4278
+g4279
+ssI835
+(dp4284
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4281
+sg4272
+g4273
+sg4274
+g4283
+sg4276
+g4277
+sg4278
+g4279
+ssI836
+(dp4285
+g4260
+g4261
+sg4262
+g4263
+sg4264
+g4265
+sg4266
+g4267
+sg4268
+g4269
+sg4270
+g4271
+sg4272
+g4273
+sg4274
+S'2:40pm'
+p4286
+sg4276
+g4277
+sg4278
+g4279
+ssI837
+(dp4287
+S'city'
+p4288
+S'wilmington'
+p4289
+sS'theater'
+p4290
+S'regal mayfaire stadium 16 imax'
+p4291
+sS'critic_rating'
+p4292
+S'good'
+p4293
+sS'genre'
+p4294
+S'date night:'
+p4295
+sS'state'
+p4296
+S'nc'
+p4297
+sS'other'
+p4298
+S'george on the riverwak'
+p4299
+sS'starttime'
+p4300
+S'8pm'
+p4301
+sS'date'
+p4302
+S'saturday'
+p4303
+sS'moviename'
+p4304
+S'the perfect match'
+p4305
+ssI838
+(dp4306
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+S'purchase'
+p4307
+sg4300
+g4301
+sg4302
+g4303
+sg4304
+g4305
+ssI839
+(dp4308
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4299
+sg4300
+S'after dinner'
+p4309
+sg4302
+g4303
+sg4304
+g4305
+ssI840
+(dp4310
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4307
+sg4300
+g4309
+sg4302
+g4303
+sg4304
+g4305
+ssI841
+(dp4311
+g4288
+g4289
+sg4290
+g4291
+sg4292
+g4293
+sg4294
+g4295
+sg4296
+g4297
+sg4298
+g4299
+sg4300
+S'8'
+sg4302
+g4303
+sg4304
+g4305
+ssI842
+(dp4312
+S'city'
+p4313
+S'seattle'
+p4314
+sS'theater'
+p4315
+S'regal lloyd center century 16'
+p4316
+sS'zip'
+p4317
+S'97232'
+p4318
+sS'distanceconstraints'
+p4319
+S'downtown'
+p4320
+sS'state'
+p4321
+S'oregon'
+p4322
+sS'other'
+p4323
+S'japanese restaurant'
+p4324
+sS'starttime'
+p4325
+S'midnight'
+p4326
+sS'date'
+p4327
+S'tonight'
+p4328
+sS'moviename'
+p4329
+S'star wars the force awakens'
+p4330
+ssI843
+(dp4331
+g4313
+S'portland'
+p4332
+sg4315
+g4316
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI844
+(dp4333
+g4313
+g4314
+sg4315
+S'regal movies on tv stadium 16'
+p4334
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI845
+(dp4335
+g4313
+g4332
+sg4315
+g4334
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI846
+(dp4336
+g4313
+g4314
+sg4315
+S'regal lloyd'
+p4337
+sg4317
+g4318
+sg4319
+g4320
+sg4321
+g4322
+sg4323
+g4324
+sg4325
+g4326
+sg4327
+g4328
+sg4329
+g4330
+ssI847
+(dp4338
+S'date'
+p4339
+S'tomorrow'
+p4340
+sS'city'
+p4341
+S'seattle'
+p4342
+sS'theater'
+p4343
+S'amc lowes oak tree 6'
+p4344
+sS'moviename'
+p4345
+S'race'
+p4346
+sS'starttime'
+p4347
+S'4:50 pm'
+p4348
+ssI848
+(dp4349
+S'city'
+p4350
+S'seattle'
+p4351
+sS'theater'
+p4352
+S'amc pacific place 11 theater'
+p4353
+sS'theater_chain'
+p4354
+S'amc pacific place 11'
+p4355
+sS'starttime'
+p4356
+S'10:00 pm'
+p4357
+sS'date'
+p4358
+S'tomorrow'
+p4359
+sS'moviename'
+p4360
+S'race'
+p4361
+ssI849
+(dp4362
+S'date'
+p4363
+S'this weekend'
+p4364
+sS'other'
+p4365
+S'29 movies'
+p4366
+ssI850
+(dp4367
+S'date'
+p4368
+S'tomorrow'
+p4369
+sS'city'
+p4370
+S'seattle'
+p4371
+sS'theater'
+p4372
+S'regal meridian 16'
+p4373
+sS'moviename'
+p4374
+S'the witch'
+p4375
+sS'starttime'
+p4376
+S'9:30 pm'
+p4377
+ssI851
+(dp4378
+S'date'
+p4379
+S'tomorrow'
+p4380
+sS'city'
+p4381
+S'seattle'
+p4382
+sS'theater'
+p4383
+S'regal meridian 16'
+p4384
+sS'moviename'
+p4385
+S'the witch'
+p4386
+sS'starttime'
+p4387
+S'9:30 pm'
+p4388
+ssI852
+(dp4389
+S'city'
+p4390
+S'birmingham'
+p4391
+sS'theater'
+p4392
+S'carmike summit 16'
+p4393
+sS'state'
+p4394
+S'al'
+p4395
+sS'starttime'
+p4396
+S'2pm'
+p4397
+sS'date'
+p4398
+S'tomorrow'
+p4399
+sS'moviename'
+p4400
+S'deadpool'
+p4401
+ssI853
+(dp4402
+g4390
+g4391
+sg4392
+g4393
+sg4394
+g4395
+sg4396
+S'2:20'
+p4403
+sg4398
+g4399
+sg4400
+g4401
+ssI854
+(dp4404
+S'city'
+p4405
+S'seattle'
+p4406
+sS'theater'
+p4407
+S'amc pacific place 11'
+p4408
+sS'zip'
+p4409
+S'98101'
+p4410
+sS'state'
+p4411
+S'wa'
+p4412
+sS'date'
+p4413
+S'21-mar'
+p4414
+sS'moviename'
+p4415
+S'deadpool'
+p4416
+ssI855
+(dp4417
+g4405
+S'bellevue'
+p4418
+sg4407
+g4408
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI856
+(dp4419
+g4405
+g4406
+sg4407
+S'bellevue lincoln square cinemas'
+p4420
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI857
+(dp4421
+g4405
+g4418
+sg4407
+g4420
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI858
+(dp4422
+g4405
+g4406
+sg4407
+S'big picture seattle'
+p4423
+sg4409
+g4410
+sg4411
+g4412
+sg4413
+g4414
+sg4415
+g4416
+ssI859
+(dp4424
+S'city'
+p4425
+S'birmingham'
+p4426
+sS'theater'
+p4427
+S'carmike summit 16'
+p4428
+sS'state'
+p4429
+S'al'
+p4430
+sS'starttime'
+p4431
+S'around 2pm'
+p4432
+sS'date'
+p4433
+S'thursday'
+p4434
+sS'moviename'
+p4435
+S'deadpool'
+p4436
+ssI860
+(dp4437
+g4425
+g4426
+sg4427
+S'carmike summit'
+p4438
+sg4429
+g4430
+sg4431
+g4432
+sg4433
+g4434
+sg4435
+g4436
+ssI861
+(dp4439
+g4425
+g4426
+sg4427
+g4428
+sg4429
+g4430
+sg4431
+S'2:20'
+p4440
+sg4433
+g4434
+sg4435
+g4436
+ssI862
+(dp4441
+g4425
+g4426
+sg4427
+g4438
+sg4429
+g4430
+sg4431
+g4440
+sg4433
+g4434
+sg4435
+g4436
+ssI863
+(dp4442
+g4425
+g4426
+sg4427
+g4428
+sg4429
+g4430
+sg4431
+S'2:20pm'
+p4443
+sg4433
+g4434
+sg4435
+g4436
+ssI864
+(dp4444
+S'date'
+p4445
+S'next friday'
+p4446
+sS'theater'
+p4447
+S'century rowland plaza'
+p4448
+sS'moviename'
+p4449
+S'eddie the eagle'
+p4450
+sS'starttime'
+p4451
+S'from 4pm to 7pm'
+p4452
+sS'zip'
+p4453
+S'94952'
+p4454
+ssI865
+(dp4455
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+S'4:20pm'
+p4456
+sg4453
+g4454
+ssI866
+(dp4457
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+S'6:55pm'
+p4458
+sg4453
+g4454
+ssI867
+(dp4459
+g4445
+g4446
+sg4447
+g4448
+sg4449
+g4450
+sg4451
+S'4:20'
+p4460
+sg4453
+g4454
+ssI868
+(dp4461
+S'city'
+p4462
+S'whittier'
+p4463
+sS'theater'
+p4464
+S'whittier village stadium cinemas'
+p4465
+sS'zip'
+p4466
+S'90602'
+p4467
+sS'state'
+p4468
+S'ca'
+p4469
+sS'starttime'
+p4470
+S'between noon and 4pm'
+p4471
+sS'date'
+p4472
+S'next sunday'
+p4473
+sS'moviename'
+p4474
+S'london has fallen'
+p4475
+ssI869
+(dp4476
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+S'1:30pm'
+p4477
+sg4472
+g4473
+sg4474
+g4475
+ssI870
+(dp4478
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+g4471
+sg4472
+S'3/13'
+p4479
+sg4474
+g4475
+ssI871
+(dp4480
+g4462
+g4463
+sg4464
+g4465
+sg4466
+g4467
+sg4468
+g4469
+sg4470
+g4477
+sg4472
+g4479
+sg4474
+g4475
+ssI872
+(dp4481
+S'city'
+p4482
+S'lansing'
+p4483
+sS'theater'
+p4484
+S'ncg eastwood cinemas'
+p4485
+sS'genre'
+p4486
+S'comedy'
+p4487
+sS'state'
+p4488
+S'michigan'
+p4489
+sS'starttime'
+p4490
+S'6pm'
+p4491
+sS'date'
+p4492
+S'tomorrow'
+p4493
+sS'moviename'
+p4494
+S'zootopia'
+p4495
+ssI873
+(dp4496
+g4482
+g4483
+sg4484
+S'regal cinemas'
+p4497
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI874
+(dp4498
+g4482
+g4483
+sg4484
+S'cinema lansing'
+p4499
+sg4486
+g4487
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI875
+(dp4500
+g4482
+g4483
+sg4484
+g4485
+sg4486
+S'comedies'
+p4501
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI876
+(dp4502
+g4482
+g4483
+sg4484
+g4497
+sg4486
+g4501
+sg4488
+g4489
+sg4490
+g4491
+sg4492
+g4493
+sg4494
+g4495
+ssI877
+(dp4503
+S'distanceconstraints'
+p4504
+S'near the space needle'
+p4505
+sS'other'
+p4506
+S'I can bring my cat to'
+p4507
+sS'theater'
+p4508
+S'big picture'
+p4509
+ssI878
+(dp4510
+g4504
+g4505
+sg4506
+S'I can order beer in'
+p4511
+sg4508
+g4509
+ssI879
+(dp4512
+g4504
+g4505
+sg4506
+g4507
+sg4508
+S'cinerama'
+p4513
+ssI880
+(dp4514
+g4504
+g4505
+sg4506
+g4511
+sg4508
+g4513
+ssI881
+(dp4515
+g4504
+g4505
+sg4506
+g4507
+sg4508
+S'central cinema'
+p4516
+ssI882
+(dp4517
+S'city'
+p4518
+S'seattle'
+p4519
+sS'theater'
+p4520
+S'amc elmwood palace 20'
+p4521
+sS'zip'
+p4522
+S'70070'
+p4523
+sS'date'
+p4524
+S'tomorrow'
+p4525
+sS'starttime'
+p4526
+S'5pm'
+p4527
+sS'genre'
+p4528
+S'funny'
+p4529
+sS'moviename'
+p4530
+S'zootopia'
+p4531
+ssI883
+(dp4532
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+g4525
+sg4526
+S'5:00 pm'
+p4533
+sg4528
+g4529
+sg4530
+g4531
+ssI884
+(dp4534
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+g4525
+sg4526
+g4527
+sg4528
+S'comedy'
+p4535
+sg4530
+g4531
+ssI885
+(dp4536
+g4518
+g4519
+sg4520
+g4521
+sg4522
+g4523
+sg4524
+g4525
+sg4526
+g4533
+sg4528
+g4535
+sg4530
+g4531
+ssI886
+(dp4537
+S'city'
+p4538
+S'bayou vista'
+p4539
+sS'theater'
+p4540
+S'fairview cinema'
+p4541
+sS'state'
+p4542
+S'la'
+p4543
+sS'starttime'
+p4544
+S'night'
+p4545
+sS'date'
+p4546
+S'this weekend'
+p4547
+sS'moviename'
+p4548
+S'deadpool'
+p4549
+ssI887
+(dp4550
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+S'anytime'
+p4551
+sg4546
+g4547
+sg4548
+g4549
+ssI888
+(dp4552
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+S'7pm'
+p4553
+sg4546
+g4547
+sg4548
+g4549
+ssI889
+(dp4554
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+g4545
+sg4546
+S'friday'
+p4555
+sg4548
+g4549
+ssI890
+(dp4556
+g4538
+g4539
+sg4540
+g4541
+sg4542
+g4543
+sg4544
+g4551
+sg4546
+g4555
+sg4548
+g4549
+ssI891
+(dp4557
+S'city'
+p4558
+S'manchester stadium 16'
+p4559
+sS'theater'
+p4560
+S'shields ave'
+p4561
+sS'state'
+p4562
+S'california'
+p4563
+sS'starttime'
+p4564
+S'once or twice every hour'
+p4565
+sS'date'
+p4566
+S'friday march 11'
+p4567
+sS'moviename'
+p4568
+S'zootopia'
+p4569
+ssI892
+(dp4570
+g4558
+g4559
+sg4560
+S'maya fresno 16'
+p4571
+sg4562
+g4563
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI893
+(dp4572
+g4558
+g4559
+sg4560
+S'campus pointe dr'
+p4573
+sg4562
+g4563
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI894
+(dp4574
+g4558
+g4559
+sg4560
+g4561
+sg4562
+S'ca'
+p4575
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI895
+(dp4576
+g4558
+g4559
+sg4560
+g4571
+sg4562
+g4575
+sg4564
+g4565
+sg4566
+g4567
+sg4568
+g4569
+ssI896
+(dp4577
+S'city'
+p4578
+S'seattle'
+p4579
+sS'theater'
+p4580
+S'pacific place 11'
+p4581
+sS'zip'
+p4582
+S'98101'
+p4583
+sS'critic_rating'
+p4584
+S'best'
+p4585
+sS'theater_chain'
+p4586
+S'amc'
+p4587
+sS'state'
+p4588
+S'washington'
+p4589
+sS'other'
+p4590
+S'date'
+p4591
+sS'starttime'
+p4592
+S'9'
+sS'date'
+p4593
+S'tonight'
+p4594
+sS'genre'
+p4595
+S'romance'
+p4596
+sS'moviename'
+p4597
+S'how to be single'
+p4598
+ssI897
+(dp4599
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+S'top'
+p4600
+sg4586
+g4587
+sg4588
+g4589
+sg4590
+g4591
+sg4592
+S'9'
+sg4593
+g4594
+sg4595
+g4596
+sg4597
+g4598
+ssI898
+(dp4601
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+g4587
+sg4588
+S'wa'
+p4602
+sg4590
+g4591
+sg4592
+S'9'
+sg4593
+g4594
+sg4595
+g4596
+sg4597
+g4598
+ssI899
+(dp4603
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4600
+sg4586
+g4587
+sg4588
+g4602
+sg4590
+g4591
+sg4592
+S'9'
+sg4593
+g4594
+sg4595
+g4596
+sg4597
+g4598
+ssI900
+(dp4604
+g4578
+g4579
+sg4580
+g4581
+sg4582
+g4583
+sg4584
+g4585
+sg4586
+g4587
+sg4588
+g4589
+sg4590
+S"don't know"
+p4605
+sg4592
+S'9'
+sg4593
+g4594
+sg4595
+g4596
+sg4597
+g4598
+ssI901
+(dp4606
+S'city'
+p4607
+S'portland'
+p4608
+sS'theater'
+p4609
+S'Regal Pioneer Place Stadium'
+p4610
+sS'state'
+p4611
+S'oregon'
+p4612
+sS'starttime'
+p4613
+S'10 pm#some time close to that'
+p4614
+sS'date'
+p4615
+S'thursday'
+p4616
+sS'moviename'
+p4617
+S'10 cloverfield lane'
+p4618
+ssI902
+(dp4619
+g4607
+g4608
+sg4609
+S'Regal Lloyd Center 10'
+p4620
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI903
+(dp4621
+g4607
+g4608
+sg4609
+S'Bagdad Theatre'
+p4622
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI904
+(dp4623
+g4607
+g4608
+sg4609
+S'regal pioneer place stadium'
+p4624
+sg4611
+g4612
+sg4613
+g4614
+sg4615
+g4616
+sg4617
+g4618
+ssI905
+(dp4625
+g4607
+g4608
+sg4609
+g4610
+sg4611
+g4612
+sg4613
+S'9:50pm'
+p4626
+sg4615
+g4616
+sg4617
+g4618
+ssI906
+(dp4627
+S'city'
+p4628
+S'houma'
+p4629
+sS'theater'
+p4630
+S'amc houma palace 10'
+p4631
+sS'genre'
+p4632
+S'foreign'
+p4633
+sS'state'
+p4634
+S'louisiana'
+p4635
+sS'starttime'
+p4636
+S'night'
+p4637
+sS'date'
+p4638
+S'this week'
+p4639
+sS'moviename'
+p4640
+S'Whiskey Tango Foxtrot'
+p4641
+ssI907
+(dp4642
+g4628
+S'Houma'
+p4643
+sg4630
+g4631
+sg4632
+g4633
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4639
+sg4640
+g4641
+ssI908
+(dp4644
+g4628
+g4629
+sg4630
+g4631
+sg4632
+S'comedy'
+p4645
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4639
+sg4640
+g4641
+ssI909
+(dp4646
+g4628
+g4643
+sg4630
+g4631
+sg4632
+g4645
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4639
+sg4640
+g4641
+ssI910
+(dp4647
+g4628
+g4629
+sg4630
+g4631
+sg4632
+S'adult comedy'
+p4648
+sg4634
+g4635
+sg4636
+g4637
+sg4638
+g4639
+sg4640
+g4641
+ssI911
+(dp4649
+S'city'
+p4650
+S'tulare'
+p4651
+sS'theater'
+p4652
+S'regal visalia stadium 10'
+p4653
+sS'state'
+p4654
+S'california'
+p4655
+sS'starttime'
+p4656
+S'11:20am'
+p4657
+sS'date'
+p4658
+S'this weekend'
+p4659
+sS'moviename'
+p4660
+S'10 cloverfield lane'
+p4661
+ssI912
+(dp4662
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'2:00pm'
+p4663
+sg4658
+g4659
+sg4660
+g4661
+ssI913
+(dp4664
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'4:40'
+p4665
+sg4658
+g4659
+sg4660
+g4661
+ssI914
+(dp4666
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'7:20'
+p4667
+sg4658
+g4659
+sg4660
+g4661
+ssI915
+(dp4668
+g4650
+g4651
+sg4652
+g4653
+sg4654
+g4655
+sg4656
+S'10:05'
+p4669
+sg4658
+g4659
+sg4660
+g4661
+ssI916
+(dp4670
+S'city'
+p4671
+S'sparta'
+p4672
+sS'theater'
+p4673
+S"wehrenberg o'fallon 15 cine"
+p4674
+sS'zip'
+p4675
+S'62269'
+p4676
+sS'date'
+p4677
+S'tomorrow'
+p4678
+sS'state'
+p4679
+S'illinois'
+p4680
+sS'other'
+p4681
+S'closed'
+p4682
+sS'starttime'
+p4683
+S'afternoon'
+p4684
+sS'genre'
+p4685
+S'romantic comedies'
+p4686
+sS'moviename'
+p4687
+S'zoolander 2'
+p4688
+ssI917
+(dp4689
+g4671
+S'shiloh'
+p4690
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI918
+(dp4691
+g4671
+S'belleville'
+p4692
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI919
+(dp4693
+g4671
+S"o'fallon"
+p4694
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI920
+(dp4695
+g4671
+S'fairview heights'
+p4696
+sg4673
+g4674
+sg4675
+g4676
+sg4677
+g4678
+sg4679
+g4680
+sg4681
+g4682
+sg4683
+g4684
+sg4685
+g4686
+sg4687
+g4688
+ssI921
+(dp4697
+S'moviename'
+p4698
+S'deadpool'
+p4699
+sS'theater'
+p4700
+S'royal oak emagine theater'
+p4701
+sS'starttime'
+p4702
+S'between 8-10 pm'
+p4703
+ssI922
+(dp4704
+S'date'
+p4705
+S'tomorrow'
+p4706
+sS'city'
+p4707
+S'seattle'
+p4708
+sS'theater'
+p4709
+S'regal meridian 16'
+p4710
+sS'moviename'
+p4711
+S'zoolander 2'
+p4712
+sS'starttime'
+p4713
+S'9:25 pm'
+p4714
+ssI923
+(dp4715
+S'city'
+p4716
+S'seattle'
+p4717
+sS'theater'
+p4718
+S'Big Picture Sundance Cinemas'
+p4719
+sS'date'
+p4720
+S'today'
+p4721
+sS'other'
+p4722
+S'serve alcohol'
+p4723
+sS'starttime'
+p4724
+S'6pm'
+p4725
+sS'genre'
+p4726
+S'comedies'
+p4727
+sS'moviename'
+p4728
+S'deadpool'
+p4729
+ssI924
+(dp4730
+g4716
+g4717
+sg4718
+S'Central Cinema'
+p4731
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4725
+sg4726
+g4727
+sg4728
+g4729
+ssI925
+(dp4732
+g4716
+g4717
+sg4718
+S'big picture'
+p4733
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4725
+sg4726
+g4727
+sg4728
+g4729
+ssI926
+(dp4734
+g4716
+g4717
+sg4718
+g4719
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+S'8:30pm'
+p4735
+sg4726
+g4727
+sg4728
+g4729
+ssI927
+(dp4736
+g4716
+g4717
+sg4718
+g4731
+sg4720
+g4721
+sg4722
+g4723
+sg4724
+g4735
+sg4726
+g4727
+sg4728
+g4729
+ssI928
+(dp4737
+S'date'
+p4738
+S'tomorrow'
+p4739
+sS'city'
+p4740
+S'seattle'
+p4741
+sS'theater'
+p4742
+S'amc lowes oak tree 6'
+p4743
+sS'starttime'
+p4744
+S'4:50 pm'
+p4745
+ssI929
+(dp4746
+S'date'
+p4747
+S'3/10'
+p4748
+sS'moviename'
+p4749
+S'the other side of the door'
+p4750
+sS'theater'
+p4751
+S'southpoint casino'
+p4752
+sS'starttime'
+p4753
+S'12:05pm'
+p4754
+sS'city'
+p4755
+S'las vegas'
+p4756
+ssI930
+(dp4757
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'2:40pm'
+p4758
+sg4755
+g4756
+ssI931
+(dp4759
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'5:20pm'
+p4760
+sg4755
+g4756
+ssI932
+(dp4761
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'8:05pm'
+p4762
+sg4755
+g4756
+ssI933
+(dp4763
+g4747
+g4748
+sg4749
+g4750
+sg4751
+g4752
+sg4753
+S'10:35pm'
+p4764
+sg4755
+g4756
+ssI934
+(dp4765
+S'genre'
+p4766
+S'scary'
+p4767
+sS'city'
+p4768
+S'chicago'
+p4769
+sS'state'
+p4770
+S'il'
+p4771
+sS'moviename'
+p4772
+S'the other side of the door'
+p4773
+ssI935
+(dp4774
+g4766
+g4767
+sg4768
+g4769
+sg4770
+g4771
+sg4772
+S'the witch'
+p4775
+ssI936
+(dp4776
+S'city'
+p4777
+S'seattle'
+p4778
+sS'theater'
+p4779
+S'regal meridian 16'
+p4780
+sS'distanceconstraints'
+p4781
+S'north side'
+p4782
+sS'starttime'
+p4783
+S'around 6pm'
+p4784
+sS'date'
+p4785
+S'tomorrow'
+p4786
+sS'moviename'
+p4787
+S'zootopia'
+p4788
+ssI937
+(dp4789
+g4777
+g4778
+sg4779
+S'regal thornton place'
+p4790
+sg4781
+g4782
+sg4783
+g4784
+sg4785
+g4786
+sg4787
+g4788
+ssI938
+(dp4791
+g4777
+g4778
+sg4779
+g4780
+sg4781
+g4782
+sg4783
+S'5:20'
+p4792
+sg4785
+g4786
+sg4787
+g4788
+ssI939
+(dp4793
+g4777
+g4778
+sg4779
+g4790
+sg4781
+g4782
+sg4783
+g4792
+sg4785
+g4786
+sg4787
+g4788
+ssI940
+(dp4794
+g4777
+g4778
+sg4779
+g4780
+sg4781
+g4782
+sg4783
+S'6:30 pm'
+p4795
+sg4785
+g4786
+sg4787
+g4788
+ssI941
+(dp4796
+S'city'
+p4797
+S'du Quoin'
+p4798
+sS'distanceconstraints'
+p4799
+S'general'
+p4800
+sS'moviename'
+p4801
+S'star wars'
+p4802
+sS'theater_chain'
+p4803
+S'amc showplace carbondale'
+p4804
+sS'state'
+p4805
+S'illinois'
+p4806
+sS'other'
+p4807
+S"I don't know"
+p4808
+sS'starttime'
+p4809
+S'after 6pm'
+p4810
+sS'date'
+p4811
+S'friday11th'
+p4812
+sS'genre'
+p4813
+S'thriller science fiction'
+p4814
+ssI942
+(dp4815
+g4797
+S'carbondale'
+p4816
+sg4799
+g4800
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI943
+(dp4817
+g4797
+g4798
+sg4799
+S'vicinity'
+p4818
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI944
+(dp4819
+g4797
+g4816
+sg4799
+g4818
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+g4806
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI945
+(dp4820
+g4797
+g4798
+sg4799
+g4800
+sg4801
+g4802
+sg4803
+g4804
+sg4805
+S'il'
+p4821
+sg4807
+g4808
+sg4809
+g4810
+sg4811
+g4812
+sg4813
+g4814
+ssI946
+(dp4822
+S'date'
+p4823
+S'Friday the 10th'
+p4824
+sS'city'
+p4825
+S'seattle'
+p4826
+sS'moviename'
+p4827
+S'gods egypt'
+p4828
+sS'theater'
+p4829
+S'cinemark lincoln square cinemas'
+p4830
+sS'starttime'
+p4831
+S'7:15pm'
+p4832
+ssI947
+(dp4833
+g4823
+g4824
+sg4825
+g4826
+sg4827
+S'gods of egypt'
+p4834
+sg4829
+g4830
+sg4831
+g4832
+ssI948
+(dp4835
+g4823
+g4824
+sg4825
+g4826
+sg4827
+g4828
+sg4829
+g4830
+sg4831
+S'7:15'
+p4836
+ssI949
+(dp4837
+g4823
+g4824
+sg4825
+g4826
+sg4827
+g4834
+sg4829
+g4830
+sg4831
+g4836
+ssI950
+(dp4838
+S'city'
+p4839
+S'seattle'
+p4840
+sS'theater'
+p4841
+S'regal meridian 16 theater'
+p4842
+sS'other'
+p4843
+S'name'
+p4844
+sS'starttime'
+p4845
+S'8:45 pm'
+p4846
+sS'date'
+p4847
+S'tomorrow'
+p4848
+sS'moviename'
+p4849
+S'hail caesar'
+p4850
+ssI951
+(dp4851
+S'date'
+p4852
+S'tomorrow'
+p4853
+sS'city'
+p4854
+S'seattle'
+p4855
+sS'moviename'
+p4856
+S'zootopia'
+p4857
+sS'starttime'
+p4858
+S'night'
+p4859
+ssI952
+(dp4860
+S'date'
+p4861
+S'tomorrow'
+p4862
+sS'city'
+p4863
+S'seattle'
+p4864
+sS'theater'
+p4865
+S'amc pacific place 11 theater'
+p4866
+sS'moviename'
+p4867
+S'race'
+p4868
+sS'starttime'
+p4869
+S'10:00 pm'
+p4870
+ssI953
+(dp4871
+S'date'
+p4872
+S'this saturday'
+p4873
+sS'theater'
+p4874
+S'amc river east 21'
+p4875
+sS'moviename'
+p4876
+S'zootopia'
+p4877
+sS'starttime'
+p4878
+S'night'
+p4879
+sS'video_format'
+p4880
+S'2d'
+p4881
+ssI954
+(dp4882
+g4872
+S'tomorrow'
+p4883
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+g4879
+sg4880
+g4881
+ssI955
+(dp4884
+g4872
+g4873
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+S'6pm'
+p4885
+sg4880
+g4881
+ssI956
+(dp4886
+g4872
+g4883
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+g4885
+sg4880
+g4881
+ssI957
+(dp4887
+g4872
+g4873
+sg4874
+g4875
+sg4876
+g4877
+sg4878
+S'9:01pm'
+p4888
+sg4880
+g4881
+ssI958
+(dp4889
+S'city'
+p4890
+S'seattle'
+p4891
+sS'theater'
+p4892
+S'amc pacific place 11 theater'
+p4893
+sS'theater_chain'
+p4894
+S'amc pacific place 11'
+p4895
+sS'starttime'
+p4896
+S'10:00 pm'
+p4897
+sS'date'
+p4898
+S'tomorrow'
+p4899
+sS'moviename'
+p4900
+S'race'
+p4901
+ssI959
+(dp4902
+S'city'
+p4903
+S'seattle'
+p4904
+sS'theater'
+p4905
+S'regal meridian 16'
+p4906
+sS'other'
+p4907
+S'indian restaurant'
+p4908
+sS'starttime'
+p4909
+S'9:20 pm'
+p4910
+sS'date'
+p4911
+S'tomorrow'
+p4912
+sS'moviename'
+p4913
+S'london has fallen'
+p4914
+ssI960
+(dp4915
+g4903
+g4904
+sg4905
+g4906
+sg4907
+S'name'
+p4916
+sg4909
+g4910
+sg4911
+g4912
+sg4913
+g4914
+ssI961
+(dp4917
+S'city'
+p4918
+S'seattle'
+p4919
+sS'other'
+p4920
+S'restaurants'
+p4921
+ssI962
+(dp4922
+g4918
+g4919
+sg4920
+S'book movie tickets'
+p4923
+ssI963
+(dp4924
+S'city'
+p4925
+S'miami'
+p4926
+sS'theater'
+p4927
+S'cinpolis coconut grove'
+p4928
+sS'zip'
+p4929
+S'33133'
+p4930
+sS'video_format'
+p4931
+S'IMAX'
+p4932
+sS'state'
+p4933
+S'fl'
+p4934
+sS'starttime'
+p4935
+S'around noon'
+p4936
+sS'date'
+p4937
+S'tomorrow'
+p4938
+sS'genre'
+p4939
+S'sci-fi'
+p4940
+sS'moviename'
+p4941
+S'gods of egypt'
+p4942
+ssI964
+(dp4943
+g4925
+g4926
+sg4927
+S'COBB DOLPHIN 19 AND IMAX'
+p4944
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI965
+(dp4945
+g4925
+g4926
+sg4927
+S'cinepolis coconut grove'
+p4946
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI966
+(dp4947
+g4925
+g4926
+sg4927
+S'cinepolis'
+p4948
+sg4929
+g4930
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI967
+(dp4949
+g4925
+g4926
+sg4927
+g4928
+sg4929
+S'33172'
+p4950
+sg4931
+g4932
+sg4933
+g4934
+sg4935
+g4936
+sg4937
+g4938
+sg4939
+g4940
+sg4941
+g4942
+ssI968
+(dp4951
+S'city'
+p4952
+S'seattle'
+p4953
+sS'theater'
+p4954
+S'amc southcenter 16'
+p4955
+sS'critic_rating'
+p4956
+S'number 1'
+p4957
+sS'theater_chain'
+p4958
+S'regency'
+p4959
+sS'starttime'
+p4960
+S'9:30 pm'
+p4961
+sS'date'
+p4962
+S'this weekend'
+p4963
+sS'genre'
+p4964
+S'action'
+p4965
+sS'moviename'
+p4966
+S'london has fallen'
+p4967
+ssI969
+(dp4968
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+S'amc'
+p4969
+sg4960
+g4961
+sg4962
+g4963
+sg4964
+g4965
+sg4966
+g4967
+ssI970
+(dp4970
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+g4961
+sg4962
+S'any day this week'
+p4971
+sg4964
+g4965
+sg4966
+g4967
+ssI971
+(dp4972
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4969
+sg4960
+g4961
+sg4962
+g4971
+sg4964
+g4965
+sg4966
+g4967
+ssI972
+(dp4973
+g4952
+g4953
+sg4954
+g4955
+sg4956
+g4957
+sg4958
+g4959
+sg4960
+g4961
+sg4962
+S'wednesday'
+p4974
+sg4964
+g4965
+sg4966
+g4967
+ssI973
+(dp4975
+S'date'
+p4976
+S'tomorrow'
+p4977
+sS'city'
+p4978
+S'seattle'
+p4979
+sS'theater'
+p4980
+S'amc lowes oak tree 6'
+p4981
+sS'moviename'
+p4982
+S'hail caesar'
+p4983
+sS'starttime'
+p4984
+S'7:15 pm'
+p4985
+ssI974
+(dp4986
+S'date'
+p4987
+S'tomorrow'
+p4988
+sS'city'
+p4989
+S'seattle'
+p4990
+sS'theater'
+p4991
+S'amc lowes oak tree'
+p4992
+sS'moviename'
+p4993
+S'triple 9'
+p4994
+sS'starttime'
+p4995
+S'7:10 pm'
+p4996
+ssI975
+(dp4997
+S'city'
+p4998
+S'carbondale'
+p4999
+sS'theater'
+p5000
+S'amc showplace carbondale 8'
+p5001
+sS'distanceconstraints'
+p5002
+S'in your area'
+p5003
+sS'date'
+p5004
+S'tuesday'
+p5005
+sS'state'
+p5006
+S'illinois'
+p5007
+sS'other'
+p5008
+S'before dinner'
+p5009
+sS'starttime'
+p5010
+S'right now'
+p5011
+sS'genre'
+p5012
+S'thriller'
+p5013
+sS'moviename'
+p5014
+S'the witch'
+p5015
+ssI976
+(dp5016
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+S'Tuesday'
+p5017
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+g5011
+sg5012
+g5013
+sg5014
+g5015
+ssI977
+(dp5018
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+S'night'
+p5019
+sg5012
+g5013
+sg5014
+g5015
+ssI978
+(dp5020
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5017
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+g5019
+sg5012
+g5013
+sg5014
+g5015
+ssI979
+(dp5021
+g4998
+g4999
+sg5000
+g5001
+sg5002
+g5003
+sg5004
+g5005
+sg5006
+g5007
+sg5008
+g5009
+sg5010
+S'anytime after 7pm'
+p5022
+sg5012
+g5013
+sg5014
+g5015
+ssI980
+(dp5023
+S'city'
+p5024
+S'seattle'
+p5025
+sS'theater'
+p5026
+S'regal meridian 16'
+p5027
+sS'zip'
+p5028
+S'98101'
+p5029
+sS'numberofkids'
+p5030
+S'two'
+p5031
+sS'theater_chain'
+p5032
+S'regal meridian'
+p5033
+sS'state'
+p5034
+S'wa'
+p5035
+sS'starttime'
+p5036
+S'6:30pm'
+p5037
+sS'date'
+p5038
+S'tonight'
+p5039
+sS'moviename'
+p5040
+S'zootopia'
+p5041
+ssI981
+(dp5042
+g5024
+S'bellevue'
+p5043
+sg5026
+g5027
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI982
+(dp5044
+g5024
+g5025
+sg5026
+S'bellevue lincoln square cinemas'
+p5045
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI983
+(dp5046
+g5024
+g5043
+sg5026
+g5045
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI984
+(dp5047
+g5024
+g5025
+sg5026
+S'regal meridian'
+p5048
+sg5028
+g5029
+sg5030
+g5031
+sg5032
+g5033
+sg5034
+g5035
+sg5036
+g5037
+sg5038
+g5039
+sg5040
+g5041
+ssI985
+(dp5049
+S'city'
+p5050
+S'las vegas'
+p5051
+sS'theater'
+p5052
+S'cCENTURY 16 SOUTH POINT AND XD'
+p5053
+sS'state'
+p5054
+S'nv'
+p5055
+sS'starttime'
+p5056
+S'11:10am'
+p5057
+sS'date'
+p5058
+S'tomrrow'
+p5059
+sS'moviename'
+p5060
+S'zootopia'
+p5061
+ssI986
+(dp5062
+g5050
+g5051
+sg5052
+S'Las Vegas NV 89183'
+p5063
+sg5054
+g5055
+sg5056
+g5057
+sg5058
+g5059
+sg5060
+g5061
+ssI987
+(dp5064
+g5050
+g5051
+sg5052
+S'Century 16 South Point'
+p5065
+sg5054
+g5055
+sg5056
+g5057
+sg5058
+g5059
+sg5060
+g5061
+ssI988
+(dp5066
+g5050
+g5051
+sg5052
+g5053
+sg5054
+g5055
+sg5056
+S'1:55pm'
+p5067
+sg5058
+g5059
+sg5060
+g5061
+ssI989
+(dp5068
+g5050
+g5051
+sg5052
+g5063
+sg5054
+g5055
+sg5056
+g5067
+sg5058
+g5059
+sg5060
+g5061
+ssI990
+(dp5069
+S'date'
+p5070
+S'tomorrow'
+p5071
+sS'city'
+p5072
+S'seattle'
+p5073
+sS'theater'
+p5074
+S'amc pacific place 11 theater'
+p5075
+sS'moviename'
+p5076
+S'deadpool'
+p5077
+sS'starttime'
+p5078
+S'9:00 pm'
+p5079
+ss.
\ No newline at end of file
diff --git a/data/movie/movie_kb.v2.json b/data/movie/movie_kb.v2.json
new file mode 100644
index 0000000..889cf67
--- /dev/null
+++ b/data/movie/movie_kb.v2.json
@@ -0,0 +1,13071 @@
+(dp1
+I1
+(dp2
+S'city'
+p3
+S'tulare'
+p4
+sS'theater'
+p5
+S'regal visalia stadium 10'
+p6
+sS'starttime_real'
+p7
+S'11:20am'
+p8
+sS'conversationid'
+p9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p10
+sS'state'
+p11
+S'california'
+p12
+sS'starttime'
+p13
+S'11:20am'
+p14
+sS'date'
+p15
+S'saturday'
+p16
+sS'date_real'
+p17
+S'2016-03-12'
+p18
+sS'state_real'
+p19
+S'ca'
+p20
+sS'moviename'
+p21
+S'10 cloverfield lane'
+p22
+ssI2
+(dp23
+g3
+S'tulare'
+p24
+sg5
+S'regal visalia stadium 10'
+p25
+sg7
+S'2:00pm'
+p26
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p27
+sg11
+S'california'
+p28
+sg13
+S'2:00pm'
+p29
+sg15
+S'saturday'
+p30
+sg17
+S'2016-03-12'
+p31
+sg19
+S'ca'
+p32
+sg21
+S'10 cloverfield lane'
+p33
+ssI3
+(dp34
+g3
+S'tulare'
+p35
+sg5
+S'regal visalia stadium 10'
+p36
+sg7
+S'4:40pm'
+p37
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p38
+sg11
+S'california'
+p39
+sg13
+S'4:40pm'
+p40
+sg15
+S'saturday'
+p41
+sg17
+S'2016-03-12'
+p42
+sg19
+S'ca'
+p43
+sg21
+S'10 cloverfield lane'
+p44
+ssI4
+(dp45
+g3
+S'tulare'
+p46
+sg5
+S'regal visalia stadium 10'
+p47
+sg7
+S'7:20pm'
+p48
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p49
+sg11
+S'california'
+p50
+sg13
+S'7:20pm'
+p51
+sg15
+S'saturday'
+p52
+sg17
+S'2016-03-12'
+p53
+sg19
+S'ca'
+p54
+sg21
+S'10 cloverfield lane'
+p55
+ssI5
+(dp56
+g3
+S'tulare'
+p57
+sg5
+S'regal visalia stadium 10'
+p58
+sg7
+S'10:05pm'
+p59
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p60
+sg11
+S'california'
+p61
+sg13
+S'10:05pm'
+p62
+sg15
+S'saturday'
+p63
+sg17
+S'2016-03-12'
+p64
+sg19
+S'ca'
+p65
+sg21
+S'10 cloverfield lane'
+p66
+ssI6
+(dp67
+g3
+S'portland'
+p68
+sg5
+S'Regal Pioneer Place Stadium'
+p69
+sg7
+S'9:50pm'
+p70
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p71
+sg11
+S'oregon'
+p72
+sg13
+S'9:50pm'
+p73
+sg15
+S'saturday'
+p74
+sg17
+S'2016-03-12'
+p75
+sg19
+S'or'
+p76
+sg21
+S'10 cloverfield lane'
+p77
+ssI7
+(dp78
+g3
+S'portland'
+p79
+sg5
+S'Regal Lloyd Center 10'
+p80
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p81
+sg11
+S'oregon'
+p82
+sg19
+S'or'
+p83
+sg21
+S'10 cloverfield lane'
+p84
+ssI8
+(dp85
+g3
+S'portland'
+p86
+sg5
+S'Bagdad Theatre'
+p87
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p88
+sg11
+S'oregon'
+p89
+sg19
+S'or'
+p90
+sg21
+S'10 cloverfield lane'
+p91
+ssI9
+(dp92
+g3
+S'los angeles'
+p93
+sg5
+S'regal la live stadium 14'
+p94
+sS'zip'
+p95
+S'90015'
+p96
+sg7
+S'11:45am'
+p97
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p98
+sg11
+S'ca'
+p99
+sg13
+S'11:45am'
+p100
+sg15
+S'tomorrow'
+p101
+sg17
+S'2016-03-11'
+p102
+sg19
+S'ca'
+p103
+sg21
+S'10 cloverfield lane'
+p104
+ssI10
+(dp105
+g3
+S'los angeles'
+p106
+sg5
+S'regal la live stadium 14'
+p107
+sg95
+S'90015'
+p108
+sg7
+S'12:45pm'
+p109
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p110
+sg11
+S'ca'
+p111
+sg13
+S'12:45pm'
+p112
+sg15
+S'tomorrow'
+p113
+sg17
+S'2016-03-11'
+p114
+sg19
+S'ca'
+p115
+sg21
+S'10 cloverfield lane'
+p116
+ssI11
+(dp117
+g3
+S'los angeles'
+p118
+sg5
+S'regal la live stadium 14'
+p119
+sg95
+S'90015'
+p120
+sg7
+S'2:30pm'
+p121
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p122
+sg11
+S'ca'
+p123
+sg13
+S'2:30pm'
+p124
+sg15
+S'tomorrow'
+p125
+sg17
+S'2016-03-11'
+p126
+sg19
+S'ca'
+p127
+sg21
+S'10 cloverfield lane'
+p128
+ssI12
+(dp129
+g3
+S'los angeles'
+p130
+sg5
+S'regal la live stadium 14'
+p131
+sg95
+S'90015'
+p132
+sg7
+S'3:30pm'
+p133
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p134
+sg11
+S'ca'
+p135
+sg13
+S'3:30pm'
+p136
+sg15
+S'tomorrow'
+p137
+sg17
+S'2016-03-11'
+p138
+sg19
+S'ca'
+p139
+sg21
+S'10 cloverfield lane'
+p140
+ssI13
+(dp141
+g3
+S'los angeles'
+p142
+sg5
+S'regal la live stadium 14'
+p143
+sg95
+S'90015'
+p144
+sg7
+S'5:10pm'
+p145
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p146
+sg11
+S'ca'
+p147
+sg13
+S'5:10pm'
+p148
+sg15
+S'tomorrow'
+p149
+sg17
+S'2016-03-11'
+p150
+sg19
+S'ca'
+p151
+sg21
+S'10 cloverfield lane'
+p152
+ssI14
+(dp153
+g3
+S'los angeles'
+p154
+sg5
+S'regal la live stadium 14'
+p155
+sg95
+S'90015'
+p156
+sg7
+S'6:30pm'
+p157
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p158
+sg11
+S'ca'
+p159
+sg13
+S'6:30pm'
+p160
+sg15
+S'tomorrow'
+p161
+sg17
+S'2016-03-11'
+p162
+sg19
+S'ca'
+p163
+sg21
+S'10 cloverfield lane'
+p164
+ssI15
+(dp165
+g3
+S'los angeles'
+p166
+sg5
+S'regal la live stadium 14'
+p167
+sg95
+S'90015'
+p168
+sg7
+S'7:55pm'
+p169
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p170
+sg11
+S'ca'
+p171
+sg13
+S'7:55pm'
+p172
+sg15
+S'tomorrow'
+p173
+sg17
+S'2016-03-11'
+p174
+sg19
+S'ca'
+p175
+sg21
+S'10 cloverfield lane'
+p176
+ssI16
+(dp177
+g3
+S'los angeles'
+p178
+sg5
+S'regal la live stadium 14'
+p179
+sg95
+S'90015'
+p180
+sg7
+S'9:10pm'
+p181
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p182
+sg11
+S'ca'
+p183
+sg13
+S'9:10pm'
+p184
+sg15
+S'tomorrow'
+p185
+sg17
+S'2016-03-11'
+p186
+sg19
+S'ca'
+p187
+sg21
+S'10 cloverfield lane'
+p188
+ssI17
+(dp189
+g3
+S'los angeles'
+p190
+sg5
+S'regal la live stadium 14'
+p191
+sg95
+S'90015'
+p192
+sg7
+S'10:45pm'
+p193
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p194
+sg11
+S'ca'
+p195
+sg13
+S'10:45pm'
+p196
+sg15
+S'tomorrow'
+p197
+sg17
+S'2016-03-11'
+p198
+sg19
+S'ca'
+p199
+sg21
+S'10 cloverfield lane'
+p200
+ssI18
+(dp201
+g3
+S'los angeles'
+p202
+sg5
+S'regal la live stadium 14'
+p203
+sg95
+S'90015'
+p204
+sg7
+S'11:55pm'
+p205
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p206
+sg11
+S'ca'
+p207
+sg13
+S'11:55pm'
+p208
+sg15
+S'tomorrow'
+p209
+sg17
+S'2016-03-11'
+p210
+sg19
+S'ca'
+p211
+sg21
+S'10 cloverfield lane'
+p212
+ssI19
+(dp213
+g3
+S'los angeles'
+p214
+sg5
+S'pacific theatres at the grove'
+p215
+sg95
+S'90036'
+p216
+sg7
+S'10:10am'
+p217
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p218
+sg11
+S'ca'
+p219
+sg13
+S'10:10am'
+p220
+sg15
+S'tomorrow'
+p221
+sg17
+S'2016-03-11'
+p222
+sg19
+S'ca'
+p223
+sg21
+S'10 cloverfield lane'
+p224
+ssI20
+(dp225
+g3
+S'los angeles'
+p226
+sg5
+S'pacific theatres at the grove'
+p227
+sg95
+S'90036'
+p228
+sg7
+S'11:00am'
+p229
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p230
+sg11
+S'ca'
+p231
+sg13
+S'11:00am'
+p232
+sg15
+S'tomorrow'
+p233
+sg17
+S'2016-03-11'
+p234
+sg19
+S'ca'
+p235
+sg21
+S'10 cloverfield lane'
+p236
+ssI21
+(dp237
+g3
+S'los angeles'
+p238
+sg5
+S'pacific theatres at the grove'
+p239
+sg95
+S'90036'
+p240
+sg7
+S'11:50am'
+p241
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p242
+sg11
+S'ca'
+p243
+sg13
+S'11:50am'
+p244
+sg15
+S'tomorrow'
+p245
+sg17
+S'2016-03-11'
+p246
+sg19
+S'ca'
+p247
+sg21
+S'10 cloverfield lane'
+p248
+ssI22
+(dp249
+g3
+S'los angeles'
+p250
+sg5
+S'pacific theatres at the grove'
+p251
+sg95
+S'90036'
+p252
+sg7
+S'12:30pm'
+p253
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p254
+sg11
+S'ca'
+p255
+sg13
+S'12:30pm'
+p256
+sg15
+S'tomorrow'
+p257
+sg17
+S'2016-03-11'
+p258
+sg19
+S'ca'
+p259
+sg21
+S'10 cloverfield lane'
+p260
+ssI23
+(dp261
+g3
+S'los angeles'
+p262
+sg5
+S'pacific theatres at the grove'
+p263
+sg95
+S'90036'
+p264
+sg7
+S'1:25pm'
+p265
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p266
+sg11
+S'ca'
+p267
+sg13
+S'1:25pm'
+p268
+sg15
+S'tomorrow'
+p269
+sg17
+S'2016-03-11'
+p270
+sg19
+S'ca'
+p271
+sg21
+S'10 cloverfield lane'
+p272
+ssI24
+(dp273
+g3
+S'los angeles'
+p274
+sg5
+S'pacific theatres at the grove'
+p275
+sg95
+S'90036'
+p276
+sg7
+S'2:20pm'
+p277
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p278
+sg11
+S'ca'
+p279
+sg13
+S'2:20pm'
+p280
+sg15
+S'tomorrow'
+p281
+sg17
+S'2016-03-11'
+p282
+sg19
+S'ca'
+p283
+sg21
+S'10 cloverfield lane'
+p284
+ssI25
+(dp285
+g3
+S'los angeles'
+p286
+sg5
+S'pacific theatres at the grove'
+p287
+sg95
+S'90036'
+p288
+sg7
+S'3:00pm'
+p289
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p290
+sg11
+S'ca'
+p291
+sg13
+S'3:00pm'
+p292
+sg15
+S'tomorrow'
+p293
+sg17
+S'2016-03-11'
+p294
+sg19
+S'ca'
+p295
+sg21
+S'10 cloverfield lane'
+p296
+ssI26
+(dp297
+g3
+S'los angeles'
+p298
+sg5
+S'pacific theatres at the grove'
+p299
+sg95
+S'90036'
+p300
+sg7
+S'3:50pm'
+p301
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p302
+sg11
+S'ca'
+p303
+sg13
+S'3:50pm'
+p304
+sg15
+S'tomorrow'
+p305
+sg17
+S'2016-03-11'
+p306
+sg19
+S'ca'
+p307
+sg21
+S'10 cloverfield lane'
+p308
+ssI27
+(dp309
+g3
+S'los angeles'
+p310
+sg5
+S'pacific theatres at the grove'
+p311
+sg95
+S'90036'
+p312
+sg7
+S'4:45pm'
+p313
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p314
+sg11
+S'ca'
+p315
+sg13
+S'4:45pm'
+p316
+sg15
+S'tomorrow'
+p317
+sg17
+S'2016-03-11'
+p318
+sg19
+S'ca'
+p319
+sg21
+S'10 cloverfield lane'
+p320
+ssI28
+(dp321
+g3
+S'los angeles'
+p322
+sg5
+S'pacific theatres at the grove'
+p323
+sg95
+S'90036'
+p324
+sg7
+S'5:25pm'
+p325
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p326
+sg11
+S'ca'
+p327
+sg13
+S'5:25pm'
+p328
+sg15
+S'tomorrow'
+p329
+sg17
+S'2016-03-11'
+p330
+sg19
+S'ca'
+p331
+sg21
+S'10 cloverfield lane'
+p332
+ssI29
+(dp333
+g3
+S'los angeles'
+p334
+sg5
+S'pacific theatres at the grove'
+p335
+sg95
+S'90036'
+p336
+sg7
+S'7:10pm'
+p337
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p338
+sg11
+S'ca'
+p339
+sg13
+S'7:10pm'
+p340
+sg15
+S'tomorrow'
+p341
+sg17
+S'2016-03-11'
+p342
+sg19
+S'ca'
+p343
+sg21
+S'10 cloverfield lane'
+p344
+ssI30
+(dp345
+g3
+S'los angeles'
+p346
+sg5
+S'pacific theatres at the grove'
+p347
+sg95
+S'90036'
+p348
+sg7
+S'7:55pm'
+p349
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p350
+sg11
+S'ca'
+p351
+sg13
+S'7:55pm'
+p352
+sg15
+S'tomorrow'
+p353
+sg17
+S'2016-03-11'
+p354
+sg19
+S'ca'
+p355
+sg21
+S'10 cloverfield lane'
+p356
+ssI31
+(dp357
+g3
+S'los angeles'
+p358
+sg5
+S'pacific theatres at the grove'
+p359
+sg95
+S'90036'
+p360
+sg7
+S'8:40pm'
+p361
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p362
+sg11
+S'ca'
+p363
+sg13
+S'8:40pm'
+p364
+sg15
+S'tomorrow'
+p365
+sg17
+S'2016-03-11'
+p366
+sg19
+S'ca'
+p367
+sg21
+S'10 cloverfield lane'
+p368
+ssI32
+(dp369
+g3
+S'los angeles'
+p370
+sg5
+S'pacific theatres at the grove'
+p371
+sg95
+S'90036'
+p372
+sg7
+S'9:35pm'
+p373
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p374
+sg11
+S'ca'
+p375
+sg13
+S'9:35pm'
+p376
+sg15
+S'tomorrow'
+p377
+sg17
+S'2016-03-11'
+p378
+sg19
+S'ca'
+p379
+sg21
+S'10 cloverfield lane'
+p380
+ssI33
+(dp381
+g3
+S'los angeles'
+p382
+sg5
+S'pacific theatres at the grove'
+p383
+sg95
+S'90036'
+p384
+sg7
+S'10:25pm'
+p385
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p386
+sg11
+S'ca'
+p387
+sg13
+S'10:25pm'
+p388
+sg15
+S'tomorrow'
+p389
+sg17
+S'2016-03-11'
+p390
+sg19
+S'ca'
+p391
+sg21
+S'10 cloverfield lane'
+p392
+ssI34
+(dp393
+g3
+S'los angeles'
+p394
+sg5
+S'pacific theatres at the grove'
+p395
+sg95
+S'90036'
+p396
+sg7
+S'11:10pm'
+p397
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p398
+sg11
+S'ca'
+p399
+sg13
+S'11:10pm'
+p400
+sg15
+S'tomorrow'
+p401
+sg17
+S'2016-03-11'
+p402
+sg19
+S'ca'
+p403
+sg21
+S'10 cloverfield lane'
+p404
+ssI35
+(dp405
+g3
+S'los angeles'
+p406
+sg5
+S'pacific theatres at the grove'
+p407
+sg95
+S'90036'
+p408
+sg7
+S'12:05am'
+p409
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p410
+sg11
+S'ca'
+p411
+sg13
+S'12:05am'
+p412
+sg15
+S'tomorrow'
+p413
+sg17
+S'2016-03-11'
+p414
+sg19
+S'ca'
+p415
+sg21
+S'10 cloverfield lane'
+p416
+ssI36
+(dp417
+g5
+S'Beaver Creek Stadium 12'
+p418
+sg21
+S'10 cloverfield lane'
+p419
+sS'price'
+p420
+S'8'
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p421
+sS'other'
+p422
+S'matinee'
+p423
+sg13
+S'1:50pm'
+p424
+sg17
+S'2016-03-11'
+p425
+sg7
+S'1:50pm'
+p426
+ssI37
+(dp427
+g5
+S'Beaver Creek Stadium 12'
+p428
+sg21
+S'10 cloverfield lane'
+p429
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p430
+sg13
+S'4:30pm'
+p431
+sg17
+S'2016-03-11'
+p432
+sg7
+S'4:30pm'
+p433
+ssI38
+(dp434
+g5
+S'Beaver Creek Stadium 12'
+p435
+sg21
+S'10 cloverfield lane'
+p436
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p437
+sg13
+S'7:10pm'
+p438
+sg17
+S'2016-03-11'
+p439
+sg7
+S'7:10pm'
+p440
+ssI39
+(dp441
+g5
+S'Beaver Creek Stadium 12'
+p442
+sg21
+S'10 cloverfield lane'
+p443
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p444
+sg13
+S'9:50pm'
+p445
+sg17
+S'2016-03-11'
+p446
+sg7
+S'9:50pm'
+p447
+ssI40
+(dp448
+g3
+S'carbondale'
+p449
+sS'distanceconstraints'
+p450
+S'vicinity'
+p451
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p452
+sg15
+S'friday'
+p453
+sg11
+S'illinois'
+p454
+sS'genre'
+p455
+S'thriller science fiction'
+p456
+sg17
+S'2016-03-11'
+p457
+sg19
+S'il'
+p458
+sg21
+S'10 cloverfield lane'
+p459
+ssI41
+(dp460
+g3
+S'Du Quoin'
+p461
+sS'description'
+p462
+S'A woman (Mary Elizabeth Winstead) discovers the horrifying truth about the outside world while living in an underground shelter with two men (John Goodman John Gallagher Jr'
+p463
+sg450
+S'vicinity'
+p464
+sg9
+S'5f6222f5-5f3c-49ad-b11f-63d502ef8894'
+p465
+sg15
+S'Friday'
+p466
+sg11
+S'illinois'
+p467
+sg455
+S'thriller science fiction'
+p468
+sg17
+S'2016-03-11'
+p469
+sg19
+S'il'
+p470
+sg21
+S'10 cloverfield lane'
+p471
+ssI42
+(dp472
+g9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p473
+sg3
+S'seattle'
+p474
+sg17
+S'2016-03-11'
+p475
+sg21
+S'10 cloverfield lane'
+p476
+ssI43
+(dp477
+g3
+S'royal oak'
+p478
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p479
+sg11
+S'mi'
+p480
+sg15
+S'Thursday'
+p481
+sg17
+S'2016-03-10'
+p482
+sg19
+S'mi'
+p483
+sg21
+S'10 cloverfield lane'
+p484
+ssI44
+(dp485
+g3
+S'Madison Heights'
+p486
+sg5
+S'AMC STAR JOHN R 15 '
+p487
+sg95
+S'48071'
+p488
+sg7
+S'7:00pm'
+p489
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p490
+sS'theater_chain'
+p491
+S'amc'
+p492
+sg11
+S'mi'
+p493
+sg13
+S'7:00pm'
+p494
+sg15
+S'Thursday'
+p495
+sg17
+S'2016-03-10'
+p496
+sg19
+S'mi'
+p497
+sg21
+S'10 cloverfield lane'
+p498
+ssI45
+(dp499
+g3
+S'Madison Heights'
+p500
+sg5
+S'AMC STAR JOHN R 15 '
+p501
+sg95
+S'48071'
+p502
+sg7
+S'9:45pm'
+p503
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p504
+sg491
+S'amc'
+p505
+sg11
+S'mi'
+p506
+sg13
+S'9:45pm'
+p507
+sg15
+S'Thursday'
+p508
+sg17
+S'2016-03-10'
+p509
+sg19
+S'mi'
+p510
+sg21
+S'10 cloverfield lane'
+p511
+ssI46
+(dp512
+g3
+S'Madison Heights'
+p513
+sg5
+S'AMC STAR SOUTHFIELD 20 '
+p514
+sg95
+S'48034'
+p515
+sg7
+S'7:00pm'
+p516
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p517
+sg491
+S'amc'
+p518
+sg11
+S'mi'
+p519
+sg13
+S'7:00pm'
+p520
+sg15
+S'Thursday'
+p521
+sg17
+S'2016-03-10'
+p522
+sg19
+S'mi'
+p523
+sg21
+S'10 cloverfield lane'
+p524
+ssI47
+(dp525
+g9
+S'cc576ea5-05ea-4b67-a233-246d1aa1ecd0'
+p526
+sg17
+S'2016-03-24'
+p527
+sg21
+S'batman vs superman'
+p528
+ssI48
+(dp529
+g3
+S'seattle'
+p530
+sg5
+S'regal meridian sundance cinemas'
+p531
+sg9
+S'738a6a8a-ca2f-4341-bf5d-dbc7ccda14d4'
+p532
+sg11
+S'wa'
+p533
+sg455
+S'drama'
+p534
+sg17
+S'2016-03-08'
+p535
+sg19
+S'wa'
+p536
+sg21
+S'the big short'
+p537
+ssI49
+(dp538
+g3
+S'seattle'
+p539
+sg5
+S'regal thornton place'
+p540
+sg9
+S'738a6a8a-ca2f-4341-bf5d-dbc7ccda14d4'
+p541
+sg11
+S'wa'
+p542
+sg455
+S'drama'
+p543
+sg17
+S'2016-03-08'
+p544
+sg19
+S'wa'
+p545
+sg21
+S'the big short'
+p546
+ssI50
+(dp547
+g3
+S'seattle'
+p548
+sg5
+S'regal meridian 16'
+p549
+sg95
+S'98101'
+p550
+sg7
+S'8:45pm'
+p551
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p552
+sg15
+S'tonight'
+p553
+sg11
+S'wa'
+p554
+sg13
+S'8:45pm'
+p555
+sg455
+S'drama'
+p556
+sg17
+S'2016-03-08'
+p557
+sg19
+S'wa'
+p558
+sg21
+S'the big short'
+p559
+ssI51
+(dp560
+g3
+S'seattle'
+p561
+sg5
+S'regal meridian 16'
+p562
+sg95
+S'98101'
+p563
+sg7
+S'8:45pm'
+p564
+sg9
+S'3ef9b9d1-9cc2-4fff-a3d1-13ffc8f3bcb9'
+p565
+sg15
+S'tomorrow'
+p566
+sg11
+S'wa'
+p567
+sg13
+S'8:45pm'
+p568
+sg455
+S'drama'
+p569
+sg17
+S'2016-03-09'
+p570
+sg19
+S'wa'
+p571
+sg21
+S'the big short'
+p572
+ssI52
+(dp573
+g3
+S'safeco field'
+p574
+sg5
+S'regal meridian 16'
+p575
+sg450
+S'near'
+p576
+sg7
+S'8:45pm'
+p577
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p578
+sg15
+S'tonight'
+p579
+sg11
+S'wa'
+p580
+sg13
+S'8:45pm'
+p581
+sg455
+S'drama'
+p582
+sg17
+S'2016-03-08'
+p583
+sg19
+S'wa'
+p584
+sg21
+S'the big short'
+p585
+ssI53
+(dp586
+g5
+S'Regency Academy 6'
+p587
+sg7
+S'1:00pm'
+p588
+sg9
+S'98687258-793e-4711-ab88-3b03ec57415f'
+p589
+sg13
+S'1:00pm'
+p590
+sg15
+S'tomorrow'
+p591
+sg17
+S'2016-03-09'
+p592
+sg21
+S'creed'
+p593
+ssI54
+(dp594
+g3
+S'LA'
+p595
+sg5
+S'pacific sherman oaks 5'
+p596
+sg7
+S'7:05pm'
+p597
+sg9
+S'a20c3906-0ebb-4830-967f-467b3444ca2e'
+p598
+sS'video_format'
+p599
+S'2d'
+p600
+sg13
+S'705pm'
+p601
+sg15
+S'tomorrow'
+p602
+sg17
+S'2016-03-11'
+p603
+sg21
+S'creed'
+p604
+ssI55
+(dp605
+g3
+S'LA'
+p606
+sg5
+S'AMC La Mirada'
+p607
+sg599
+S'2d'
+p608
+sg7
+S'6:35pm'
+p609
+sg9
+S'a20c3906-0ebb-4830-967f-467b3444ca2e'
+p610
+sg491
+S'AMC'
+p611
+sg13
+S'635pm'
+p612
+sg15
+S'tomorrow'
+p613
+sg17
+S'2016-03-11'
+p614
+sg21
+S'creed'
+p615
+ssI56
+(dp616
+g3
+S'seattle'
+p617
+sS'critic_rating'
+p618
+S'top'
+p619
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p620
+sg15
+S'last weekend'
+p621
+sg455
+S'action'
+p622
+sg17
+S'2016-03-05'
+p623
+sg21
+S'deadpool'
+p624
+ssI57
+(dp625
+g7
+S'9:00pm'
+p626
+sg3
+S'seattle'
+p627
+sg5
+S'amc pacific place 11'
+p628
+sg618
+S'84 percent'
+p629
+sg491
+S'amc'
+p630
+sg9
+S'ae80d86b-8740-4690-98ed-ceed290046e6'
+p631
+sg15
+S'tomorrow'
+p632
+sg422
+S'rotten tomatoes'
+p633
+sg13
+S'9:00pm'
+p634
+sg455
+S'action'
+p635
+sg17
+S'2016-03-09'
+p636
+sg21
+S'deadpool'
+p637
+ssI58
+(dp638
+g7
+S'10:00pm'
+p639
+sg3
+S'seattle'
+p640
+sg5
+S'amc pacific place 11'
+p641
+sg618
+S'84 percent'
+p642
+sS'actor'
+p643
+S'ryan reynolds'
+p644
+sg491
+S'amc'
+p645
+sg9
+S'67cfcebf-3e8a-47e4-83e8-a8da18661475'
+p646
+sg15
+S'tomorrow'
+p647
+sg422
+S'rotten tomatoes'
+p648
+sg13
+S'10:00pm'
+p649
+sg455
+S'action'
+p650
+sg17
+S'2016-03-09'
+p651
+sg21
+S'deadpool'
+p652
+ssI59
+(dp653
+g3
+S'bayou vista'
+p654
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p655
+sg11
+S'la'
+p656
+sg15
+S'this weekend'
+p657
+sg17
+S'2016-03-12'
+p658
+sg19
+S'la'
+p659
+sg21
+S'deadpool'
+p660
+ssI60
+(dp661
+g19
+S'la'
+p662
+sg5
+S'Fairview Cinema'
+p663
+sg7
+S'7:00pm'
+p664
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p665
+sg11
+S'la'
+p666
+sg13
+S'7pm'
+p667
+sg15
+S'Thursday'
+p668
+sg17
+S'2016-03-10'
+p669
+sg21
+S'deadpool'
+p670
+ssI61
+(dp671
+g3
+S'seattle'
+p672
+sg5
+S'AMC PACIFIC PLACE 11'
+p673
+sg95
+S'98101'
+p674
+sg7
+S'6:10pm'
+p675
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p676
+sg11
+S'wa'
+p677
+sg13
+S'6:10pm'
+p678
+sg15
+S'tonight'
+p679
+sg17
+S'2016-03-08'
+p680
+sg19
+S'wa'
+p681
+sg21
+S'deadpool'
+p682
+ssI62
+(dp683
+g3
+S'seattle'
+p684
+sg5
+S'AMC PACIFIC PLACE 11'
+p685
+sg95
+S'98101'
+p686
+sg7
+S'7:20pm'
+p687
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p688
+sg491
+S'amc'
+p689
+sg11
+S'wa'
+p690
+sg13
+S'7:20pm'
+p691
+sg15
+S'tonight'
+p692
+sg17
+S'2016-03-08'
+p693
+sg19
+S'wa'
+p694
+sg21
+S'deadpool'
+p695
+ssI63
+(dp696
+g3
+S'seattle'
+p697
+sg5
+S'AMC PACIFIC PLACE 11'
+p698
+sg95
+S'98101'
+p699
+sg7
+S'8:15pm'
+p700
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p701
+sg491
+S'amc'
+p702
+sg11
+S'wa'
+p703
+sg13
+S'8:15pm'
+p704
+sg15
+S'tonight'
+p705
+sg17
+S'2016-03-08'
+p706
+sg19
+S'wa'
+p707
+sg21
+S'deadpool'
+p708
+ssI64
+(dp709
+g3
+S'seattle'
+p710
+sg5
+S'AMC PACIFIC PLACE 11'
+p711
+sg95
+S'98101'
+p712
+sg7
+S'9:00pm'
+p713
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p714
+sg491
+S'amc'
+p715
+sg11
+S'wa'
+p716
+sg13
+S'9:00pm'
+p717
+sg15
+S'tonight'
+p718
+sg17
+S'2016-03-08'
+p719
+sg19
+S'wa'
+p720
+sg21
+S'deadpool'
+p721
+ssI65
+(dp722
+g3
+S'seattle'
+p723
+sg5
+S'AMC PACIFIC PLACE 11'
+p724
+sg95
+S'98101'
+p725
+sg7
+S'10:00pm'
+p726
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p727
+sg491
+S'amc'
+p728
+sg11
+S'wa'
+p729
+sg13
+S'10:00pm'
+p730
+sg15
+S'tonight'
+p731
+sg17
+S'2016-03-08'
+p732
+sg19
+S'wa'
+p733
+sg21
+S'deadpool'
+p734
+ssI66
+(dp735
+g3
+S'Bellevue'
+p736
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p737
+sg95
+S'98004'
+p738
+sg7
+S'6:25pm'
+p739
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p740
+sg11
+S'wa'
+p741
+sg13
+S'6:25pm'
+p742
+sg15
+S'tonight'
+p743
+sg17
+S'2016-03-08'
+p744
+sg19
+S'wa'
+p745
+sg21
+S'deadpool'
+p746
+ssI67
+(dp747
+g3
+S'Bellevue'
+p748
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p749
+sg95
+S'98004'
+p750
+sg7
+S'7:25pm'
+p751
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p752
+sg11
+S'wa'
+p753
+sg13
+S'7:25pm'
+p754
+sg15
+S'tonight'
+p755
+sg17
+S'2016-03-08'
+p756
+sg19
+S'wa'
+p757
+sg21
+S'deadpool'
+p758
+ssI68
+(dp759
+g3
+S'Bellevue'
+p760
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p761
+sg95
+S'98004'
+p762
+sg7
+S'9:20pm'
+p763
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p764
+sg11
+S'wa'
+p765
+sg13
+S'9:20pm'
+p766
+sg15
+S'tonight'
+p767
+sg17
+S'2016-03-08'
+p768
+sg19
+S'wa'
+p769
+sg21
+S'deadpool'
+p770
+ssI69
+(dp771
+g3
+S'Bellevue'
+p772
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p773
+sg95
+S'98004'
+p774
+sg7
+S'10:20pm'
+p775
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p776
+sg11
+S'wa'
+p777
+sg13
+S'10:20pm'
+p778
+sg15
+S'tonight'
+p779
+sg17
+S'2016-03-08'
+p780
+sg19
+S'wa'
+p781
+sg21
+S'deadpool'
+p782
+ssI70
+(dp783
+g3
+S'seattle'
+p784
+sg5
+S'big picture seattle'
+p785
+sg95
+S'98121'
+p786
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p787
+sg11
+S'wa'
+p788
+sg15
+S'tonight'
+p789
+sg17
+S'2016-03-08'
+p790
+sg19
+S'wa'
+p791
+sg21
+S'deadpool'
+p792
+ssI71
+(dp793
+g3
+S'Buford'
+p794
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p795
+sg15
+S'friday'
+p796
+sg11
+S'Georgia'
+p797
+sg455
+S'comedy'
+p798
+sg17
+S'2016-03-11'
+p799
+sg19
+S'ga'
+p800
+sg21
+S'deadpool'
+p801
+ssI72
+(dp802
+g3
+S'philadelphia'
+p803
+sg5
+S'The Pearl Theatre'
+p804
+sg95
+S'19121'
+p805
+sg7
+S'7:30pm'
+p806
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p807
+sg11
+S'pa'
+p808
+sg13
+S'7:30PM'
+p809
+sg15
+S'tomorrow'
+p810
+sg17
+S'2016-03-09'
+p811
+sg19
+S'pa'
+p812
+sg21
+S'deadpool'
+p813
+ssI73
+(dp814
+g3
+S'philadelphia'
+p815
+sg95
+S'19101'
+p816
+sg450
+S'near'
+p817
+sg7
+S'1:30pm'
+p818
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p819
+sg11
+S'pa'
+p820
+sg13
+S'1:30pm'
+p821
+sg15
+S'tomorrow'
+p822
+sg17
+S'2016-03-09'
+p823
+sg19
+S'pa'
+p824
+sg21
+S'deadpool'
+p825
+ssI74
+(dp826
+g3
+S'philadelphia'
+p827
+sg95
+S'19101'
+p828
+sg450
+S'near'
+p829
+sg7
+S'4:30pm'
+p830
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p831
+sg11
+S'pa'
+p832
+sg13
+S'4:30pm'
+p833
+sg15
+S'tomorrow'
+p834
+sg17
+S'2016-03-09'
+p835
+sg19
+S'pa'
+p836
+sg21
+S'deadpool'
+p837
+ssI75
+(dp838
+g3
+S'philadelphia'
+p839
+sg95
+S'19101'
+p840
+sg450
+S'near'
+p841
+sg7
+S'10:00pm'
+p842
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p843
+sg11
+S'pa'
+p844
+sg13
+S'10:00pm'
+p845
+sg15
+S'tomorrow'
+p846
+sg17
+S'2016-03-09'
+p847
+sg19
+S'pa'
+p848
+sg21
+S'deadpool'
+p849
+ssI76
+(dp850
+g3
+S'Carbondale'
+p851
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p852
+sg95
+S'62901'
+p853
+sg7
+S'2:30pm'
+p854
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p855
+sg491
+S'amc'
+p856
+sg11
+S'illinois'
+p857
+sg13
+S'2:30pm'
+p858
+sg15
+S'tomorrow'
+p859
+sg17
+S'2016-03-09'
+p860
+sg19
+S'il'
+p861
+sg21
+S'deadpool'
+p862
+ssI77
+(dp863
+g3
+S'Carbondale'
+p864
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p865
+sg95
+S'62901'
+p866
+sg7
+S'5:10pm'
+p867
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p868
+sg491
+S'amc'
+p869
+sg11
+S'illinois'
+p870
+sg13
+S'5:10pm'
+p871
+sg15
+S'tomorrow'
+p872
+sg17
+S'2016-03-09'
+p873
+sg19
+S'il'
+p874
+sg21
+S'deadpool'
+p875
+ssI78
+(dp876
+g3
+S'Carbondale'
+p877
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p878
+sg95
+S'62901'
+p879
+sg7
+S'7:45pm'
+p880
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p881
+sg491
+S'amc'
+p882
+sg11
+S'illinois'
+p883
+sg13
+S'7:45pm'
+p884
+sg15
+S'tomorrow'
+p885
+sg17
+S'2016-03-09'
+p886
+sg19
+S'il'
+p887
+sg21
+S'deadpool'
+p888
+ssI79
+(dp889
+g3
+S'Carbondale'
+p890
+sg5
+S' AMC UNIVERSITY PLACE 8'
+p891
+sg95
+S'62901'
+p892
+sg7
+S'4:40pm'
+p893
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p894
+sg491
+S'amc'
+p895
+sg11
+S'illinois'
+p896
+sg13
+S'4:40pm'
+p897
+sg15
+S'tomorrow'
+p898
+sg17
+S'2016-03-09'
+p899
+sg19
+S'il'
+p900
+sg21
+S'deadpool'
+p901
+ssI80
+(dp902
+g3
+S'Carbondale'
+p903
+sg5
+S' AMC UNIVERSITY PLACE 8'
+p904
+sg95
+S'62901'
+p905
+sg7
+S'7:15pm'
+p906
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p907
+sg491
+S'amc'
+p908
+sg11
+S'illinois'
+p909
+sg13
+S'7:15pm'
+p910
+sg15
+S'tomorrow'
+p911
+sg17
+S'2016-03-09'
+p912
+sg19
+S'il'
+p913
+sg21
+S'deadpool'
+p914
+ssI81
+(dp915
+g5
+S'amc pacific place 11'
+p916
+sg95
+S'98119'
+p917
+sg450
+S'near'
+p918
+sg7
+S'8:15pm'
+p919
+sg9
+S'e3f1dba2-09df-4b0f-a111-f6abce6299f7'
+p920
+sg491
+S'amc'
+p921
+sg13
+S'8:15pm'
+p922
+sg15
+S'tonight'
+p923
+sg17
+S'2016-03-08'
+p924
+sg21
+S'deadpool'
+p925
+ssI82
+(dp926
+g3
+S'birmingham'
+p927
+sg5
+S'Carmike Summit 16'
+p928
+sg95
+S'35243'
+p929
+sg450
+S'near'
+p930
+sg7
+S'4:20pm'
+p931
+sg9
+S'fcc562b3-1818-4c9c-a92e-0f2e054f5275'
+p932
+sg15
+S'tonight'
+p933
+sg11
+S'al'
+p934
+sg13
+S'4:20pm'
+p935
+sg455
+S'comedy'
+p936
+sg17
+S'2016-03-09'
+p937
+sg19
+S'al'
+p938
+sg21
+S'deadpool'
+p939
+ssI83
+(dp940
+g3
+S'birmingham'
+p941
+sg5
+S'Carmike Summit 16'
+p942
+sg95
+S'35243'
+p943
+sg450
+S'near'
+p944
+sg7
+S'2:20pm'
+p945
+sg9
+S'fcc562b3-1818-4c9c-a92e-0f2e054f5275'
+p946
+sg15
+S'tonight'
+p947
+sg11
+S'al'
+p948
+sg13
+S'2:20'
+p949
+sg455
+S'comedy'
+p950
+sg17
+S'2016-03-09'
+p951
+sg19
+S'al'
+p952
+sg21
+S'deadpool'
+p953
+ssI84
+(dp954
+g3
+S'birmingham'
+p955
+sg5
+S'Carmike Summit 16'
+p956
+sg95
+S'35243'
+p957
+sg450
+S'near'
+p958
+sg7
+S'2:20pm'
+p959
+sg9
+S'd8f82c80-c552-4594-a232-2d6c46ef3fb6'
+p960
+sg15
+S'tonight'
+p961
+sg11
+S'al'
+p962
+sg13
+S'2:20'
+p963
+sg455
+S'comedy'
+p964
+sg17
+S'2016-03-12'
+p965
+sg19
+S'al'
+p966
+sg21
+S'deadpool'
+p967
+ssI85
+(dp968
+g3
+S'birmingham'
+p969
+sg5
+S'Carmike Summit 16'
+p970
+sg95
+S'35243'
+p971
+sg7
+S'7:20pm'
+p972
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p973
+sg11
+S'al'
+p974
+sg13
+S'7:20pm'
+p975
+sg15
+S'tomorrow'
+p976
+sg17
+S'2016-03-10'
+p977
+sg19
+S'al'
+p978
+sg21
+S'deadpool'
+p979
+ssI86
+(dp980
+g3
+S'birmingham'
+p981
+sg5
+S'Carmike Summit 16'
+p982
+sg95
+S'35243'
+p983
+sg7
+S'4:20pm'
+p984
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p985
+sg11
+S'al'
+p986
+sg13
+S'4:20pm'
+p987
+sg15
+S'tomorrow'
+p988
+sg17
+S'2016-03-10'
+p989
+sg19
+S'al'
+p990
+sg21
+S'deadpool'
+p991
+ssI87
+(dp992
+g3
+S'birmingham'
+p993
+sg5
+S'Carmike Summit 16'
+p994
+sg95
+S'35243'
+p995
+sg7
+S'2:05pm'
+p996
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p997
+sg11
+S'al'
+p998
+sg13
+S'2:05pm'
+p999
+sg15
+S'Sunday'
+p1000
+sg17
+S'2016-03-13'
+p1001
+sg19
+S'al'
+p1002
+sg21
+S'deadpool'
+p1003
+ssI88
+(dp1004
+g3
+S'seattle'
+p1005
+sg5
+S'AMC PACIFIC PLACE 11'
+p1006
+sg95
+S'98101'
+p1007
+sg7
+S'8:10pm'
+p1008
+sg9
+S'c8c80c17-df18-4b43-a7fd-b3c5477d88d1'
+p1009
+sg491
+S'amc'
+p1010
+sg11
+S'wa'
+p1011
+sg13
+S'8:10pm'
+p1012
+sg15
+S'friday'
+p1013
+sg17
+S'2016-03-11'
+p1014
+sg19
+S'wa'
+p1015
+sg21
+S'deadpool'
+p1016
+ssI89
+(dp1017
+g3
+S'Johnstown'
+p1018
+sg5
+S'RICHLAND CINEMAS'
+p1019
+sg7
+S'7:20pm'
+p1020
+sg9
+S'0a5ff2f0-1385-4c4e-95f6-9ebe4be9390c'
+p1021
+sg11
+S'Pennsylvania'
+p1022
+sg13
+S'7:20PM'
+p1023
+sg15
+S'tomorrow'
+p1024
+sg17
+S'2016-03-09'
+p1025
+sg19
+S'pa'
+p1026
+sg21
+S'deadpool'
+p1027
+ssI90
+(dp1028
+g3
+S'Johnstown'
+p1029
+sg5
+S'RICHLAND CINEMAS'
+p1030
+sg7
+S'9:50pm'
+p1031
+sg9
+S'0a5ff2f0-1385-4c4e-95f6-9ebe4be9390c'
+p1032
+sg11
+S'Pennsylvania'
+p1033
+sg13
+S'9:50 PM '
+p1034
+sg17
+S'2016-03-09'
+p1035
+sg19
+S'pa'
+p1036
+sg21
+S'deadpool'
+p1037
+ssI91
+(dp1038
+g3
+S'seattle'
+p1039
+sg5
+S'Big Picture'
+p1040
+sg7
+S'6:00pm'
+p1041
+sg9
+S'e039dadc-92e0-4a01-b45e-fb1dd240ae18'
+p1042
+sg11
+S'wa'
+p1043
+sg13
+S'6pm'
+p1044
+sg15
+S'today'
+p1045
+sg17
+S'2016-03-09'
+p1046
+sg19
+S'wa'
+p1047
+sg21
+S'deadpool'
+p1048
+ssI92
+(dp1049
+g3
+S'seattle'
+p1050
+sg5
+S'Big Picture'
+p1051
+sg7
+S'8:30pm'
+p1052
+sg9
+S'e039dadc-92e0-4a01-b45e-fb1dd240ae18'
+p1053
+sg11
+S'wa'
+p1054
+sg13
+S'8:30pm'
+p1055
+sg15
+S'today'
+p1056
+sg17
+S'2016-03-09'
+p1057
+sg19
+S'wa'
+p1058
+sg21
+S'deadpool'
+p1059
+ssI93
+(dp1060
+g3
+S'royal oak'
+p1061
+sg5
+S'emagine theater'
+p1062
+sg7
+S'10:05am'
+p1063
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1064
+sg11
+S'mi'
+p1065
+sg13
+S'10:05am'
+p1066
+sg15
+S'Friday'
+p1067
+sg17
+S'2016-03-11'
+p1068
+sg19
+S'mi'
+p1069
+sg21
+S'deadpool'
+p1070
+ssI94
+(dp1071
+g3
+S'royal oak'
+p1072
+sg5
+S'emagine theater'
+p1073
+sg7
+S'12:30pm'
+p1074
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1075
+sg11
+S'mi'
+p1076
+sg13
+S'12:30pm'
+p1077
+sg15
+S'Friday'
+p1078
+sg17
+S'2016-03-11'
+p1079
+sg19
+S'mi'
+p1080
+sg21
+S'deadpool'
+p1081
+ssI95
+(dp1082
+g3
+S'royal oak'
+p1083
+sg5
+S'emagine theater'
+p1084
+sg7
+S'2:55pm'
+p1085
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1086
+sg11
+S'mi'
+p1087
+sg13
+S'2:55pm'
+p1088
+sg15
+S'Friday'
+p1089
+sg17
+S'2016-03-11'
+p1090
+sg19
+S'mi'
+p1091
+sg21
+S'deadpool'
+p1092
+ssI96
+(dp1093
+g3
+S'royal oak'
+p1094
+sg5
+S'emagine theater'
+p1095
+sg7
+S'5:30pm'
+p1096
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1097
+sg11
+S'mi'
+p1098
+sg13
+S'5:30pm'
+p1099
+sg15
+S'Friday'
+p1100
+sg17
+S'2016-03-11'
+p1101
+sg19
+S'mi'
+p1102
+sg21
+S'deadpool'
+p1103
+ssI97
+(dp1104
+g3
+S'royal oak'
+p1105
+sg5
+S'emagine theater'
+p1106
+sg7
+S'8:00pm'
+p1107
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1108
+sg11
+S'mi'
+p1109
+sg13
+S'8:00pm'
+p1110
+sg15
+S'Friday'
+p1111
+sg17
+S'2016-03-11'
+p1112
+sg19
+S'mi'
+p1113
+sg21
+S'deadpool'
+p1114
+ssI98
+(dp1115
+g3
+S'royal oak'
+p1116
+sg5
+S'emagine theater'
+p1117
+sg7
+S'10:40pm'
+p1118
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1119
+sg11
+S'mi'
+p1120
+sg13
+S'10:40pm'
+p1121
+sg15
+S'Friday'
+p1122
+sg17
+S'2016-03-11'
+p1123
+sg19
+S'mi'
+p1124
+sg21
+S'deadpool'
+p1125
+ssI99
+(dp1126
+g3
+S'Madison Heights'
+p1127
+sg5
+S'AMC STAR JOHN R 15'
+p1128
+sg95
+S'48071'
+p1129
+sg7
+S'11:40am'
+p1130
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1131
+sg11
+S'mi'
+p1132
+sg13
+S'11:40am'
+p1133
+sg15
+S'Friday'
+p1134
+sg17
+S'2016-03-11'
+p1135
+sg19
+S'mi'
+p1136
+sg21
+S'deadpool'
+p1137
+ssI100
+(dp1138
+g3
+S'Madison Heights'
+p1139
+sg5
+S'AMC STAR JOHN R 15'
+p1140
+sg95
+S'48071'
+p1141
+sg7
+S'2:30pm'
+p1142
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1143
+sg11
+S'mi'
+p1144
+sg13
+S'2:30pm'
+p1145
+sg15
+S'Friday'
+p1146
+sg17
+S'2016-03-11'
+p1147
+sg19
+S'mi'
+p1148
+sg21
+S'deadpool'
+p1149
+ssI101
+(dp1150
+g3
+S'Madison Heights'
+p1151
+sg5
+S'AMC STAR JOHN R 15'
+p1152
+sg95
+S'48071'
+p1153
+sg7
+S'4:35pm'
+p1154
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1155
+sg11
+S'mi'
+p1156
+sg13
+S'4:35pm'
+p1157
+sg15
+S'Friday'
+p1158
+sg17
+S'2016-03-11'
+p1159
+sg19
+S'mi'
+p1160
+sg21
+S'deadpool'
+p1161
+ssI102
+(dp1162
+g3
+S'Madison Heights'
+p1163
+sg5
+S'AMC STAR JOHN R 15'
+p1164
+sg95
+S'48071'
+p1165
+sg7
+S'5:10pm'
+p1166
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1167
+sg11
+S'mi'
+p1168
+sg13
+S'5:10pm'
+p1169
+sg15
+S'Friday'
+p1170
+sg17
+S'2016-03-11'
+p1171
+sg19
+S'mi'
+p1172
+sg21
+S'deadpool'
+p1173
+ssI103
+(dp1174
+g3
+S'Madison Heights'
+p1175
+sg5
+S'AMC STAR JOHN R 15'
+p1176
+sg95
+S'48071'
+p1177
+sg7
+S'7:15pm'
+p1178
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1179
+sg11
+S'mi'
+p1180
+sg13
+S'7:15pm'
+p1181
+sg15
+S'Friday'
+p1182
+sg17
+S'2016-03-11'
+p1183
+sg19
+S'mi'
+p1184
+sg21
+S'deadpool'
+p1185
+ssI104
+(dp1186
+g3
+S'Madison Heights'
+p1187
+sg5
+S'AMC STAR JOHN R 15'
+p1188
+sg95
+S'48071'
+p1189
+sg7
+S'8:00pm'
+p1190
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1191
+sg11
+S'mi'
+p1192
+sg13
+S'8:00pm'
+p1193
+sg15
+S'Friday'
+p1194
+sg17
+S'2016-03-11'
+p1195
+sg19
+S'mi'
+p1196
+sg21
+S'deadpool'
+p1197
+ssI105
+(dp1198
+g3
+S'Madison Heights'
+p1199
+sg5
+S'AMC STAR JOHN R 15'
+p1200
+sg95
+S'48071'
+p1201
+sg7
+S'10:00pm'
+p1202
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1203
+sg11
+S'mi'
+p1204
+sg13
+S'10:00pm'
+p1205
+sg15
+S'Friday'
+p1206
+sg17
+S'2016-03-11'
+p1207
+sg19
+S'mi'
+p1208
+sg21
+S'deadpool'
+p1209
+ssI106
+(dp1210
+g3
+S'Madison Heights'
+p1211
+sg5
+S'AMC STAR JOHN R 15'
+p1212
+sg95
+S'48071'
+p1213
+sg7
+S'10:45pm'
+p1214
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1215
+sg11
+S'mi'
+p1216
+sg13
+S'10:45pm'
+p1217
+sg15
+S'Friday'
+p1218
+sg17
+S'2016-03-11'
+p1219
+sg19
+S'mi'
+p1220
+sg21
+S'deadpool'
+p1221
+ssI107
+(dp1222
+g3
+S'arlington'
+p1223
+sg5
+S'Cinemark Tinseltown 9'
+p1224
+sg7
+S'10:05pm'
+p1225
+sg9
+S'1fc2880b-9531-4d01-ab68-62ae9dbaf1d9'
+p1226
+sg11
+S'texas'
+p1227
+sg13
+S'10:05'
+p1228
+sg15
+S'tonight'
+p1229
+sg17
+S'2016-03-11'
+p1230
+sg19
+S'tx'
+p1231
+sg21
+S'deadpool'
+p1232
+ssI108
+(dp1233
+g3
+S'boston'
+p1234
+sg5
+S'AMC LOEWS BOSTON COMMON 19'
+p1235
+sg95
+S'02111'
+p1236
+sg7
+S'8:20pm'
+p1237
+sg9
+S'e62adbee-1280-4847-9a98-426846b76d7e'
+p1238
+sg491
+S'AMC'
+p1239
+sg11
+S'MA'
+p1240
+sg13
+S'8:20'
+p1241
+sg15
+S'saturday'
+p1242
+sg17
+S'2016-03-12'
+p1243
+sg19
+S'ma'
+p1244
+sg21
+S'deadpool'
+p1245
+ssI109
+(dp1246
+g3
+S'los angeles'
+p1247
+sg5
+S'Pacific Theatres'
+p1248
+sg7
+S'8:05pm'
+p1249
+sg9
+S'be64db44-edeb-4e54-9670-320abb7ccd3b'
+p1250
+sg11
+S'ca'
+p1251
+sg13
+S'8:05'
+p1252
+sg15
+S'tomorrow'
+p1253
+sg17
+S'2016-03-11'
+p1254
+sg19
+S'ca'
+p1255
+sg21
+S'deadpool'
+p1256
+ssI110
+(dp1257
+g3
+S'visalia'
+p1258
+sg5
+S'Regal Visalia Stadium 10'
+p1259
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p1260
+sg11
+S'ca'
+p1261
+sg17
+S'2016-03-10'
+p1262
+sg19
+S'ca'
+p1263
+sg21
+S'deadpool'
+p1264
+ssI111
+(dp1265
+g7
+S'10:45am'
+p1266
+sg3
+S'Evanston'
+p1267
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1268
+sg95
+S'60201'
+p1269
+sg618
+S'top rated'
+p1270
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1271
+sg11
+S'IL'
+p1272
+sg13
+S'10:45am'
+p1273
+sg15
+S'tomorrow'
+p1274
+sg17
+S'2016-03-10'
+p1275
+sg19
+S'IL'
+p1276
+sg21
+S'deadpool'
+p1277
+ssI112
+(dp1278
+g7
+S'12:00pm'
+p1279
+sg3
+S'Evanston'
+p1280
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1281
+sg95
+S'60201'
+p1282
+sg618
+S'top rated'
+p1283
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1284
+sg11
+S'IL'
+p1285
+sg13
+S'12:00pm'
+p1286
+sg15
+S'tomorrow'
+p1287
+sg17
+S'2016-03-10'
+p1288
+sg19
+S'IL'
+p1289
+sg21
+S'deadpool'
+p1290
+ssI113
+(dp1291
+g7
+S'2:40pm'
+p1292
+sg3
+S'Evanston'
+p1293
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1294
+sg95
+S'60201'
+p1295
+sg618
+S'top rated'
+p1296
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1297
+sg11
+S'IL'
+p1298
+sg13
+S'2:40pm'
+p1299
+sg15
+S'tomorrow'
+p1300
+sg17
+S'2016-03-10'
+p1301
+sg19
+S'IL'
+p1302
+sg21
+S'deadpool'
+p1303
+ssI114
+(dp1304
+g7
+S'4:05pm'
+p1305
+sg3
+S'Evanston'
+p1306
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1307
+sg95
+S'60201'
+p1308
+sg618
+S'top rated'
+p1309
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1310
+sg11
+S'IL'
+p1311
+sg13
+S'4:05pm'
+p1312
+sg15
+S'tomorrow'
+p1313
+sg17
+S'2016-03-10'
+p1314
+sg19
+S'IL'
+p1315
+sg21
+S'deadpool'
+p1316
+ssI115
+(dp1317
+g7
+S'5:20pm'
+p1318
+sg3
+S'Evanston'
+p1319
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1320
+sg95
+S'60201'
+p1321
+sg618
+S'top rated'
+p1322
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1323
+sg11
+S'IL'
+p1324
+sg13
+S'5:20pm'
+p1325
+sg15
+S'tomorrow'
+p1326
+sg17
+S'2016-03-10'
+p1327
+sg19
+S'IL'
+p1328
+sg21
+S'deadpool'
+p1329
+ssI116
+(dp1330
+g7
+S'8:00pm'
+p1331
+sg3
+S'Evanston'
+p1332
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1333
+sg95
+S'60201'
+p1334
+sg618
+S'top rated'
+p1335
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1336
+sg11
+S'IL'
+p1337
+sg13
+S'8:00pm'
+p1338
+sg15
+S'tomorrow'
+p1339
+sg17
+S'2016-03-10'
+p1340
+sg19
+S'IL'
+p1341
+sg21
+S'deadpool'
+p1342
+ssI117
+(dp1343
+g7
+S'10:40pm'
+p1344
+sg3
+S'Evanston'
+p1345
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1346
+sg95
+S'60201'
+p1347
+sg618
+S'top rated'
+p1348
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1349
+sg11
+S'IL'
+p1350
+sg13
+S'10:40pm'
+p1351
+sg15
+S'tomorrow'
+p1352
+sg17
+S'2016-03-10'
+p1353
+sg19
+S'IL'
+p1354
+sg21
+S'deadpool'
+p1355
+ssI118
+(dp1356
+g3
+S'Clear Lake'
+p1357
+sg5
+S'lake theater'
+p1358
+sg7
+S'7:00pm'
+p1359
+sg9
+S'53e4b4b4-0b55-46f2-bcb5-2000eba844e3'
+p1360
+sg15
+S'tomorrow'
+p1361
+sg11
+S'IA'
+p1362
+sg13
+S'7pm'
+p1363
+sg455
+S'action'
+p1364
+sg17
+S'2016-03-11'
+p1365
+sg19
+S'IA'
+p1366
+sg21
+S'deadpool'
+p1367
+ssI119
+(dp1368
+g3
+S'Mason city'
+p1369
+sg5
+S'Cinema West'
+p1370
+sg7
+S'6:40pm'
+p1371
+sg9
+S'53e4b4b4-0b55-46f2-bcb5-2000eba844e3'
+p1372
+sg11
+S'IA'
+p1373
+sg13
+S'6:40pm'
+p1374
+sg15
+S'tonight'
+p1375
+sg17
+S'2016-03-10'
+p1376
+sg19
+S'IA'
+p1377
+sg21
+S'deadpool'
+p1378
+ssI120
+(dp1379
+g3
+S'dallas'
+p1380
+sg5
+S'alamo draft house'
+p1381
+sg7
+S'5:00pm'
+p1382
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1383
+sg11
+S'tx'
+p1384
+sg13
+S'5pm'
+p1385
+sg15
+S'tonight'
+p1386
+sg17
+S'2016-03-10'
+p1387
+sg19
+S'tx'
+p1388
+sg21
+S'deadpool'
+p1389
+ssI121
+(dp1390
+g3
+S'dallas'
+p1391
+sg5
+S'alamo draft house'
+p1392
+sg7
+S'7:55pm'
+p1393
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1394
+sg11
+S'tx'
+p1395
+sg13
+S'7:55pm'
+p1396
+sg15
+S'tonight'
+p1397
+sg17
+S'2016-03-10'
+p1398
+sg19
+S'tx'
+p1399
+sg21
+S'deadpool'
+p1400
+ssI122
+(dp1401
+g3
+S'dallas'
+p1402
+sg5
+S'alamo draft house'
+p1403
+sg7
+S'10:15pm'
+p1404
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1405
+sg11
+S'tx'
+p1406
+sg13
+S'10:15pm'
+p1407
+sg15
+S'tonight'
+p1408
+sg17
+S'2016-03-10'
+p1409
+sg19
+S'tx'
+p1410
+sg21
+S'deadpool'
+p1411
+ssI123
+(dp1412
+g3
+S'Los Angeles'
+p1413
+sg5
+S'regal live stadium 14'
+p1414
+sg95
+S'90015'
+p1415
+sg7
+S'8:00pm'
+p1416
+sg9
+S'da21c48d-026d-478f-b297-73dcca348f8f'
+p1417
+sg11
+S'ca'
+p1418
+sg13
+S'8 pm'
+p1419
+sg15
+S'tomorrow'
+p1420
+sg17
+S'2016-03-11'
+p1421
+sg19
+S'ca'
+p1422
+sg21
+S'deadpool'
+p1423
+ssI124
+(dp1424
+g3
+S'hamilton'
+p1425
+sg5
+S'AMC Hamilton 24'
+p1426
+sg7
+S'7:05pm'
+p1427
+sg9
+S'8189a79a-0d4e-4851-a370-0464f9e41c07'
+p1428
+sg491
+S'amc'
+p1429
+sg11
+S'nj'
+p1430
+sg13
+S'7:05'
+p1431
+sg15
+S'tomorrow'
+p1432
+sg17
+S'2016-03-10'
+p1433
+sg19
+S'nj'
+p1434
+sg21
+S'deadpool'
+p1435
+ssI125
+(dp1436
+g3
+S'Detroit'
+p1437
+sg5
+S'amc star fairlane 21'
+p1438
+sg7
+S'7:05'
+p1439
+sg9
+S'bd652411-9467-4c1c-8408-931af12211dd'
+p1440
+sg491
+S'amc'
+p1441
+sg11
+S'mi'
+p1442
+sg13
+S'7:05'
+p1443
+sg15
+S'tomorrow'
+p1444
+sg17
+S'2016-03-11'
+p1445
+sg19
+S'mi'
+p1446
+sg21
+S'deadpool'
+p1447
+ssI126
+(dp1448
+g3
+S'los angeles'
+p1449
+sg5
+S'regal la live stadium 14'
+p1450
+sg7
+S'12:00pm'
+p1451
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1452
+sg491
+S'amc'
+p1453
+sg11
+S'ca'
+p1454
+sg13
+S'12:00pm'
+p1455
+sg15
+S'saturday'
+p1456
+sg17
+S'2016-03-12'
+p1457
+sg19
+S'ca'
+p1458
+sg21
+S'deadpool'
+p1459
+ssI127
+(dp1460
+g3
+S'los angeles'
+p1461
+sg5
+S'regal la live stadium 14'
+p1462
+sg7
+S'1:00pm'
+p1463
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1464
+sg491
+S'amc'
+p1465
+sg11
+S'ca'
+p1466
+sg13
+S'1:00pm'
+p1467
+sg15
+S'saturday'
+p1468
+sg17
+S'2016-03-12'
+p1469
+sg19
+S'ca'
+p1470
+sg21
+S'deadpool'
+p1471
+ssI128
+(dp1472
+g3
+S'los angeles'
+p1473
+sg5
+S'regal la live stadium 14'
+p1474
+sg7
+S'3:00pm'
+p1475
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1476
+sg491
+S'amc'
+p1477
+sg11
+S'ca'
+p1478
+sg13
+S'3:00pm'
+p1479
+sg15
+S'saturday'
+p1480
+sg17
+S'2016-03-12'
+p1481
+sg19
+S'ca'
+p1482
+sg21
+S'deadpool'
+p1483
+ssI129
+(dp1484
+g3
+S'los angeles'
+p1485
+sg5
+S'regal la live stadium 14'
+p1486
+sg7
+S'6:00pm'
+p1487
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1488
+sg491
+S'amc'
+p1489
+sg11
+S'ca'
+p1490
+sg13
+S'6:00pm'
+p1491
+sg15
+S'saturday'
+p1492
+sg17
+S'2016-03-12'
+p1493
+sg19
+S'ca'
+p1494
+sg21
+S'deadpool'
+p1495
+ssI130
+(dp1496
+g3
+S'los angeles'
+p1497
+sg5
+S'regal la live stadium 14'
+p1498
+sg7
+S'7:00pm'
+p1499
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1500
+sg491
+S'amc'
+p1501
+sg11
+S'ca'
+p1502
+sg13
+S'7:00pm'
+p1503
+sg15
+S'saturday'
+p1504
+sg17
+S'2016-03-12'
+p1505
+sg19
+S'ca'
+p1506
+sg21
+S'deadpool'
+p1507
+ssI131
+(dp1508
+g3
+S'los angeles'
+p1509
+sg5
+S'regal la live stadium 14'
+p1510
+sg7
+S'9:00pm'
+p1511
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1512
+sg491
+S'amc'
+p1513
+sg11
+S'ca'
+p1514
+sg13
+S'9:00pm'
+p1515
+sg15
+S'saturday'
+p1516
+sg17
+S'2016-03-12'
+p1517
+sg19
+S'ca'
+p1518
+sg21
+S'deadpool'
+p1519
+ssI132
+(dp1520
+g3
+S'los angeles'
+p1521
+sg5
+S'regal la live stadium 14'
+p1522
+sg7
+S'11:40pm'
+p1523
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1524
+sg491
+S'amc'
+p1525
+sg11
+S'ca'
+p1526
+sg13
+S'11:40pm'
+p1527
+sg15
+S'saturday'
+p1528
+sg17
+S'2016-03-12'
+p1529
+sg19
+S'ca'
+p1530
+sg21
+S'deadpool'
+p1531
+ssI133
+(dp1532
+g3
+S'seattle'
+p1533
+sg5
+S'regal meridian 16'
+p1534
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1535
+sg11
+S'wa'
+p1536
+sg15
+S'tonight'
+p1537
+sg17
+S'2016-03-08'
+p1538
+sg19
+S'wa'
+p1539
+sg21
+S'eddie the eagle'
+p1540
+ssI134
+(dp1541
+g5
+S'Century Rowland Plaza'
+p1542
+sg95
+S'94952'
+p1543
+sg7
+S'4:20pm'
+p1544
+sg9
+S'd60cff39-e90b-4c2e-af42-3b08dc13384b'
+p1545
+sg13
+S'4:20pm'
+p1546
+sg15
+S'next Friday'
+p1547
+sg17
+S'2016-03-11'
+p1548
+sg21
+S'eddie the eagle'
+p1549
+ssI135
+(dp1550
+g5
+S'Century Rowland Plaza'
+p1551
+sg95
+S'94952'
+p1552
+sg7
+S'6:55pm'
+p1553
+sg9
+S'd60cff39-e90b-4c2e-af42-3b08dc13384b'
+p1554
+sg13
+S'6:55pm'
+p1555
+sg15
+S'next Friday'
+p1556
+sg17
+S'2016-03-11'
+p1557
+sg21
+S'eddie the eagle'
+p1558
+ssI136
+(dp1559
+g9
+S'8e93ed3a-9ae1-445e-aae6-42fada6d1575'
+p1560
+sg455
+S'drama'
+p1561
+sg17
+S'2016-03-08'
+p1562
+sg21
+S'eddie the eagle'
+p1563
+ssI137
+(dp1564
+g9
+S'eebf8ebf-afd8-4412-96df-9617ba75a4bc'
+p1565
+sg15
+S'tonight'
+p1566
+sg17
+S'2016-03-08'
+p1567
+sg21
+S'eddie the eagle'
+p1568
+sg5
+S'Regal Meridian 16'
+p1569
+ssI138
+(dp1570
+g3
+S'Princeton'
+p1571
+sg5
+S'AMC Marketfair 10'
+p1572
+sg7
+S'6:45pm'
+p1573
+sg9
+S'0df2a80f-7964-4d6f-a0d1-a33a9ba0ad84'
+p1574
+sg15
+S'tomorrow'
+p1575
+sg11
+S'nj'
+p1576
+sg13
+S'6:45pm'
+p1577
+sg455
+S'drama'
+p1578
+sg17
+S'2016-03-11'
+p1579
+sg19
+S'nj'
+p1580
+sg21
+S'eddie the eagle'
+p1581
+ssI139
+(dp1582
+g3
+S'Chico'
+p1583
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p1584
+sg15
+S'tomorrow'
+p1585
+sg455
+S'drama'
+p1586
+sg17
+S'2016-03-10'
+p1587
+sg19
+S'ca'
+p1588
+sg21
+S'eddie the eagle'
+p1589
+ssI140
+(dp1590
+g9
+S'e62adbee-1280-4847-9a98-426846b76d7e'
+p1591
+sg21
+S'lolo'
+p1592
+ssI141
+(dp1593
+g9
+S'fa6cfa89-304f-48c2-b559-a319eec7b0dc'
+p1594
+sg17
+S'2016-06-17'
+p1595
+sg21
+S'finding dory'
+p1596
+ssI142
+(dp1597
+g3
+S'Bayou Vista'
+p1598
+sg462
+S"Mortal hero Bek teams with the god Horus in an alliance against Set the merciless god of darkness who has usurped Egypt's throne plunging the once peaceful and prosperous empire into chaos and conflict"
+p1599
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p1600
+sg15
+S'this weekend'
+p1601
+sg11
+S'la'
+p1602
+sg455
+S'action'
+p1603
+sg17
+S'2016-03-12'
+p1604
+sg19
+S'la'
+p1605
+sg21
+S'gods of egypt'
+p1606
+ssI143
+(dp1607
+g3
+S'seattle'
+p1608
+sg5
+S'regal meridian 16'
+p1609
+sg9
+S'eebf8ebf-afd8-4412-96df-9617ba75a4bc'
+p1610
+sg15
+S'tonight'
+p1611
+sg455
+S'action'
+p1612
+sg17
+S'2016-03-08'
+p1613
+sg21
+S'gods of egypt'
+p1614
+ssI144
+(dp1615
+g3
+S'Birmingham'
+p1616
+sg618
+S'5'
+sg9
+S'2fd4a06f-68d3-4d07-b87d-1f43bef0ca81'
+p1617
+sg11
+S'al'
+p1618
+sg455
+S'Sci-Fi'
+p1619
+sg19
+S'al'
+p1620
+sg21
+S'gods of egypt'
+p1621
+ssI145
+(dp1622
+g3
+S'seattle'
+p1623
+sg5
+S'Cinemark Lincoln Square Cinemas'
+p1624
+sg7
+S'7:15pm'
+p1625
+sg9
+S'2988242b-7e27-4003-a78f-6a28eea0e227'
+p1626
+sg15
+S'Friday the 10th'
+p1627
+sg13
+S'7:15pm'
+p1628
+sg455
+S'Adventure '
+p1629
+sg17
+S'2016-03-11'
+p1630
+sg21
+S'gods of egypt'
+p1631
+ssI146
+(dp1632
+g3
+S'miami'
+p1633
+sg5
+S'CINPOLIS COCONUT GROVE'
+p1634
+sg95
+S'33133'
+p1635
+sg7
+S'11:20am'
+p1636
+sg9
+S'db091bba-63ad-4017-9f2b-8276f3dd55e2'
+p1637
+sg15
+S'tomorrow'
+p1638
+sg11
+S'fl'
+p1639
+sg13
+S'11:20'
+p1640
+sg455
+S'Fantasy'
+p1641
+sg17
+S'2016-03-10'
+p1642
+sg19
+S'fl'
+p1643
+sg21
+S'gods of egypt'
+p1644
+ssI147
+(dp1645
+g3
+S'miami'
+p1646
+sg5
+S'COBB DOLPHIN 19'
+p1647
+sg95
+S'33172'
+p1648
+sg7
+S'12:35pm'
+p1649
+sg9
+S'db091bba-63ad-4017-9f2b-8276f3dd55e2'
+p1650
+sg15
+S'tomorrow'
+p1651
+sg11
+S'fl'
+p1652
+sg13
+S'12:35'
+p1653
+sg455
+S'Fantasy'
+p1654
+sg17
+S'2016-03-10'
+p1655
+sg19
+S'fl'
+p1656
+sg21
+S'gods of egypt'
+p1657
+ssI148
+(dp1658
+g3
+S'Visalia'
+p1659
+sg5
+S'Regal Visalia Stadium 10'
+p1660
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p1661
+sg11
+S'California'
+p1662
+sg17
+S'2016-03-10'
+p1663
+sg19
+S'ca'
+p1664
+sg21
+S'gods of egypt'
+p1665
+ssI149
+(dp1666
+g3
+S'Baltimore'
+p1667
+sg5
+S'Cinemakr Egyptian'
+p1668
+sg7
+S'3:20pm'
+p1669
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p1670
+sg599
+S'3d'
+p1671
+sg11
+S'Maryland'
+p1672
+sg13
+S'3:20pm'
+p1673
+sg15
+S'Friday'
+p1674
+sg17
+S'2016-03-11'
+p1675
+sg19
+S'md'
+p1676
+sg21
+S'gods of egypt'
+p1677
+ssI150
+(dp1678
+g3
+S'Baltimore'
+p1679
+sg5
+S'Cinemakr Egyptian'
+p1680
+sg7
+S'9:45pm'
+p1681
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p1682
+sg599
+S'3d'
+p1683
+sg11
+S'Maryland'
+p1684
+sg13
+S'9:45pm'
+p1685
+sg15
+S'Friday'
+p1686
+sg17
+S'2016-03-11'
+p1687
+sg19
+S'md'
+p1688
+sg21
+S'gods of egypt'
+p1689
+ssI151
+(dp1690
+g3
+S'Fresno'
+p1691
+sg9
+S'60dd54db-e6e8-48b7-8a4a-82896ebb79ca'
+p1692
+sg15
+S'march 12'
+p1693
+sg11
+S'california'
+p1694
+sg455
+S'action'
+p1695
+sg17
+S'2016-03-12'
+p1696
+sg19
+S'ca'
+p1697
+sg21
+S'gods of egypt'
+p1698
+ssI152
+(dp1699
+g3
+S'detroit'
+p1700
+sg9
+S'1c4f60ab-42eb-4563-8414-0be1a85e7b62'
+p1701
+sg15
+S'tonight'
+p1702
+sS'mpaa_rating'
+p1703
+S'pg-13'
+p1704
+sg455
+S'action'
+p1705
+sg17
+S'2016-03-10'
+p1706
+sg19
+S'mi'
+p1707
+sg21
+S'gods of egypt'
+p1708
+ssI153
+(dp1709
+g3
+S'Sacramento'
+p1710
+sg5
+S'Natomas Marketplace Stadium'
+p1711
+sg7
+S'8:45pm'
+p1712
+sg9
+S'46fabf67-8c15-41ed-b1f3-f235f2674fa7'
+p1713
+sg599
+S'standard'
+p1714
+sg11
+S'california'
+p1715
+sg13
+S'8:45pm'
+p1716
+sg15
+S'tomorrow'
+p1717
+sg17
+S'2016-03-11'
+p1718
+sg19
+S'ca'
+p1719
+sg21
+S'gods of egypt'
+p1720
+ssI154
+(dp1721
+g3
+S'Sacramento'
+p1722
+sg5
+S'Natomas Marketplace Stadium'
+p1723
+sg7
+S'5:25pm'
+p1724
+sg9
+S'46fabf67-8c15-41ed-b1f3-f235f2674fa7'
+p1725
+sg599
+S'3d'
+p1726
+sg11
+S'california'
+p1727
+sg13
+S'5:25pm'
+p1728
+sg15
+S'tomorrow'
+p1729
+sg17
+S'2016-03-11'
+p1730
+sg19
+S'ca'
+p1731
+sg21
+S'gods of egypt'
+p1732
+ssI155
+(dp1733
+g3
+S'seattle'
+p1734
+sg5
+S'regal meridian 16'
+p1735
+sg95
+S'98101'
+p1736
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1737
+sg11
+S'wa'
+p1738
+sg15
+S'tonight'
+p1739
+sg17
+S'2016-03-08'
+p1740
+sg19
+S'wa'
+p1741
+sg21
+S'London Has Fallen'
+p1742
+ssI156
+(dp1743
+g3
+S'seattle'
+p1744
+sg5
+S'regal meridian 16'
+p1745
+sg95
+S'98101'
+p1746
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1747
+sg11
+S'wa'
+p1748
+sg15
+S'tonight'
+p1749
+sg17
+S'2016-03-08'
+p1750
+sg19
+S'wa'
+p1751
+sg21
+S'Whiskey Tango Foxtrot'
+p1752
+ssI157
+(dp1753
+g3
+S'seattle'
+p1754
+sg5
+S'regal meridian 16'
+p1755
+sg95
+S'98101'
+p1756
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1757
+sg11
+S'wa'
+p1758
+sg15
+S'tonight'
+p1759
+sg17
+S'2016-03-08'
+p1760
+sg19
+S'wa'
+p1761
+sg21
+S'Zootopia'
+p1762
+ssI158
+(dp1763
+g3
+S'seattle'
+p1764
+sg5
+S'regal meridian 16'
+p1765
+sg95
+S'98101'
+p1766
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1767
+sg11
+S'wa'
+p1768
+sg15
+S'tonight'
+p1769
+sg17
+S'2016-03-08'
+p1770
+sg19
+S'wa'
+p1771
+sg21
+S'Triple 9'
+p1772
+ssI159
+(dp1773
+g3
+S'seattle'
+p1774
+sg5
+S'regal meridian 16'
+p1775
+sg95
+S'98101'
+p1776
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1777
+sg15
+S'tonight'
+p1778
+sg11
+S'wa'
+p1779
+sg455
+S'thriller'
+p1780
+sg17
+S'2016-03-08'
+p1781
+sg19
+S'wa'
+p1782
+sg21
+S'The Witch'
+p1783
+ssI160
+(dp1784
+g3
+S'seattle'
+p1785
+sg5
+S'regal meridian 16'
+p1786
+sg95
+S'98101'
+p1787
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1788
+sg11
+S'wa'
+p1789
+sg15
+S'tonight'
+p1790
+sg17
+S'2016-03-08'
+p1791
+sg19
+S'wa'
+p1792
+sg21
+S'Where to Invade Next'
+p1793
+ssI161
+(dp1794
+g3
+S'seattle'
+p1795
+sg5
+S'regal meridian 16'
+p1796
+sg95
+S'98101'
+p1797
+sg7
+S'9:00pm'
+p1798
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1799
+sg11
+S'wa'
+p1800
+sg13
+S'9:00PM'
+p1801
+sg15
+S'tonight'
+p1802
+sg17
+S'2016-03-08'
+p1803
+sg19
+S'wa'
+p1804
+sg21
+S'Zoolander 2'
+p1805
+ssI162
+(dp1806
+g3
+S'seattle'
+p1807
+sg5
+S'regal meridian 16'
+p1808
+sg95
+S'98101'
+p1809
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1810
+sg11
+S'wa'
+p1811
+sg15
+S'tonight'
+p1812
+sg17
+S'2016-03-08'
+p1813
+sg19
+S'wa'
+p1814
+sg21
+S'Hail Caesar'
+p1815
+ssI163
+(dp1816
+g3
+S'seattle'
+p1817
+sg5
+S'regal meridian 16'
+p1818
+sg95
+S'98101'
+p1819
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1820
+sg11
+S'wa'
+p1821
+sg15
+S'tonight'
+p1822
+sg17
+S'2016-03-08'
+p1823
+sg19
+S'wa'
+p1824
+sg21
+S'Kung Fu Panda 3'
+p1825
+ssI164
+(dp1826
+g3
+S'seattle'
+p1827
+sg5
+S'regal meridian 16'
+p1828
+sg95
+S'98101'
+p1829
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1830
+sg11
+S'wa'
+p1831
+sg15
+S'tonight'
+p1832
+sg17
+S'2016-03-08'
+p1833
+sg19
+S'wa'
+p1834
+sg21
+S'Star Wars'
+p1835
+ssI165
+(dp1836
+g3
+S'seattle'
+p1837
+sg5
+S'regal meridian 16'
+p1838
+sg95
+S'98101'
+p1839
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1840
+sg11
+S'wa'
+p1841
+sg15
+S'tonight'
+p1842
+sg17
+S'2016-03-08'
+p1843
+sg19
+S'wa'
+p1844
+sg21
+S'The Danish Girl'
+p1845
+ssI166
+(dp1846
+g3
+S'seattle'
+p1847
+sg5
+S'regal meridian 16'
+p1848
+sg95
+S'98101'
+p1849
+sg7
+S'8:45pm'
+p1850
+sg9
+S'40aa2972-0dfd-41f0-9549-2f9e920d2aee'
+p1851
+sg11
+S'wa'
+p1852
+sg13
+S'8:45'
+p1853
+sg15
+S'tomorrow'
+p1854
+sg17
+S'2016-03-09'
+p1855
+sg19
+S'wa'
+p1856
+sg21
+S'Hail Caesar'
+p1857
+ssI167
+(dp1858
+g3
+S'seattle'
+p1859
+sg5
+S'AMC Lowes Oak Tree 6'
+p1860
+sg7
+S'7:15pm'
+p1861
+sg9
+S'50534277-eb2e-43d2-80e9-53f43748cfa0'
+p1862
+sg11
+S'wa'
+p1863
+sg13
+S'7:15 pm'
+p1864
+sg15
+S'tomorrow'
+p1865
+sg17
+S'2016-03-09'
+p1866
+sg19
+S'wa'
+p1867
+sg21
+S'Hail Caesar'
+p1868
+ssI168
+(dp1869
+g9
+S'179ce51b-82af-426d-beeb-17b414c7fe97'
+p1870
+sg618
+S'good'
+p1871
+sg455
+S'comedy'
+p1872
+sg21
+S'how to be single'
+p1873
+ssI169
+(dp1874
+g7
+S'6:55pm'
+p1875
+sg3
+S'springfield'
+p1876
+sg5
+S'WEHRENBERG CAMPBELL 16'
+p1877
+sg95
+S'65807'
+p1878
+sg618
+S'good'
+p1879
+sg9
+S'70f23439-492c-4a80-a27a-66b5cf1397f7'
+p1880
+sg15
+S'tomorrow'
+p1881
+sg11
+S'mo'
+p1882
+sg13
+S'6:55'
+p1883
+sg455
+S'romantic comedy'
+p1884
+sg17
+S'2016-03-09'
+p1885
+sg19
+S'mo'
+p1886
+sg21
+S'how to be single'
+p1887
+ssI170
+(dp1888
+g7
+S'7:20pm'
+p1889
+sg3
+S'seattle'
+p1890
+sg5
+S'amc pacific place 11'
+p1891
+sg95
+S'98101'
+p1892
+sg618
+S'good'
+p1893
+sg491
+S'amc'
+p1894
+sg9
+S'aa516e27-a65c-4fee-b84e-b3133483ffd0'
+p1895
+sg15
+S'tonight'
+p1896
+sg11
+S'wa'
+p1897
+sg13
+S'7:20'
+p1898
+sg455
+S'romance'
+p1899
+sg17
+S'2016-03-08'
+p1900
+sg19
+S'wa'
+p1901
+sg21
+S'how to be single'
+p1902
+ssI171
+(dp1903
+g7
+S'10:20pm'
+p1904
+sg3
+S'seattle'
+p1905
+sg5
+S'amc pacific place 11'
+p1906
+sg95
+S'98101'
+p1907
+sg618
+S'good'
+p1908
+sg491
+S'amc'
+p1909
+sg9
+S'aa516e27-a65c-4fee-b84e-b3133483ffd0'
+p1910
+sg15
+S'tonight'
+p1911
+sg11
+S'wa'
+p1912
+sg13
+S'10:20'
+p1913
+sg455
+S'romance'
+p1914
+sg17
+S'2016-03-08'
+p1915
+sg19
+S'wa'
+p1916
+sg21
+S'how to be single'
+p1917
+ssI172
+(dp1918
+g3
+S'Pittsburgh'
+p1919
+sg5
+S'AMC LOEWS WATERFRONT 22'
+p1920
+sg7
+S'10:25pm'
+p1921
+sg491
+S'amc'
+p1922
+sg9
+S'ec7a0947-3df1-429c-a3a9-d6be77ce358e'
+p1923
+sg15
+S'tomorrow'
+p1924
+sg11
+S'pa'
+p1925
+sg13
+S'10:25pm'
+p1926
+sg455
+S'comedy'
+p1927
+sg17
+S'2016-03-09'
+p1928
+sg19
+S'pa'
+p1929
+sg21
+S'how to be single'
+p1930
+ssI173
+(dp1931
+g3
+S'san francisco'
+p1932
+sg5
+S'Century Centre 9'
+p1933
+sg7
+S'11:05am'
+p1934
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1935
+sg11
+S'ca'
+p1936
+sg13
+S'11:05 am'
+p1937
+sg15
+S'tomorrow'
+p1938
+sg17
+S'2016-03-10'
+p1939
+sg19
+S'ca'
+p1940
+sg21
+S'how to be single'
+p1941
+ssI174
+(dp1942
+g3
+S'san francisco'
+p1943
+sg5
+S'Century Centre 9'
+p1944
+sg7
+S'1:45pm'
+p1945
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1946
+sg11
+S'ca'
+p1947
+sg13
+S'1:45pm'
+p1948
+sg15
+S'tomorrow'
+p1949
+sg17
+S'2016-03-10'
+p1950
+sg19
+S'ca'
+p1951
+sg21
+S'how to be single'
+p1952
+ssI175
+(dp1953
+g3
+S'san francisco'
+p1954
+sg5
+S'Century Centre 9'
+p1955
+sg7
+S'4:30pm'
+p1956
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1957
+sg11
+S'ca'
+p1958
+sg13
+S'4:30pm'
+p1959
+sg15
+S'tomorrow'
+p1960
+sg17
+S'2016-03-10'
+p1961
+sg19
+S'ca'
+p1962
+sg21
+S'how to be single'
+p1963
+ssI176
+(dp1964
+g3
+S'san francisco'
+p1965
+sg5
+S'Century Centre 9'
+p1966
+sg7
+S'7:20pm'
+p1967
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1968
+sg11
+S'ca'
+p1969
+sg13
+S'7:20 pm'
+p1970
+sg15
+S'tomorrow'
+p1971
+sg17
+S'2016-03-10'
+p1972
+sg19
+S'ca'
+p1973
+sg21
+S'how to be single'
+p1974
+ssI177
+(dp1975
+g3
+S'san francisco'
+p1976
+sg5
+S'Century Centre 9'
+p1977
+sg7
+S'10:00pm'
+p1978
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1979
+sg11
+S'ca'
+p1980
+sg13
+S'10pm'
+p1981
+sg15
+S'tomorrow'
+p1982
+sg17
+S'2016-03-10'
+p1983
+sg19
+S'ca'
+p1984
+sg21
+S'how to be single'
+p1985
+ssI178
+(dp1986
+g3
+S'san francisco'
+p1987
+sg5
+S'Redwood City 20'
+p1988
+sg7
+S'11:05am'
+p1989
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1990
+sg11
+S'ca'
+p1991
+sg13
+S'11:05am'
+p1992
+sg15
+S'tomorrow'
+p1993
+sg17
+S'2016-03-10'
+p1994
+sg19
+S'ca'
+p1995
+sg21
+S'how to be single'
+p1996
+ssI179
+(dp1997
+g3
+S'san francisco'
+p1998
+sg5
+S'Redwood City 20'
+p1999
+sg7
+S'4:35pm'
+p2000
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p2001
+sg11
+S'ca'
+p2002
+sg13
+S'4:35pm'
+p2003
+sg15
+S'tomorrow'
+p2004
+sg17
+S'2016-03-10'
+p2005
+sg19
+S'ca'
+p2006
+sg21
+S'how to be single'
+p2007
+ssI180
+(dp2008
+g3
+S'Visalia'
+p2009
+sg5
+S'Regal Visalia Stadium 10'
+p2010
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2011
+sg11
+S'california'
+p2012
+sg17
+S'2016-03-10'
+p2013
+sg19
+S'ca'
+p2014
+sg21
+S'how to be single'
+p2015
+ssI181
+(dp2016
+g9
+S'bec447a1-3033-4ee0-b426-18fdecd83990'
+p2017
+sg21
+S'independce day'
+p2018
+ssI182
+(dp2019
+g3
+S'Monroe'
+p2020
+sg5
+S'regal barkley village stadium 16'
+p2021
+sg95
+S'98272'
+p2022
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2023
+sg15
+S'tonight'
+p2024
+sg11
+S'wa'
+p2025
+sg1703
+S'PG'
+p2026
+sg455
+S'action'
+p2027
+sg17
+S'2016-03-08'
+p2028
+sg19
+S'wa'
+p2029
+sg21
+S'Kung Fu Panda 3'
+p2030
+ssI183
+(dp2031
+g3
+S'Monroe'
+p2032
+sg5
+S'amc loews cascade mall'
+p2033
+sg95
+S'98272'
+p2034
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2035
+sg15
+S'tonight'
+p2036
+sg11
+S'wa'
+p2037
+sg1703
+S'PG'
+p2038
+sg455
+S'drama'
+p2039
+sg17
+S'2016-03-08'
+p2040
+sg19
+S'wa'
+p2041
+sg21
+S'Kung Fu Panda 3'
+p2042
+ssI184
+(dp2043
+g3
+S'Monroe'
+p2044
+sg5
+S'regal marysville 14'
+p2045
+sg95
+S'98272'
+p2046
+sg7
+S'9:10pm'
+p2047
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2048
+sg15
+S'tonight'
+p2049
+sg11
+S'wa'
+p2050
+sg1703
+S'PG'
+p2051
+sg13
+S'9:10'
+p2052
+sg455
+S'comedy'
+p2053
+sg17
+S'2016-03-08'
+p2054
+sg19
+S'wa'
+p2055
+sg21
+S'Kung Fu Panda 3'
+p2056
+ssI185
+(dp2057
+g3
+S'seattle'
+p2058
+sg5
+S'REGAL MERIDIAN 16'
+p2059
+sg95
+S'98101'
+p2060
+sg9
+S'2b831410-cf4a-4ecf-9f7d-6dba97cee339'
+p2061
+sg11
+S'wa'
+p2062
+sg1703
+S'PG'
+p2063
+sg17
+S'2016-03-12'
+p2064
+sg19
+S'wa'
+p2065
+sg21
+S'Kung Fu Panda 3'
+p2066
+ssI186
+(dp2067
+g3
+S'bellevue'
+p2068
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2069
+sg95
+S'98004'
+p2070
+sg9
+S'2b831410-cf4a-4ecf-9f7d-6dba97cee339'
+p2071
+sg11
+S'wa'
+p2072
+sg1703
+S'PG'
+p2073
+sg17
+S'2016-03-12'
+p2074
+sg19
+S'wa'
+p2075
+sg21
+S'Kung Fu Panda 3'
+p2076
+ssI187
+(dp2077
+g3
+S'bellevue'
+p2078
+sg5
+S'Regal Thornton Place Stadium '
+p2079
+sg7
+S'6:10pm'
+p2080
+sg9
+S'896f3c02-5f81-4f18-a011-6a0d99564716'
+p2081
+sg599
+S'3d'
+p2082
+sg11
+S'wa'
+p2083
+sg13
+S'6:10pm'
+p2084
+sg15
+S'Saturday'
+p2085
+sg17
+S'2016-03-12'
+p2086
+sg19
+S'wa'
+p2087
+sg21
+S'Kung Fu Panda 3'
+p2088
+ssI188
+(dp2089
+g3
+S'San Francisco'
+p2090
+sg5
+S'amc van ness 14'
+p2091
+sg7
+S'2:25pm'
+p2092
+sg9
+S'c31d3353-2839-4b45-b74d-8d6f3611c06b'
+p2093
+sg599
+S'standard'
+p2094
+sg11
+S'ca'
+p2095
+sg13
+S'2:25pm'
+p2096
+sg15
+S'tomorrow'
+p2097
+sg17
+S'2016-03-10'
+p2098
+sg19
+S'ca'
+p2099
+sg21
+S'Kung Fu Panda 3'
+p2100
+ssI189
+(dp2101
+g3
+S'San Francisco'
+p2102
+sg5
+S'century 20 daly city'
+p2103
+sg7
+S'1:30pm'
+p2104
+sg9
+S'c31d3353-2839-4b45-b74d-8d6f3611c06b'
+p2105
+sg599
+S'standard'
+p2106
+sg11
+S'ca'
+p2107
+sg13
+S'1:30pm'
+p2108
+sg15
+S'tomorrow'
+p2109
+sg17
+S'2016-03-10'
+p2110
+sg19
+S'ca'
+p2111
+sg21
+S'Kung Fu Panda 3'
+p2112
+ssI190
+(dp2113
+g3
+S'Birmingham'
+p2114
+sg5
+S'carmike 16'
+p2115
+sg7
+S'12:00pm'
+p2116
+sg9
+S'ee7ca75a-e7c7-4ffb-bfce-423b6e755c24'
+p2117
+sg599
+S'standard'
+p2118
+sg11
+S'al'
+p2119
+sg13
+S'12pm'
+p2120
+sg15
+S'tomorrow'
+p2121
+sg17
+S'2016-03-11'
+p2122
+sg19
+S'al'
+p2123
+sg21
+S'Kung Fu Panda 3'
+p2124
+ssI191
+(dp2125
+g3
+S'Orlando'
+p2126
+sg5
+S'AMC West Oaks 14'
+p2127
+sg7
+S'1:30pm'
+p2128
+sg9
+S'9cb12180-3ea3-4da9-9bff-73f1cf095ca0'
+p2129
+sg599
+S'3d'
+p2130
+sg11
+S'fl'
+p2131
+sg13
+S'1:30 pm'
+p2132
+sg15
+S'tomorrow'
+p2133
+sg17
+S'2016-03-11'
+p2134
+sg19
+S'fl'
+p2135
+sg21
+S'Kung Fu Panda 3'
+p2136
+ssI192
+(dp2137
+g7
+S'9:20pm'
+p2138
+sg3
+S'seattle'
+p2139
+sg5
+S'REGAL MERIDIAN 16'
+p2140
+sg95
+S'98101'
+p2141
+sg618
+S'26%'
+p2142
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2143
+sg15
+S'tonight'
+p2144
+sg11
+S'wa'
+p2145
+sg422
+S'rotten tomatoes'
+p2146
+sg13
+S'9:20 pm'
+p2147
+sg455
+S'action'
+p2148
+sg17
+S'2016-03-08'
+p2149
+sg19
+S'wa'
+p2150
+sg21
+S'london has fallen'
+p2151
+ssI193
+(dp2152
+g7
+S'7:00pm'
+p2153
+sg3
+S'bellevue'
+p2154
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2155
+sg95
+S'98004'
+p2156
+sg618
+S'26%'
+p2157
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2158
+sg15
+S'tonight'
+p2159
+sg11
+S'wa'
+p2160
+sg422
+S'rotten tomatoes'
+p2161
+sg13
+S'7:00pm'
+p2162
+sg455
+S'action'
+p2163
+sg17
+S'2016-03-08'
+p2164
+sg19
+S'wa'
+p2165
+sg21
+S'london has fallen'
+p2166
+ssI194
+(dp2167
+g7
+S'9:45pm'
+p2168
+sg3
+S'bellevue'
+p2169
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2170
+sg95
+S'98004'
+p2171
+sg618
+S'26%'
+p2172
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2173
+sg15
+S'tonight'
+p2174
+sg11
+S'wa'
+p2175
+sg422
+S'rotten tomatoes'
+p2176
+sg13
+S'9:45pm'
+p2177
+sg455
+S'action'
+p2178
+sg17
+S'2016-03-08'
+p2179
+sg19
+S'wa'
+p2180
+sg21
+S'london has fallen'
+p2181
+ssI195
+(dp2182
+g3
+S'seattle'
+p2183
+sg5
+S'AMC Southcenter 16'
+p2184
+sg7
+S'9:45pm'
+p2185
+sg9
+S'149f34f0-79f0-498a-8c35-e11b19af232f'
+p2186
+sg11
+S'wa'
+p2187
+sg13
+S'9:45pm'
+p2188
+sg15
+S'Wednesday'
+p2189
+sg17
+S'2016-03-09'
+p2190
+sg19
+S'wa'
+p2191
+sg21
+S'London Has Fallen'
+p2192
+ssI196
+(dp2193
+g3
+S'Whittier'
+p2194
+sg5
+S'WHITTIER VILLAGE STADIUM CINEMAS'
+p2195
+sg95
+S'90602'
+p2196
+sg7
+S'1:30pm'
+p2197
+sg9
+S'b87f65c2-2c90-48a5-92a3-d6eb105a36fe'
+p2198
+sg11
+S'ca'
+p2199
+sg13
+S'1:30pm'
+p2200
+sg15
+S'next Sunday'
+p2201
+sg17
+S'2016-03-13'
+p2202
+sg19
+S'ca'
+p2203
+sg21
+S'London Has Fallen'
+p2204
+ssI197
+(dp2205
+g7
+S'9:20 pm'
+p2206
+sg3
+S'seattle'
+p2207
+sg5
+S'regal meridian 16'
+p2208
+sg95
+S'98101'
+p2209
+sg618
+S'top rated'
+p2210
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p2211
+sg11
+S'wa'
+p2212
+sg13
+S'9:20 PM'
+p2213
+sg15
+S'tomorrow'
+p2214
+sg17
+S'2016-03-09'
+p2215
+sg19
+S'wa'
+p2216
+sg21
+S'London Has Fallen'
+p2217
+ssI198
+(dp2218
+g5
+S'Whittier Village Stadium Cinemas'
+p2219
+sg7
+S'1:30pm'
+p2220
+sg9
+S'751c4265-569c-407f-a5ea-fa6b24186d57'
+p2221
+sg13
+S'1:30PM'
+p2222
+sg15
+S'saturday'
+p2223
+sg17
+S'2016-03-12'
+p2224
+sg21
+S'London Has Fallen'
+p2225
+ssI199
+(dp2226
+g7
+S'9:20pm'
+p2227
+sg3
+S'seattle'
+p2228
+sg5
+S'REGAL MERIDIAN 16'
+p2229
+sg95
+S'98101'
+p2230
+sg618
+S'26%'
+p2231
+sg9
+S'0bd2e714-0579-4bf2-968e-cd5106a1f506'
+p2232
+sg15
+S'tomorrow'
+p2233
+sg11
+S'wa'
+p2234
+sg422
+S'rotten tomatoes'
+p2235
+sg13
+S'9:20 pm'
+p2236
+sg455
+S'action'
+p2237
+sg17
+S'2016-03-09'
+p2238
+sg19
+S'wa'
+p2239
+sg21
+S'london has fallen'
+p2240
+ssI200
+(dp2241
+g3
+S'Birmingham'
+p2242
+sg5
+S'CARMIKE SUMMIT 16'
+p2243
+sg7
+S'1:35pm'
+p2244
+sg9
+S'7cda218d-7e53-4dd4-aa93-5062decc44c9'
+p2245
+sg11
+S'al'
+p2246
+sg13
+S'1:35PM'
+p2247
+sg15
+S'Saturday'
+p2248
+sg17
+S'2016-03-12'
+p2249
+sg19
+S'al'
+p2250
+sg21
+S'London Has Fallen'
+p2251
+ssI201
+(dp2252
+g3
+S'norfolk'
+p2253
+sg5
+S'REGAL MACARTHUR CENTER STADIUM 18'
+p2254
+sg7
+S'7:10pm'
+p2255
+sg9
+S'2e29af64-328f-42da-ac5d-212018f7b263'
+p2256
+sg11
+S'virginia'
+p2257
+sg13
+S'7:10'
+p2258
+sg15
+S'March 12th'
+p2259
+sg17
+S'2016-03-12'
+p2260
+sg19
+S'va'
+p2261
+sg21
+S'London Has Fallen'
+p2262
+ssI202
+(dp2263
+g3
+S'norfolk'
+p2264
+sg5
+S'RPX CINEMARK 18'
+p2265
+sg618
+S'6'
+sg9
+S'2e29af64-328f-42da-ac5d-212018f7b263'
+p2266
+sg11
+S'virginia'
+p2267
+sg422
+S'imdb'
+p2268
+sg15
+S'March 12th'
+p2269
+sg17
+S'2016-03-12'
+p2270
+sg19
+S'va'
+p2271
+sg21
+S'London Has Fallen'
+p2272
+ssI203
+(dp2273
+g3
+S'Birmingham'
+p2274
+sg5
+S'Carmike Summit 16'
+p2275
+sg7
+S'8:20pm'
+p2276
+sg9
+S'2fd4a06f-68d3-4d07-b87d-1f43bef0ca81'
+p2277
+sg11
+S'al'
+p2278
+sg13
+S'8:20 pm'
+p2279
+sg15
+S'Friday'
+p2280
+sg17
+S'2016-03-11'
+p2281
+sg19
+S'al'
+p2282
+sg21
+S'London Has Fallen'
+p2283
+ssI204
+(dp2284
+g3
+S'Norfolk'
+p2285
+sg5
+S'Macarthur Center'
+p2286
+sg7
+S'2:00pm'
+p2287
+sg9
+S'b58a47d2-539f-47e8-b8dd-66ae55235905'
+p2288
+sg11
+S'va'
+p2289
+sg13
+S'2pm'
+p2290
+sg17
+S'2016-03-10'
+p2291
+sg19
+S'va'
+p2292
+sg21
+S'London Has Fallen'
+p2293
+ssI205
+(dp2294
+g3
+S'Visalia'
+p2295
+sg5
+S'regal visalia stadium 10'
+p2296
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2297
+sg11
+S'california'
+p2298
+sg17
+S'2016-03-10'
+p2299
+sg19
+S'ca'
+p2300
+sg21
+S'London Has Fallen'
+p2301
+ssI206
+(dp2302
+g3
+S'Visalia'
+p2303
+sg5
+S'regal visalia stadium 10'
+p2304
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2305
+sg11
+S'california'
+p2306
+sg17
+S'2016-03-10'
+p2307
+sg19
+S'ca'
+p2308
+sg21
+S'whiskey tango foxtrot'
+p2309
+ssI207
+(dp2310
+g3
+S'Visalia'
+p2311
+sg5
+S'regal visalia stadium 10'
+p2312
+sg7
+S'2:30pm'
+p2313
+sg9
+S'60dd54db-e6e8-48b7-8a4a-82896ebb79ca'
+p2314
+sg11
+S'california'
+p2315
+sg13
+S'2:30pm'
+p2316
+sg17
+S'2016-03-12'
+p2317
+sg19
+S'ca'
+p2318
+sg21
+S'London Has Fallen'
+p2319
+ssI208
+(dp2320
+g3
+S'seattle'
+p2321
+sg5
+S'amc pacific place 11 theater'
+p2322
+sg7
+S'10:00pm'
+p2323
+sg9
+S'0e8d9dd7-95d2-499f-bcde-3b32e014edf3'
+p2324
+sg15
+S'tomorrow'
+p2325
+sg11
+S'wa'
+p2326
+sg13
+S'10:00 pm'
+p2327
+sg455
+S'drama'
+p2328
+sg17
+S'2016-03-09'
+p2329
+sg19
+S'wa'
+p2330
+sg21
+S'race'
+p2331
+ssI209
+(dp2332
+g3
+S'seattle'
+p2333
+sg5
+S'amc lowes oak tree 6'
+p2334
+sg7
+S'4:50pm'
+p2335
+sg491
+S'amc'
+p2336
+sg9
+S'192e8c18-b37d-4073-ad15-eaefb8c88116'
+p2337
+sg15
+S'tomorrow'
+p2338
+sg11
+S'wa'
+p2339
+sg13
+S'4:50 pm'
+p2340
+sg455
+S'drama'
+p2341
+sg17
+S'2016-03-09'
+p2342
+sg19
+S'wa'
+p2343
+sg21
+S'race'
+p2344
+ssI210
+(dp2345
+g5
+S'regency commerce 14'
+p2346
+sg7
+S'11:50am'
+p2347
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2348
+sg13
+S'11:50am'
+p2349
+sg15
+S'tomorrow'
+p2350
+sg17
+S'2016-03-09'
+p2351
+sg21
+S'risen'
+p2352
+ssI211
+(dp2353
+g5
+S'regency commerce 14'
+p2354
+sg7
+S'2:30pm'
+p2355
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2356
+sg13
+S'2:30pm'
+p2357
+sg15
+S'tomorrow'
+p2358
+sg17
+S'2016-03-09'
+p2359
+sg21
+S'risen'
+p2360
+ssI212
+(dp2361
+g5
+S'regency commerce 14'
+p2362
+sg7
+S'5:10pm'
+p2363
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2364
+sg13
+S'5:10'
+p2365
+sg15
+S'tomorrow'
+p2366
+sg17
+S'2016-03-09'
+p2367
+sg21
+S'risen'
+p2368
+ssI213
+(dp2369
+g5
+S'regency commerce 14'
+p2370
+sg7
+S'7:50pm'
+p2371
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2372
+sg13
+S'7:50'
+p2373
+sg15
+S'tomorrow'
+p2374
+sg17
+S'2016-03-09'
+p2375
+sg21
+S'risen'
+p2376
+ssI214
+(dp2377
+g5
+S'regency commerce 14'
+p2378
+sg7
+S'10:25pm'
+p2379
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2380
+sg13
+S'10:25'
+p2381
+sg15
+S'tomorrow'
+p2382
+sg17
+S'2016-03-09'
+p2383
+sg21
+S'risen'
+p2384
+ssI215
+(dp2385
+g3
+S'seattle'
+p2386
+sg5
+S'AMC Lowes Oak Tree 6'
+p2387
+sg7
+S'4:25pm'
+p2388
+sg9
+S'781979f3-aa8f-47a3-b69c-2926c2648db7'
+p2389
+sg15
+S'tomorrow'
+p2390
+sg11
+S'wa'
+p2391
+sg13
+S'4:25 PM'
+p2392
+sg455
+S'action'
+p2393
+sg17
+S'2016-03-09'
+p2394
+sg19
+S'wa'
+p2395
+sg21
+S'risen'
+p2396
+ssI216
+(dp2397
+g3
+S'Chico'
+p2398
+sg5
+S'Paradise Cinema 7'
+p2399
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2400
+sg11
+S'ca'
+p2401
+sg15
+S'tomorrow'
+p2402
+sg17
+S'2016-03-11'
+p2403
+sg19
+S'ca'
+p2404
+sg21
+S'risen'
+p2405
+ssI217
+(dp2406
+g3
+S'Chico'
+p2407
+sg5
+S'Cinemark 14 '
+p2408
+sg7
+S'5:10pm'
+p2409
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2410
+sg11
+S'ca'
+p2411
+sg13
+S'5:10pm'
+p2412
+sg15
+S'tomorrow'
+p2413
+sg17
+S'2016-03-11'
+p2414
+sg19
+S'ca'
+p2415
+sg21
+S'risen'
+p2416
+ssI218
+(dp2417
+g3
+S'Chico'
+p2418
+sg5
+S'Cinemark 14 '
+p2419
+sg7
+S'7:40pm'
+p2420
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2421
+sg11
+S'ca'
+p2422
+sg13
+S'7:40pm'
+p2423
+sg15
+S'tomorrow'
+p2424
+sg17
+S'2016-03-11'
+p2425
+sg19
+S'ca'
+p2426
+sg21
+S'risen'
+p2427
+ssI219
+(dp2428
+g3
+S'Chico'
+p2429
+sg5
+S'Cinemark 14 '
+p2430
+sg7
+S'10:10pm'
+p2431
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2432
+sg11
+S'ca'
+p2433
+sg13
+S'10:10pm'
+p2434
+sg15
+S'tomorrow'
+p2435
+sg17
+S'2016-03-11'
+p2436
+sg19
+S'ca'
+p2437
+sg21
+S'risen'
+p2438
+ssI220
+(dp2439
+g3
+S'seattle'
+p2440
+sg5
+S'amc pacific place 11 theater'
+p2441
+sg7
+S'9:30pm'
+p2442
+sg9
+S'2e73cd1c-db13-4510-8c36-a374ee9e0f8d'
+p2443
+sg491
+S'amc'
+p2444
+sg11
+S'wa'
+p2445
+sg13
+S'9:30 pm'
+p2446
+sg15
+S'tomorrow'
+p2447
+sg17
+S'2016-03-09'
+p2448
+sg19
+S'wa'
+p2449
+sg21
+S'room'
+p2450
+ssI221
+(dp2451
+g3
+S'seattle'
+p2452
+sg5
+S'AMC Lowes Oak Tree 6'
+p2453
+sg7
+S'4:50pm'
+p2454
+sg9
+S'b7ae313f-4dea-4982-9b2b-85f37db53654'
+p2455
+sg11
+S'wa'
+p2456
+sg13
+S'4:50 pm'
+p2457
+sg15
+S'tomorrow'
+p2458
+sg17
+S'2016-03-09'
+p2459
+sg19
+S'wa'
+p2460
+sg21
+S'room'
+p2461
+ssI222
+(dp2462
+g3
+S'seattle'
+p2463
+sg5
+S'Regal Meridian 16 theater'
+p2464
+sg95
+S'98101'
+p2465
+sg7
+S'9:00pm'
+p2466
+sg9
+S'58b8fef4-f43d-4a98-ad85-8d747fd881d3'
+p2467
+sg15
+S'tomorrow'
+p2468
+sg11
+S'wa'
+p2469
+sg13
+S'9:00 PM'
+p2470
+sg455
+S'drama'
+p2471
+sg17
+S'2016-03-09'
+p2472
+sg19
+S'wa'
+p2473
+sg21
+S'Spotlight'
+p2474
+ssI223
+(dp2475
+g3
+S'seattle'
+p2476
+sg5
+S'AMC Lowes Oak Tree 6'
+p2477
+sg95
+S'98133'
+p2478
+sg7
+S'7:25pm'
+p2479
+sg491
+S'amc'
+p2480
+sg9
+S'eecb5ad2-f622-4745-ac24-9af997b6af7a'
+p2481
+sg15
+S'tomorrow'
+p2482
+sg11
+S'wa'
+p2483
+sg13
+S'7:25 PM'
+p2484
+sg455
+S'drama'
+p2485
+sg17
+S'2016-03-09'
+p2486
+sg19
+S'wa'
+p2487
+sg21
+S'Spotlight'
+p2488
+ssI224
+(dp2489
+g3
+S'seattle'
+p2490
+sg5
+S'REGAL MERIDIAN 16'
+p2491
+sg95
+S'98101'
+p2492
+sg7
+S'6:05pm'
+p2493
+sg9
+S'aa87675a-54ea-417b-8ae2-0e5dfb56c9f2'
+p2494
+sg15
+S'tomorrow'
+p2495
+sg11
+S'wa'
+p2496
+sg13
+S'6:05'
+p2497
+sg455
+S'drama'
+p2498
+sg17
+S'2016-03-10'
+p2499
+sg19
+S'wa'
+p2500
+sg21
+S'Spotlight'
+p2501
+ssI225
+(dp2502
+g3
+S'portland'
+p2503
+sg5
+S'Regal Lloyd Center Century Eastport 16'
+p2504
+sg95
+S'97232'
+p2505
+sg7
+S'9:50pm'
+p2506
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p2507
+sg11
+S'or'
+p2508
+sg1703
+S'pg-13'
+p2509
+sg13
+S'9:50 pm'
+p2510
+sg15
+S'tonight'
+p2511
+sg17
+S'2016-03-08'
+p2512
+sg19
+S'or'
+p2513
+sg21
+S'Star Wars'
+p2514
+ssI226
+(dp2515
+g3
+S'portland'
+p2516
+sg5
+S'Regal Movies on TV Stadium 16'
+p2517
+sg9
+S'26279333-2f09-4e63-afd0-248eefde08bd'
+p2518
+sg11
+S'or'
+p2519
+sg1703
+S'pg-13'
+p2520
+sg19
+S'or'
+p2521
+sg21
+S'Star Wars'
+p2522
+ssI227
+(dp2523
+g3
+S'portland'
+p2524
+sg5
+S'Century Eastport 16'
+p2525
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2526
+sg11
+S'or'
+p2527
+sg1703
+S'pg-13'
+p2528
+sg19
+S'or'
+p2529
+sg21
+S'Star Wars'
+p2530
+ssI228
+(dp2531
+g3
+S'portland'
+p2532
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2533
+sg7
+S'12:05pm'
+p2534
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2535
+sg11
+S'or'
+p2536
+sg1703
+S'pg-13'
+p2537
+sg13
+S'12:05'
+p2538
+sg15
+S'Friday'
+p2539
+sg17
+S'2016-03-11'
+p2540
+sg19
+S'or'
+p2541
+sg21
+S'Star Wars'
+p2542
+ssI229
+(dp2543
+g3
+S'portland'
+p2544
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2545
+sg7
+S'6:25pm'
+p2546
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2547
+sg11
+S'or'
+p2548
+sg1703
+S'pg-13'
+p2549
+sg13
+S'6:25pm'
+p2550
+sg15
+S'Friday'
+p2551
+sg17
+S'2016-03-11'
+p2552
+sg19
+S'or'
+p2553
+sg21
+S'Star Wars'
+p2554
+ssI230
+(dp2555
+g3
+S'portland'
+p2556
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2557
+sg7
+S'9:25pm'
+p2558
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2559
+sg599
+S'3d'
+p2560
+sg11
+S'or'
+p2561
+sg1703
+S'pg-13'
+p2562
+sg13
+S'9:25pm'
+p2563
+sg15
+S'Friday'
+p2564
+sg17
+S'2016-03-11'
+p2565
+sg19
+S'or'
+p2566
+sg21
+S'Star Wars'
+p2567
+ssI231
+(dp2568
+g3
+S'portland'
+p2569
+sg5
+S'Century Eastport 16'
+p2570
+sg7
+S'12:20pm'
+p2571
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2572
+sg11
+S'or'
+p2573
+sg1703
+S'pg-13'
+p2574
+sg13
+S'12:20pm'
+p2575
+sg15
+S'Friday'
+p2576
+sg17
+S'2016-03-11'
+p2577
+sg19
+S'or'
+p2578
+sg21
+S'Star Wars'
+p2579
+ssI232
+(dp2580
+g3
+S'portland'
+p2581
+sg5
+S'Century Eastport 16'
+p2582
+sg7
+S'3:40pm'
+p2583
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2584
+sg11
+S'or'
+p2585
+sg1703
+S'pg-13'
+p2586
+sg13
+S'3:40'
+p2587
+sg15
+S'Friday'
+p2588
+sg17
+S'2016-03-11'
+p2589
+sg19
+S'or'
+p2590
+sg21
+S'Star Wars'
+p2591
+ssI233
+(dp2592
+g3
+S'portland'
+p2593
+sg5
+S'Century Eastport 16'
+p2594
+sg7
+S'6:50pm'
+p2595
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2596
+sg11
+S'or'
+p2597
+sg1703
+S'pg-13'
+p2598
+sg13
+S'6:50'
+p2599
+sg15
+S'Friday'
+p2600
+sg17
+S'2016-03-11'
+p2601
+sg19
+S'or'
+p2602
+sg21
+S'Star Wars'
+p2603
+ssI234
+(dp2604
+g3
+S'portland'
+p2605
+sg5
+S'Century Eastport 16'
+p2606
+sg7
+S'10:00pm'
+p2607
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2608
+sg599
+S'standard'
+p2609
+sg11
+S'or'
+p2610
+sg1703
+S'pg-13'
+p2611
+sg13
+S'10:00'
+p2612
+sg15
+S'Friday'
+p2613
+sg17
+S'2016-03-11'
+p2614
+sg19
+S'or'
+p2615
+sg21
+S'Star Wars'
+p2616
+ssI235
+(dp2617
+g3
+S'portland'
+p2618
+sg5
+S'Century Clackamas Town Center'
+p2619
+sg9
+S'e62d0172-0880-4235-a6d7-bc4957a34af8'
+p2620
+sg11
+S'or'
+p2621
+sg1703
+S'pg-13'
+p2622
+sg15
+S'Friday'
+p2623
+sg17
+S'2016-03-11'
+p2624
+sg19
+S'or'
+p2625
+sg21
+S'Star Wars'
+p2626
+ssI236
+(dp2627
+g3
+S'portland'
+p2628
+sg5
+S'XD'
+p2629
+sg9
+S'e62d0172-0880-4235-a6d7-bc4957a34af8'
+p2630
+sg11
+S'or'
+p2631
+sg1703
+S'pg-13'
+p2632
+sg15
+S'Friday'
+p2633
+sg17
+S'2016-03-11'
+p2634
+sg19
+S'or'
+p2635
+sg21
+S'Star Wars'
+p2636
+ssI237
+(dp2637
+g3
+S'portland'
+p2638
+sg5
+S'regal lloyd center 10 & IMAX '
+p2639
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2640
+sg11
+S'or'
+p2641
+sg1703
+S'pg-13'
+p2642
+sg15
+S'Saturday'
+p2643
+sg17
+S'2016-03-12'
+p2644
+sg19
+S'or'
+p2645
+sg21
+S'Star Wars'
+p2646
+ssI238
+(dp2647
+g3
+S'portland'
+p2648
+sg5
+S'Century Eastport 16'
+p2649
+sg7
+S'12:20pm'
+p2650
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2651
+sg11
+S'or'
+p2652
+sg1703
+S'pg-13'
+p2653
+sg13
+S'12:20'
+p2654
+sg15
+S'Saturday'
+p2655
+sg17
+S'2016-03-12'
+p2656
+sg19
+S'or'
+p2657
+sg21
+S'Star Wars'
+p2658
+ssI239
+(dp2659
+g3
+S'portland'
+p2660
+sg5
+S'Century Eastport 16'
+p2661
+sg7
+S'3:40pm'
+p2662
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2663
+sg11
+S'or'
+p2664
+sg1703
+S'pg-13'
+p2665
+sg13
+S'3:40'
+p2666
+sg15
+S'Saturday'
+p2667
+sg17
+S'2016-03-12'
+p2668
+sg19
+S'or'
+p2669
+sg21
+S'Star Wars'
+p2670
+ssI240
+(dp2671
+g3
+S'portland'
+p2672
+sg5
+S'Century Eastport 16'
+p2673
+sg7
+S'6:50pm'
+p2674
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2675
+sg11
+S'or'
+p2676
+sg1703
+S'pg-13'
+p2677
+sg13
+S'6:50'
+p2678
+sg15
+S'Saturday'
+p2679
+sg17
+S'2016-03-12'
+p2680
+sg19
+S'or'
+p2681
+sg21
+S'Star Wars'
+p2682
+ssI241
+(dp2683
+g3
+S'portland'
+p2684
+sg5
+S'Century Eastport 16'
+p2685
+sg7
+S'10pm'
+p2686
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2687
+sg11
+S'or'
+p2688
+sg1703
+S'pg-13'
+p2689
+sg13
+S'10pm'
+p2690
+sg15
+S'Saturday'
+p2691
+sg17
+S'2016-03-12'
+p2692
+sg19
+S'or'
+p2693
+sg21
+S'Star Wars'
+p2694
+ssI242
+(dp2695
+g3
+S'Baltimore'
+p2696
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p2697
+sg599
+S'3d'
+p2698
+sg11
+S'Maryland'
+p2699
+sg1703
+S'pg-13'
+p2700
+sg17
+S'2016-03-10'
+p2701
+sg19
+S'md'
+p2702
+sg21
+S'Star Wars'
+p2703
+ssI243
+(dp2704
+g7
+S'7:40pm'
+p2705
+sg3
+S'la'
+p2706
+sg5
+S'Regency Norwalk 8'
+p2707
+sg618
+S'8%'
+p2708
+sg9
+S'9661972d-99ce-43d1-a8eb-576c6ed816c7'
+p2709
+sg11
+S'ca'
+p2710
+sg422
+S'rotten tomatoes'
+p2711
+sg13
+S'7:40pm'
+p2712
+sg15
+S'Saturday'
+p2713
+sg17
+S'2016-03-12'
+p2714
+sg19
+S'ca'
+p2715
+sg21
+S'the forest'
+p2716
+ssI244
+(dp2717
+g7
+S'7:20pm'
+p2718
+sg3
+S'la'
+p2719
+sg5
+S'AMC La Mirada 7'
+p2720
+sg618
+S'8%'
+p2721
+sg9
+S'9661972d-99ce-43d1-a8eb-576c6ed816c7'
+p2722
+sg11
+S'ca'
+p2723
+sg422
+S'rotten tomatoes'
+p2724
+sg13
+S'7:20'
+p2725
+sg15
+S'Saturday'
+p2726
+sg17
+S'2016-03-12'
+p2727
+sg19
+S'ca'
+p2728
+sg21
+S'the forest'
+p2729
+ssI245
+(dp2730
+g3
+S'chicago'
+p2731
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2732
+sg11
+S'il'
+p2733
+sg455
+S'thriller'
+p2734
+sg17
+S'2016-03-08'
+p2735
+sg19
+S'il'
+p2736
+sg21
+S'the other side of the door'
+p2737
+ssI246
+(dp2738
+g3
+S'las vegas'
+p2739
+sg5
+S'SouthPoint casino'
+p2740
+sg7
+S'12:05pm'
+p2741
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2742
+sg11
+S'nv'
+p2743
+sg13
+S'12:05pm'
+p2744
+sg455
+S'horror'
+p2745
+sg17
+S'2016-03-10'
+p2746
+sg19
+S'nv'
+p2747
+sg21
+S'the other side of the door'
+p2748
+ssI247
+(dp2749
+g3
+S'las vegas'
+p2750
+sg5
+S'SouthPoint casino'
+p2751
+sg7
+S'2:40pm'
+p2752
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2753
+sg11
+S'nv'
+p2754
+sg13
+S'2:40'
+p2755
+sg17
+S'2016-03-10'
+p2756
+sg19
+S'nv'
+p2757
+sg21
+S'the other side of the door'
+p2758
+ssI248
+(dp2759
+g3
+S'las vegas'
+p2760
+sg5
+S'SouthPoint casino'
+p2761
+sg7
+S'5:20pm'
+p2762
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2763
+sg11
+S'nv'
+p2764
+sg13
+S'5:20'
+p2765
+sg17
+S'2016-03-10'
+p2766
+sg19
+S'nv'
+p2767
+sg21
+S'the other side of the door'
+p2768
+ssI249
+(dp2769
+g3
+S'las vegas'
+p2770
+sg5
+S'SouthPoint casino'
+p2771
+sg7
+S'8:05pm'
+p2772
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2773
+sg11
+S'nv'
+p2774
+sg13
+S'8:05'
+p2775
+sg17
+S'2016-03-10'
+p2776
+sg19
+S'nv'
+p2777
+sg21
+S'the other side of the door'
+p2778
+ssI250
+(dp2779
+g3
+S'las vegas'
+p2780
+sg5
+S'SouthPoint casino'
+p2781
+sg7
+S'10:35pm'
+p2782
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2783
+sg11
+S'nv'
+p2784
+sg13
+S'10:35pm'
+p2785
+sg17
+S'2016-03-10'
+p2786
+sg19
+S'nv'
+p2787
+sg21
+S'the other side of the door'
+p2788
+ssI251
+(dp2789
+g3
+S'nyc'
+p2790
+sg5
+S'UA Kaufman Astoria Stadium 14'
+p2791
+sg7
+S'8:40pm'
+p2792
+sg9
+S'86b949eb-1ab3-40cb-b116-2f90c287aa89'
+p2793
+sg15
+S'today'
+p2794
+sg11
+S'ny'
+p2795
+sg13
+S'8:40pm'
+p2796
+sg455
+S'horror'
+p2797
+sg17
+S'2016-03-09'
+p2798
+sg19
+S'ny'
+p2799
+sg21
+S'the other side of the door'
+p2800
+ssI252
+(dp2801
+g3
+S'seattle'
+p2802
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2803
+sg11
+S'wa'
+p2804
+sg15
+S'friday'
+p2805
+sg17
+S'2016-03-11'
+p2806
+sg19
+S'wa'
+p2807
+sg21
+S'the perfect match'
+p2808
+ssI253
+(dp2809
+g3
+S'wilmington'
+p2810
+sg5
+S'REGAL MAYFAIRE STADIUM 16 & IMAX'
+p2811
+sg7
+S'7:35pm'
+p2812
+sg9
+S'a67ecec8-089a-45f9-8518-d1dba94ba339'
+p2813
+sg11
+S'nc'
+p2814
+sg13
+S'7:35 PM'
+p2815
+sg15
+S'Saturday'
+p2816
+sg17
+S'2016-03-12'
+p2817
+sg19
+S'nc'
+p2818
+sg21
+S'the perfect match'
+p2819
+ssI254
+(dp2820
+g3
+S'seattle'
+p2821
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2822
+sg11
+S'wa'
+p2823
+sg15
+S'friday'
+p2824
+sg17
+S'2016-03-11'
+p2825
+sg19
+S'wa'
+p2826
+sg21
+S'the brothers grimsby'
+p2827
+ssI255
+(dp2828
+g3
+S'seattle'
+p2829
+sg5
+S'AMC PACIFIC PLACE 11'
+p2830
+sg95
+S'98101'
+p2831
+sg7
+S'7:00pm'
+p2832
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2833
+sg11
+S'wa'
+p2834
+sg13
+S'7:00pm'
+p2835
+sg15
+S'friday'
+p2836
+sg17
+S'2016-03-11'
+p2837
+sg19
+S'wa'
+p2838
+sg21
+S'the brothers grimsby'
+p2839
+ssI256
+(dp2840
+g3
+S'seattle'
+p2841
+sg5
+S'AMC PACIFIC PLACE 11'
+p2842
+sg95
+S'98101'
+p2843
+sg7
+S'8:40pm'
+p2844
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2845
+sg11
+S'wa'
+p2846
+sg13
+S'8:40pm'
+p2847
+sg15
+S'friday'
+p2848
+sg17
+S'2016-03-11'
+p2849
+sg19
+S'wa'
+p2850
+sg21
+S'the brothers grimsby'
+p2851
+ssI257
+(dp2852
+g3
+S'seattle'
+p2853
+sg5
+S'AMC PACIFIC PLACE 11'
+p2854
+sg95
+S'98101'
+p2855
+sg7
+S'9:30pm'
+p2856
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2857
+sg11
+S'wa'
+p2858
+sg13
+S'9:30pm'
+p2859
+sg15
+S'friday'
+p2860
+sg17
+S'2016-03-11'
+p2861
+sg19
+S'wa'
+p2862
+sg21
+S'the brothers grimsby'
+p2863
+ssI258
+(dp2864
+g3
+S'seattle'
+p2865
+sg5
+S'AMC PACIFIC PLACE 11'
+p2866
+sg95
+S'98101'
+p2867
+sg7
+S'10:50pm'
+p2868
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2869
+sg11
+S'wa'
+p2870
+sg13
+S'10:50pm'
+p2871
+sg15
+S'friday'
+p2872
+sg17
+S'2016-03-11'
+p2873
+sg19
+S'wa'
+p2874
+sg21
+S'the brothers grimsby'
+p2875
+ssI259
+(dp2876
+g3
+S'bellevue'
+p2877
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2878
+sg95
+S'98004'
+p2879
+sg7
+S'7:50pm'
+p2880
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2881
+sg11
+S'wa'
+p2882
+sg13
+S'7:50pm'
+p2883
+sg15
+S'friday'
+p2884
+sg17
+S'2016-03-11'
+p2885
+sg19
+S'wa'
+p2886
+sg21
+S'the brothers grimsby'
+p2887
+ssI260
+(dp2888
+g3
+S'bellevue'
+p2889
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2890
+sg95
+S'98004'
+p2891
+sg7
+S'10:20pm'
+p2892
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2893
+sg11
+S'wa'
+p2894
+sg13
+S'10:20pm'
+p2895
+sg15
+S'friday'
+p2896
+sg17
+S'2016-03-11'
+p2897
+sg19
+S'wa'
+p2898
+sg21
+S'the brothers grimsby'
+p2899
+ssI261
+(dp2900
+g3
+S'miami'
+p2901
+sg5
+S'Regal South Beach'
+p2902
+sg7
+S'7:40pm'
+p2903
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2904
+sg11
+S'fl'
+p2905
+sg13
+S'7:40'
+p2906
+sg15
+S'Friday'
+p2907
+sg17
+S'2016-03-11'
+p2908
+sg19
+S'fl'
+p2909
+sg21
+S'the brothers grimsby'
+p2910
+ssI262
+(dp2911
+g3
+S'miami'
+p2912
+sg5
+S'AMC Sunset Place 24'
+p2913
+sg7
+S'6:00pm'
+p2914
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2915
+sg11
+S'fl'
+p2916
+sg13
+S'6:00'
+p2917
+sg15
+S'Friday'
+p2918
+sg17
+S'2016-03-11'
+p2919
+sg19
+S'fl'
+p2920
+sg21
+S'the brothers grimsby'
+p2921
+ssI263
+(dp2922
+g3
+S'miami'
+p2923
+sg5
+S'AMC Sunset Place 24'
+p2924
+sg7
+S'8:30pm'
+p2925
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2926
+sg11
+S'fl'
+p2927
+sg13
+S'8:30'
+p2928
+sg15
+S'Friday'
+p2929
+sg17
+S'2016-03-11'
+p2930
+sg19
+S'fl'
+p2931
+sg21
+S'the brothers grimsby'
+p2932
+ssI264
+(dp2933
+g3
+S'carbondale'
+p2934
+sg5
+S'AMC SHOWPLACE CARBONDALE 8'
+p2935
+sg7
+S'4:40pm'
+p2936
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2937
+sg15
+S'Tuesday'
+p2938
+sg11
+S'illinois'
+p2939
+sg13
+S'4:40 pm'
+p2940
+sg455
+S'thriller'
+p2941
+sg17
+S'2016-03-15'
+p2942
+sg19
+S'il'
+p2943
+sg21
+S'The Witch'
+p2944
+ssI265
+(dp2945
+g3
+S'seattle'
+p2946
+sg5
+S'Regal Meridian 16'
+p2947
+sg7
+S'9:30pm'
+p2948
+sg9
+S'40761539-bda4-4377-8925-ad3a4a06b511'
+p2949
+sg15
+S'tomorrow'
+p2950
+sg11
+S'wa'
+p2951
+sg13
+S'9:30 PM'
+p2952
+sg455
+S'thriller'
+p2953
+sg17
+S'2016-03-09'
+p2954
+sg19
+S'wa'
+p2955
+sg21
+S'The Witch'
+p2956
+ssI266
+(dp2957
+g3
+S'chicago'
+p2958
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2959
+sg11
+S'il'
+p2960
+sg455
+S'thriller'
+p2961
+sg17
+S'2016-03-08'
+p2962
+sg19
+S'il'
+p2963
+sg21
+S'The Witch'
+p2964
+ssI267
+(dp2965
+g5
+S'Cinemar Downey'
+p2966
+sg7
+S'10:35am'
+p2967
+sg9
+S'6dbc8e0e-919f-4d56-a1aa-47a176ca989b'
+p2968
+sg15
+S'tomorrow'
+p2969
+sg13
+S'10:35 am'
+p2970
+sg455
+S'thriller'
+p2971
+sg17
+S'2016-03-09'
+p2972
+sg21
+S'The Witch'
+p2973
+ssI268
+(dp2974
+g5
+S'AMC Theaters Puente Hills'
+p2975
+sg7
+S'11:40am'
+p2976
+sg9
+S'6dbc8e0e-919f-4d56-a1aa-47a176ca989b'
+p2977
+sg15
+S'tomorrow'
+p2978
+sg13
+S'11:40 am'
+p2979
+sg455
+S'thriller'
+p2980
+sg17
+S'2016-03-09'
+p2981
+sg21
+S'The Witch'
+p2982
+ssI269
+(dp2983
+g3
+S'los angeles'
+p2984
+sg5
+S'Regal LA LIVE Stadium 14'
+p2985
+sg7
+S'8:30pm'
+p2986
+sg9
+S'be1d6e7c-52fa-4179-8730-412e950185ac'
+p2987
+sg13
+S'8:30pm'
+p2988
+sg455
+S'thriller'
+p2989
+sg17
+S'2016-03-08'
+p2990
+sg21
+S'The Witch'
+p2991
+ssI270
+(dp2992
+g3
+S'los angeles'
+p2993
+sg5
+S'Regal LA LIVE Stadium 14'
+p2994
+sg7
+S'11:00pm'
+p2995
+sg9
+S'be1d6e7c-52fa-4179-8730-412e950185ac'
+p2996
+sg13
+S'11pm'
+p2997
+sg455
+S'thriller'
+p2998
+sg17
+S'2016-03-08'
+p2999
+sg21
+S'The Witch'
+p3000
+ssI271
+(dp3001
+g3
+S'Knoxville'
+p3002
+sg5
+S'Carmike 10'
+p3003
+sg7
+S'7:30pm'
+p3004
+sg9
+S'078842e2-66f7-44c6-add8-05d558677de7'
+p3005
+sg599
+S'3d'
+p3006
+sg11
+S'tn'
+p3007
+sg13
+S'7:30pm'
+p3008
+sg15
+S'tomorrow'
+p3009
+sg17
+S'2016-03-11'
+p3010
+sg19
+S'tn'
+p3011
+sg21
+S'The Witch'
+p3012
+ssI272
+(dp3013
+g3
+S'Atlanta'
+p3014
+sg5
+S'AMC PHIPPS PLAZA 14'
+p3015
+sg95
+S'30326'
+p3016
+sg7
+S'9:55pm'
+p3017
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3018
+sg11
+S'ga'
+p3019
+sg13
+S'9:55'
+p3020
+sg455
+S'horror'
+p3021
+sg17
+S'2016-03-15'
+p3022
+sg19
+S'ga'
+p3023
+sg21
+S'The Witch'
+p3024
+ssI273
+(dp3025
+g3
+S'Barrington'
+p3026
+sg5
+S'AMC SOUTH BARRINGTON 30'
+p3027
+sg95
+S'60010'
+p3028
+sg7
+S'6:25pm'
+p3029
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3030
+sg11
+S'il'
+p3031
+sg13
+S'6:25'
+p3032
+sg15
+S'March 12th'
+p3033
+sg17
+S'2016-03-12'
+p3034
+sg19
+S'il'
+p3035
+sg21
+S'The Witch'
+p3036
+ssI274
+(dp3037
+g3
+S'Barrington'
+p3038
+sg5
+S'AMC SOUTH BARRINGTON 30'
+p3039
+sg95
+S'60010'
+p3040
+sg7
+S'9:00pm'
+p3041
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3042
+sg11
+S'il'
+p3043
+sg13
+S'9:00 pm'
+p3044
+sg15
+S'March 12th'
+p3045
+sg17
+S'2016-03-12'
+p3046
+sg19
+S'il'
+p3047
+sg21
+S'The Witch'
+p3048
+ssI275
+(dp3049
+g3
+S'Carbondale'
+p3050
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p3051
+sg15
+S'Friday'
+p3052
+sg11
+S'il'
+p3053
+sg455
+S'drama'
+p3054
+sg17
+S'2016-03-11'
+p3055
+sg19
+S'il'
+p3056
+sg21
+S'the young messiah'
+p3057
+ssI276
+(dp3058
+g3
+S'Carbondale'
+p3059
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p3060
+sg15
+S'this weekend'
+p3061
+sg455
+S'drama'
+p3062
+sg17
+S'2016-03-12'
+p3063
+sg21
+S'the young messiah'
+p3064
+ssI277
+(dp3065
+g3
+S'Stony Brook'
+p3066
+sg5
+S'AMC LOEWS STONY BROOK 17'
+p3067
+sg7
+S'11:05am'
+p3068
+sg9
+S'99302780-8073-4203-a924-767e4c5ccdc7'
+p3069
+sg15
+S'Saturday'
+p3070
+sg11
+S'ny'
+p3071
+sg13
+S'11:05am'
+p3072
+sg455
+S'drama'
+p3073
+sg17
+S'2016-03-12'
+p3074
+sg19
+S'ny'
+p3075
+sg21
+S'the young messiah'
+p3076
+ssI278
+(dp3077
+g3
+S'Stony Brook'
+p3078
+sg5
+S'AMC LOEWS STONY BROOK 17'
+p3079
+sg7
+S'1:45pm'
+p3080
+sg9
+S'99302780-8073-4203-a924-767e4c5ccdc7'
+p3081
+sg15
+S'Saturday'
+p3082
+sg11
+S'ny'
+p3083
+sg13
+S'1:45pm'
+p3084
+sg455
+S'drama'
+p3085
+sg17
+S'2016-03-12'
+p3086
+sg19
+S'ny'
+p3087
+sg21
+S'the young messiah'
+p3088
+ssI279
+(dp3089
+g3
+S'Carbondale'
+p3090
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p3091
+sg11
+S'il'
+p3092
+sg15
+S'Tuesday'
+p3093
+sg17
+S'2016-03-08'
+p3094
+sg19
+S'il'
+p3095
+sg21
+S'triple 9'
+p3096
+ssI280
+(dp3097
+g3
+S'seattle'
+p3098
+sg5
+S'AMC Lowes Oak Tree 6'
+p3099
+sg7
+S'7:10pm'
+p3100
+sg9
+S'408e5aca-a86e-4c81-aded-996ea3b74b60'
+p3101
+sg11
+S'wa'
+p3102
+sg13
+S'7:10 PM'
+p3103
+sg15
+S'tomorrow'
+p3104
+sg17
+S'2016-03-09'
+p3105
+sg19
+S'wa'
+p3106
+sg21
+S'triple 9'
+p3107
+ssI281
+(dp3108
+g3
+S'houma'
+p3109
+sg5
+S'AMC HOUMA PALACE 10'
+p3110
+sg95
+S'70364'
+p3111
+sg7
+S'11:40am'
+p3112
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3113
+sg15
+S'9th'
+p3114
+sg11
+S'louisiana'
+p3115
+sg13
+S'11:40am'
+p3116
+sg455
+S'adult comedy'
+p3117
+sg17
+S'2016-03-09'
+p3118
+sg19
+S'la'
+p3119
+sg21
+S'whiskey tango foxtrot'
+p3120
+ssI282
+(dp3121
+g3
+S'houma'
+p3122
+sg5
+S'AMC HOUMA PALACE 10'
+p3123
+sg95
+S'70364'
+p3124
+sg7
+S'2:15pm'
+p3125
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3126
+sg15
+S'9th'
+p3127
+sg11
+S'louisiana'
+p3128
+sg13
+S'2:15pm'
+p3129
+sg455
+S'adult comedy'
+p3130
+sg17
+S'2016-03-09'
+p3131
+sg19
+S'la'
+p3132
+sg21
+S'whiskey tango foxtrot'
+p3133
+ssI283
+(dp3134
+g3
+S'houma'
+p3135
+sg5
+S'AMC HOUMA PALACE 10'
+p3136
+sg95
+S'70364'
+p3137
+sg7
+S'5:00pm'
+p3138
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3139
+sg15
+S'9th'
+p3140
+sg11
+S'louisiana'
+p3141
+sg13
+S'5:00pm'
+p3142
+sg455
+S'adult comedy'
+p3143
+sg17
+S'2016-03-09'
+p3144
+sg19
+S'la'
+p3145
+sg21
+S'whiskey tango foxtrot'
+p3146
+ssI284
+(dp3147
+g3
+S'houma'
+p3148
+sg5
+S'AMC HOUMA PALACE 10'
+p3149
+sg95
+S'70364'
+p3150
+sg7
+S'7:40pm'
+p3151
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3152
+sg15
+S'9th'
+p3153
+sg11
+S'louisiana'
+p3154
+sg13
+S'7:40pm'
+p3155
+sg455
+S'adult comedy'
+p3156
+sg17
+S'2016-03-09'
+p3157
+sg19
+S'la'
+p3158
+sg21
+S'whiskey tango foxtrot'
+p3159
+ssI285
+(dp3160
+g3
+S'seattle'
+p3161
+sg618
+S'top'
+p3162
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p3163
+sg11
+S'wa'
+p3164
+sg19
+S'wa'
+p3165
+sg21
+S'whiskey tango foxtrot'
+p3166
+ssI286
+(dp3167
+g3
+S'Bayou Vista'
+p3168
+sS'actress'
+p3169
+S'Tina Fey'
+p3170
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p3171
+sg11
+S'la'
+p3172
+sg1703
+S'R'
+sg15
+S'this weekend'
+p3173
+sg17
+S'2016-03-12'
+p3174
+sg19
+S'la'
+p3175
+sg21
+S'whiskey tango foxtrot'
+p3176
+ssI287
+(dp3177
+g3
+S'Buford'
+p3178
+sg5
+S'mall of georgia movie theater'
+p3179
+sg7
+S'10:40pm'
+p3180
+sg3169
+S'Tina Fey'
+p3181
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p3182
+sg11
+S'Georgia'
+p3183
+sg1703
+S'R'
+sg13
+S'10:40pm'
+p3184
+sg15
+S'Friday'
+p3185
+sg17
+S'2016-03-11'
+p3186
+sg19
+S'ga'
+p3187
+sg21
+S'whiskey tango foxtrot'
+p3188
+ssI288
+(dp3189
+g3
+S'seattle'
+p3190
+sg5
+S'regal meridian 16'
+p3191
+sg7
+S'9:00pm'
+p3192
+sg9
+S'482633d1-5c54-44ab-b878-aa4b82607810'
+p3193
+sg15
+S'soonest upcoming showing'
+p3194
+sg11
+S'wa'
+p3195
+sg13
+S'9:00PM'
+p3196
+sg455
+S'comedy'
+p3197
+sg17
+S'2016-03-08'
+p3198
+sg19
+S'wa'
+p3199
+sg21
+S'whiskey tango foxtrot'
+p3200
+ssI289
+(dp3201
+g3
+S'Altoona'
+p3202
+sg5
+S'CARMIKE 12'
+p3203
+sg7
+S'5pm'
+p3204
+sg9
+S'0839f1f9-24c5-446a-a065-6f7775642fc4'
+p3205
+sg11
+S'Pennsylvania'
+p3206
+sg13
+S'5PM'
+p3207
+sg15
+S'Wednesday'
+p3208
+sg17
+S'2016-03-09'
+p3209
+sg19
+S'pa'
+p3210
+sg21
+S'whiskey tango foxtrot'
+p3211
+ssI290
+(dp3212
+g3
+S'Altoona'
+p3213
+sg5
+S'CARMIKE 12'
+p3214
+sg7
+S'7:40pm'
+p3215
+sg9
+S'0839f1f9-24c5-446a-a065-6f7775642fc4'
+p3216
+sg11
+S'Pennsylvania'
+p3217
+sg13
+S'7:40PM'
+p3218
+sg15
+S'Wednesday'
+p3219
+sg17
+S'2016-03-09'
+p3220
+sg19
+S'pa'
+p3221
+sg21
+S'whiskey tango foxtrot'
+p3222
+ssI291
+(dp3223
+g3
+S'miami'
+p3224
+sg5
+S'Regal South Beach'
+p3225
+sg7
+S'10:20pm'
+p3226
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3227
+sg11
+S'fl'
+p3228
+sg13
+S'10:20pm'
+p3229
+sg15
+S'tonight'
+p3230
+sg17
+S'2016-03-09'
+p3231
+sg19
+S'fl'
+p3232
+sg21
+S'whiskey tango foxtrot'
+p3233
+ssI292
+(dp3234
+g3
+S'miami'
+p3235
+sg5
+S'Cinepolis USA'
+p3236
+sg7
+S'8:25pm'
+p3237
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3238
+sg11
+S'fl'
+p3239
+sg13
+S'8:25pm'
+p3240
+sg15
+S'tonight'
+p3241
+sg17
+S'2016-03-09'
+p3242
+sg19
+S'fl'
+p3243
+sg21
+S'whiskey tango foxtrot'
+p3244
+ssI293
+(dp3245
+g3
+S'miami'
+p3246
+sg5
+S'Cobb Dolphin Cinemas'
+p3247
+sg7
+S'9:05pm'
+p3248
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3249
+sg11
+S'fl'
+p3250
+sg13
+S'9:05pm'
+p3251
+sg15
+S'tonight'
+p3252
+sg17
+S'2016-03-09'
+p3253
+sg19
+S'fl'
+p3254
+sg21
+S'whiskey tango foxtrot'
+p3255
+ssI294
+(dp3256
+g3
+S'albany'
+p3257
+sg5
+S'Regal Clifton Park Stadium'
+p3258
+sg7
+S'12:40pm'
+p3259
+sg9
+S'a4ab33ee-8b94-4182-a048-2ae749af61ec'
+p3260
+sg11
+S'ny'
+p3261
+sg13
+S'12:40pm'
+p3262
+sg15
+S'soonest'
+p3263
+sg17
+S'2016-03-09'
+p3264
+sg19
+S'ny'
+p3265
+sg21
+S'whiskey tango foxtrot'
+p3266
+ssI295
+(dp3267
+g5
+S'NCG Eastwood Cinemas'
+p3268
+sg7
+S'1:55pm'
+p3269
+sg9
+S'f04ca2ab-4b2f-4666-b089-5df285a98fdc'
+p3270
+sg13
+S'1:55'
+p3271
+sg455
+S'comedy'
+p3272
+sg17
+S'2016-03-09'
+p3273
+sg21
+S'whiskey tango foxtrot'
+p3274
+ssI296
+(dp3275
+g5
+S'NCG Eastwood Cinemas'
+p3276
+sg7
+S'4:25pm'
+p3277
+sg9
+S'f04ca2ab-4b2f-4666-b089-5df285a98fdc'
+p3278
+sg13
+S'4:25'
+p3279
+sg455
+S'comedy'
+p3280
+sg17
+S'2016-03-09'
+p3281
+sg21
+S'whiskey tango foxtrot'
+p3282
+ssI297
+(dp3283
+g5
+S'Mesa Grand 24'
+p3284
+sg7
+S'7:25pm'
+p3285
+sg9
+S'3b1ba75b-2d8b-48af-9492-6f6d7e7164d8'
+p3286
+sg15
+S'Friday'
+p3287
+sg13
+S'7:25'
+p3288
+sg455
+S'comedy'
+p3289
+sg17
+S'2016-03-11'
+p3290
+sg21
+S'whiskey tango foxtrot'
+p3291
+ssI298
+(dp3292
+g5
+S'Mesa Grand 24'
+p3293
+sg7
+S'10:30pm'
+p3294
+sg9
+S'3b1ba75b-2d8b-48af-9492-6f6d7e7164d8'
+p3295
+sg15
+S'Friday'
+p3296
+sg13
+S'10:30'
+p3297
+sg455
+S'comedy'
+p3298
+sg17
+S'2016-03-11'
+p3299
+sg21
+S'whiskey tango foxtrot'
+p3300
+ssI299
+(dp3301
+g5
+S'SIFF Cinema Uptown'
+p3302
+sg7
+S'7:10pm'
+p3303
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3304
+sg13
+S'7:10 pm'
+p3305
+sg15
+S'March 11th'
+p3306
+sg17
+S'2016-03-11'
+p3307
+sg21
+S'whiskey tango foxtrot'
+p3308
+ssI300
+(dp3309
+g5
+S'Ark Lodge Cinemas'
+p3310
+sg7
+S'7:15pm'
+p3311
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3312
+sg13
+S'7:15'
+p3313
+sg15
+S'March 11th'
+p3314
+sg17
+S'2016-03-11'
+p3315
+sg21
+S'whiskey tango foxtrot'
+p3316
+ssI301
+(dp3317
+g5
+S'Regal Crossroads'
+p3318
+sg7
+S'7:15pm'
+p3319
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3320
+sg13
+S'7:15pm'
+p3321
+sg15
+S'March 11th'
+p3322
+sg17
+S'2016-03-11'
+p3323
+sg21
+S'whiskey tango foxtrot'
+p3324
+ssI302
+(dp3325
+g3
+S'portland'
+p3326
+sg5
+S'Regal Fox Tower Stadium 10'
+p3327
+sg7
+S'6:45pm'
+p3328
+sg9
+S'dc704595-b3c4-4464-b61d-b80e5dc1030c'
+p3329
+sg11
+S'or'
+p3330
+sg13
+S'6:45'
+p3331
+sg15
+S'Saturday'
+p3332
+sg17
+S'2016-03-12'
+p3333
+sg19
+S'or'
+p3334
+sg21
+S'whiskey tango foxtrot'
+p3335
+ssI303
+(dp3336
+g3
+S'Visalia'
+p3337
+sg5
+S'Regal Visalia Stadium 10'
+p3338
+sg7
+S'12:35pm'
+p3339
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3340
+sg11
+S'california'
+p3341
+sg13
+S'12:35pm'
+p3342
+sg15
+S'Saturday'
+p3343
+sg17
+S'2016-03-12'
+p3344
+sg19
+S'ca'
+p3345
+sg21
+S'whiskey tango foxtrot'
+p3346
+ssI304
+(dp3347
+g3
+S'Visalia'
+p3348
+sg5
+S'Regal Visalia Stadium 10'
+p3349
+sg7
+S'4:05pm'
+p3350
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3351
+sg11
+S'california'
+p3352
+sg13
+S'4:05pm'
+p3353
+sg15
+S'Saturday'
+p3354
+sg17
+S'2016-03-12'
+p3355
+sg19
+S'ca'
+p3356
+sg21
+S'whiskey tango foxtrot'
+p3357
+ssI305
+(dp3358
+g3
+S'Visalia'
+p3359
+sg5
+S'Regal Visalia Stadium 10'
+p3360
+sg7
+S'7:05pm'
+p3361
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3362
+sg11
+S'california'
+p3363
+sg13
+S'7:05pm'
+p3364
+sg15
+S'Saturday'
+p3365
+sg17
+S'2016-03-12'
+p3366
+sg19
+S'ca'
+p3367
+sg21
+S'whiskey tango foxtrot'
+p3368
+ssI306
+(dp3369
+g3
+S'Visalia'
+p3370
+sg5
+S'Regal Visalia Stadium 10'
+p3371
+sg7
+S'9:55pm'
+p3372
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3373
+sg11
+S'california'
+p3374
+sg13
+S'9:55pm'
+p3375
+sg15
+S'Saturday'
+p3376
+sg17
+S'2016-03-12'
+p3377
+sg19
+S'ca'
+p3378
+sg21
+S'whiskey tango foxtrot'
+p3379
+ssI307
+(dp3380
+g3
+S'hamilton'
+p3381
+sg618
+S'top'
+p3382
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3383
+sg11
+S'nj'
+p3384
+sg15
+S'tomorrow'
+p3385
+sg17
+S'2016-03-10'
+p3386
+sg19
+S'nj'
+p3387
+sg21
+S'whiskey tango foxtrot'
+p3388
+ssI308
+(dp3389
+g3
+S'seattle'
+p3390
+sg5
+S'regal meridian 16'
+p3391
+sg95
+S'98101'
+p3392
+sg7
+S'2:00pm'
+p3393
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3394
+sg11
+S'wa'
+p3395
+sg422
+S'cheapest'
+p3396
+sg13
+S'2:00pm'
+p3397
+sg455
+S'comedy'
+p3398
+sg17
+S'2016-03-08'
+p3399
+sg19
+S'wa'
+p3400
+sg21
+S'zoolander 2'
+p3401
+ssI309
+(dp3402
+g3
+S'seattle'
+p3403
+sg5
+S'regal meridian 16'
+p3404
+sg95
+S'98101'
+p3405
+sg7
+S'4:30pm'
+p3406
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3407
+sg11
+S'wa'
+p3408
+sg422
+S'cheapest'
+p3409
+sg13
+S'4:30pm'
+p3410
+sg455
+S'comedy'
+p3411
+sg17
+S'2016-03-08'
+p3412
+sg19
+S'wa'
+p3413
+sg21
+S'zoolander 2'
+p3414
+ssI310
+(dp3415
+g3
+S'seattle'
+p3416
+sg5
+S'regal meridian 16'
+p3417
+sg95
+S'98101'
+p3418
+sg7
+S'7:00pm'
+p3419
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3420
+sg11
+S'wa'
+p3421
+sg422
+S'cheapest'
+p3422
+sg13
+S'7:00pm'
+p3423
+sg455
+S'comedy'
+p3424
+sg17
+S'2016-03-08'
+p3425
+sg19
+S'wa'
+p3426
+sg21
+S'zoolander 2'
+p3427
+ssI311
+(dp3428
+g3
+S'seattle'
+p3429
+sg5
+S'regal meridian 16'
+p3430
+sg95
+S'98101'
+p3431
+sg7
+S'9:25pm'
+p3432
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3433
+sg11
+S'wa'
+p3434
+sg422
+S'cheapest'
+p3435
+sg13
+S'9:25pm'
+p3436
+sg455
+S'comedy'
+p3437
+sg17
+S'2016-03-08'
+p3438
+sg19
+S'wa'
+p3439
+sg21
+S'zoolander 2'
+p3440
+ssI312
+(dp3441
+g3
+S'seattle'
+p3442
+sg5
+S'regal meridian 16'
+p3443
+sg95
+S'98101'
+p3444
+sg7
+S'9:25pm'
+p3445
+sg9
+S'5cac12bc-413e-48dc-8704-01aea558bf9b'
+p3446
+sg15
+S'tomorrow'
+p3447
+sg11
+S'wa'
+p3448
+sg422
+S'cheapest'
+p3449
+sg13
+S'9:25pm'
+p3450
+sg455
+S'comedy'
+p3451
+sg17
+S'2016-03-09'
+p3452
+sg19
+S'wa'
+p3453
+sg21
+S'zoolander 2'
+p3454
+ssI313
+(dp3455
+g3
+S'seattle'
+p3456
+sg5
+S'regal meridian 16'
+p3457
+sg95
+S'98101'
+p3458
+sg7
+S'9:30pm'
+p3459
+sg9
+S'b58a47d2-539f-47e8-b8dd-66ae55235905'
+p3460
+sg11
+S'wa'
+p3461
+sg422
+S'cheapest'
+p3462
+sg13
+S'9:30pm'
+p3463
+sg455
+S'comedy'
+p3464
+sg17
+S'2016-03-15'
+p3465
+sg19
+S'wa'
+p3466
+sg21
+S'zoolander 2'
+p3467
+ssI314
+(dp3468
+g3
+S'seattle'
+p3469
+sg618
+S'top'
+p3470
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p3471
+sg15
+S'last weekend'
+p3472
+sg1703
+S'pg'
+p3473
+sg455
+S'comedy'
+p3474
+sg17
+S'2016-03-05'
+p3475
+sg21
+S'Zootopia'
+p3476
+ssI315
+(dp3477
+g3
+S'seattle'
+p3478
+sg5
+S'regal meridian 16'
+p3479
+sg95
+S'98101'
+p3480
+sg7
+S'5:20pm'
+p3481
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3482
+sg11
+S'wa'
+p3483
+sg1703
+S'pg'
+p3484
+sg13
+S'5:20'
+p3485
+sg455
+S'comedy'
+p3486
+sg17
+S'2016-03-08'
+p3487
+sg19
+S'wa'
+p3488
+sg21
+S'Zootopia'
+p3489
+ssI316
+(dp3490
+g3
+S'seattle'
+p3491
+sg5
+S'regal meridian 16'
+p3492
+sg95
+S'98101'
+p3493
+sg7
+S'6:30pm'
+p3494
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3495
+sg15
+S'tonight'
+p3496
+sg11
+S'wa'
+p3497
+sg1703
+S'pg'
+p3498
+sg13
+S'6:30pm'
+p3499
+sg455
+S'comedy'
+p3500
+sg17
+S'2016-03-08'
+p3501
+sg19
+S'wa'
+p3502
+sg21
+S'Zootopia'
+p3503
+ssI317
+(dp3504
+g7
+S'8:40pm'
+p3505
+sg3
+S'seattle'
+p3506
+sg5
+S'regal meridian 16'
+p3507
+sg95
+S'98101'
+p3508
+sg599
+S'regular'
+p3509
+sg618
+S'number 1'
+p3510
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3511
+sg15
+S'tonight'
+p3512
+sg11
+S'wa'
+p3513
+sg1703
+S'pg'
+p3514
+sg13
+S'8:40pm'
+p3515
+sg455
+S'comedy'
+p3516
+sg17
+S'2016-03-08'
+p3517
+sg19
+S'wa'
+p3518
+sg21
+S'Zootopia'
+p3519
+ssI318
+(dp3520
+g7
+S'8:00pm'
+p3521
+sg3
+S'seattle'
+p3522
+sg5
+S'regal meridian 16'
+p3523
+sg95
+S'98101'
+p3524
+sg599
+S'3d'
+p3525
+sg618
+S'number 1'
+p3526
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3527
+sg15
+S'tonight'
+p3528
+sg11
+S'wa'
+p3529
+sg1703
+S'pg'
+p3530
+sg13
+S'8:00pm'
+p3531
+sg455
+S'comedy'
+p3532
+sg17
+S'2016-03-08'
+p3533
+sg19
+S'wa'
+p3534
+sg21
+S'Zootopia'
+p3535
+ssI319
+(dp3536
+g7
+S'4:10pm'
+p3537
+sg3
+S'bellevue'
+p3538
+sg5
+S'bellevue lincoln square cinemas'
+p3539
+sg95
+S'98004'
+p3540
+sg618
+S'number 1'
+p3541
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3542
+sg11
+S'wa'
+p3543
+sg1703
+S'pg'
+p3544
+sg13
+S'4:10'
+p3545
+sg455
+S'comedy'
+p3546
+sg17
+S'2016-03-08'
+p3547
+sg19
+S'wa'
+p3548
+sg21
+S'Zootopia'
+p3549
+ssI320
+(dp3550
+g7
+S'7:00pm'
+p3551
+sg3
+S'bellevue'
+p3552
+sg5
+S'bellevue lincoln square cinemas'
+p3553
+sg95
+S'98004'
+p3554
+sg618
+S'number 1'
+p3555
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3556
+sg15
+S'tonight'
+p3557
+sg11
+S'wa'
+p3558
+sg1703
+S'pg'
+p3559
+sg13
+S'7:00pm'
+p3560
+sg455
+S'comedy'
+p3561
+sg17
+S'2016-03-08'
+p3562
+sg19
+S'wa'
+p3563
+sg21
+S'Zootopia'
+p3564
+ssI321
+(dp3565
+g7
+S'12:00pm'
+p3566
+sg3
+S'bellevue'
+p3567
+sg5
+S'Regal Meridian'
+p3568
+sg618
+S'number 1'
+p3569
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3570
+sg15
+S'tomorrow'
+p3571
+sg11
+S'wa'
+p3572
+sg1703
+S'pg'
+p3573
+sg13
+S'12:00'
+p3574
+sg455
+S'comedy'
+p3575
+sg17
+S'2016-03-09'
+p3576
+sg19
+S'wa'
+p3577
+sg21
+S'Zootopia'
+p3578
+ssI322
+(dp3579
+g7
+S'1:10pm'
+p3580
+sg3
+S'bellevue'
+p3581
+sg5
+S'Regal Meridian'
+p3582
+sg618
+S'number 1'
+p3583
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3584
+sg15
+S'tomorrow'
+p3585
+sg11
+S'wa'
+p3586
+sg1703
+S'pg'
+p3587
+sg13
+S'1:10'
+p3588
+sg455
+S'comedy'
+p3589
+sg17
+S'2016-03-09'
+p3590
+sg19
+S'wa'
+p3591
+sg21
+S'Zootopia'
+p3592
+ssI323
+(dp3593
+g7
+S'2:40pm'
+p3594
+sg3
+S'bellevue'
+p3595
+sg5
+S'Regal Meridian'
+p3596
+sg618
+S'number 1'
+p3597
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3598
+sg15
+S'tomorrow'
+p3599
+sg11
+S'wa'
+p3600
+sg1703
+S'pg'
+p3601
+sg13
+S'2:40'
+p3602
+sg455
+S'comedy'
+p3603
+sg17
+S'2016-03-09'
+p3604
+sg19
+S'wa'
+p3605
+sg21
+S'Zootopia'
+p3606
+ssI324
+(dp3607
+g7
+S'3:50pm'
+p3608
+sg3
+S'bellevue'
+p3609
+sg5
+S'Regal Meridian'
+p3610
+sg618
+S'number 1'
+p3611
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3612
+sg15
+S'tomorrow'
+p3613
+sg11
+S'wa'
+p3614
+sg1703
+S'pg'
+p3615
+sg13
+S'3:50'
+p3616
+sg455
+S'comedy'
+p3617
+sg17
+S'2016-03-09'
+p3618
+sg19
+S'wa'
+p3619
+sg21
+S'Zootopia'
+p3620
+ssI325
+(dp3621
+g7
+S'9:50pm'
+p3622
+sg3
+S'bellevue'
+p3623
+sg5
+S'bellevue lincoln square cinemas'
+p3624
+sg95
+S'98004'
+p3625
+sg618
+S'number 1'
+p3626
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3627
+sg15
+S'tonight'
+p3628
+sg11
+S'wa'
+p3629
+sg1703
+S'pg'
+p3630
+sg13
+S'9:50pm'
+p3631
+sg455
+S'comedy'
+p3632
+sg17
+S'2016-03-08'
+p3633
+sg19
+S'wa'
+p3634
+sg21
+S'Zootopia'
+p3635
+ssI326
+(dp3636
+g3
+S'seattle'
+p3637
+sg5
+S'AMC Elmwood Palace 20'
+p3638
+sg7
+S'5:00pm'
+p3639
+sg9
+S'a9066c3e-0bb5-4179-90f5-5acb615326ee'
+p3640
+sg15
+S'tomorrow'
+p3641
+sg11
+S'wa'
+p3642
+sg1703
+S'pg'
+p3643
+sg13
+S'5:00 pm'
+p3644
+sg455
+S'comedy'
+p3645
+sg17
+S'2016-03-09'
+p3646
+sg19
+S'wa'
+p3647
+sg21
+S'Zootopia'
+p3648
+ssI327
+(dp3649
+g7
+S'10:00am'
+p3650
+sg3
+S'bellevue'
+p3651
+sg5
+S'bellevue lincoln square cinemas'
+p3652
+sg95
+S'98004'
+p3653
+sg618
+S'number 1'
+p3654
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3655
+sg15
+S'this weekend'
+p3656
+sg11
+S'wa'
+p3657
+sg1703
+S'pg'
+p3658
+sg13
+S'10:00am'
+p3659
+sg455
+S'comedy'
+p3660
+sg17
+S'2016-03-12'
+p3661
+sg19
+S'wa'
+p3662
+sg21
+S'Zootopia'
+p3663
+ssI328
+(dp3664
+g7
+S'11:30am'
+p3665
+sg3
+S'bellevue'
+p3666
+sg5
+S'bellevue lincoln square cinemas'
+p3667
+sg95
+S'98004'
+p3668
+sg618
+S'number 1'
+p3669
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3670
+sg15
+S'this weekend'
+p3671
+sg11
+S'wa'
+p3672
+sg1703
+S'pg'
+p3673
+sg13
+S'11:30am'
+p3674
+sg455
+S'comedy'
+p3675
+sg17
+S'2016-03-12'
+p3676
+sg19
+S'wa'
+p3677
+sg21
+S'Zootopia'
+p3678
+ssI329
+(dp3679
+g7
+S'1:05pm'
+p3680
+sg3
+S'bellevue'
+p3681
+sg5
+S'bellevue lincoln square cinemas'
+p3682
+sg95
+S'98004'
+p3683
+sg618
+S'number 1'
+p3684
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3685
+sg15
+S'this weekend'
+p3686
+sg11
+S'wa'
+p3687
+sg1703
+S'pg'
+p3688
+sg13
+S'1:05pm'
+p3689
+sg455
+S'comedy'
+p3690
+sg17
+S'2016-03-12'
+p3691
+sg19
+S'wa'
+p3692
+sg21
+S'Zootopia'
+p3693
+ssI330
+(dp3694
+g7
+S'2:35pm'
+p3695
+sg3
+S'bellevue'
+p3696
+sg5
+S'bellevue lincoln square cinemas'
+p3697
+sg95
+S'98004'
+p3698
+sg618
+S'number 1'
+p3699
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3700
+sg15
+S'this weekend'
+p3701
+sg11
+S'wa'
+p3702
+sg1703
+S'pg'
+p3703
+sg13
+S'2:35pm'
+p3704
+sg455
+S'comedy'
+p3705
+sg17
+S'2016-03-12'
+p3706
+sg19
+S'wa'
+p3707
+sg21
+S'Zootopia'
+p3708
+ssI331
+(dp3709
+g7
+S'4:10pm'
+p3710
+sg3
+S'bellevue'
+p3711
+sg5
+S'bellevue lincoln square cinemas'
+p3712
+sg95
+S'98004'
+p3713
+sg618
+S'number 1'
+p3714
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3715
+sg15
+S'this weekend'
+p3716
+sg11
+S'wa'
+p3717
+sg1703
+S'pg'
+p3718
+sg13
+S'4:10pm'
+p3719
+sg455
+S'comedy'
+p3720
+sg17
+S'2016-03-12'
+p3721
+sg19
+S'wa'
+p3722
+sg21
+S'Zootopia'
+p3723
+ssI332
+(dp3724
+g7
+S'5:40pm'
+p3725
+sg3
+S'bellevue'
+p3726
+sg5
+S'bellevue lincoln square cinemas'
+p3727
+sg95
+S'98004'
+p3728
+sg618
+S'number 1'
+p3729
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3730
+sg15
+S'this weekend'
+p3731
+sg11
+S'wa'
+p3732
+sg1703
+S'pg'
+p3733
+sg13
+S'5:40pm'
+p3734
+sg455
+S'comedy'
+p3735
+sg17
+S'2016-03-12'
+p3736
+sg19
+S'wa'
+p3737
+sg21
+S'Zootopia'
+p3738
+ssI333
+(dp3739
+g7
+S'7:05pm'
+p3740
+sg3
+S'bellevue'
+p3741
+sg5
+S'bellevue lincoln square cinemas'
+p3742
+sg95
+S'98004'
+p3743
+sg618
+S'number 1'
+p3744
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3745
+sg15
+S'this weekend'
+p3746
+sg11
+S'wa'
+p3747
+sg1703
+S'pg'
+p3748
+sg13
+S'7:05pm'
+p3749
+sg455
+S'comedy'
+p3750
+sg17
+S'2016-03-12'
+p3751
+sg19
+S'wa'
+p3752
+sg21
+S'Zootopia'
+p3753
+ssI334
+(dp3754
+g7
+S'8:35pm'
+p3755
+sg3
+S'bellevue'
+p3756
+sg5
+S'bellevue lincoln square cinemas'
+p3757
+sg95
+S'98004'
+p3758
+sg618
+S'number 1'
+p3759
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3760
+sg15
+S'this weekend'
+p3761
+sg11
+S'wa'
+p3762
+sg1703
+S'pg'
+p3763
+sg13
+S'8:35pm'
+p3764
+sg455
+S'comedy'
+p3765
+sg17
+S'2016-03-12'
+p3766
+sg19
+S'wa'
+p3767
+sg21
+S'Zootopia'
+p3768
+ssI335
+(dp3769
+g7
+S'9:55pm'
+p3770
+sg3
+S'bellevue'
+p3771
+sg5
+S'bellevue lincoln square cinemas'
+p3772
+sg95
+S'98004'
+p3773
+sg618
+S'number 1'
+p3774
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3775
+sg15
+S'this weekend'
+p3776
+sg11
+S'wa'
+p3777
+sg1703
+S'pg'
+p3778
+sg13
+S'9:55pm'
+p3779
+sg455
+S'comedy'
+p3780
+sg17
+S'2016-03-12'
+p3781
+sg19
+S'wa'
+p3782
+sg21
+S'Zootopia'
+p3783
+ssI336
+(dp3784
+g3
+S'seattle'
+p3785
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3786
+sg95
+S'98109'
+p3787
+sg7
+S'11:45am'
+p3788
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3789
+sg11
+S'wa'
+p3790
+sg1703
+S'pg'
+p3791
+sg13
+S'11:45am'
+p3792
+sg15
+S'this weekend'
+p3793
+sg17
+S'2016-03-12'
+p3794
+sg19
+S'wa'
+p3795
+sg21
+S'Zootopia'
+p3796
+ssI337
+(dp3797
+g3
+S'seattle'
+p3798
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3799
+sg95
+S'98109'
+p3800
+sg7
+S'2:15pm'
+p3801
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3802
+sg11
+S'wa'
+p3803
+sg1703
+S'pg'
+p3804
+sg13
+S'2:15pm'
+p3805
+sg15
+S'this weekend'
+p3806
+sg17
+S'2016-03-12'
+p3807
+sg19
+S'wa'
+p3808
+sg21
+S'Zootopia'
+p3809
+ssI338
+(dp3810
+g3
+S'seattle'
+p3811
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3812
+sg95
+S'98109'
+p3813
+sg7
+S'4:30pm'
+p3814
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3815
+sg11
+S'wa'
+p3816
+sg1703
+S'pg'
+p3817
+sg13
+S'4:30pm'
+p3818
+sg15
+S'this weekend'
+p3819
+sg17
+S'2016-03-12'
+p3820
+sg19
+S'wa'
+p3821
+sg21
+S'Zootopia'
+p3822
+ssI339
+(dp3823
+g3
+S'seattle'
+p3824
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3825
+sg95
+S'98109'
+p3826
+sg7
+S'7:00pm'
+p3827
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3828
+sg15
+S'this weekend'
+p3829
+sg11
+S'wa'
+p3830
+sg1703
+S'pg'
+p3831
+sg13
+S'7:00pm'
+p3832
+sg455
+S'animated'
+p3833
+sg17
+S'2016-03-12'
+p3834
+sg19
+S'wa'
+p3835
+sg21
+S'Zootopia'
+p3836
+ssI340
+(dp3837
+g3
+S'Buford'
+p3838
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p3839
+sg15
+S'friday'
+p3840
+sg11
+S'Georgia'
+p3841
+sg1703
+S'pg'
+p3842
+sg455
+S'comedy'
+p3843
+sg17
+S'2016-03-11'
+p3844
+sg19
+S'ga'
+p3845
+sg21
+S'Zootopia'
+p3846
+ssI341
+(dp3847
+g3
+S'seattle'
+p3848
+sg5
+S'varsity theater'
+p3849
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3850
+sg15
+S'tonight'
+p3851
+sg11
+S'wa'
+p3852
+sg1703
+S'pg'
+p3853
+sg455
+S'comedy'
+p3854
+sg17
+S'2016-03-08'
+p3855
+sg19
+S'wa'
+p3856
+sg21
+S'Zootopia'
+p3857
+ssI342
+(dp3858
+g3
+S'bellevue'
+p3859
+sg5
+S'bellevue lincoln square cinemas'
+p3860
+sg95
+S'98004'
+p3861
+sg599
+S'3d'
+p3862
+sg7
+S'7:30pm'
+p3863
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3864
+sg15
+S'tomorrow'
+p3865
+sg11
+S'wa'
+p3866
+sg1703
+S'pg'
+p3867
+sg13
+S'7:30'
+p3868
+sg455
+S'comedy'
+p3869
+sg17
+S'2016-03-09'
+p3870
+sg19
+S'wa'
+p3871
+sg21
+S'Zootopia'
+p3872
+ssI343
+(dp3873
+g3
+S'bellevue'
+p3874
+sg5
+S'bellevue lincoln square cinemas'
+p3875
+sg95
+S'98004'
+p3876
+sg599
+S'regular'
+p3877
+sg7
+S'7:00pm'
+p3878
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3879
+sg15
+S'tomorrow'
+p3880
+sg11
+S'wa'
+p3881
+sg1703
+S'pg'
+p3882
+sg13
+S'7:00'
+p3883
+sg455
+S'comedy'
+p3884
+sg17
+S'2016-03-09'
+p3885
+sg19
+S'wa'
+p3886
+sg21
+S'Zootopia'
+p3887
+ssI344
+(dp3888
+g3
+S'seattle'
+p3889
+sg5
+S'regal meridian 16'
+p3890
+sg95
+S'98101'
+p3891
+sg599
+S'3d'
+p3892
+sg7
+S'9:10pm'
+p3893
+sg9
+S'eb5e4094-0110-4672-bc7c-4c8c05c12bd5'
+p3894
+sg15
+S'tomorrow'
+p3895
+sg11
+S'wa'
+p3896
+sg1703
+S'pg'
+p3897
+sg13
+S'9:10 pm'
+p3898
+sg455
+S'comedy'
+p3899
+sg17
+S'2016-03-09'
+p3900
+sg19
+S'wa'
+p3901
+sg21
+S'Zootopia'
+p3902
+ssI345
+(dp3903
+g3
+S'bellevue'
+p3904
+sg5
+S'bellevue lincoln square cinemas'
+p3905
+sg95
+S'98004'
+p3906
+sg618
+S'4.5/5'
+p3907
+sg9
+S'eb5e4094-0110-4672-bc7c-4c8c05c12bd5'
+p3908
+sg11
+S'wa'
+p3909
+sg1703
+S'pg'
+p3910
+sg15
+S'tonight'
+p3911
+sg17
+S'2016-03-08'
+p3912
+sg19
+S'wa'
+p3913
+sg21
+S'Zootopia'
+p3914
+ssI346
+(dp3915
+g3
+S'st louis'
+p3916
+sg5
+S'Chase Park Plaza Cinemas'
+p3917
+sg7
+S'11:00am'
+p3918
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3919
+sg1703
+S'pg'
+p3920
+sg13
+S'11:00am'
+p3921
+sg15
+S'Thursday'
+p3922
+sg17
+S'2016-03-10'
+p3923
+sg21
+S'Zootopia'
+p3924
+ssI347
+(dp3925
+g3
+S'st louis'
+p3926
+sg5
+S'Chase Park Plaza Cinemas'
+p3927
+sg7
+S'1:30pm'
+p3928
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3929
+sg1703
+S'pg'
+p3930
+sg13
+S'1:30pm'
+p3931
+sg15
+S'Thursday'
+p3932
+sg17
+S'2016-03-10'
+p3933
+sg21
+S'Zootopia'
+p3934
+ssI348
+(dp3935
+g3
+S'st louis'
+p3936
+sg5
+S'Chase Park Plaza Cinemas'
+p3937
+sg7
+S'4:00pm'
+p3938
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3939
+sg1703
+S'pg'
+p3940
+sg13
+S'4:00pm'
+p3941
+sg15
+S'Thursday'
+p3942
+sg17
+S'2016-03-10'
+p3943
+sg21
+S'Zootopia'
+p3944
+ssI349
+(dp3945
+g3
+S'birmingham'
+p3946
+sg5
+S'carmike summit 16'
+p3947
+sg95
+S'35243'
+p3948
+sg7
+S'10:00am'
+p3949
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3950
+sg11
+S'al'
+p3951
+sg1703
+S'pg'
+p3952
+sg13
+S'10:00am'
+p3953
+sg15
+S'Saturday'
+p3954
+sg17
+S'2016-03-12'
+p3955
+sg19
+S'al'
+p3956
+sg21
+S'Zootopia'
+p3957
+ssI350
+(dp3958
+g3
+S'birmingham'
+p3959
+sg5
+S'carmike summit 16'
+p3960
+sg95
+S'35243'
+p3961
+sg7
+S'10:45am'
+p3962
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3963
+sg11
+S'al'
+p3964
+sg1703
+S'pg'
+p3965
+sg13
+S'10:45am'
+p3966
+sg15
+S'Saturday'
+p3967
+sg17
+S'2016-03-12'
+p3968
+sg19
+S'al'
+p3969
+sg21
+S'Zootopia'
+p3970
+ssI351
+(dp3971
+g3
+S'birmingham'
+p3972
+sg5
+S'carmike summit 16'
+p3973
+sg95
+S'35243'
+p3974
+sg7
+S'11:15am'
+p3975
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3976
+sg11
+S'al'
+p3977
+sg1703
+S'pg'
+p3978
+sg13
+S'11:15am'
+p3979
+sg15
+S'Saturday'
+p3980
+sg17
+S'2016-03-12'
+p3981
+sg19
+S'al'
+p3982
+sg21
+S'Zootopia'
+p3983
+ssI352
+(dp3984
+g3
+S'birmingham'
+p3985
+sg5
+S'carmike summit 16'
+p3986
+sg95
+S'35243'
+p3987
+sg7
+S'1:00pm'
+p3988
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3989
+sg11
+S'al'
+p3990
+sg1703
+S'pg'
+p3991
+sg13
+S'1:00pm'
+p3992
+sg15
+S'Saturday'
+p3993
+sg17
+S'2016-03-12'
+p3994
+sg19
+S'al'
+p3995
+sg21
+S'Zootopia'
+p3996
+ssI353
+(dp3997
+g3
+S'birmingham'
+p3998
+sg5
+S'carmike summit 16'
+p3999
+sg95
+S'35243'
+p4000
+sg7
+S'1:45pm'
+p4001
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4002
+sg11
+S'al'
+p4003
+sg1703
+S'pg'
+p4004
+sg13
+S'1:45pm'
+p4005
+sg15
+S'Saturday'
+p4006
+sg17
+S'2016-03-12'
+p4007
+sg19
+S'al'
+p4008
+sg21
+S'Zootopia'
+p4009
+ssI354
+(dp4010
+g3
+S'birmingham'
+p4011
+sg5
+S'carmike summit 16'
+p4012
+sg95
+S'35243'
+p4013
+sg7
+S'2:15pm'
+p4014
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4015
+sg11
+S'al'
+p4016
+sg1703
+S'pg'
+p4017
+sg13
+S'2:15pm'
+p4018
+sg15
+S'Saturday'
+p4019
+sg17
+S'2016-03-12'
+p4020
+sg19
+S'al'
+p4021
+sg21
+S'Zootopia'
+p4022
+ssI355
+(dp4023
+g3
+S'birmingham'
+p4024
+sg5
+S'carmike summit 16'
+p4025
+sg95
+S'35243'
+p4026
+sg7
+S'4:00pm'
+p4027
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4028
+sg11
+S'al'
+p4029
+sg1703
+S'pg'
+p4030
+sg13
+S'4:00pm'
+p4031
+sg15
+S'Saturday'
+p4032
+sg17
+S'2016-03-12'
+p4033
+sg19
+S'al'
+p4034
+sg21
+S'Zootopia'
+p4035
+ssI356
+(dp4036
+g3
+S'birmingham'
+p4037
+sg5
+S'carmike summit 16'
+p4038
+sg95
+S'35243'
+p4039
+sg7
+S'4:45pm'
+p4040
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4041
+sg11
+S'al'
+p4042
+sg1703
+S'pg'
+p4043
+sg13
+S'4:45pm'
+p4044
+sg15
+S'Saturday'
+p4045
+sg17
+S'2016-03-12'
+p4046
+sg19
+S'al'
+p4047
+sg21
+S'Zootopia'
+p4048
+ssI357
+(dp4049
+g3
+S'birmingham'
+p4050
+sg5
+S'carmike summit 16'
+p4051
+sg95
+S'35243'
+p4052
+sg7
+S'5:15pm'
+p4053
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4054
+sg11
+S'al'
+p4055
+sg1703
+S'pg'
+p4056
+sg13
+S'5:15pm'
+p4057
+sg15
+S'Saturday'
+p4058
+sg17
+S'2016-03-12'
+p4059
+sg19
+S'al'
+p4060
+sg21
+S'Zootopia'
+p4061
+ssI358
+(dp4062
+g3
+S'birmingham'
+p4063
+sg5
+S'carmike summit 16'
+p4064
+sg95
+S'35243'
+p4065
+sg7
+S'6:45pm'
+p4066
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4067
+sg11
+S'al'
+p4068
+sg1703
+S'pg'
+p4069
+sg13
+S'6:45pm'
+p4070
+sg15
+S'Saturday'
+p4071
+sg17
+S'2016-03-12'
+p4072
+sg19
+S'al'
+p4073
+sg21
+S'Zootopia'
+p4074
+ssI359
+(dp4075
+g3
+S'birmingham'
+p4076
+sg5
+S'carmike summit 16'
+p4077
+sg95
+S'35243'
+p4078
+sg7
+S'7:30pm'
+p4079
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4080
+sg11
+S'al'
+p4081
+sg1703
+S'pg'
+p4082
+sg13
+S'7:30pm'
+p4083
+sg15
+S'Saturday'
+p4084
+sg17
+S'2016-03-12'
+p4085
+sg19
+S'al'
+p4086
+sg21
+S'Zootopia'
+p4087
+ssI360
+(dp4088
+g3
+S'birmingham'
+p4089
+sg5
+S'carmike summit 16'
+p4090
+sg95
+S'35243'
+p4091
+sg7
+S'9:30pm'
+p4092
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4093
+sg11
+S'al'
+p4094
+sg1703
+S'pg'
+p4095
+sg13
+S'9:30pm'
+p4096
+sg15
+S'Saturday'
+p4097
+sg17
+S'2016-03-12'
+p4098
+sg19
+S'al'
+p4099
+sg21
+S'Zootopia'
+p4100
+ssI361
+(dp4101
+g3
+S'birmingham'
+p4102
+sg5
+S'carmike summit 16'
+p4103
+sg95
+S'35243'
+p4104
+sg7
+S'10:30pm'
+p4105
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4106
+sg11
+S'al'
+p4107
+sg1703
+S'pg'
+p4108
+sg13
+S'10:30pm'
+p4109
+sg15
+S'Saturday'
+p4110
+sg17
+S'2016-03-12'
+p4111
+sg19
+S'al'
+p4112
+sg21
+S'Zootopia'
+p4113
+ssI362
+(dp4114
+g3
+S'hoover'
+p4115
+sg5
+S'carmike patton creek'
+p4116
+sg95
+S'35244'
+p4117
+sg7
+S'10:05am'
+p4118
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4119
+sg11
+S'al'
+p4120
+sg1703
+S'pg'
+p4121
+sg13
+S'10:05am'
+p4122
+sg15
+S'Saturday'
+p4123
+sg17
+S'2016-03-12'
+p4124
+sg19
+S'al'
+p4125
+sg21
+S'Zootopia'
+p4126
+ssI363
+(dp4127
+g3
+S'hoover'
+p4128
+sg5
+S'carmike patton creek'
+p4129
+sg95
+S'35244'
+p4130
+sg7
+S'11:00am'
+p4131
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4132
+sg11
+S'al'
+p4133
+sg1703
+S'pg'
+p4134
+sg13
+S'11:00am'
+p4135
+sg15
+S'Saturday'
+p4136
+sg17
+S'2016-03-12'
+p4137
+sg19
+S'al'
+p4138
+sg21
+S'Zootopia'
+p4139
+ssI364
+(dp4140
+g3
+S'hoover'
+p4141
+sg5
+S'carmike patton creek'
+p4142
+sg95
+S'35244'
+p4143
+sg7
+S'1:05pm'
+p4144
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4145
+sg11
+S'al'
+p4146
+sg1703
+S'pg'
+p4147
+sg13
+S'1:05pm'
+p4148
+sg15
+S'Saturday'
+p4149
+sg17
+S'2016-03-12'
+p4150
+sg19
+S'al'
+p4151
+sg21
+S'Zootopia'
+p4152
+ssI365
+(dp4153
+g3
+S'hoover'
+p4154
+sg5
+S'carmike patton creek'
+p4155
+sg95
+S'35244'
+p4156
+sg7
+S'2:00pm'
+p4157
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4158
+sg11
+S'al'
+p4159
+sg1703
+S'pg'
+p4160
+sg13
+S'2:00pm'
+p4161
+sg15
+S'Saturday'
+p4162
+sg17
+S'2016-03-12'
+p4163
+sg19
+S'al'
+p4164
+sg21
+S'Zootopia'
+p4165
+ssI366
+(dp4166
+g3
+S'hoover'
+p4167
+sg5
+S'carmike patton creek'
+p4168
+sg95
+S'35244'
+p4169
+sg7
+S'4:05pm'
+p4170
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4171
+sg11
+S'al'
+p4172
+sg1703
+S'pg'
+p4173
+sg13
+S'4:05pm'
+p4174
+sg15
+S'Saturday'
+p4175
+sg17
+S'2016-03-12'
+p4176
+sg19
+S'al'
+p4177
+sg21
+S'Zootopia'
+p4178
+ssI367
+(dp4179
+g3
+S'hoover'
+p4180
+sg5
+S'carmike patton creek'
+p4181
+sg95
+S'35244'
+p4182
+sg7
+S'4:50pm'
+p4183
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4184
+sg11
+S'al'
+p4185
+sg1703
+S'pg'
+p4186
+sg13
+S'4:50pm'
+p4187
+sg15
+S'Saturday'
+p4188
+sg17
+S'2016-03-12'
+p4189
+sg19
+S'al'
+p4190
+sg21
+S'Zootopia'
+p4191
+ssI368
+(dp4192
+g3
+S'hoover'
+p4193
+sg5
+S'carmike patton creek'
+p4194
+sg95
+S'35244'
+p4195
+sg7
+S'6:45pm'
+p4196
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4197
+sg11
+S'al'
+p4198
+sg1703
+S'pg'
+p4199
+sg13
+S'6:45pm'
+p4200
+sg15
+S'Saturday'
+p4201
+sg17
+S'2016-03-12'
+p4202
+sg19
+S'al'
+p4203
+sg21
+S'Zootopia'
+p4204
+ssI369
+(dp4205
+g3
+S'hoover'
+p4206
+sg5
+S'carmike patton creek'
+p4207
+sg95
+S'35244'
+p4208
+sg7
+S'7:45pm'
+p4209
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4210
+sg11
+S'al'
+p4211
+sg1703
+S'pg'
+p4212
+sg13
+S'7:45pm'
+p4213
+sg15
+S'Saturday'
+p4214
+sg17
+S'2016-03-12'
+p4215
+sg19
+S'al'
+p4216
+sg21
+S'Zootopia'
+p4217
+ssI370
+(dp4218
+g3
+S'hoover'
+p4219
+sg5
+S'carmike patton creek'
+p4220
+sg95
+S'35244'
+p4221
+sg7
+S'9:30pm'
+p4222
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4223
+sg11
+S'al'
+p4224
+sg1703
+S'pg'
+p4225
+sg13
+S'9:30pm'
+p4226
+sg15
+S'Saturday'
+p4227
+sg17
+S'2016-03-12'
+p4228
+sg19
+S'al'
+p4229
+sg21
+S'Zootopia'
+p4230
+ssI371
+(dp4231
+g3
+S'hoover'
+p4232
+sg5
+S'carmike patton creek'
+p4233
+sg95
+S'35244'
+p4234
+sg7
+S'10:30pm'
+p4235
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4236
+sg11
+S'al'
+p4237
+sg1703
+S'pg'
+p4238
+sg13
+S'10:30pm'
+p4239
+sg15
+S'Saturday'
+p4240
+sg17
+S'2016-03-12'
+p4241
+sg19
+S'al'
+p4242
+sg21
+S'Zootopia'
+p4243
+ssI372
+(dp4244
+g3
+S'seattle'
+p4245
+sg5
+S'regal meridian 16'
+p4246
+sg95
+S'98101'
+p4247
+sg7
+S'9:10pm'
+p4248
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p4249
+sg15
+S'tonight'
+p4250
+sg11
+S'wa'
+p4251
+sg1703
+S'pg'
+p4252
+sg13
+S'9:10 PM'
+p4253
+sg455
+S'comedy'
+p4254
+sg17
+S'2016-03-09'
+p4255
+sg19
+S'wa'
+p4256
+sg21
+S'Zootopia'
+p4257
+ssI373
+(dp4258
+g3
+S'seattle'
+p4259
+sg5
+S'regal meridian 16'
+p4260
+sg95
+S'98101'
+p4261
+sg7
+S'8:40pm'
+p4262
+sg9
+S'83adb592-fa6e-4a34-a191-b3e81cfc4572'
+p4263
+sg15
+S'tonight'
+p4264
+sg11
+S'wa'
+p4265
+sg1703
+S'pg'
+p4266
+sg13
+S'8:40PM'
+p4267
+sg455
+S'comedy'
+p4268
+sg17
+S'2016-03-09'
+p4269
+sg19
+S'wa'
+p4270
+sg21
+S'Zootopia'
+p4271
+ssI374
+(dp4272
+g3
+S'seattle'
+p4273
+sg5
+S'Pacific Science Center IMAX Theaters'
+p4274
+sg9
+S'fa29bdbc-f914-4796-a2d7-79e45b3102c0'
+p4275
+sg11
+S'wa'
+p4276
+sg1703
+S'pg'
+p4277
+sg15
+S'tomorrow'
+p4278
+sg17
+S'2016-03-09'
+p4279
+sg19
+S'wa'
+p4280
+sg21
+S'Zootopia'
+p4281
+ssI375
+(dp4282
+g3
+S'Des Moines'
+p4283
+sg9
+S'f48ab6ff-27c8-4af1-b726-5d6eea33846c'
+p4284
+sg11
+S'iowa'
+p4285
+sg17
+S'2016-03-08'
+p4286
+sg19
+S'ia'
+p4287
+sg21
+S'Zootopia'
+p4288
+ssI376
+(dp4289
+g9
+S'829f7f20-639f-407f-a7bb-6d8a232eeecd'
+p4290
+sg7
+S'5:00pm'
+p4291
+sg21
+S'Zootopia'
+p4292
+sg5
+S'AMC Elmwood Palace 20'
+p4293
+sg13
+S'5:00 pm'
+p4294
+ssI377
+(dp4295
+g3
+S'johnstown'
+p4296
+sg5
+S'Richland Cinemas'
+p4297
+sg7
+S'2:45pm'
+p4298
+sg9
+S'29a2f6dd-086c-456c-9c43-d80b19964803'
+p4299
+sg599
+S'2d'
+p4300
+sg11
+S'Pennsylvania'
+p4301
+sg13
+S'2:45pm'
+p4302
+sg15
+S'tomorrow'
+p4303
+sg17
+S'2016-03-10'
+p4304
+sg19
+S'pa'
+p4305
+sg21
+S'Zootopia'
+p4306
+ssI378
+(dp4307
+g3
+S'johnstown'
+p4308
+sg5
+S'Richland Cinemas'
+p4309
+sg7
+S'1:15pm'
+p4310
+sg9
+S'29a2f6dd-086c-456c-9c43-d80b19964803'
+p4311
+sg599
+S'3d'
+p4312
+sg11
+S'Pennsylvania'
+p4313
+sg13
+S'1:15pm'
+p4314
+sg15
+S'tomorrow'
+p4315
+sg17
+S'2016-03-10'
+p4316
+sg19
+S'pa'
+p4317
+sg21
+S'Zootopia'
+p4318
+ssI379
+(dp4319
+g5
+S'CARMIKE LEE BRANCH 15'
+p4320
+sg21
+S'Zootopia'
+p4321
+sg9
+S'a17a59c8-351a-4817-8374-0359163b888f'
+p4322
+sg13
+S'1:30'
+p4323
+sg17
+S'2016-03-10'
+p4324
+sg7
+S'1:30pm'
+p4325
+ssI380
+(dp4326
+g5
+S'CARMIKE LEE BRANCH 15'
+p4327
+sg21
+S'Zootopia'
+p4328
+sg9
+S'a17a59c8-351a-4817-8374-0359163b888f'
+p4329
+sg13
+S'4:00'
+p4330
+sg17
+S'2016-03-10'
+p4331
+sg7
+S'4:00pm'
+p4332
+ssI381
+(dp4333
+g3
+S'hamilton'
+p4334
+sg5
+S'MANVILLE 12 PLEX '
+p4335
+sg95
+S'08835'
+p4336
+sg7
+S'10:30am'
+p4337
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4338
+sg11
+S'nj'
+p4339
+sg13
+S'10:30am'
+p4340
+sg15
+S'tomorrow'
+p4341
+sg17
+S'2016-03-10'
+p4342
+sg19
+S'nj'
+p4343
+sg21
+S'Zootopia'
+p4344
+ssI382
+(dp4345
+g3
+S'hamilton'
+p4346
+sg5
+S'MANVILLE 12 PLEX '
+p4347
+sg95
+S'08835'
+p4348
+sg7
+S'11:10am'
+p4349
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4350
+sg11
+S'nj'
+p4351
+sg13
+S'11:10am'
+p4352
+sg15
+S'tomorrow'
+p4353
+sg17
+S'2016-03-10'
+p4354
+sg19
+S'nj'
+p4355
+sg21
+S'Zootopia'
+p4356
+ssI383
+(dp4357
+g3
+S'hamilton'
+p4358
+sg5
+S'MANVILLE 12 PLEX '
+p4359
+sg95
+S'08835'
+p4360
+sg7
+S'1:10pm'
+p4361
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4362
+sg11
+S'nj'
+p4363
+sg13
+S'1:10pm'
+p4364
+sg15
+S'tomorrow'
+p4365
+sg17
+S'2016-03-10'
+p4366
+sg19
+S'nj'
+p4367
+sg21
+S'Zootopia'
+p4368
+ssI384
+(dp4369
+g3
+S'hamilton'
+p4370
+sg5
+S'MANVILLE 12 PLEX '
+p4371
+sg95
+S'08835'
+p4372
+sg7
+S'1:50pm'
+p4373
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4374
+sg11
+S'nj'
+p4375
+sg13
+S'1:50pm'
+p4376
+sg15
+S'tomorrow'
+p4377
+sg17
+S'2016-03-10'
+p4378
+sg19
+S'nj'
+p4379
+sg21
+S'Zootopia'
+p4380
+ssI385
+(dp4381
+g3
+S'hamilton'
+p4382
+sg5
+S'MANVILLE 12 PLEX '
+p4383
+sg95
+S'08835'
+p4384
+sg7
+S'3:45pm'
+p4385
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4386
+sg11
+S'nj'
+p4387
+sg13
+S'3:45pm'
+p4388
+sg15
+S'tomorrow'
+p4389
+sg17
+S'2016-03-10'
+p4390
+sg19
+S'nj'
+p4391
+sg21
+S'Zootopia'
+p4392
+ssI386
+(dp4393
+g3
+S'hamilton'
+p4394
+sg5
+S'MANVILLE 12 PLEX '
+p4395
+sg95
+S'08835'
+p4396
+sg7
+S'4:30pm'
+p4397
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4398
+sg11
+S'nj'
+p4399
+sg13
+S'4:30pm'
+p4400
+sg15
+S'tomorrow'
+p4401
+sg17
+S'2016-03-10'
+p4402
+sg19
+S'nj'
+p4403
+sg21
+S'Zootopia'
+p4404
+ssI387
+(dp4405
+g3
+S'hamilton'
+p4406
+sg5
+S'MANVILLE 12 PLEX '
+p4407
+sg95
+S'08835'
+p4408
+sg7
+S'5:20pm'
+p4409
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4410
+sg11
+S'nj'
+p4411
+sg13
+S'5:20pm'
+p4412
+sg15
+S'tomorrow'
+p4413
+sg17
+S'2016-03-10'
+p4414
+sg19
+S'nj'
+p4415
+sg21
+S'Zootopia'
+p4416
+ssI388
+(dp4417
+g3
+S'hamilton'
+p4418
+sg5
+S'MANVILLE 12 PLEX '
+p4419
+sg95
+S'08835'
+p4420
+sg7
+S'6:30pm'
+p4421
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4422
+sg11
+S'nj'
+p4423
+sg13
+S'6:30pm'
+p4424
+sg15
+S'tomorrow'
+p4425
+sg17
+S'2016-03-10'
+p4426
+sg19
+S'nj'
+p4427
+sg21
+S'Zootopia'
+p4428
+ssI389
+(dp4429
+g3
+S'hamilton'
+p4430
+sg5
+S'MANVILLE 12 PLEX '
+p4431
+sg95
+S'08835'
+p4432
+sg7
+S'7:15pm'
+p4433
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4434
+sg11
+S'nj'
+p4435
+sg13
+S'7:15pm'
+p4436
+sg15
+S'tomorrow'
+p4437
+sg17
+S'2016-03-10'
+p4438
+sg19
+S'nj'
+p4439
+sg21
+S'Zootopia'
+p4440
+ssI390
+(dp4441
+g3
+S'hamilton'
+p4442
+sg5
+S'MANVILLE 12 PLEX '
+p4443
+sg95
+S'08835'
+p4444
+sg7
+S'9:10pm'
+p4445
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4446
+sg11
+S'nj'
+p4447
+sg13
+S'9:10pm'
+p4448
+sg15
+S'tomorrow'
+p4449
+sg17
+S'2016-03-10'
+p4450
+sg19
+S'nj'
+p4451
+sg21
+S'Zootopia'
+p4452
+ssI391
+(dp4453
+g3
+S'hamilton'
+p4454
+sg5
+S'MANVILLE 12 PLEX '
+p4455
+sg95
+S'08835'
+p4456
+sg7
+S'10:30pm'
+p4457
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4458
+sg11
+S'nj'
+p4459
+sg13
+S'10:30pm'
+p4460
+sg15
+S'tomorrow'
+p4461
+sg17
+S'2016-03-10'
+p4462
+sg19
+S'nj'
+p4463
+sg21
+S'Zootopia'
+p4464
+ssI392
+(dp4465
+g3
+S'hamilton'
+p4466
+sg5
+S'AMC DINE-IN THEATRES BRIDGEWATER'
+p4467
+sg95
+S'08807'
+p4468
+sg7
+S'12:30pm'
+p4469
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4470
+sg11
+S'nj'
+p4471
+sg13
+S'12:30pm'
+p4472
+sg15
+S'tomorrow'
+p4473
+sg17
+S'2016-03-10'
+p4474
+sg19
+S'nj'
+p4475
+sg21
+S'Zootopia'
+p4476
+ssI393
+(dp4477
+g3
+S'hamilton'
+p4478
+sg5
+S'AMC DINE-IN THEATRES BRIDGEWATER'
+p4479
+sg95
+S'08807'
+p4480
+sg7
+S'9:30pm'
+p4481
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4482
+sg11
+S'nj'
+p4483
+sg13
+S'9:30pm'
+p4484
+sg15
+S'tomorrow'
+p4485
+sg17
+S'2016-03-10'
+p4486
+sg19
+S'nj'
+p4487
+sg21
+S'Zootopia'
+p4488
+ssI394
+(dp4489
+g3
+S'las vegas'
+p4490
+sg5
+S'Regal Colonnade 14'
+p4491
+sg7
+S'1:30pm'
+p4492
+sg9
+S'140cb755-c345-43a5-b21a-43c00b4a67d1'
+p4493
+sg599
+S'3d'
+p4494
+sg11
+S'nv'
+p4495
+sg13
+S'1:30'
+p4496
+sg15
+S'tomorrow'
+p4497
+sg17
+S'2016-03-10'
+p4498
+sg19
+S'nv'
+p4499
+sg21
+S'Zootopia'
+p4500
+ss.
\ No newline at end of file
diff --git a/data/movie/movie_kb.v2.p b/data/movie/movie_kb.v2.p
new file mode 100644
index 0000000..f738b87
--- /dev/null
+++ b/data/movie/movie_kb.v2.p
@@ -0,0 +1,13071 @@
+(dp1
+I1
+(dp2
+S'city'
+p3
+S'tulare'
+p4
+sS'theater'
+p5
+S'regal visalia stadium 10'
+p6
+sS'moviename'
+p7
+S'10 cloverfield lane'
+p8
+sS'conversationid'
+p9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p10
+sS'state'
+p11
+S'california'
+p12
+sS'starttime'
+p13
+S'11:20am'
+p14
+sS'date'
+p15
+S'saturday'
+p16
+sS'date_real'
+p17
+S'2016-03-12'
+p18
+sS'state_real'
+p19
+S'ca'
+p20
+sS'starttime_real'
+p21
+S'11:20am'
+p22
+ssI2
+(dp23
+g3
+S'tulare'
+p24
+sg5
+S'regal visalia stadium 10'
+p25
+sg7
+S'10 cloverfield lane'
+p26
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p27
+sg11
+S'california'
+p28
+sg13
+S'2:00pm'
+p29
+sg15
+S'saturday'
+p30
+sg17
+S'2016-03-12'
+p31
+sg19
+S'ca'
+p32
+sg21
+S'2:00pm'
+p33
+ssI3
+(dp34
+g3
+S'tulare'
+p35
+sg5
+S'regal visalia stadium 10'
+p36
+sg7
+S'10 cloverfield lane'
+p37
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p38
+sg11
+S'california'
+p39
+sg13
+S'4:40pm'
+p40
+sg15
+S'saturday'
+p41
+sg17
+S'2016-03-12'
+p42
+sg19
+S'ca'
+p43
+sg21
+S'4:40pm'
+p44
+ssI4
+(dp45
+g3
+S'tulare'
+p46
+sg5
+S'regal visalia stadium 10'
+p47
+sg7
+S'10 cloverfield lane'
+p48
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p49
+sg11
+S'california'
+p50
+sg13
+S'7:20pm'
+p51
+sg15
+S'saturday'
+p52
+sg17
+S'2016-03-12'
+p53
+sg19
+S'ca'
+p54
+sg21
+S'7:20pm'
+p55
+ssI5
+(dp56
+g3
+S'tulare'
+p57
+sg5
+S'regal visalia stadium 10'
+p58
+sg7
+S'10 cloverfield lane'
+p59
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p60
+sg11
+S'california'
+p61
+sg13
+S'10:05pm'
+p62
+sg15
+S'saturday'
+p63
+sg17
+S'2016-03-12'
+p64
+sg19
+S'ca'
+p65
+sg21
+S'10:05pm'
+p66
+ssI6
+(dp67
+g3
+S'portland'
+p68
+sg5
+S'Regal Pioneer Place Stadium'
+p69
+sg7
+S'10 cloverfield lane'
+p70
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p71
+sg11
+S'oregon'
+p72
+sg13
+S'9:50pm'
+p73
+sg15
+S'saturday'
+p74
+sg17
+S'2016-03-12'
+p75
+sg19
+S'or'
+p76
+sg21
+S'9:50pm'
+p77
+ssI7
+(dp78
+g3
+S'portland'
+p79
+sg5
+S'Regal Lloyd Center 10'
+p80
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p81
+sg11
+S'oregon'
+p82
+sg19
+S'or'
+p83
+sg7
+S'10 cloverfield lane'
+p84
+ssI8
+(dp85
+g3
+S'portland'
+p86
+sg5
+S'Bagdad Theatre'
+p87
+sg9
+S'3b343e7b-ccd5-48bb-9376-facf12a5b51b'
+p88
+sg11
+S'oregon'
+p89
+sg19
+S'or'
+p90
+sg7
+S'10 cloverfield lane'
+p91
+ssI9
+(dp92
+g3
+S'los angeles'
+p93
+sg5
+S'regal la live stadium 14'
+p94
+sS'zip'
+p95
+S'90015'
+p96
+sg7
+S'10 cloverfield lane'
+p97
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p98
+sg11
+S'ca'
+p99
+sg13
+S'11:45am'
+p100
+sg15
+S'tomorrow'
+p101
+sg17
+S'2016-03-11'
+p102
+sg19
+S'ca'
+p103
+sg21
+S'11:45am'
+p104
+ssI10
+(dp105
+g3
+S'los angeles'
+p106
+sg5
+S'regal la live stadium 14'
+p107
+sg95
+S'90015'
+p108
+sg7
+S'10 cloverfield lane'
+p109
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p110
+sg11
+S'ca'
+p111
+sg13
+S'12:45pm'
+p112
+sg15
+S'tomorrow'
+p113
+sg17
+S'2016-03-11'
+p114
+sg19
+S'ca'
+p115
+sg21
+S'12:45pm'
+p116
+ssI11
+(dp117
+g3
+S'los angeles'
+p118
+sg5
+S'regal la live stadium 14'
+p119
+sg95
+S'90015'
+p120
+sg7
+S'10 cloverfield lane'
+p121
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p122
+sg11
+S'ca'
+p123
+sg13
+S'2:30pm'
+p124
+sg15
+S'tomorrow'
+p125
+sg17
+S'2016-03-11'
+p126
+sg19
+S'ca'
+p127
+sg21
+S'2:30pm'
+p128
+ssI12
+(dp129
+g3
+S'los angeles'
+p130
+sg5
+S'regal la live stadium 14'
+p131
+sg95
+S'90015'
+p132
+sg7
+S'10 cloverfield lane'
+p133
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p134
+sg11
+S'ca'
+p135
+sg13
+S'3:30pm'
+p136
+sg15
+S'tomorrow'
+p137
+sg17
+S'2016-03-11'
+p138
+sg19
+S'ca'
+p139
+sg21
+S'3:30pm'
+p140
+ssI13
+(dp141
+g3
+S'los angeles'
+p142
+sg5
+S'regal la live stadium 14'
+p143
+sg95
+S'90015'
+p144
+sg7
+S'10 cloverfield lane'
+p145
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p146
+sg11
+S'ca'
+p147
+sg13
+S'5:10pm'
+p148
+sg15
+S'tomorrow'
+p149
+sg17
+S'2016-03-11'
+p150
+sg19
+S'ca'
+p151
+sg21
+S'5:10pm'
+p152
+ssI14
+(dp153
+g3
+S'los angeles'
+p154
+sg5
+S'regal la live stadium 14'
+p155
+sg95
+S'90015'
+p156
+sg7
+S'10 cloverfield lane'
+p157
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p158
+sg11
+S'ca'
+p159
+sg13
+S'6:30pm'
+p160
+sg15
+S'tomorrow'
+p161
+sg17
+S'2016-03-11'
+p162
+sg19
+S'ca'
+p163
+sg21
+S'6:30pm'
+p164
+ssI15
+(dp165
+g3
+S'los angeles'
+p166
+sg5
+S'regal la live stadium 14'
+p167
+sg95
+S'90015'
+p168
+sg7
+S'10 cloverfield lane'
+p169
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p170
+sg11
+S'ca'
+p171
+sg13
+S'7:55pm'
+p172
+sg15
+S'tomorrow'
+p173
+sg17
+S'2016-03-11'
+p174
+sg19
+S'ca'
+p175
+sg21
+S'7:55pm'
+p176
+ssI16
+(dp177
+g3
+S'los angeles'
+p178
+sg5
+S'regal la live stadium 14'
+p179
+sg95
+S'90015'
+p180
+sg7
+S'10 cloverfield lane'
+p181
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p182
+sg11
+S'ca'
+p183
+sg13
+S'9:10pm'
+p184
+sg15
+S'tomorrow'
+p185
+sg17
+S'2016-03-11'
+p186
+sg19
+S'ca'
+p187
+sg21
+S'9:10pm'
+p188
+ssI17
+(dp189
+g3
+S'los angeles'
+p190
+sg5
+S'regal la live stadium 14'
+p191
+sg95
+S'90015'
+p192
+sg7
+S'10 cloverfield lane'
+p193
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p194
+sg11
+S'ca'
+p195
+sg13
+S'10:45pm'
+p196
+sg15
+S'tomorrow'
+p197
+sg17
+S'2016-03-11'
+p198
+sg19
+S'ca'
+p199
+sg21
+S'10:45pm'
+p200
+ssI18
+(dp201
+g3
+S'los angeles'
+p202
+sg5
+S'regal la live stadium 14'
+p203
+sg95
+S'90015'
+p204
+sg7
+S'10 cloverfield lane'
+p205
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p206
+sg11
+S'ca'
+p207
+sg13
+S'11:55pm'
+p208
+sg15
+S'tomorrow'
+p209
+sg17
+S'2016-03-11'
+p210
+sg19
+S'ca'
+p211
+sg21
+S'11:55pm'
+p212
+ssI19
+(dp213
+g3
+S'los angeles'
+p214
+sg5
+S'pacific theatres at the grove'
+p215
+sg95
+S'90036'
+p216
+sg7
+S'10 cloverfield lane'
+p217
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p218
+sg11
+S'ca'
+p219
+sg13
+S'10:10am'
+p220
+sg15
+S'tomorrow'
+p221
+sg17
+S'2016-03-11'
+p222
+sg19
+S'ca'
+p223
+sg21
+S'10:10am'
+p224
+ssI20
+(dp225
+g3
+S'los angeles'
+p226
+sg5
+S'pacific theatres at the grove'
+p227
+sg95
+S'90036'
+p228
+sg7
+S'10 cloverfield lane'
+p229
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p230
+sg11
+S'ca'
+p231
+sg13
+S'11:00am'
+p232
+sg15
+S'tomorrow'
+p233
+sg17
+S'2016-03-11'
+p234
+sg19
+S'ca'
+p235
+sg21
+S'11:00am'
+p236
+ssI21
+(dp237
+g3
+S'los angeles'
+p238
+sg5
+S'pacific theatres at the grove'
+p239
+sg95
+S'90036'
+p240
+sg7
+S'10 cloverfield lane'
+p241
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p242
+sg11
+S'ca'
+p243
+sg13
+S'11:50am'
+p244
+sg15
+S'tomorrow'
+p245
+sg17
+S'2016-03-11'
+p246
+sg19
+S'ca'
+p247
+sg21
+S'11:50am'
+p248
+ssI22
+(dp249
+g3
+S'los angeles'
+p250
+sg5
+S'pacific theatres at the grove'
+p251
+sg95
+S'90036'
+p252
+sg7
+S'10 cloverfield lane'
+p253
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p254
+sg11
+S'ca'
+p255
+sg13
+S'12:30pm'
+p256
+sg15
+S'tomorrow'
+p257
+sg17
+S'2016-03-11'
+p258
+sg19
+S'ca'
+p259
+sg21
+S'12:30pm'
+p260
+ssI23
+(dp261
+g3
+S'los angeles'
+p262
+sg5
+S'pacific theatres at the grove'
+p263
+sg95
+S'90036'
+p264
+sg7
+S'10 cloverfield lane'
+p265
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p266
+sg11
+S'ca'
+p267
+sg13
+S'1:25pm'
+p268
+sg15
+S'tomorrow'
+p269
+sg17
+S'2016-03-11'
+p270
+sg19
+S'ca'
+p271
+sg21
+S'1:25pm'
+p272
+ssI24
+(dp273
+g3
+S'los angeles'
+p274
+sg5
+S'pacific theatres at the grove'
+p275
+sg95
+S'90036'
+p276
+sg7
+S'10 cloverfield lane'
+p277
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p278
+sg11
+S'ca'
+p279
+sg13
+S'2:20pm'
+p280
+sg15
+S'tomorrow'
+p281
+sg17
+S'2016-03-11'
+p282
+sg19
+S'ca'
+p283
+sg21
+S'2:20pm'
+p284
+ssI25
+(dp285
+g3
+S'los angeles'
+p286
+sg5
+S'pacific theatres at the grove'
+p287
+sg95
+S'90036'
+p288
+sg7
+S'10 cloverfield lane'
+p289
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p290
+sg11
+S'ca'
+p291
+sg13
+S'3:00pm'
+p292
+sg15
+S'tomorrow'
+p293
+sg17
+S'2016-03-11'
+p294
+sg19
+S'ca'
+p295
+sg21
+S'3:00pm'
+p296
+ssI26
+(dp297
+g3
+S'los angeles'
+p298
+sg5
+S'pacific theatres at the grove'
+p299
+sg95
+S'90036'
+p300
+sg7
+S'10 cloverfield lane'
+p301
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p302
+sg11
+S'ca'
+p303
+sg13
+S'3:50pm'
+p304
+sg15
+S'tomorrow'
+p305
+sg17
+S'2016-03-11'
+p306
+sg19
+S'ca'
+p307
+sg21
+S'3:50pm'
+p308
+ssI27
+(dp309
+g3
+S'los angeles'
+p310
+sg5
+S'pacific theatres at the grove'
+p311
+sg95
+S'90036'
+p312
+sg7
+S'10 cloverfield lane'
+p313
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p314
+sg11
+S'ca'
+p315
+sg13
+S'4:45pm'
+p316
+sg15
+S'tomorrow'
+p317
+sg17
+S'2016-03-11'
+p318
+sg19
+S'ca'
+p319
+sg21
+S'4:45pm'
+p320
+ssI28
+(dp321
+g3
+S'los angeles'
+p322
+sg5
+S'pacific theatres at the grove'
+p323
+sg95
+S'90036'
+p324
+sg7
+S'10 cloverfield lane'
+p325
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p326
+sg11
+S'ca'
+p327
+sg13
+S'5:25pm'
+p328
+sg15
+S'tomorrow'
+p329
+sg17
+S'2016-03-11'
+p330
+sg19
+S'ca'
+p331
+sg21
+S'5:25pm'
+p332
+ssI29
+(dp333
+g3
+S'los angeles'
+p334
+sg5
+S'pacific theatres at the grove'
+p335
+sg95
+S'90036'
+p336
+sg7
+S'10 cloverfield lane'
+p337
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p338
+sg11
+S'ca'
+p339
+sg13
+S'7:10pm'
+p340
+sg15
+S'tomorrow'
+p341
+sg17
+S'2016-03-11'
+p342
+sg19
+S'ca'
+p343
+sg21
+S'7:10pm'
+p344
+ssI30
+(dp345
+g3
+S'los angeles'
+p346
+sg5
+S'pacific theatres at the grove'
+p347
+sg95
+S'90036'
+p348
+sg7
+S'10 cloverfield lane'
+p349
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p350
+sg11
+S'ca'
+p351
+sg13
+S'7:55pm'
+p352
+sg15
+S'tomorrow'
+p353
+sg17
+S'2016-03-11'
+p354
+sg19
+S'ca'
+p355
+sg21
+S'7:55pm'
+p356
+ssI31
+(dp357
+g3
+S'los angeles'
+p358
+sg5
+S'pacific theatres at the grove'
+p359
+sg95
+S'90036'
+p360
+sg7
+S'10 cloverfield lane'
+p361
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p362
+sg11
+S'ca'
+p363
+sg13
+S'8:40pm'
+p364
+sg15
+S'tomorrow'
+p365
+sg17
+S'2016-03-11'
+p366
+sg19
+S'ca'
+p367
+sg21
+S'8:40pm'
+p368
+ssI32
+(dp369
+g3
+S'los angeles'
+p370
+sg5
+S'pacific theatres at the grove'
+p371
+sg95
+S'90036'
+p372
+sg7
+S'10 cloverfield lane'
+p373
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p374
+sg11
+S'ca'
+p375
+sg13
+S'9:35pm'
+p376
+sg15
+S'tomorrow'
+p377
+sg17
+S'2016-03-11'
+p378
+sg19
+S'ca'
+p379
+sg21
+S'9:35pm'
+p380
+ssI33
+(dp381
+g3
+S'los angeles'
+p382
+sg5
+S'pacific theatres at the grove'
+p383
+sg95
+S'90036'
+p384
+sg7
+S'10 cloverfield lane'
+p385
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p386
+sg11
+S'ca'
+p387
+sg13
+S'10:25pm'
+p388
+sg15
+S'tomorrow'
+p389
+sg17
+S'2016-03-11'
+p390
+sg19
+S'ca'
+p391
+sg21
+S'10:25pm'
+p392
+ssI34
+(dp393
+g3
+S'los angeles'
+p394
+sg5
+S'pacific theatres at the grove'
+p395
+sg95
+S'90036'
+p396
+sg7
+S'10 cloverfield lane'
+p397
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p398
+sg11
+S'ca'
+p399
+sg13
+S'11:10pm'
+p400
+sg15
+S'tomorrow'
+p401
+sg17
+S'2016-03-11'
+p402
+sg19
+S'ca'
+p403
+sg21
+S'11:10pm'
+p404
+ssI35
+(dp405
+g3
+S'los angeles'
+p406
+sg5
+S'pacific theatres at the grove'
+p407
+sg95
+S'90036'
+p408
+sg7
+S'10 cloverfield lane'
+p409
+sg9
+S'cc83cb76-8486-4e66-9312-fb298edad424'
+p410
+sg11
+S'ca'
+p411
+sg13
+S'12:05am'
+p412
+sg15
+S'tomorrow'
+p413
+sg17
+S'2016-03-11'
+p414
+sg19
+S'ca'
+p415
+sg21
+S'12:05am'
+p416
+ssI36
+(dp417
+g5
+S'Beaver Creek Stadium 12'
+p418
+sg21
+S'1:50pm'
+p419
+sS'price'
+p420
+S'8'
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p421
+sS'other'
+p422
+S'matinee'
+p423
+sg13
+S'1:50pm'
+p424
+sg17
+S'2016-03-11'
+p425
+sg7
+S'10 cloverfield lane'
+p426
+ssI37
+(dp427
+g5
+S'Beaver Creek Stadium 12'
+p428
+sg21
+S'4:30pm'
+p429
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p430
+sg13
+S'4:30pm'
+p431
+sg17
+S'2016-03-11'
+p432
+sg7
+S'10 cloverfield lane'
+p433
+ssI38
+(dp434
+g5
+S'Beaver Creek Stadium 12'
+p435
+sg21
+S'7:10pm'
+p436
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p437
+sg13
+S'7:10pm'
+p438
+sg17
+S'2016-03-11'
+p439
+sg7
+S'10 cloverfield lane'
+p440
+ssI39
+(dp441
+g5
+S'Beaver Creek Stadium 12'
+p442
+sg21
+S'9:50pm'
+p443
+sg9
+S'ad8d559a-4d41-4d5c-b9f1-ff55472f0ccb'
+p444
+sg13
+S'9:50pm'
+p445
+sg17
+S'2016-03-11'
+p446
+sg7
+S'10 cloverfield lane'
+p447
+ssI40
+(dp448
+g3
+S'carbondale'
+p449
+sS'distanceconstraints'
+p450
+S'vicinity'
+p451
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p452
+sS'genre'
+p453
+S'thriller science fiction'
+p454
+sg11
+S'illinois'
+p455
+sg15
+S'friday'
+p456
+sg17
+S'2016-03-11'
+p457
+sg19
+S'il'
+p458
+sg7
+S'10 cloverfield lane'
+p459
+ssI41
+(dp460
+g3
+S'Du Quoin'
+p461
+sS'description'
+p462
+S'A woman (Mary Elizabeth Winstead) discovers the horrifying truth about the outside world while living in an underground shelter with two men (John Goodman John Gallagher Jr'
+p463
+sg450
+S'vicinity'
+p464
+sg9
+S'5f6222f5-5f3c-49ad-b11f-63d502ef8894'
+p465
+sg453
+S'thriller science fiction'
+p466
+sg11
+S'illinois'
+p467
+sg15
+S'Friday'
+p468
+sg17
+S'2016-03-11'
+p469
+sg19
+S'il'
+p470
+sg7
+S'10 cloverfield lane'
+p471
+ssI42
+(dp472
+g9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p473
+sg3
+S'seattle'
+p474
+sg17
+S'2016-03-11'
+p475
+sg7
+S'10 cloverfield lane'
+p476
+ssI43
+(dp477
+g3
+S'royal oak'
+p478
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p479
+sg11
+S'mi'
+p480
+sg15
+S'Thursday'
+p481
+sg17
+S'2016-03-10'
+p482
+sg19
+S'mi'
+p483
+sg7
+S'10 cloverfield lane'
+p484
+ssI44
+(dp485
+g3
+S'Madison Heights'
+p486
+sg5
+S'AMC STAR JOHN R 15 '
+p487
+sg95
+S'48071'
+p488
+sg7
+S'10 cloverfield lane'
+p489
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p490
+sg15
+S'Thursday'
+p491
+sg11
+S'mi'
+p492
+sg13
+S'7:00pm'
+p493
+sS'theater_chain'
+p494
+S'amc'
+p495
+sg17
+S'2016-03-10'
+p496
+sg19
+S'mi'
+p497
+sg21
+S'7:00pm'
+p498
+ssI45
+(dp499
+g3
+S'Madison Heights'
+p500
+sg5
+S'AMC STAR JOHN R 15 '
+p501
+sg95
+S'48071'
+p502
+sg7
+S'10 cloverfield lane'
+p503
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p504
+sg15
+S'Thursday'
+p505
+sg11
+S'mi'
+p506
+sg13
+S'9:45pm'
+p507
+sg494
+S'amc'
+p508
+sg17
+S'2016-03-10'
+p509
+sg19
+S'mi'
+p510
+sg21
+S'9:45pm'
+p511
+ssI46
+(dp512
+g3
+S'Madison Heights'
+p513
+sg5
+S'AMC STAR SOUTHFIELD 20 '
+p514
+sg95
+S'48034'
+p515
+sg7
+S'10 cloverfield lane'
+p516
+sg9
+S'2c5d3d82-ffb3-4737-a2ad-e54d4b5efde5'
+p517
+sg15
+S'Thursday'
+p518
+sg11
+S'mi'
+p519
+sg13
+S'7:00pm'
+p520
+sg494
+S'amc'
+p521
+sg17
+S'2016-03-10'
+p522
+sg19
+S'mi'
+p523
+sg21
+S'7:00pm'
+p524
+ssI47
+(dp525
+g9
+S'cc576ea5-05ea-4b67-a233-246d1aa1ecd0'
+p526
+sg17
+S'2016-03-24'
+p527
+sg7
+S'batman vs superman'
+p528
+ssI48
+(dp529
+g3
+S'seattle'
+p530
+sg5
+S'regal meridian sundance cinemas'
+p531
+sg9
+S'738a6a8a-ca2f-4341-bf5d-dbc7ccda14d4'
+p532
+sg11
+S'wa'
+p533
+sg453
+S'drama'
+p534
+sg17
+S'2016-03-08'
+p535
+sg19
+S'wa'
+p536
+sg7
+S'the big short'
+p537
+ssI49
+(dp538
+g3
+S'seattle'
+p539
+sg5
+S'regal thornton place'
+p540
+sg9
+S'738a6a8a-ca2f-4341-bf5d-dbc7ccda14d4'
+p541
+sg11
+S'wa'
+p542
+sg453
+S'drama'
+p543
+sg17
+S'2016-03-08'
+p544
+sg19
+S'wa'
+p545
+sg7
+S'the big short'
+p546
+ssI50
+(dp547
+g3
+S'seattle'
+p548
+sg5
+S'regal meridian 16'
+p549
+sg95
+S'98101'
+p550
+sg7
+S'the big short'
+p551
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p552
+sg453
+S'drama'
+p553
+sg11
+S'wa'
+p554
+sg13
+S'8:45pm'
+p555
+sg15
+S'tonight'
+p556
+sg17
+S'2016-03-08'
+p557
+sg19
+S'wa'
+p558
+sg21
+S'8:45pm'
+p559
+ssI51
+(dp560
+g3
+S'seattle'
+p561
+sg5
+S'regal meridian 16'
+p562
+sg95
+S'98101'
+p563
+sg7
+S'the big short'
+p564
+sg9
+S'3ef9b9d1-9cc2-4fff-a3d1-13ffc8f3bcb9'
+p565
+sg453
+S'drama'
+p566
+sg11
+S'wa'
+p567
+sg13
+S'8:45pm'
+p568
+sg15
+S'tomorrow'
+p569
+sg17
+S'2016-03-09'
+p570
+sg19
+S'wa'
+p571
+sg21
+S'8:45pm'
+p572
+ssI52
+(dp573
+g3
+S'safeco field'
+p574
+sg5
+S'regal meridian 16'
+p575
+sg450
+S'near'
+p576
+sg7
+S'the big short'
+p577
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p578
+sg453
+S'drama'
+p579
+sg11
+S'wa'
+p580
+sg13
+S'8:45pm'
+p581
+sg15
+S'tonight'
+p582
+sg17
+S'2016-03-08'
+p583
+sg19
+S'wa'
+p584
+sg21
+S'8:45pm'
+p585
+ssI53
+(dp586
+g5
+S'Regency Academy 6'
+p587
+sg7
+S'creed'
+p588
+sg9
+S'98687258-793e-4711-ab88-3b03ec57415f'
+p589
+sg13
+S'1:00pm'
+p590
+sg15
+S'tomorrow'
+p591
+sg17
+S'2016-03-09'
+p592
+sg21
+S'1:00pm'
+p593
+ssI54
+(dp594
+g3
+S'LA'
+p595
+sg5
+S'pacific sherman oaks 5'
+p596
+sg7
+S'creed'
+p597
+sg9
+S'a20c3906-0ebb-4830-967f-467b3444ca2e'
+p598
+sS'video_format'
+p599
+S'2d'
+p600
+sg13
+S'705pm'
+p601
+sg15
+S'tomorrow'
+p602
+sg17
+S'2016-03-11'
+p603
+sg21
+S'7:05pm'
+p604
+ssI55
+(dp605
+g3
+S'LA'
+p606
+sg5
+S'AMC La Mirada'
+p607
+sg7
+S'creed'
+p608
+sg9
+S'a20c3906-0ebb-4830-967f-467b3444ca2e'
+p609
+sg599
+S'2d'
+p610
+sg13
+S'635pm'
+p611
+sg15
+S'tomorrow'
+p612
+sg494
+S'AMC'
+p613
+sg17
+S'2016-03-11'
+p614
+sg21
+S'6:35pm'
+p615
+ssI56
+(dp616
+g3
+S'seattle'
+p617
+sS'critic_rating'
+p618
+S'top'
+p619
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p620
+sg15
+S'last weekend'
+p621
+sg453
+S'action'
+p622
+sg17
+S'2016-03-05'
+p623
+sg7
+S'deadpool'
+p624
+ssI57
+(dp625
+g3
+S'seattle'
+p626
+sg5
+S'amc pacific place 11'
+p627
+sg7
+S'deadpool'
+p628
+sg618
+S'84 percent'
+p629
+sg9
+S'ae80d86b-8740-4690-98ed-ceed290046e6'
+p630
+sg15
+S'tomorrow'
+p631
+sg422
+S'rotten tomatoes'
+p632
+sg13
+S'9:00pm'
+p633
+sg494
+S'amc'
+p634
+sg453
+S'action'
+p635
+sg21
+S'9:00pm'
+p636
+sg17
+S'2016-03-09'
+p637
+ssI58
+(dp638
+g3
+S'seattle'
+p639
+sg5
+S'amc pacific place 11'
+p640
+sg7
+S'deadpool'
+p641
+sg618
+S'84 percent'
+p642
+sS'actor'
+p643
+S'ryan reynolds'
+p644
+sg9
+S'67cfcebf-3e8a-47e4-83e8-a8da18661475'
+p645
+sg15
+S'tomorrow'
+p646
+sg422
+S'rotten tomatoes'
+p647
+sg13
+S'10:00pm'
+p648
+sg494
+S'amc'
+p649
+sg453
+S'action'
+p650
+sg21
+S'10:00pm'
+p651
+sg17
+S'2016-03-09'
+p652
+ssI59
+(dp653
+g3
+S'bayou vista'
+p654
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p655
+sg11
+S'la'
+p656
+sg15
+S'this weekend'
+p657
+sg17
+S'2016-03-12'
+p658
+sg19
+S'la'
+p659
+sg7
+S'deadpool'
+p660
+ssI60
+(dp661
+g9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p662
+sg5
+S'Fairview Cinema'
+p663
+sg7
+S'deadpool'
+p664
+sg19
+S'la'
+p665
+sg11
+S'la'
+p666
+sg13
+S'7pm'
+p667
+sg15
+S'Thursday'
+p668
+sg17
+S'2016-03-10'
+p669
+sg21
+S'7:00pm'
+p670
+ssI61
+(dp671
+g3
+S'seattle'
+p672
+sg5
+S'AMC PACIFIC PLACE 11'
+p673
+sg95
+S'98101'
+p674
+sg7
+S'deadpool'
+p675
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p676
+sg11
+S'wa'
+p677
+sg13
+S'6:10pm'
+p678
+sg15
+S'tonight'
+p679
+sg17
+S'2016-03-08'
+p680
+sg19
+S'wa'
+p681
+sg21
+S'6:10pm'
+p682
+ssI62
+(dp683
+g3
+S'seattle'
+p684
+sg5
+S'AMC PACIFIC PLACE 11'
+p685
+sg95
+S'98101'
+p686
+sg7
+S'deadpool'
+p687
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p688
+sg15
+S'tonight'
+p689
+sg11
+S'wa'
+p690
+sg13
+S'7:20pm'
+p691
+sg494
+S'amc'
+p692
+sg17
+S'2016-03-08'
+p693
+sg19
+S'wa'
+p694
+sg21
+S'7:20pm'
+p695
+ssI63
+(dp696
+g3
+S'seattle'
+p697
+sg5
+S'AMC PACIFIC PLACE 11'
+p698
+sg95
+S'98101'
+p699
+sg7
+S'deadpool'
+p700
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p701
+sg15
+S'tonight'
+p702
+sg11
+S'wa'
+p703
+sg13
+S'8:15pm'
+p704
+sg494
+S'amc'
+p705
+sg17
+S'2016-03-08'
+p706
+sg19
+S'wa'
+p707
+sg21
+S'8:15pm'
+p708
+ssI64
+(dp709
+g3
+S'seattle'
+p710
+sg5
+S'AMC PACIFIC PLACE 11'
+p711
+sg95
+S'98101'
+p712
+sg7
+S'deadpool'
+p713
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p714
+sg15
+S'tonight'
+p715
+sg11
+S'wa'
+p716
+sg13
+S'9:00pm'
+p717
+sg494
+S'amc'
+p718
+sg17
+S'2016-03-08'
+p719
+sg19
+S'wa'
+p720
+sg21
+S'9:00pm'
+p721
+ssI65
+(dp722
+g3
+S'seattle'
+p723
+sg5
+S'AMC PACIFIC PLACE 11'
+p724
+sg95
+S'98101'
+p725
+sg7
+S'deadpool'
+p726
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p727
+sg15
+S'tonight'
+p728
+sg11
+S'wa'
+p729
+sg13
+S'10:00pm'
+p730
+sg494
+S'amc'
+p731
+sg17
+S'2016-03-08'
+p732
+sg19
+S'wa'
+p733
+sg21
+S'10:00pm'
+p734
+ssI66
+(dp735
+g3
+S'Bellevue'
+p736
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p737
+sg95
+S'98004'
+p738
+sg7
+S'deadpool'
+p739
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p740
+sg11
+S'wa'
+p741
+sg13
+S'6:25pm'
+p742
+sg15
+S'tonight'
+p743
+sg17
+S'2016-03-08'
+p744
+sg19
+S'wa'
+p745
+sg21
+S'6:25pm'
+p746
+ssI67
+(dp747
+g3
+S'Bellevue'
+p748
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p749
+sg95
+S'98004'
+p750
+sg7
+S'deadpool'
+p751
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p752
+sg11
+S'wa'
+p753
+sg13
+S'7:25pm'
+p754
+sg15
+S'tonight'
+p755
+sg17
+S'2016-03-08'
+p756
+sg19
+S'wa'
+p757
+sg21
+S'7:25pm'
+p758
+ssI68
+(dp759
+g3
+S'Bellevue'
+p760
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p761
+sg95
+S'98004'
+p762
+sg7
+S'deadpool'
+p763
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p764
+sg11
+S'wa'
+p765
+sg13
+S'9:20pm'
+p766
+sg15
+S'tonight'
+p767
+sg17
+S'2016-03-08'
+p768
+sg19
+S'wa'
+p769
+sg21
+S'9:20pm'
+p770
+ssI69
+(dp771
+g3
+S'Bellevue'
+p772
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p773
+sg95
+S'98004'
+p774
+sg7
+S'deadpool'
+p775
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p776
+sg11
+S'wa'
+p777
+sg13
+S'10:20pm'
+p778
+sg15
+S'tonight'
+p779
+sg17
+S'2016-03-08'
+p780
+sg19
+S'wa'
+p781
+sg21
+S'10:20pm'
+p782
+ssI70
+(dp783
+g3
+S'seattle'
+p784
+sg5
+S'big picture seattle'
+p785
+sg95
+S'98121'
+p786
+sg9
+S'be39025e-dcc1-4093-a1aa-e7f242216c06'
+p787
+sg11
+S'wa'
+p788
+sg15
+S'tonight'
+p789
+sg17
+S'2016-03-08'
+p790
+sg19
+S'wa'
+p791
+sg7
+S'deadpool'
+p792
+ssI71
+(dp793
+g3
+S'Buford'
+p794
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p795
+sg453
+S'comedy'
+p796
+sg11
+S'Georgia'
+p797
+sg15
+S'friday'
+p798
+sg17
+S'2016-03-11'
+p799
+sg19
+S'ga'
+p800
+sg7
+S'deadpool'
+p801
+ssI72
+(dp802
+g3
+S'philadelphia'
+p803
+sg5
+S'The Pearl Theatre'
+p804
+sg95
+S'19121'
+p805
+sg7
+S'deadpool'
+p806
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p807
+sg11
+S'pa'
+p808
+sg13
+S'7:30PM'
+p809
+sg15
+S'tomorrow'
+p810
+sg17
+S'2016-03-09'
+p811
+sg19
+S'pa'
+p812
+sg21
+S'7:30pm'
+p813
+ssI73
+(dp814
+g3
+S'philadelphia'
+p815
+sg95
+S'19101'
+p816
+sg450
+S'near'
+p817
+sg7
+S'deadpool'
+p818
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p819
+sg11
+S'pa'
+p820
+sg13
+S'1:30pm'
+p821
+sg15
+S'tomorrow'
+p822
+sg17
+S'2016-03-09'
+p823
+sg19
+S'pa'
+p824
+sg21
+S'1:30pm'
+p825
+ssI74
+(dp826
+g3
+S'philadelphia'
+p827
+sg95
+S'19101'
+p828
+sg450
+S'near'
+p829
+sg7
+S'deadpool'
+p830
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p831
+sg11
+S'pa'
+p832
+sg13
+S'4:30pm'
+p833
+sg15
+S'tomorrow'
+p834
+sg17
+S'2016-03-09'
+p835
+sg19
+S'pa'
+p836
+sg21
+S'4:30pm'
+p837
+ssI75
+(dp838
+g3
+S'philadelphia'
+p839
+sg95
+S'19101'
+p840
+sg450
+S'near'
+p841
+sg7
+S'deadpool'
+p842
+sg9
+S'20e83af6-12cf-446a-bad1-9c6d57817b70'
+p843
+sg11
+S'pa'
+p844
+sg13
+S'10:00pm'
+p845
+sg15
+S'tomorrow'
+p846
+sg17
+S'2016-03-09'
+p847
+sg19
+S'pa'
+p848
+sg21
+S'10:00pm'
+p849
+ssI76
+(dp850
+g3
+S'Carbondale'
+p851
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p852
+sg95
+S'62901'
+p853
+sg7
+S'deadpool'
+p854
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p855
+sg15
+S'tomorrow'
+p856
+sg11
+S'illinois'
+p857
+sg13
+S'2:30pm'
+p858
+sg494
+S'amc'
+p859
+sg17
+S'2016-03-09'
+p860
+sg19
+S'il'
+p861
+sg21
+S'2:30pm'
+p862
+ssI77
+(dp863
+g3
+S'Carbondale'
+p864
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p865
+sg95
+S'62901'
+p866
+sg7
+S'deadpool'
+p867
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p868
+sg15
+S'tomorrow'
+p869
+sg11
+S'illinois'
+p870
+sg13
+S'5:10pm'
+p871
+sg494
+S'amc'
+p872
+sg17
+S'2016-03-09'
+p873
+sg19
+S'il'
+p874
+sg21
+S'5:10pm'
+p875
+ssI78
+(dp876
+g3
+S'Carbondale'
+p877
+sg5
+S'AMC SHOWPLACE CARBONDALE'
+p878
+sg95
+S'62901'
+p879
+sg7
+S'deadpool'
+p880
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p881
+sg15
+S'tomorrow'
+p882
+sg11
+S'illinois'
+p883
+sg13
+S'7:45pm'
+p884
+sg494
+S'amc'
+p885
+sg17
+S'2016-03-09'
+p886
+sg19
+S'il'
+p887
+sg21
+S'7:45pm'
+p888
+ssI79
+(dp889
+g3
+S'Carbondale'
+p890
+sg5
+S' AMC UNIVERSITY PLACE 8'
+p891
+sg95
+S'62901'
+p892
+sg7
+S'deadpool'
+p893
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p894
+sg15
+S'tomorrow'
+p895
+sg11
+S'illinois'
+p896
+sg13
+S'4:40pm'
+p897
+sg494
+S'amc'
+p898
+sg17
+S'2016-03-09'
+p899
+sg19
+S'il'
+p900
+sg21
+S'4:40pm'
+p901
+ssI80
+(dp902
+g3
+S'Carbondale'
+p903
+sg5
+S' AMC UNIVERSITY PLACE 8'
+p904
+sg95
+S'62901'
+p905
+sg7
+S'deadpool'
+p906
+sg9
+S'1d8ee5b9-a286-4d05-945f-0630ec785e0a'
+p907
+sg15
+S'tomorrow'
+p908
+sg11
+S'illinois'
+p909
+sg13
+S'7:15pm'
+p910
+sg494
+S'amc'
+p911
+sg17
+S'2016-03-09'
+p912
+sg19
+S'il'
+p913
+sg21
+S'7:15pm'
+p914
+ssI81
+(dp915
+g5
+S'amc pacific place 11'
+p916
+sg95
+S'98119'
+p917
+sg450
+S'near'
+p918
+sg7
+S'deadpool'
+p919
+sg9
+S'e3f1dba2-09df-4b0f-a111-f6abce6299f7'
+p920
+sg15
+S'tonight'
+p921
+sg13
+S'8:15pm'
+p922
+sg494
+S'amc'
+p923
+sg17
+S'2016-03-08'
+p924
+sg21
+S'8:15pm'
+p925
+ssI82
+(dp926
+g3
+S'birmingham'
+p927
+sg5
+S'Carmike Summit 16'
+p928
+sg95
+S'35243'
+p929
+sg450
+S'near'
+p930
+sg7
+S'deadpool'
+p931
+sg9
+S'fcc562b3-1818-4c9c-a92e-0f2e054f5275'
+p932
+sg453
+S'comedy'
+p933
+sg11
+S'al'
+p934
+sg13
+S'4:20pm'
+p935
+sg15
+S'tonight'
+p936
+sg17
+S'2016-03-09'
+p937
+sg19
+S'al'
+p938
+sg21
+S'4:20pm'
+p939
+ssI83
+(dp940
+g3
+S'birmingham'
+p941
+sg5
+S'Carmike Summit 16'
+p942
+sg95
+S'35243'
+p943
+sg450
+S'near'
+p944
+sg7
+S'deadpool'
+p945
+sg9
+S'fcc562b3-1818-4c9c-a92e-0f2e054f5275'
+p946
+sg453
+S'comedy'
+p947
+sg11
+S'al'
+p948
+sg13
+S'2:20'
+p949
+sg15
+S'tonight'
+p950
+sg17
+S'2016-03-09'
+p951
+sg19
+S'al'
+p952
+sg21
+S'2:20pm'
+p953
+ssI84
+(dp954
+g3
+S'birmingham'
+p955
+sg5
+S'Carmike Summit 16'
+p956
+sg95
+S'35243'
+p957
+sg450
+S'near'
+p958
+sg7
+S'deadpool'
+p959
+sg9
+S'd8f82c80-c552-4594-a232-2d6c46ef3fb6'
+p960
+sg453
+S'comedy'
+p961
+sg11
+S'al'
+p962
+sg13
+S'2:20'
+p963
+sg15
+S'tonight'
+p964
+sg17
+S'2016-03-12'
+p965
+sg19
+S'al'
+p966
+sg21
+S'2:20pm'
+p967
+ssI85
+(dp968
+g3
+S'birmingham'
+p969
+sg5
+S'Carmike Summit 16'
+p970
+sg95
+S'35243'
+p971
+sg7
+S'deadpool'
+p972
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p973
+sg11
+S'al'
+p974
+sg13
+S'7:20pm'
+p975
+sg15
+S'tomorrow'
+p976
+sg17
+S'2016-03-10'
+p977
+sg19
+S'al'
+p978
+sg21
+S'7:20pm'
+p979
+ssI86
+(dp980
+g3
+S'birmingham'
+p981
+sg5
+S'Carmike Summit 16'
+p982
+sg95
+S'35243'
+p983
+sg7
+S'deadpool'
+p984
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p985
+sg11
+S'al'
+p986
+sg13
+S'4:20pm'
+p987
+sg15
+S'tomorrow'
+p988
+sg17
+S'2016-03-10'
+p989
+sg19
+S'al'
+p990
+sg21
+S'4:20pm'
+p991
+ssI87
+(dp992
+g3
+S'birmingham'
+p993
+sg5
+S'Carmike Summit 16'
+p994
+sg95
+S'35243'
+p995
+sg7
+S'deadpool'
+p996
+sg9
+S'b93933b4-90ba-4750-b17f-270e6af7d273'
+p997
+sg11
+S'al'
+p998
+sg13
+S'2:05pm'
+p999
+sg15
+S'Sunday'
+p1000
+sg17
+S'2016-03-13'
+p1001
+sg19
+S'al'
+p1002
+sg21
+S'2:05pm'
+p1003
+ssI88
+(dp1004
+g3
+S'seattle'
+p1005
+sg5
+S'AMC PACIFIC PLACE 11'
+p1006
+sg95
+S'98101'
+p1007
+sg7
+S'deadpool'
+p1008
+sg9
+S'c8c80c17-df18-4b43-a7fd-b3c5477d88d1'
+p1009
+sg15
+S'friday'
+p1010
+sg11
+S'wa'
+p1011
+sg13
+S'8:10pm'
+p1012
+sg494
+S'amc'
+p1013
+sg17
+S'2016-03-11'
+p1014
+sg19
+S'wa'
+p1015
+sg21
+S'8:10pm'
+p1016
+ssI89
+(dp1017
+g3
+S'Johnstown'
+p1018
+sg5
+S'RICHLAND CINEMAS'
+p1019
+sg7
+S'deadpool'
+p1020
+sg9
+S'0a5ff2f0-1385-4c4e-95f6-9ebe4be9390c'
+p1021
+sg11
+S'Pennsylvania'
+p1022
+sg13
+S'7:20PM'
+p1023
+sg15
+S'tomorrow'
+p1024
+sg17
+S'2016-03-09'
+p1025
+sg19
+S'pa'
+p1026
+sg21
+S'7:20pm'
+p1027
+ssI90
+(dp1028
+g3
+S'Johnstown'
+p1029
+sg5
+S'RICHLAND CINEMAS'
+p1030
+sg7
+S'deadpool'
+p1031
+sg9
+S'0a5ff2f0-1385-4c4e-95f6-9ebe4be9390c'
+p1032
+sg11
+S'Pennsylvania'
+p1033
+sg13
+S'9:50 PM '
+p1034
+sg17
+S'2016-03-09'
+p1035
+sg19
+S'pa'
+p1036
+sg21
+S'9:50pm'
+p1037
+ssI91
+(dp1038
+g3
+S'seattle'
+p1039
+sg5
+S'Big Picture'
+p1040
+sg7
+S'deadpool'
+p1041
+sg9
+S'e039dadc-92e0-4a01-b45e-fb1dd240ae18'
+p1042
+sg11
+S'wa'
+p1043
+sg13
+S'6pm'
+p1044
+sg15
+S'today'
+p1045
+sg17
+S'2016-03-09'
+p1046
+sg19
+S'wa'
+p1047
+sg21
+S'6:00pm'
+p1048
+ssI92
+(dp1049
+g3
+S'seattle'
+p1050
+sg5
+S'Big Picture'
+p1051
+sg7
+S'deadpool'
+p1052
+sg9
+S'e039dadc-92e0-4a01-b45e-fb1dd240ae18'
+p1053
+sg11
+S'wa'
+p1054
+sg13
+S'8:30pm'
+p1055
+sg15
+S'today'
+p1056
+sg17
+S'2016-03-09'
+p1057
+sg19
+S'wa'
+p1058
+sg21
+S'8:30pm'
+p1059
+ssI93
+(dp1060
+g3
+S'royal oak'
+p1061
+sg5
+S'emagine theater'
+p1062
+sg7
+S'deadpool'
+p1063
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1064
+sg11
+S'mi'
+p1065
+sg13
+S'10:05am'
+p1066
+sg15
+S'Friday'
+p1067
+sg17
+S'2016-03-11'
+p1068
+sg19
+S'mi'
+p1069
+sg21
+S'10:05am'
+p1070
+ssI94
+(dp1071
+g3
+S'royal oak'
+p1072
+sg5
+S'emagine theater'
+p1073
+sg7
+S'deadpool'
+p1074
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1075
+sg11
+S'mi'
+p1076
+sg13
+S'12:30pm'
+p1077
+sg15
+S'Friday'
+p1078
+sg17
+S'2016-03-11'
+p1079
+sg19
+S'mi'
+p1080
+sg21
+S'12:30pm'
+p1081
+ssI95
+(dp1082
+g3
+S'royal oak'
+p1083
+sg5
+S'emagine theater'
+p1084
+sg7
+S'deadpool'
+p1085
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1086
+sg11
+S'mi'
+p1087
+sg13
+S'2:55pm'
+p1088
+sg15
+S'Friday'
+p1089
+sg17
+S'2016-03-11'
+p1090
+sg19
+S'mi'
+p1091
+sg21
+S'2:55pm'
+p1092
+ssI96
+(dp1093
+g3
+S'royal oak'
+p1094
+sg5
+S'emagine theater'
+p1095
+sg7
+S'deadpool'
+p1096
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1097
+sg11
+S'mi'
+p1098
+sg13
+S'5:30pm'
+p1099
+sg15
+S'Friday'
+p1100
+sg17
+S'2016-03-11'
+p1101
+sg19
+S'mi'
+p1102
+sg21
+S'5:30pm'
+p1103
+ssI97
+(dp1104
+g3
+S'royal oak'
+p1105
+sg5
+S'emagine theater'
+p1106
+sg7
+S'deadpool'
+p1107
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1108
+sg11
+S'mi'
+p1109
+sg13
+S'8:00pm'
+p1110
+sg15
+S'Friday'
+p1111
+sg17
+S'2016-03-11'
+p1112
+sg19
+S'mi'
+p1113
+sg21
+S'8:00pm'
+p1114
+ssI98
+(dp1115
+g3
+S'royal oak'
+p1116
+sg5
+S'emagine theater'
+p1117
+sg7
+S'deadpool'
+p1118
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1119
+sg11
+S'mi'
+p1120
+sg13
+S'10:40pm'
+p1121
+sg15
+S'Friday'
+p1122
+sg17
+S'2016-03-11'
+p1123
+sg19
+S'mi'
+p1124
+sg21
+S'10:40pm'
+p1125
+ssI99
+(dp1126
+g3
+S'Madison Heights'
+p1127
+sg5
+S'AMC STAR JOHN R 15'
+p1128
+sg95
+S'48071'
+p1129
+sg7
+S'deadpool'
+p1130
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1131
+sg11
+S'mi'
+p1132
+sg13
+S'11:40am'
+p1133
+sg15
+S'Friday'
+p1134
+sg17
+S'2016-03-11'
+p1135
+sg19
+S'mi'
+p1136
+sg21
+S'11:40am'
+p1137
+ssI100
+(dp1138
+g3
+S'Madison Heights'
+p1139
+sg5
+S'AMC STAR JOHN R 15'
+p1140
+sg95
+S'48071'
+p1141
+sg7
+S'deadpool'
+p1142
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1143
+sg11
+S'mi'
+p1144
+sg13
+S'2:30pm'
+p1145
+sg15
+S'Friday'
+p1146
+sg17
+S'2016-03-11'
+p1147
+sg19
+S'mi'
+p1148
+sg21
+S'2:30pm'
+p1149
+ssI101
+(dp1150
+g3
+S'Madison Heights'
+p1151
+sg5
+S'AMC STAR JOHN R 15'
+p1152
+sg95
+S'48071'
+p1153
+sg7
+S'deadpool'
+p1154
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1155
+sg11
+S'mi'
+p1156
+sg13
+S'4:35pm'
+p1157
+sg15
+S'Friday'
+p1158
+sg17
+S'2016-03-11'
+p1159
+sg19
+S'mi'
+p1160
+sg21
+S'4:35pm'
+p1161
+ssI102
+(dp1162
+g3
+S'Madison Heights'
+p1163
+sg5
+S'AMC STAR JOHN R 15'
+p1164
+sg95
+S'48071'
+p1165
+sg7
+S'deadpool'
+p1166
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1167
+sg11
+S'mi'
+p1168
+sg13
+S'5:10pm'
+p1169
+sg15
+S'Friday'
+p1170
+sg17
+S'2016-03-11'
+p1171
+sg19
+S'mi'
+p1172
+sg21
+S'5:10pm'
+p1173
+ssI103
+(dp1174
+g3
+S'Madison Heights'
+p1175
+sg5
+S'AMC STAR JOHN R 15'
+p1176
+sg95
+S'48071'
+p1177
+sg7
+S'deadpool'
+p1178
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1179
+sg11
+S'mi'
+p1180
+sg13
+S'7:15pm'
+p1181
+sg15
+S'Friday'
+p1182
+sg17
+S'2016-03-11'
+p1183
+sg19
+S'mi'
+p1184
+sg21
+S'7:15pm'
+p1185
+ssI104
+(dp1186
+g3
+S'Madison Heights'
+p1187
+sg5
+S'AMC STAR JOHN R 15'
+p1188
+sg95
+S'48071'
+p1189
+sg7
+S'deadpool'
+p1190
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1191
+sg11
+S'mi'
+p1192
+sg13
+S'8:00pm'
+p1193
+sg15
+S'Friday'
+p1194
+sg17
+S'2016-03-11'
+p1195
+sg19
+S'mi'
+p1196
+sg21
+S'8:00pm'
+p1197
+ssI105
+(dp1198
+g3
+S'Madison Heights'
+p1199
+sg5
+S'AMC STAR JOHN R 15'
+p1200
+sg95
+S'48071'
+p1201
+sg7
+S'deadpool'
+p1202
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1203
+sg11
+S'mi'
+p1204
+sg13
+S'10:00pm'
+p1205
+sg15
+S'Friday'
+p1206
+sg17
+S'2016-03-11'
+p1207
+sg19
+S'mi'
+p1208
+sg21
+S'10:00pm'
+p1209
+ssI106
+(dp1210
+g3
+S'Madison Heights'
+p1211
+sg5
+S'AMC STAR JOHN R 15'
+p1212
+sg95
+S'48071'
+p1213
+sg7
+S'deadpool'
+p1214
+sg9
+S'2309641d-29e3-469a-8fcc-e5d2b92c636f'
+p1215
+sg11
+S'mi'
+p1216
+sg13
+S'10:45pm'
+p1217
+sg15
+S'Friday'
+p1218
+sg17
+S'2016-03-11'
+p1219
+sg19
+S'mi'
+p1220
+sg21
+S'10:45pm'
+p1221
+ssI107
+(dp1222
+g3
+S'arlington'
+p1223
+sg5
+S'Cinemark Tinseltown 9'
+p1224
+sg7
+S'deadpool'
+p1225
+sg9
+S'1fc2880b-9531-4d01-ab68-62ae9dbaf1d9'
+p1226
+sg11
+S'texas'
+p1227
+sg13
+S'10:05'
+p1228
+sg15
+S'tonight'
+p1229
+sg17
+S'2016-03-11'
+p1230
+sg19
+S'tx'
+p1231
+sg21
+S'10:05pm'
+p1232
+ssI108
+(dp1233
+g3
+S'boston'
+p1234
+sg5
+S'AMC LOEWS BOSTON COMMON 19'
+p1235
+sg95
+S'02111'
+p1236
+sg7
+S'deadpool'
+p1237
+sg9
+S'e62adbee-1280-4847-9a98-426846b76d7e'
+p1238
+sg15
+S'saturday'
+p1239
+sg11
+S'MA'
+p1240
+sg13
+S'8:20'
+p1241
+sg494
+S'AMC'
+p1242
+sg17
+S'2016-03-12'
+p1243
+sg19
+S'ma'
+p1244
+sg21
+S'8:20pm'
+p1245
+ssI109
+(dp1246
+g3
+S'los angeles'
+p1247
+sg5
+S'Pacific Theatres'
+p1248
+sg7
+S'deadpool'
+p1249
+sg9
+S'be64db44-edeb-4e54-9670-320abb7ccd3b'
+p1250
+sg11
+S'ca'
+p1251
+sg13
+S'8:05'
+p1252
+sg15
+S'tomorrow'
+p1253
+sg17
+S'2016-03-11'
+p1254
+sg19
+S'ca'
+p1255
+sg21
+S'8:05pm'
+p1256
+ssI110
+(dp1257
+g3
+S'visalia'
+p1258
+sg5
+S'Regal Visalia Stadium 10'
+p1259
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p1260
+sg11
+S'ca'
+p1261
+sg17
+S'2016-03-10'
+p1262
+sg19
+S'ca'
+p1263
+sg7
+S'deadpool'
+p1264
+ssI111
+(dp1265
+g3
+S'Evanston'
+p1266
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1267
+sg7
+S'deadpool'
+p1268
+sg95
+S'60201'
+p1269
+sg618
+S'top rated'
+p1270
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1271
+sg11
+S'IL'
+p1272
+sg13
+S'10:45am'
+p1273
+sg15
+S'tomorrow'
+p1274
+sg17
+S'2016-03-10'
+p1275
+sg19
+S'IL'
+p1276
+sg21
+S'10:45am'
+p1277
+ssI112
+(dp1278
+g3
+S'Evanston'
+p1279
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1280
+sg7
+S'deadpool'
+p1281
+sg95
+S'60201'
+p1282
+sg618
+S'top rated'
+p1283
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1284
+sg11
+S'IL'
+p1285
+sg13
+S'12:00pm'
+p1286
+sg15
+S'tomorrow'
+p1287
+sg17
+S'2016-03-10'
+p1288
+sg19
+S'IL'
+p1289
+sg21
+S'12:00pm'
+p1290
+ssI113
+(dp1291
+g3
+S'Evanston'
+p1292
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1293
+sg7
+S'deadpool'
+p1294
+sg95
+S'60201'
+p1295
+sg618
+S'top rated'
+p1296
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1297
+sg11
+S'IL'
+p1298
+sg13
+S'2:40pm'
+p1299
+sg15
+S'tomorrow'
+p1300
+sg17
+S'2016-03-10'
+p1301
+sg19
+S'IL'
+p1302
+sg21
+S'2:40pm'
+p1303
+ssI114
+(dp1304
+g3
+S'Evanston'
+p1305
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1306
+sg7
+S'deadpool'
+p1307
+sg95
+S'60201'
+p1308
+sg618
+S'top rated'
+p1309
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1310
+sg11
+S'IL'
+p1311
+sg13
+S'4:05pm'
+p1312
+sg15
+S'tomorrow'
+p1313
+sg17
+S'2016-03-10'
+p1314
+sg19
+S'IL'
+p1315
+sg21
+S'4:05pm'
+p1316
+ssI115
+(dp1317
+g3
+S'Evanston'
+p1318
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1319
+sg7
+S'deadpool'
+p1320
+sg95
+S'60201'
+p1321
+sg618
+S'top rated'
+p1322
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1323
+sg11
+S'IL'
+p1324
+sg13
+S'5:20pm'
+p1325
+sg15
+S'tomorrow'
+p1326
+sg17
+S'2016-03-10'
+p1327
+sg19
+S'IL'
+p1328
+sg21
+S'5:20pm'
+p1329
+ssI116
+(dp1330
+g3
+S'Evanston'
+p1331
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1332
+sg7
+S'deadpool'
+p1333
+sg95
+S'60201'
+p1334
+sg618
+S'top rated'
+p1335
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1336
+sg11
+S'IL'
+p1337
+sg13
+S'8:00pm'
+p1338
+sg15
+S'tomorrow'
+p1339
+sg17
+S'2016-03-10'
+p1340
+sg19
+S'IL'
+p1341
+sg21
+S'8:00pm'
+p1342
+ssI117
+(dp1343
+g3
+S'Evanston'
+p1344
+sg5
+S'CENTURY 12 EVANSTON/CIN\xc3\x83\xe2\x80\xb0ARTS 6'
+p1345
+sg7
+S'deadpool'
+p1346
+sg95
+S'60201'
+p1347
+sg618
+S'top rated'
+p1348
+sg9
+S'856c5979-404f-4bc3-9b1c-92c49131022e'
+p1349
+sg11
+S'IL'
+p1350
+sg13
+S'10:40pm'
+p1351
+sg15
+S'tomorrow'
+p1352
+sg17
+S'2016-03-10'
+p1353
+sg19
+S'IL'
+p1354
+sg21
+S'10:40pm'
+p1355
+ssI118
+(dp1356
+g3
+S'Clear Lake'
+p1357
+sg5
+S'lake theater'
+p1358
+sg7
+S'deadpool'
+p1359
+sg9
+S'53e4b4b4-0b55-46f2-bcb5-2000eba844e3'
+p1360
+sg453
+S'action'
+p1361
+sg11
+S'IA'
+p1362
+sg13
+S'7pm'
+p1363
+sg15
+S'tomorrow'
+p1364
+sg17
+S'2016-03-11'
+p1365
+sg19
+S'IA'
+p1366
+sg21
+S'7:00pm'
+p1367
+ssI119
+(dp1368
+g3
+S'Mason city'
+p1369
+sg5
+S'Cinema West'
+p1370
+sg7
+S'deadpool'
+p1371
+sg9
+S'53e4b4b4-0b55-46f2-bcb5-2000eba844e3'
+p1372
+sg11
+S'IA'
+p1373
+sg13
+S'6:40pm'
+p1374
+sg15
+S'tonight'
+p1375
+sg17
+S'2016-03-10'
+p1376
+sg19
+S'IA'
+p1377
+sg21
+S'6:40pm'
+p1378
+ssI120
+(dp1379
+g3
+S'dallas'
+p1380
+sg5
+S'alamo draft house'
+p1381
+sg7
+S'deadpool'
+p1382
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1383
+sg11
+S'tx'
+p1384
+sg13
+S'5pm'
+p1385
+sg15
+S'tonight'
+p1386
+sg17
+S'2016-03-10'
+p1387
+sg19
+S'tx'
+p1388
+sg21
+S'5:00pm'
+p1389
+ssI121
+(dp1390
+g3
+S'dallas'
+p1391
+sg5
+S'alamo draft house'
+p1392
+sg7
+S'deadpool'
+p1393
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1394
+sg11
+S'tx'
+p1395
+sg13
+S'7:55pm'
+p1396
+sg15
+S'tonight'
+p1397
+sg17
+S'2016-03-10'
+p1398
+sg19
+S'tx'
+p1399
+sg21
+S'7:55pm'
+p1400
+ssI122
+(dp1401
+g3
+S'dallas'
+p1402
+sg5
+S'alamo draft house'
+p1403
+sg7
+S'deadpool'
+p1404
+sg9
+S'6d3768b4-4b95-4000-864f-9fdf328d7aa4'
+p1405
+sg11
+S'tx'
+p1406
+sg13
+S'10:15pm'
+p1407
+sg15
+S'tonight'
+p1408
+sg17
+S'2016-03-10'
+p1409
+sg19
+S'tx'
+p1410
+sg21
+S'10:15pm'
+p1411
+ssI123
+(dp1412
+g3
+S'Los Angeles'
+p1413
+sg5
+S'regal live stadium 14'
+p1414
+sg95
+S'90015'
+p1415
+sg7
+S'deadpool'
+p1416
+sg9
+S'da21c48d-026d-478f-b297-73dcca348f8f'
+p1417
+sg11
+S'ca'
+p1418
+sg13
+S'8 pm'
+p1419
+sg15
+S'tomorrow'
+p1420
+sg17
+S'2016-03-11'
+p1421
+sg19
+S'ca'
+p1422
+sg21
+S'8:00pm'
+p1423
+ssI124
+(dp1424
+g3
+S'hamilton'
+p1425
+sg5
+S'AMC Hamilton 24'
+p1426
+sg7
+S'deadpool'
+p1427
+sg9
+S'8189a79a-0d4e-4851-a370-0464f9e41c07'
+p1428
+sg15
+S'tomorrow'
+p1429
+sg11
+S'nj'
+p1430
+sg13
+S'7:05'
+p1431
+sg494
+S'amc'
+p1432
+sg17
+S'2016-03-10'
+p1433
+sg19
+S'nj'
+p1434
+sg21
+S'7:05pm'
+p1435
+ssI125
+(dp1436
+g3
+S'Detroit'
+p1437
+sg5
+S'amc star fairlane 21'
+p1438
+sg7
+S'deadpool'
+p1439
+sg9
+S'bd652411-9467-4c1c-8408-931af12211dd'
+p1440
+sg15
+S'tomorrow'
+p1441
+sg11
+S'mi'
+p1442
+sg13
+S'7:05'
+p1443
+sg494
+S'amc'
+p1444
+sg17
+S'2016-03-11'
+p1445
+sg19
+S'mi'
+p1446
+sg21
+S'7:05'
+p1447
+ssI126
+(dp1448
+g3
+S'los angeles'
+p1449
+sg5
+S'regal la live stadium 14'
+p1450
+sg7
+S'deadpool'
+p1451
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1452
+sg15
+S'saturday'
+p1453
+sg11
+S'ca'
+p1454
+sg13
+S'12:00pm'
+p1455
+sg494
+S'amc'
+p1456
+sg17
+S'2016-03-12'
+p1457
+sg19
+S'ca'
+p1458
+sg21
+S'12:00pm'
+p1459
+ssI127
+(dp1460
+g3
+S'los angeles'
+p1461
+sg5
+S'regal la live stadium 14'
+p1462
+sg7
+S'deadpool'
+p1463
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1464
+sg15
+S'saturday'
+p1465
+sg11
+S'ca'
+p1466
+sg13
+S'1:00pm'
+p1467
+sg494
+S'amc'
+p1468
+sg17
+S'2016-03-12'
+p1469
+sg19
+S'ca'
+p1470
+sg21
+S'1:00pm'
+p1471
+ssI128
+(dp1472
+g3
+S'los angeles'
+p1473
+sg5
+S'regal la live stadium 14'
+p1474
+sg7
+S'deadpool'
+p1475
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1476
+sg15
+S'saturday'
+p1477
+sg11
+S'ca'
+p1478
+sg13
+S'3:00pm'
+p1479
+sg494
+S'amc'
+p1480
+sg17
+S'2016-03-12'
+p1481
+sg19
+S'ca'
+p1482
+sg21
+S'3:00pm'
+p1483
+ssI129
+(dp1484
+g3
+S'los angeles'
+p1485
+sg5
+S'regal la live stadium 14'
+p1486
+sg7
+S'deadpool'
+p1487
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1488
+sg15
+S'saturday'
+p1489
+sg11
+S'ca'
+p1490
+sg13
+S'6:00pm'
+p1491
+sg494
+S'amc'
+p1492
+sg17
+S'2016-03-12'
+p1493
+sg19
+S'ca'
+p1494
+sg21
+S'6:00pm'
+p1495
+ssI130
+(dp1496
+g3
+S'los angeles'
+p1497
+sg5
+S'regal la live stadium 14'
+p1498
+sg7
+S'deadpool'
+p1499
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1500
+sg15
+S'saturday'
+p1501
+sg11
+S'ca'
+p1502
+sg13
+S'7:00pm'
+p1503
+sg494
+S'amc'
+p1504
+sg17
+S'2016-03-12'
+p1505
+sg19
+S'ca'
+p1506
+sg21
+S'7:00pm'
+p1507
+ssI131
+(dp1508
+g3
+S'los angeles'
+p1509
+sg5
+S'regal la live stadium 14'
+p1510
+sg7
+S'deadpool'
+p1511
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1512
+sg15
+S'saturday'
+p1513
+sg11
+S'ca'
+p1514
+sg13
+S'9:00pm'
+p1515
+sg494
+S'amc'
+p1516
+sg17
+S'2016-03-12'
+p1517
+sg19
+S'ca'
+p1518
+sg21
+S'9:00pm'
+p1519
+ssI132
+(dp1520
+g3
+S'los angeles'
+p1521
+sg5
+S'regal la live stadium 14'
+p1522
+sg7
+S'deadpool'
+p1523
+sg9
+S'3c9085d6-3595-4569-a53a-713ab9f2c333'
+p1524
+sg15
+S'saturday'
+p1525
+sg11
+S'ca'
+p1526
+sg13
+S'11:40pm'
+p1527
+sg494
+S'amc'
+p1528
+sg17
+S'2016-03-12'
+p1529
+sg19
+S'ca'
+p1530
+sg21
+S'11:40pm'
+p1531
+ssI133
+(dp1532
+g3
+S'seattle'
+p1533
+sg5
+S'regal meridian 16'
+p1534
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1535
+sg11
+S'wa'
+p1536
+sg15
+S'tonight'
+p1537
+sg17
+S'2016-03-08'
+p1538
+sg19
+S'wa'
+p1539
+sg7
+S'eddie the eagle'
+p1540
+ssI134
+(dp1541
+g5
+S'Century Rowland Plaza'
+p1542
+sg95
+S'94952'
+p1543
+sg7
+S'eddie the eagle'
+p1544
+sg9
+S'd60cff39-e90b-4c2e-af42-3b08dc13384b'
+p1545
+sg13
+S'4:20pm'
+p1546
+sg15
+S'next Friday'
+p1547
+sg17
+S'2016-03-11'
+p1548
+sg21
+S'4:20pm'
+p1549
+ssI135
+(dp1550
+g5
+S'Century Rowland Plaza'
+p1551
+sg95
+S'94952'
+p1552
+sg7
+S'eddie the eagle'
+p1553
+sg9
+S'd60cff39-e90b-4c2e-af42-3b08dc13384b'
+p1554
+sg13
+S'6:55pm'
+p1555
+sg15
+S'next Friday'
+p1556
+sg17
+S'2016-03-11'
+p1557
+sg21
+S'6:55pm'
+p1558
+ssI136
+(dp1559
+g9
+S'8e93ed3a-9ae1-445e-aae6-42fada6d1575'
+p1560
+sg453
+S'drama'
+p1561
+sg17
+S'2016-03-08'
+p1562
+sg7
+S'eddie the eagle'
+p1563
+ssI137
+(dp1564
+g9
+S'eebf8ebf-afd8-4412-96df-9617ba75a4bc'
+p1565
+sg15
+S'tonight'
+p1566
+sg17
+S'2016-03-08'
+p1567
+sg7
+S'eddie the eagle'
+p1568
+sg5
+S'Regal Meridian 16'
+p1569
+ssI138
+(dp1570
+g3
+S'Princeton'
+p1571
+sg5
+S'AMC Marketfair 10'
+p1572
+sg7
+S'eddie the eagle'
+p1573
+sg9
+S'0df2a80f-7964-4d6f-a0d1-a33a9ba0ad84'
+p1574
+sg453
+S'drama'
+p1575
+sg11
+S'nj'
+p1576
+sg13
+S'6:45pm'
+p1577
+sg15
+S'tomorrow'
+p1578
+sg17
+S'2016-03-11'
+p1579
+sg19
+S'nj'
+p1580
+sg21
+S'6:45pm'
+p1581
+ssI139
+(dp1582
+g3
+S'Chico'
+p1583
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p1584
+sg15
+S'tomorrow'
+p1585
+sg453
+S'drama'
+p1586
+sg17
+S'2016-03-10'
+p1587
+sg19
+S'ca'
+p1588
+sg7
+S'eddie the eagle'
+p1589
+ssI140
+(dp1590
+g9
+S'e62adbee-1280-4847-9a98-426846b76d7e'
+p1591
+sg7
+S'lolo'
+p1592
+ssI141
+(dp1593
+g9
+S'fa6cfa89-304f-48c2-b559-a319eec7b0dc'
+p1594
+sg17
+S'2016-06-17'
+p1595
+sg7
+S'finding dory'
+p1596
+ssI142
+(dp1597
+g3
+S'Bayou Vista'
+p1598
+sg462
+S"Mortal hero Bek teams with the god Horus in an alliance against Set the merciless god of darkness who has usurped Egypt's throne plunging the once peaceful and prosperous empire into chaos and conflict"
+p1599
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p1600
+sg453
+S'action'
+p1601
+sg11
+S'la'
+p1602
+sg15
+S'this weekend'
+p1603
+sg17
+S'2016-03-12'
+p1604
+sg19
+S'la'
+p1605
+sg7
+S'gods of egypt'
+p1606
+ssI143
+(dp1607
+g3
+S'seattle'
+p1608
+sg5
+S'regal meridian 16'
+p1609
+sg9
+S'eebf8ebf-afd8-4412-96df-9617ba75a4bc'
+p1610
+sg15
+S'tonight'
+p1611
+sg453
+S'action'
+p1612
+sg17
+S'2016-03-08'
+p1613
+sg7
+S'gods of egypt'
+p1614
+ssI144
+(dp1615
+g3
+S'Birmingham'
+p1616
+sg618
+S'5'
+sg9
+S'2fd4a06f-68d3-4d07-b87d-1f43bef0ca81'
+p1617
+sg11
+S'al'
+p1618
+sg453
+S'Sci-Fi'
+p1619
+sg19
+S'al'
+p1620
+sg7
+S'gods of egypt'
+p1621
+ssI145
+(dp1622
+g3
+S'seattle'
+p1623
+sg5
+S'Cinemark Lincoln Square Cinemas'
+p1624
+sg7
+S'gods of egypt'
+p1625
+sg9
+S'2988242b-7e27-4003-a78f-6a28eea0e227'
+p1626
+sg453
+S'Adventure '
+p1627
+sg13
+S'7:15pm'
+p1628
+sg15
+S'Friday the 10th'
+p1629
+sg17
+S'2016-03-11'
+p1630
+sg21
+S'7:15pm'
+p1631
+ssI146
+(dp1632
+g3
+S'miami'
+p1633
+sg5
+S'CINPOLIS COCONUT GROVE'
+p1634
+sg95
+S'33133'
+p1635
+sg7
+S'gods of egypt'
+p1636
+sg9
+S'db091bba-63ad-4017-9f2b-8276f3dd55e2'
+p1637
+sg453
+S'Fantasy'
+p1638
+sg11
+S'fl'
+p1639
+sg13
+S'11:20'
+p1640
+sg15
+S'tomorrow'
+p1641
+sg17
+S'2016-03-10'
+p1642
+sg19
+S'fl'
+p1643
+sg21
+S'11:20am'
+p1644
+ssI147
+(dp1645
+g3
+S'miami'
+p1646
+sg5
+S'COBB DOLPHIN 19'
+p1647
+sg95
+S'33172'
+p1648
+sg7
+S'gods of egypt'
+p1649
+sg9
+S'db091bba-63ad-4017-9f2b-8276f3dd55e2'
+p1650
+sg453
+S'Fantasy'
+p1651
+sg11
+S'fl'
+p1652
+sg13
+S'12:35'
+p1653
+sg15
+S'tomorrow'
+p1654
+sg17
+S'2016-03-10'
+p1655
+sg19
+S'fl'
+p1656
+sg21
+S'12:35pm'
+p1657
+ssI148
+(dp1658
+g3
+S'Visalia'
+p1659
+sg5
+S'Regal Visalia Stadium 10'
+p1660
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p1661
+sg11
+S'California'
+p1662
+sg17
+S'2016-03-10'
+p1663
+sg19
+S'ca'
+p1664
+sg7
+S'gods of egypt'
+p1665
+ssI149
+(dp1666
+g3
+S'Baltimore'
+p1667
+sg5
+S'Cinemakr Egyptian'
+p1668
+sg7
+S'gods of egypt'
+p1669
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p1670
+sg599
+S'3d'
+p1671
+sg11
+S'Maryland'
+p1672
+sg13
+S'3:20pm'
+p1673
+sg15
+S'Friday'
+p1674
+sg17
+S'2016-03-11'
+p1675
+sg19
+S'md'
+p1676
+sg21
+S'3:20pm'
+p1677
+ssI150
+(dp1678
+g3
+S'Baltimore'
+p1679
+sg5
+S'Cinemakr Egyptian'
+p1680
+sg7
+S'gods of egypt'
+p1681
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p1682
+sg599
+S'3d'
+p1683
+sg11
+S'Maryland'
+p1684
+sg13
+S'9:45pm'
+p1685
+sg15
+S'Friday'
+p1686
+sg17
+S'2016-03-11'
+p1687
+sg19
+S'md'
+p1688
+sg21
+S'9:45pm'
+p1689
+ssI151
+(dp1690
+g3
+S'Fresno'
+p1691
+sg9
+S'60dd54db-e6e8-48b7-8a4a-82896ebb79ca'
+p1692
+sg453
+S'action'
+p1693
+sg11
+S'california'
+p1694
+sg15
+S'march 12'
+p1695
+sg17
+S'2016-03-12'
+p1696
+sg19
+S'ca'
+p1697
+sg7
+S'gods of egypt'
+p1698
+ssI152
+(dp1699
+g3
+S'detroit'
+p1700
+sg9
+S'1c4f60ab-42eb-4563-8414-0be1a85e7b62'
+p1701
+sg15
+S'tonight'
+p1702
+sS'mpaa_rating'
+p1703
+S'pg-13'
+p1704
+sg453
+S'action'
+p1705
+sg17
+S'2016-03-10'
+p1706
+sg19
+S'mi'
+p1707
+sg7
+S'gods of egypt'
+p1708
+ssI153
+(dp1709
+g3
+S'Sacramento'
+p1710
+sg5
+S'Natomas Marketplace Stadium'
+p1711
+sg7
+S'gods of egypt'
+p1712
+sg9
+S'46fabf67-8c15-41ed-b1f3-f235f2674fa7'
+p1713
+sg599
+S'standard'
+p1714
+sg11
+S'california'
+p1715
+sg13
+S'8:45pm'
+p1716
+sg15
+S'tomorrow'
+p1717
+sg17
+S'2016-03-11'
+p1718
+sg19
+S'ca'
+p1719
+sg21
+S'8:45pm'
+p1720
+ssI154
+(dp1721
+g3
+S'Sacramento'
+p1722
+sg5
+S'Natomas Marketplace Stadium'
+p1723
+sg7
+S'gods of egypt'
+p1724
+sg9
+S'46fabf67-8c15-41ed-b1f3-f235f2674fa7'
+p1725
+sg599
+S'3d'
+p1726
+sg11
+S'california'
+p1727
+sg13
+S'5:25pm'
+p1728
+sg15
+S'tomorrow'
+p1729
+sg17
+S'2016-03-11'
+p1730
+sg19
+S'ca'
+p1731
+sg21
+S'5:25pm'
+p1732
+ssI155
+(dp1733
+g3
+S'seattle'
+p1734
+sg5
+S'regal meridian 16'
+p1735
+sg95
+S'98101'
+p1736
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1737
+sg11
+S'wa'
+p1738
+sg15
+S'tonight'
+p1739
+sg17
+S'2016-03-08'
+p1740
+sg19
+S'wa'
+p1741
+sg7
+S'London Has Fallen'
+p1742
+ssI156
+(dp1743
+g3
+S'seattle'
+p1744
+sg5
+S'regal meridian 16'
+p1745
+sg95
+S'98101'
+p1746
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1747
+sg11
+S'wa'
+p1748
+sg15
+S'tonight'
+p1749
+sg17
+S'2016-03-08'
+p1750
+sg19
+S'wa'
+p1751
+sg7
+S'Whiskey Tango Foxtrot'
+p1752
+ssI157
+(dp1753
+g3
+S'seattle'
+p1754
+sg5
+S'regal meridian 16'
+p1755
+sg95
+S'98101'
+p1756
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1757
+sg11
+S'wa'
+p1758
+sg15
+S'tonight'
+p1759
+sg17
+S'2016-03-08'
+p1760
+sg19
+S'wa'
+p1761
+sg7
+S'Zootopia'
+p1762
+ssI158
+(dp1763
+g3
+S'seattle'
+p1764
+sg5
+S'regal meridian 16'
+p1765
+sg95
+S'98101'
+p1766
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1767
+sg11
+S'wa'
+p1768
+sg15
+S'tonight'
+p1769
+sg17
+S'2016-03-08'
+p1770
+sg19
+S'wa'
+p1771
+sg7
+S'Triple 9'
+p1772
+ssI159
+(dp1773
+g3
+S'seattle'
+p1774
+sg5
+S'regal meridian 16'
+p1775
+sg95
+S'98101'
+p1776
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1777
+sg453
+S'thriller'
+p1778
+sg11
+S'wa'
+p1779
+sg15
+S'tonight'
+p1780
+sg17
+S'2016-03-08'
+p1781
+sg19
+S'wa'
+p1782
+sg7
+S'The Witch'
+p1783
+ssI160
+(dp1784
+g3
+S'seattle'
+p1785
+sg5
+S'regal meridian 16'
+p1786
+sg95
+S'98101'
+p1787
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1788
+sg11
+S'wa'
+p1789
+sg15
+S'tonight'
+p1790
+sg17
+S'2016-03-08'
+p1791
+sg19
+S'wa'
+p1792
+sg7
+S'Where to Invade Next'
+p1793
+ssI161
+(dp1794
+g3
+S'seattle'
+p1795
+sg5
+S'regal meridian 16'
+p1796
+sg95
+S'98101'
+p1797
+sg7
+S'Zoolander 2'
+p1798
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1799
+sg11
+S'wa'
+p1800
+sg13
+S'9:00PM'
+p1801
+sg15
+S'tonight'
+p1802
+sg17
+S'2016-03-08'
+p1803
+sg19
+S'wa'
+p1804
+sg21
+S'9:00pm'
+p1805
+ssI162
+(dp1806
+g3
+S'seattle'
+p1807
+sg5
+S'regal meridian 16'
+p1808
+sg95
+S'98101'
+p1809
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1810
+sg11
+S'wa'
+p1811
+sg15
+S'tonight'
+p1812
+sg17
+S'2016-03-08'
+p1813
+sg19
+S'wa'
+p1814
+sg7
+S'Hail Caesar'
+p1815
+ssI163
+(dp1816
+g3
+S'seattle'
+p1817
+sg5
+S'regal meridian 16'
+p1818
+sg95
+S'98101'
+p1819
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1820
+sg11
+S'wa'
+p1821
+sg15
+S'tonight'
+p1822
+sg17
+S'2016-03-08'
+p1823
+sg19
+S'wa'
+p1824
+sg7
+S'Kung Fu Panda 3'
+p1825
+ssI164
+(dp1826
+g3
+S'seattle'
+p1827
+sg5
+S'regal meridian 16'
+p1828
+sg95
+S'98101'
+p1829
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1830
+sg11
+S'wa'
+p1831
+sg15
+S'tonight'
+p1832
+sg17
+S'2016-03-08'
+p1833
+sg19
+S'wa'
+p1834
+sg7
+S'Star Wars'
+p1835
+ssI165
+(dp1836
+g3
+S'seattle'
+p1837
+sg5
+S'regal meridian 16'
+p1838
+sg95
+S'98101'
+p1839
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p1840
+sg11
+S'wa'
+p1841
+sg15
+S'tonight'
+p1842
+sg17
+S'2016-03-08'
+p1843
+sg19
+S'wa'
+p1844
+sg7
+S'The Danish Girl'
+p1845
+ssI166
+(dp1846
+g3
+S'seattle'
+p1847
+sg5
+S'regal meridian 16'
+p1848
+sg95
+S'98101'
+p1849
+sg7
+S'Hail Caesar'
+p1850
+sg9
+S'40aa2972-0dfd-41f0-9549-2f9e920d2aee'
+p1851
+sg11
+S'wa'
+p1852
+sg13
+S'8:45'
+p1853
+sg15
+S'tomorrow'
+p1854
+sg17
+S'2016-03-09'
+p1855
+sg19
+S'wa'
+p1856
+sg21
+S'8:45pm'
+p1857
+ssI167
+(dp1858
+g3
+S'seattle'
+p1859
+sg5
+S'AMC Lowes Oak Tree 6'
+p1860
+sg7
+S'Hail Caesar'
+p1861
+sg9
+S'50534277-eb2e-43d2-80e9-53f43748cfa0'
+p1862
+sg11
+S'wa'
+p1863
+sg13
+S'7:15 pm'
+p1864
+sg15
+S'tomorrow'
+p1865
+sg17
+S'2016-03-09'
+p1866
+sg19
+S'wa'
+p1867
+sg21
+S'7:15pm'
+p1868
+ssI168
+(dp1869
+g9
+S'179ce51b-82af-426d-beeb-17b414c7fe97'
+p1870
+sg618
+S'good'
+p1871
+sg453
+S'comedy'
+p1872
+sg7
+S'how to be single'
+p1873
+ssI169
+(dp1874
+g3
+S'springfield'
+p1875
+sg5
+S'WEHRENBERG CAMPBELL 16'
+p1876
+sg7
+S'how to be single'
+p1877
+sg95
+S'65807'
+p1878
+sg618
+S'good'
+p1879
+sg9
+S'70f23439-492c-4a80-a27a-66b5cf1397f7'
+p1880
+sg453
+S'romantic comedy'
+p1881
+sg11
+S'mo'
+p1882
+sg13
+S'6:55'
+p1883
+sg15
+S'tomorrow'
+p1884
+sg17
+S'2016-03-09'
+p1885
+sg19
+S'mo'
+p1886
+sg21
+S'6:55pm'
+p1887
+ssI170
+(dp1888
+g3
+S'seattle'
+p1889
+sg5
+S'amc pacific place 11'
+p1890
+sg7
+S'how to be single'
+p1891
+sg95
+S'98101'
+p1892
+sg618
+S'good'
+p1893
+sg9
+S'aa516e27-a65c-4fee-b84e-b3133483ffd0'
+p1894
+sg15
+S'tonight'
+p1895
+sg11
+S'wa'
+p1896
+sg13
+S'7:20'
+p1897
+sg494
+S'amc'
+p1898
+sg453
+S'romance'
+p1899
+sg19
+S'wa'
+p1900
+sg21
+S'7:20pm'
+p1901
+sg17
+S'2016-03-08'
+p1902
+ssI171
+(dp1903
+g3
+S'seattle'
+p1904
+sg5
+S'amc pacific place 11'
+p1905
+sg7
+S'how to be single'
+p1906
+sg95
+S'98101'
+p1907
+sg618
+S'good'
+p1908
+sg9
+S'aa516e27-a65c-4fee-b84e-b3133483ffd0'
+p1909
+sg15
+S'tonight'
+p1910
+sg11
+S'wa'
+p1911
+sg13
+S'10:20'
+p1912
+sg494
+S'amc'
+p1913
+sg453
+S'romance'
+p1914
+sg19
+S'wa'
+p1915
+sg21
+S'10:20pm'
+p1916
+sg17
+S'2016-03-08'
+p1917
+ssI172
+(dp1918
+g3
+S'Pittsburgh'
+p1919
+sg5
+S'AMC LOEWS WATERFRONT 22'
+p1920
+sg7
+S'how to be single'
+p1921
+sg9
+S'ec7a0947-3df1-429c-a3a9-d6be77ce358e'
+p1922
+sg494
+S'amc'
+p1923
+sg11
+S'pa'
+p1924
+sg13
+S'10:25pm'
+p1925
+sg15
+S'tomorrow'
+p1926
+sg453
+S'comedy'
+p1927
+sg19
+S'pa'
+p1928
+sg21
+S'10:25pm'
+p1929
+sg17
+S'2016-03-09'
+p1930
+ssI173
+(dp1931
+g3
+S'san francisco'
+p1932
+sg5
+S'Century Centre 9'
+p1933
+sg7
+S'how to be single'
+p1934
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1935
+sg11
+S'ca'
+p1936
+sg13
+S'11:05 am'
+p1937
+sg15
+S'tomorrow'
+p1938
+sg17
+S'2016-03-10'
+p1939
+sg19
+S'ca'
+p1940
+sg21
+S'11:05am'
+p1941
+ssI174
+(dp1942
+g3
+S'san francisco'
+p1943
+sg5
+S'Century Centre 9'
+p1944
+sg7
+S'how to be single'
+p1945
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1946
+sg11
+S'ca'
+p1947
+sg13
+S'1:45pm'
+p1948
+sg15
+S'tomorrow'
+p1949
+sg17
+S'2016-03-10'
+p1950
+sg19
+S'ca'
+p1951
+sg21
+S'1:45pm'
+p1952
+ssI175
+(dp1953
+g3
+S'san francisco'
+p1954
+sg5
+S'Century Centre 9'
+p1955
+sg7
+S'how to be single'
+p1956
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1957
+sg11
+S'ca'
+p1958
+sg13
+S'4:30pm'
+p1959
+sg15
+S'tomorrow'
+p1960
+sg17
+S'2016-03-10'
+p1961
+sg19
+S'ca'
+p1962
+sg21
+S'4:30pm'
+p1963
+ssI176
+(dp1964
+g3
+S'san francisco'
+p1965
+sg5
+S'Century Centre 9'
+p1966
+sg7
+S'how to be single'
+p1967
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1968
+sg11
+S'ca'
+p1969
+sg13
+S'7:20 pm'
+p1970
+sg15
+S'tomorrow'
+p1971
+sg17
+S'2016-03-10'
+p1972
+sg19
+S'ca'
+p1973
+sg21
+S'7:20pm'
+p1974
+ssI177
+(dp1975
+g3
+S'san francisco'
+p1976
+sg5
+S'Century Centre 9'
+p1977
+sg7
+S'how to be single'
+p1978
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1979
+sg11
+S'ca'
+p1980
+sg13
+S'10pm'
+p1981
+sg15
+S'tomorrow'
+p1982
+sg17
+S'2016-03-10'
+p1983
+sg19
+S'ca'
+p1984
+sg21
+S'10:00pm'
+p1985
+ssI178
+(dp1986
+g3
+S'san francisco'
+p1987
+sg5
+S'Redwood City 20'
+p1988
+sg7
+S'how to be single'
+p1989
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p1990
+sg11
+S'ca'
+p1991
+sg13
+S'11:05am'
+p1992
+sg15
+S'tomorrow'
+p1993
+sg17
+S'2016-03-10'
+p1994
+sg19
+S'ca'
+p1995
+sg21
+S'11:05am'
+p1996
+ssI179
+(dp1997
+g3
+S'san francisco'
+p1998
+sg5
+S'Redwood City 20'
+p1999
+sg7
+S'how to be single'
+p2000
+sg9
+S'8e94d520-5209-4e9a-8f24-44e7919b331c'
+p2001
+sg11
+S'ca'
+p2002
+sg13
+S'4:35pm'
+p2003
+sg15
+S'tomorrow'
+p2004
+sg17
+S'2016-03-10'
+p2005
+sg19
+S'ca'
+p2006
+sg21
+S'4:35pm'
+p2007
+ssI180
+(dp2008
+g3
+S'Visalia'
+p2009
+sg5
+S'Regal Visalia Stadium 10'
+p2010
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2011
+sg11
+S'california'
+p2012
+sg17
+S'2016-03-10'
+p2013
+sg19
+S'ca'
+p2014
+sg7
+S'how to be single'
+p2015
+ssI181
+(dp2016
+g9
+S'bec447a1-3033-4ee0-b426-18fdecd83990'
+p2017
+sg7
+S'independce day'
+p2018
+ssI182
+(dp2019
+g3
+S'Monroe'
+p2020
+sg5
+S'regal barkley village stadium 16'
+p2021
+sg95
+S'98272'
+p2022
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2023
+sg453
+S'action'
+p2024
+sg11
+S'wa'
+p2025
+sg1703
+S'PG'
+p2026
+sg15
+S'tonight'
+p2027
+sg17
+S'2016-03-08'
+p2028
+sg19
+S'wa'
+p2029
+sg7
+S'Kung Fu Panda 3'
+p2030
+ssI183
+(dp2031
+g3
+S'Monroe'
+p2032
+sg5
+S'amc loews cascade mall'
+p2033
+sg95
+S'98272'
+p2034
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2035
+sg453
+S'drama'
+p2036
+sg11
+S'wa'
+p2037
+sg1703
+S'PG'
+p2038
+sg15
+S'tonight'
+p2039
+sg17
+S'2016-03-08'
+p2040
+sg19
+S'wa'
+p2041
+sg7
+S'Kung Fu Panda 3'
+p2042
+ssI184
+(dp2043
+g3
+S'Monroe'
+p2044
+sg5
+S'regal marysville 14'
+p2045
+sg95
+S'98272'
+p2046
+sg7
+S'Kung Fu Panda 3'
+p2047
+sg9
+S'2b399703-c66b-43f0-ba9a-225e1e258ee4'
+p2048
+sg453
+S'comedy'
+p2049
+sg11
+S'wa'
+p2050
+sg1703
+S'PG'
+p2051
+sg13
+S'9:10'
+p2052
+sg15
+S'tonight'
+p2053
+sg17
+S'2016-03-08'
+p2054
+sg19
+S'wa'
+p2055
+sg21
+S'9:10pm'
+p2056
+ssI185
+(dp2057
+g3
+S'seattle'
+p2058
+sg5
+S'REGAL MERIDIAN 16'
+p2059
+sg95
+S'98101'
+p2060
+sg9
+S'2b831410-cf4a-4ecf-9f7d-6dba97cee339'
+p2061
+sg11
+S'wa'
+p2062
+sg1703
+S'PG'
+p2063
+sg17
+S'2016-03-12'
+p2064
+sg19
+S'wa'
+p2065
+sg7
+S'Kung Fu Panda 3'
+p2066
+ssI186
+(dp2067
+g3
+S'bellevue'
+p2068
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2069
+sg95
+S'98004'
+p2070
+sg9
+S'2b831410-cf4a-4ecf-9f7d-6dba97cee339'
+p2071
+sg11
+S'wa'
+p2072
+sg1703
+S'PG'
+p2073
+sg17
+S'2016-03-12'
+p2074
+sg19
+S'wa'
+p2075
+sg7
+S'Kung Fu Panda 3'
+p2076
+ssI187
+(dp2077
+g3
+S'bellevue'
+p2078
+sg5
+S'Regal Thornton Place Stadium '
+p2079
+sg7
+S'Kung Fu Panda 3'
+p2080
+sg9
+S'896f3c02-5f81-4f18-a011-6a0d99564716'
+p2081
+sg599
+S'3d'
+p2082
+sg11
+S'wa'
+p2083
+sg13
+S'6:10pm'
+p2084
+sg15
+S'Saturday'
+p2085
+sg17
+S'2016-03-12'
+p2086
+sg19
+S'wa'
+p2087
+sg21
+S'6:10pm'
+p2088
+ssI188
+(dp2089
+g3
+S'San Francisco'
+p2090
+sg5
+S'amc van ness 14'
+p2091
+sg7
+S'Kung Fu Panda 3'
+p2092
+sg9
+S'c31d3353-2839-4b45-b74d-8d6f3611c06b'
+p2093
+sg599
+S'standard'
+p2094
+sg11
+S'ca'
+p2095
+sg13
+S'2:25pm'
+p2096
+sg15
+S'tomorrow'
+p2097
+sg17
+S'2016-03-10'
+p2098
+sg19
+S'ca'
+p2099
+sg21
+S'2:25pm'
+p2100
+ssI189
+(dp2101
+g3
+S'San Francisco'
+p2102
+sg5
+S'century 20 daly city'
+p2103
+sg7
+S'Kung Fu Panda 3'
+p2104
+sg9
+S'c31d3353-2839-4b45-b74d-8d6f3611c06b'
+p2105
+sg599
+S'standard'
+p2106
+sg11
+S'ca'
+p2107
+sg13
+S'1:30pm'
+p2108
+sg15
+S'tomorrow'
+p2109
+sg17
+S'2016-03-10'
+p2110
+sg19
+S'ca'
+p2111
+sg21
+S'1:30pm'
+p2112
+ssI190
+(dp2113
+g3
+S'Birmingham'
+p2114
+sg5
+S'carmike 16'
+p2115
+sg7
+S'Kung Fu Panda 3'
+p2116
+sg9
+S'ee7ca75a-e7c7-4ffb-bfce-423b6e755c24'
+p2117
+sg599
+S'standard'
+p2118
+sg11
+S'al'
+p2119
+sg13
+S'12pm'
+p2120
+sg15
+S'tomorrow'
+p2121
+sg17
+S'2016-03-11'
+p2122
+sg19
+S'al'
+p2123
+sg21
+S'12:00pm'
+p2124
+ssI191
+(dp2125
+g3
+S'Orlando'
+p2126
+sg5
+S'AMC West Oaks 14'
+p2127
+sg7
+S'Kung Fu Panda 3'
+p2128
+sg9
+S'9cb12180-3ea3-4da9-9bff-73f1cf095ca0'
+p2129
+sg599
+S'3d'
+p2130
+sg11
+S'fl'
+p2131
+sg13
+S'1:30 pm'
+p2132
+sg15
+S'tomorrow'
+p2133
+sg17
+S'2016-03-11'
+p2134
+sg19
+S'fl'
+p2135
+sg21
+S'1:30pm'
+p2136
+ssI192
+(dp2137
+g3
+S'seattle'
+p2138
+sg5
+S'REGAL MERIDIAN 16'
+p2139
+sg7
+S'london has fallen'
+p2140
+sg95
+S'98101'
+p2141
+sg618
+S'26%'
+p2142
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2143
+sg453
+S'action'
+p2144
+sg11
+S'wa'
+p2145
+sg422
+S'rotten tomatoes'
+p2146
+sg13
+S'9:20 pm'
+p2147
+sg15
+S'tonight'
+p2148
+sg17
+S'2016-03-08'
+p2149
+sg19
+S'wa'
+p2150
+sg21
+S'9:20pm'
+p2151
+ssI193
+(dp2152
+g3
+S'bellevue'
+p2153
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2154
+sg7
+S'london has fallen'
+p2155
+sg95
+S'98004'
+p2156
+sg618
+S'26%'
+p2157
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2158
+sg453
+S'action'
+p2159
+sg11
+S'wa'
+p2160
+sg422
+S'rotten tomatoes'
+p2161
+sg13
+S'7:00pm'
+p2162
+sg15
+S'tonight'
+p2163
+sg17
+S'2016-03-08'
+p2164
+sg19
+S'wa'
+p2165
+sg21
+S'7:00pm'
+p2166
+ssI194
+(dp2167
+g3
+S'bellevue'
+p2168
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2169
+sg7
+S'london has fallen'
+p2170
+sg95
+S'98004'
+p2171
+sg618
+S'26%'
+p2172
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p2173
+sg453
+S'action'
+p2174
+sg11
+S'wa'
+p2175
+sg422
+S'rotten tomatoes'
+p2176
+sg13
+S'9:45pm'
+p2177
+sg15
+S'tonight'
+p2178
+sg17
+S'2016-03-08'
+p2179
+sg19
+S'wa'
+p2180
+sg21
+S'9:45pm'
+p2181
+ssI195
+(dp2182
+g3
+S'seattle'
+p2183
+sg5
+S'AMC Southcenter 16'
+p2184
+sg7
+S'London Has Fallen'
+p2185
+sg9
+S'149f34f0-79f0-498a-8c35-e11b19af232f'
+p2186
+sg11
+S'wa'
+p2187
+sg13
+S'9:45pm'
+p2188
+sg15
+S'Wednesday'
+p2189
+sg17
+S'2016-03-09'
+p2190
+sg19
+S'wa'
+p2191
+sg21
+S'9:45pm'
+p2192
+ssI196
+(dp2193
+g3
+S'Whittier'
+p2194
+sg5
+S'WHITTIER VILLAGE STADIUM CINEMAS'
+p2195
+sg95
+S'90602'
+p2196
+sg7
+S'London Has Fallen'
+p2197
+sg9
+S'b87f65c2-2c90-48a5-92a3-d6eb105a36fe'
+p2198
+sg11
+S'ca'
+p2199
+sg13
+S'1:30pm'
+p2200
+sg15
+S'next Sunday'
+p2201
+sg17
+S'2016-03-13'
+p2202
+sg19
+S'ca'
+p2203
+sg21
+S'1:30pm'
+p2204
+ssI197
+(dp2205
+g3
+S'seattle'
+p2206
+sg5
+S'regal meridian 16'
+p2207
+sg7
+S'London Has Fallen'
+p2208
+sg95
+S'98101'
+p2209
+sg618
+S'top rated'
+p2210
+sg9
+S'2f059cc8-ac3f-4e82-9192-0e8336bd3ba2'
+p2211
+sg11
+S'wa'
+p2212
+sg13
+S'9:20 PM'
+p2213
+sg15
+S'tomorrow'
+p2214
+sg17
+S'2016-03-09'
+p2215
+sg19
+S'wa'
+p2216
+sg21
+S'9:20 pm'
+p2217
+ssI198
+(dp2218
+g5
+S'Whittier Village Stadium Cinemas'
+p2219
+sg7
+S'London Has Fallen'
+p2220
+sg9
+S'751c4265-569c-407f-a5ea-fa6b24186d57'
+p2221
+sg13
+S'1:30PM'
+p2222
+sg15
+S'saturday'
+p2223
+sg17
+S'2016-03-12'
+p2224
+sg21
+S'1:30pm'
+p2225
+ssI199
+(dp2226
+g3
+S'seattle'
+p2227
+sg5
+S'REGAL MERIDIAN 16'
+p2228
+sg7
+S'london has fallen'
+p2229
+sg95
+S'98101'
+p2230
+sg618
+S'26%'
+p2231
+sg9
+S'0bd2e714-0579-4bf2-968e-cd5106a1f506'
+p2232
+sg453
+S'action'
+p2233
+sg11
+S'wa'
+p2234
+sg422
+S'rotten tomatoes'
+p2235
+sg13
+S'9:20 pm'
+p2236
+sg15
+S'tomorrow'
+p2237
+sg17
+S'2016-03-09'
+p2238
+sg19
+S'wa'
+p2239
+sg21
+S'9:20pm'
+p2240
+ssI200
+(dp2241
+g3
+S'Birmingham'
+p2242
+sg5
+S'CARMIKE SUMMIT 16'
+p2243
+sg7
+S'London Has Fallen'
+p2244
+sg9
+S'7cda218d-7e53-4dd4-aa93-5062decc44c9'
+p2245
+sg11
+S'al'
+p2246
+sg13
+S'1:35PM'
+p2247
+sg15
+S'Saturday'
+p2248
+sg17
+S'2016-03-12'
+p2249
+sg19
+S'al'
+p2250
+sg21
+S'1:35pm'
+p2251
+ssI201
+(dp2252
+g3
+S'norfolk'
+p2253
+sg5
+S'REGAL MACARTHUR CENTER STADIUM 18'
+p2254
+sg7
+S'London Has Fallen'
+p2255
+sg9
+S'2e29af64-328f-42da-ac5d-212018f7b263'
+p2256
+sg11
+S'virginia'
+p2257
+sg13
+S'7:10'
+p2258
+sg15
+S'March 12th'
+p2259
+sg17
+S'2016-03-12'
+p2260
+sg19
+S'va'
+p2261
+sg21
+S'7:10pm'
+p2262
+ssI202
+(dp2263
+g3
+S'norfolk'
+p2264
+sg5
+S'RPX CINEMARK 18'
+p2265
+sg618
+S'6'
+sg9
+S'2e29af64-328f-42da-ac5d-212018f7b263'
+p2266
+sg11
+S'virginia'
+p2267
+sg422
+S'imdb'
+p2268
+sg15
+S'March 12th'
+p2269
+sg17
+S'2016-03-12'
+p2270
+sg19
+S'va'
+p2271
+sg7
+S'London Has Fallen'
+p2272
+ssI203
+(dp2273
+g3
+S'Birmingham'
+p2274
+sg5
+S'Carmike Summit 16'
+p2275
+sg7
+S'London Has Fallen'
+p2276
+sg9
+S'2fd4a06f-68d3-4d07-b87d-1f43bef0ca81'
+p2277
+sg11
+S'al'
+p2278
+sg13
+S'8:20 pm'
+p2279
+sg15
+S'Friday'
+p2280
+sg17
+S'2016-03-11'
+p2281
+sg19
+S'al'
+p2282
+sg21
+S'8:20pm'
+p2283
+ssI204
+(dp2284
+g3
+S'Norfolk'
+p2285
+sg5
+S'Macarthur Center'
+p2286
+sg7
+S'London Has Fallen'
+p2287
+sg9
+S'b58a47d2-539f-47e8-b8dd-66ae55235905'
+p2288
+sg11
+S'va'
+p2289
+sg13
+S'2pm'
+p2290
+sg17
+S'2016-03-10'
+p2291
+sg19
+S'va'
+p2292
+sg21
+S'2:00pm'
+p2293
+ssI205
+(dp2294
+g3
+S'Visalia'
+p2295
+sg5
+S'regal visalia stadium 10'
+p2296
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2297
+sg11
+S'california'
+p2298
+sg17
+S'2016-03-10'
+p2299
+sg19
+S'ca'
+p2300
+sg7
+S'London Has Fallen'
+p2301
+ssI206
+(dp2302
+g3
+S'Visalia'
+p2303
+sg5
+S'regal visalia stadium 10'
+p2304
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p2305
+sg11
+S'california'
+p2306
+sg17
+S'2016-03-10'
+p2307
+sg19
+S'ca'
+p2308
+sg7
+S'whiskey tango foxtrot'
+p2309
+ssI207
+(dp2310
+g3
+S'Visalia'
+p2311
+sg5
+S'regal visalia stadium 10'
+p2312
+sg7
+S'London Has Fallen'
+p2313
+sg9
+S'60dd54db-e6e8-48b7-8a4a-82896ebb79ca'
+p2314
+sg11
+S'california'
+p2315
+sg13
+S'2:30pm'
+p2316
+sg17
+S'2016-03-12'
+p2317
+sg19
+S'ca'
+p2318
+sg21
+S'2:30pm'
+p2319
+ssI208
+(dp2320
+g3
+S'seattle'
+p2321
+sg5
+S'amc pacific place 11 theater'
+p2322
+sg7
+S'race'
+p2323
+sg9
+S'0e8d9dd7-95d2-499f-bcde-3b32e014edf3'
+p2324
+sg453
+S'drama'
+p2325
+sg11
+S'wa'
+p2326
+sg13
+S'10:00 pm'
+p2327
+sg15
+S'tomorrow'
+p2328
+sg17
+S'2016-03-09'
+p2329
+sg19
+S'wa'
+p2330
+sg21
+S'10:00pm'
+p2331
+ssI209
+(dp2332
+g3
+S'seattle'
+p2333
+sg5
+S'amc lowes oak tree 6'
+p2334
+sg7
+S'race'
+p2335
+sg9
+S'192e8c18-b37d-4073-ad15-eaefb8c88116'
+p2336
+sg494
+S'amc'
+p2337
+sg11
+S'wa'
+p2338
+sg13
+S'4:50 pm'
+p2339
+sg15
+S'tomorrow'
+p2340
+sg453
+S'drama'
+p2341
+sg19
+S'wa'
+p2342
+sg21
+S'4:50pm'
+p2343
+sg17
+S'2016-03-09'
+p2344
+ssI210
+(dp2345
+g5
+S'regency commerce 14'
+p2346
+sg7
+S'risen'
+p2347
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2348
+sg13
+S'11:50am'
+p2349
+sg15
+S'tomorrow'
+p2350
+sg17
+S'2016-03-09'
+p2351
+sg21
+S'11:50am'
+p2352
+ssI211
+(dp2353
+g5
+S'regency commerce 14'
+p2354
+sg7
+S'risen'
+p2355
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2356
+sg13
+S'2:30pm'
+p2357
+sg15
+S'tomorrow'
+p2358
+sg17
+S'2016-03-09'
+p2359
+sg21
+S'2:30pm'
+p2360
+ssI212
+(dp2361
+g5
+S'regency commerce 14'
+p2362
+sg7
+S'risen'
+p2363
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2364
+sg13
+S'5:10'
+p2365
+sg15
+S'tomorrow'
+p2366
+sg17
+S'2016-03-09'
+p2367
+sg21
+S'5:10pm'
+p2368
+ssI213
+(dp2369
+g5
+S'regency commerce 14'
+p2370
+sg7
+S'risen'
+p2371
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2372
+sg13
+S'7:50'
+p2373
+sg15
+S'tomorrow'
+p2374
+sg17
+S'2016-03-09'
+p2375
+sg21
+S'7:50pm'
+p2376
+ssI214
+(dp2377
+g5
+S'regency commerce 14'
+p2378
+sg7
+S'risen'
+p2379
+sg9
+S'48249f21-205c-4ebf-8849-3ed9fdc5eaed'
+p2380
+sg13
+S'10:25'
+p2381
+sg15
+S'tomorrow'
+p2382
+sg17
+S'2016-03-09'
+p2383
+sg21
+S'10:25pm'
+p2384
+ssI215
+(dp2385
+g3
+S'seattle'
+p2386
+sg5
+S'AMC Lowes Oak Tree 6'
+p2387
+sg7
+S'risen'
+p2388
+sg9
+S'781979f3-aa8f-47a3-b69c-2926c2648db7'
+p2389
+sg453
+S'action'
+p2390
+sg11
+S'wa'
+p2391
+sg13
+S'4:25 PM'
+p2392
+sg15
+S'tomorrow'
+p2393
+sg17
+S'2016-03-09'
+p2394
+sg19
+S'wa'
+p2395
+sg21
+S'4:25pm'
+p2396
+ssI216
+(dp2397
+g3
+S'Chico'
+p2398
+sg5
+S'Paradise Cinema 7'
+p2399
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2400
+sg11
+S'ca'
+p2401
+sg15
+S'tomorrow'
+p2402
+sg17
+S'2016-03-11'
+p2403
+sg19
+S'ca'
+p2404
+sg7
+S'risen'
+p2405
+ssI217
+(dp2406
+g3
+S'Chico'
+p2407
+sg5
+S'Cinemark 14 '
+p2408
+sg7
+S'risen'
+p2409
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2410
+sg11
+S'ca'
+p2411
+sg13
+S'5:10pm'
+p2412
+sg15
+S'tomorrow'
+p2413
+sg17
+S'2016-03-11'
+p2414
+sg19
+S'ca'
+p2415
+sg21
+S'5:10pm'
+p2416
+ssI218
+(dp2417
+g3
+S'Chico'
+p2418
+sg5
+S'Cinemark 14 '
+p2419
+sg7
+S'risen'
+p2420
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2421
+sg11
+S'ca'
+p2422
+sg13
+S'7:40pm'
+p2423
+sg15
+S'tomorrow'
+p2424
+sg17
+S'2016-03-11'
+p2425
+sg19
+S'ca'
+p2426
+sg21
+S'7:40pm'
+p2427
+ssI219
+(dp2428
+g3
+S'Chico'
+p2429
+sg5
+S'Cinemark 14 '
+p2430
+sg7
+S'risen'
+p2431
+sg9
+S'470d2985-328c-49e2-b219-e68b1277ed23'
+p2432
+sg11
+S'ca'
+p2433
+sg13
+S'10:10pm'
+p2434
+sg15
+S'tomorrow'
+p2435
+sg17
+S'2016-03-11'
+p2436
+sg19
+S'ca'
+p2437
+sg21
+S'10:10pm'
+p2438
+ssI220
+(dp2439
+g3
+S'seattle'
+p2440
+sg5
+S'amc pacific place 11 theater'
+p2441
+sg7
+S'room'
+p2442
+sg9
+S'2e73cd1c-db13-4510-8c36-a374ee9e0f8d'
+p2443
+sg15
+S'tomorrow'
+p2444
+sg11
+S'wa'
+p2445
+sg13
+S'9:30 pm'
+p2446
+sg494
+S'amc'
+p2447
+sg17
+S'2016-03-09'
+p2448
+sg19
+S'wa'
+p2449
+sg21
+S'9:30pm'
+p2450
+ssI221
+(dp2451
+g3
+S'seattle'
+p2452
+sg5
+S'AMC Lowes Oak Tree 6'
+p2453
+sg7
+S'room'
+p2454
+sg9
+S'b7ae313f-4dea-4982-9b2b-85f37db53654'
+p2455
+sg11
+S'wa'
+p2456
+sg13
+S'4:50 pm'
+p2457
+sg15
+S'tomorrow'
+p2458
+sg17
+S'2016-03-09'
+p2459
+sg19
+S'wa'
+p2460
+sg21
+S'4:50pm'
+p2461
+ssI222
+(dp2462
+g3
+S'seattle'
+p2463
+sg5
+S'Regal Meridian 16 theater'
+p2464
+sg95
+S'98101'
+p2465
+sg7
+S'Spotlight'
+p2466
+sg9
+S'58b8fef4-f43d-4a98-ad85-8d747fd881d3'
+p2467
+sg453
+S'drama'
+p2468
+sg11
+S'wa'
+p2469
+sg13
+S'9:00 PM'
+p2470
+sg15
+S'tomorrow'
+p2471
+sg17
+S'2016-03-09'
+p2472
+sg19
+S'wa'
+p2473
+sg21
+S'9:00pm'
+p2474
+ssI223
+(dp2475
+g3
+S'seattle'
+p2476
+sg5
+S'AMC Lowes Oak Tree 6'
+p2477
+sg95
+S'98133'
+p2478
+sg7
+S'Spotlight'
+p2479
+sg9
+S'eecb5ad2-f622-4745-ac24-9af997b6af7a'
+p2480
+sg15
+S'tomorrow'
+p2481
+sg11
+S'wa'
+p2482
+sg13
+S'7:25 PM'
+p2483
+sg494
+S'amc'
+p2484
+sg453
+S'drama'
+p2485
+sg19
+S'wa'
+p2486
+sg21
+S'7:25pm'
+p2487
+sg17
+S'2016-03-09'
+p2488
+ssI224
+(dp2489
+g3
+S'seattle'
+p2490
+sg5
+S'REGAL MERIDIAN 16'
+p2491
+sg95
+S'98101'
+p2492
+sg7
+S'Spotlight'
+p2493
+sg9
+S'aa87675a-54ea-417b-8ae2-0e5dfb56c9f2'
+p2494
+sg453
+S'drama'
+p2495
+sg11
+S'wa'
+p2496
+sg13
+S'6:05'
+p2497
+sg15
+S'tomorrow'
+p2498
+sg17
+S'2016-03-10'
+p2499
+sg19
+S'wa'
+p2500
+sg21
+S'6:05pm'
+p2501
+ssI225
+(dp2502
+g3
+S'portland'
+p2503
+sg5
+S'Regal Lloyd Center Century Eastport 16'
+p2504
+sg95
+S'97232'
+p2505
+sg7
+S'Star Wars'
+p2506
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p2507
+sg11
+S'or'
+p2508
+sg1703
+S'pg-13'
+p2509
+sg13
+S'9:50 pm'
+p2510
+sg15
+S'tonight'
+p2511
+sg17
+S'2016-03-08'
+p2512
+sg19
+S'or'
+p2513
+sg21
+S'9:50pm'
+p2514
+ssI226
+(dp2515
+g3
+S'portland'
+p2516
+sg5
+S'Regal Movies on TV Stadium 16'
+p2517
+sg9
+S'26279333-2f09-4e63-afd0-248eefde08bd'
+p2518
+sg11
+S'or'
+p2519
+sg1703
+S'pg-13'
+p2520
+sg19
+S'or'
+p2521
+sg7
+S'Star Wars'
+p2522
+ssI227
+(dp2523
+g3
+S'portland'
+p2524
+sg5
+S'Century Eastport 16'
+p2525
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2526
+sg11
+S'or'
+p2527
+sg1703
+S'pg-13'
+p2528
+sg19
+S'or'
+p2529
+sg7
+S'Star Wars'
+p2530
+ssI228
+(dp2531
+g3
+S'portland'
+p2532
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2533
+sg7
+S'Star Wars'
+p2534
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2535
+sg11
+S'or'
+p2536
+sg1703
+S'pg-13'
+p2537
+sg13
+S'12:05'
+p2538
+sg15
+S'Friday'
+p2539
+sg17
+S'2016-03-11'
+p2540
+sg19
+S'or'
+p2541
+sg21
+S'12:05pm'
+p2542
+ssI229
+(dp2543
+g3
+S'portland'
+p2544
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2545
+sg7
+S'Star Wars'
+p2546
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2547
+sg11
+S'or'
+p2548
+sg1703
+S'pg-13'
+p2549
+sg13
+S'6:25pm'
+p2550
+sg15
+S'Friday'
+p2551
+sg17
+S'2016-03-11'
+p2552
+sg19
+S'or'
+p2553
+sg21
+S'6:25pm'
+p2554
+ssI230
+(dp2555
+g3
+S'portland'
+p2556
+sg5
+S'Living Room Theaters Regal Lloyd Center 10'
+p2557
+sg7
+S'Star Wars'
+p2558
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2559
+sg599
+S'3d'
+p2560
+sg11
+S'or'
+p2561
+sg1703
+S'pg-13'
+p2562
+sg13
+S'9:25pm'
+p2563
+sg15
+S'Friday'
+p2564
+sg17
+S'2016-03-11'
+p2565
+sg19
+S'or'
+p2566
+sg21
+S'9:25pm'
+p2567
+ssI231
+(dp2568
+g3
+S'portland'
+p2569
+sg5
+S'Century Eastport 16'
+p2570
+sg7
+S'Star Wars'
+p2571
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2572
+sg11
+S'or'
+p2573
+sg1703
+S'pg-13'
+p2574
+sg13
+S'12:20pm'
+p2575
+sg15
+S'Friday'
+p2576
+sg17
+S'2016-03-11'
+p2577
+sg19
+S'or'
+p2578
+sg21
+S'12:20pm'
+p2579
+ssI232
+(dp2580
+g3
+S'portland'
+p2581
+sg5
+S'Century Eastport 16'
+p2582
+sg7
+S'Star Wars'
+p2583
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2584
+sg11
+S'or'
+p2585
+sg1703
+S'pg-13'
+p2586
+sg13
+S'3:40'
+p2587
+sg15
+S'Friday'
+p2588
+sg17
+S'2016-03-11'
+p2589
+sg19
+S'or'
+p2590
+sg21
+S'3:40pm'
+p2591
+ssI233
+(dp2592
+g3
+S'portland'
+p2593
+sg5
+S'Century Eastport 16'
+p2594
+sg7
+S'Star Wars'
+p2595
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2596
+sg11
+S'or'
+p2597
+sg1703
+S'pg-13'
+p2598
+sg13
+S'6:50'
+p2599
+sg15
+S'Friday'
+p2600
+sg17
+S'2016-03-11'
+p2601
+sg19
+S'or'
+p2602
+sg21
+S'6:50pm'
+p2603
+ssI234
+(dp2604
+g3
+S'portland'
+p2605
+sg5
+S'Century Eastport 16'
+p2606
+sg7
+S'Star Wars'
+p2607
+sg9
+S'fca4c5f8-7980-4525-b2d0-9d6968b1ce22'
+p2608
+sg599
+S'standard'
+p2609
+sg11
+S'or'
+p2610
+sg1703
+S'pg-13'
+p2611
+sg13
+S'10:00'
+p2612
+sg15
+S'Friday'
+p2613
+sg17
+S'2016-03-11'
+p2614
+sg19
+S'or'
+p2615
+sg21
+S'10:00pm'
+p2616
+ssI235
+(dp2617
+g3
+S'portland'
+p2618
+sg5
+S'Century Clackamas Town Center'
+p2619
+sg9
+S'e62d0172-0880-4235-a6d7-bc4957a34af8'
+p2620
+sg11
+S'or'
+p2621
+sg1703
+S'pg-13'
+p2622
+sg15
+S'Friday'
+p2623
+sg17
+S'2016-03-11'
+p2624
+sg19
+S'or'
+p2625
+sg7
+S'Star Wars'
+p2626
+ssI236
+(dp2627
+g3
+S'portland'
+p2628
+sg5
+S'XD'
+p2629
+sg9
+S'e62d0172-0880-4235-a6d7-bc4957a34af8'
+p2630
+sg11
+S'or'
+p2631
+sg1703
+S'pg-13'
+p2632
+sg15
+S'Friday'
+p2633
+sg17
+S'2016-03-11'
+p2634
+sg19
+S'or'
+p2635
+sg7
+S'Star Wars'
+p2636
+ssI237
+(dp2637
+g3
+S'portland'
+p2638
+sg5
+S'regal lloyd center 10 & IMAX '
+p2639
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2640
+sg11
+S'or'
+p2641
+sg1703
+S'pg-13'
+p2642
+sg15
+S'Saturday'
+p2643
+sg17
+S'2016-03-12'
+p2644
+sg19
+S'or'
+p2645
+sg7
+S'Star Wars'
+p2646
+ssI238
+(dp2647
+g3
+S'portland'
+p2648
+sg5
+S'Century Eastport 16'
+p2649
+sg7
+S'Star Wars'
+p2650
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2651
+sg11
+S'or'
+p2652
+sg1703
+S'pg-13'
+p2653
+sg13
+S'12:20'
+p2654
+sg15
+S'Saturday'
+p2655
+sg17
+S'2016-03-12'
+p2656
+sg19
+S'or'
+p2657
+sg21
+S'12:20pm'
+p2658
+ssI239
+(dp2659
+g3
+S'portland'
+p2660
+sg5
+S'Century Eastport 16'
+p2661
+sg7
+S'Star Wars'
+p2662
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2663
+sg11
+S'or'
+p2664
+sg1703
+S'pg-13'
+p2665
+sg13
+S'3:40'
+p2666
+sg15
+S'Saturday'
+p2667
+sg17
+S'2016-03-12'
+p2668
+sg19
+S'or'
+p2669
+sg21
+S'3:40pm'
+p2670
+ssI240
+(dp2671
+g3
+S'portland'
+p2672
+sg5
+S'Century Eastport 16'
+p2673
+sg7
+S'Star Wars'
+p2674
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2675
+sg11
+S'or'
+p2676
+sg1703
+S'pg-13'
+p2677
+sg13
+S'6:50'
+p2678
+sg15
+S'Saturday'
+p2679
+sg17
+S'2016-03-12'
+p2680
+sg19
+S'or'
+p2681
+sg21
+S'6:50pm'
+p2682
+ssI241
+(dp2683
+g3
+S'portland'
+p2684
+sg5
+S'Century Eastport 16'
+p2685
+sg7
+S'Star Wars'
+p2686
+sg9
+S'1f372e44-5fec-4193-941d-1c4e5a125ce7'
+p2687
+sg11
+S'or'
+p2688
+sg1703
+S'pg-13'
+p2689
+sg13
+S'10pm'
+p2690
+sg15
+S'Saturday'
+p2691
+sg17
+S'2016-03-12'
+p2692
+sg19
+S'or'
+p2693
+sg21
+S'10pm'
+p2694
+ssI242
+(dp2695
+g3
+S'Baltimore'
+p2696
+sg9
+S'8a65e015-2cd4-4b84-8b02-447dbb31fd4f'
+p2697
+sg599
+S'3d'
+p2698
+sg11
+S'Maryland'
+p2699
+sg1703
+S'pg-13'
+p2700
+sg17
+S'2016-03-10'
+p2701
+sg19
+S'md'
+p2702
+sg7
+S'Star Wars'
+p2703
+ssI243
+(dp2704
+g3
+S'la'
+p2705
+sg5
+S'Regency Norwalk 8'
+p2706
+sg7
+S'the forest'
+p2707
+sg618
+S'8%'
+p2708
+sg9
+S'9661972d-99ce-43d1-a8eb-576c6ed816c7'
+p2709
+sg11
+S'ca'
+p2710
+sg422
+S'rotten tomatoes'
+p2711
+sg13
+S'7:40pm'
+p2712
+sg15
+S'Saturday'
+p2713
+sg17
+S'2016-03-12'
+p2714
+sg19
+S'ca'
+p2715
+sg21
+S'7:40pm'
+p2716
+ssI244
+(dp2717
+g3
+S'la'
+p2718
+sg5
+S'AMC La Mirada 7'
+p2719
+sg7
+S'the forest'
+p2720
+sg618
+S'8%'
+p2721
+sg9
+S'9661972d-99ce-43d1-a8eb-576c6ed816c7'
+p2722
+sg11
+S'ca'
+p2723
+sg422
+S'rotten tomatoes'
+p2724
+sg13
+S'7:20'
+p2725
+sg15
+S'Saturday'
+p2726
+sg17
+S'2016-03-12'
+p2727
+sg19
+S'ca'
+p2728
+sg21
+S'7:20pm'
+p2729
+ssI245
+(dp2730
+g3
+S'chicago'
+p2731
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2732
+sg11
+S'il'
+p2733
+sg453
+S'thriller'
+p2734
+sg17
+S'2016-03-08'
+p2735
+sg19
+S'il'
+p2736
+sg7
+S'the other side of the door'
+p2737
+ssI246
+(dp2738
+g3
+S'las vegas'
+p2739
+sg5
+S'SouthPoint casino'
+p2740
+sg7
+S'the other side of the door'
+p2741
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2742
+sg11
+S'nv'
+p2743
+sg13
+S'12:05pm'
+p2744
+sg453
+S'horror'
+p2745
+sg17
+S'2016-03-10'
+p2746
+sg19
+S'nv'
+p2747
+sg21
+S'12:05pm'
+p2748
+ssI247
+(dp2749
+g3
+S'las vegas'
+p2750
+sg5
+S'SouthPoint casino'
+p2751
+sg7
+S'the other side of the door'
+p2752
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2753
+sg11
+S'nv'
+p2754
+sg13
+S'2:40'
+p2755
+sg17
+S'2016-03-10'
+p2756
+sg19
+S'nv'
+p2757
+sg21
+S'2:40pm'
+p2758
+ssI248
+(dp2759
+g3
+S'las vegas'
+p2760
+sg5
+S'SouthPoint casino'
+p2761
+sg7
+S'the other side of the door'
+p2762
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2763
+sg11
+S'nv'
+p2764
+sg13
+S'5:20'
+p2765
+sg17
+S'2016-03-10'
+p2766
+sg19
+S'nv'
+p2767
+sg21
+S'5:20pm'
+p2768
+ssI249
+(dp2769
+g3
+S'las vegas'
+p2770
+sg5
+S'SouthPoint casino'
+p2771
+sg7
+S'the other side of the door'
+p2772
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2773
+sg11
+S'nv'
+p2774
+sg13
+S'8:05'
+p2775
+sg17
+S'2016-03-10'
+p2776
+sg19
+S'nv'
+p2777
+sg21
+S'8:05pm'
+p2778
+ssI250
+(dp2779
+g3
+S'las vegas'
+p2780
+sg5
+S'SouthPoint casino'
+p2781
+sg7
+S'the other side of the door'
+p2782
+sg9
+S'fb6ce50c-fa7f-4da6-8740-cae20bd9cd5f'
+p2783
+sg11
+S'nv'
+p2784
+sg13
+S'10:35pm'
+p2785
+sg17
+S'2016-03-10'
+p2786
+sg19
+S'nv'
+p2787
+sg21
+S'10:35pm'
+p2788
+ssI251
+(dp2789
+g3
+S'nyc'
+p2790
+sg5
+S'UA Kaufman Astoria Stadium 14'
+p2791
+sg7
+S'the other side of the door'
+p2792
+sg9
+S'86b949eb-1ab3-40cb-b116-2f90c287aa89'
+p2793
+sg453
+S'horror'
+p2794
+sg11
+S'ny'
+p2795
+sg13
+S'8:40pm'
+p2796
+sg15
+S'today'
+p2797
+sg17
+S'2016-03-09'
+p2798
+sg19
+S'ny'
+p2799
+sg21
+S'8:40pm'
+p2800
+ssI252
+(dp2801
+g3
+S'seattle'
+p2802
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2803
+sg11
+S'wa'
+p2804
+sg15
+S'friday'
+p2805
+sg17
+S'2016-03-11'
+p2806
+sg19
+S'wa'
+p2807
+sg7
+S'the perfect match'
+p2808
+ssI253
+(dp2809
+g3
+S'wilmington'
+p2810
+sg5
+S'REGAL MAYFAIRE STADIUM 16 & IMAX'
+p2811
+sg7
+S'the perfect match'
+p2812
+sg9
+S'a67ecec8-089a-45f9-8518-d1dba94ba339'
+p2813
+sg11
+S'nc'
+p2814
+sg13
+S'7:35 PM'
+p2815
+sg15
+S'Saturday'
+p2816
+sg17
+S'2016-03-12'
+p2817
+sg19
+S'nc'
+p2818
+sg21
+S'7:35pm'
+p2819
+ssI254
+(dp2820
+g3
+S'seattle'
+p2821
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2822
+sg11
+S'wa'
+p2823
+sg15
+S'friday'
+p2824
+sg17
+S'2016-03-11'
+p2825
+sg19
+S'wa'
+p2826
+sg7
+S'the brothers grimsby'
+p2827
+ssI255
+(dp2828
+g3
+S'seattle'
+p2829
+sg5
+S'AMC PACIFIC PLACE 11'
+p2830
+sg95
+S'98101'
+p2831
+sg7
+S'the brothers grimsby'
+p2832
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2833
+sg11
+S'wa'
+p2834
+sg13
+S'7:00pm'
+p2835
+sg15
+S'friday'
+p2836
+sg17
+S'2016-03-11'
+p2837
+sg19
+S'wa'
+p2838
+sg21
+S'7:00pm'
+p2839
+ssI256
+(dp2840
+g3
+S'seattle'
+p2841
+sg5
+S'AMC PACIFIC PLACE 11'
+p2842
+sg95
+S'98101'
+p2843
+sg7
+S'the brothers grimsby'
+p2844
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2845
+sg11
+S'wa'
+p2846
+sg13
+S'8:40pm'
+p2847
+sg15
+S'friday'
+p2848
+sg17
+S'2016-03-11'
+p2849
+sg19
+S'wa'
+p2850
+sg21
+S'8:40pm'
+p2851
+ssI257
+(dp2852
+g3
+S'seattle'
+p2853
+sg5
+S'AMC PACIFIC PLACE 11'
+p2854
+sg95
+S'98101'
+p2855
+sg7
+S'the brothers grimsby'
+p2856
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2857
+sg11
+S'wa'
+p2858
+sg13
+S'9:30pm'
+p2859
+sg15
+S'friday'
+p2860
+sg17
+S'2016-03-11'
+p2861
+sg19
+S'wa'
+p2862
+sg21
+S'9:30pm'
+p2863
+ssI258
+(dp2864
+g3
+S'seattle'
+p2865
+sg5
+S'AMC PACIFIC PLACE 11'
+p2866
+sg95
+S'98101'
+p2867
+sg7
+S'the brothers grimsby'
+p2868
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2869
+sg11
+S'wa'
+p2870
+sg13
+S'10:50pm'
+p2871
+sg15
+S'friday'
+p2872
+sg17
+S'2016-03-11'
+p2873
+sg19
+S'wa'
+p2874
+sg21
+S'10:50pm'
+p2875
+ssI259
+(dp2876
+g3
+S'bellevue'
+p2877
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2878
+sg95
+S'98004'
+p2879
+sg7
+S'the brothers grimsby'
+p2880
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2881
+sg11
+S'wa'
+p2882
+sg13
+S'7:50pm'
+p2883
+sg15
+S'friday'
+p2884
+sg17
+S'2016-03-11'
+p2885
+sg19
+S'wa'
+p2886
+sg21
+S'7:50pm'
+p2887
+ssI260
+(dp2888
+g3
+S'bellevue'
+p2889
+sg5
+S'BELLEVUE LINCOLN SQUARE CINEMAS'
+p2890
+sg95
+S'98004'
+p2891
+sg7
+S'the brothers grimsby'
+p2892
+sg9
+S'59b87661-a61a-44aa-997e-3aa9fca819e2'
+p2893
+sg11
+S'wa'
+p2894
+sg13
+S'10:20pm'
+p2895
+sg15
+S'friday'
+p2896
+sg17
+S'2016-03-11'
+p2897
+sg19
+S'wa'
+p2898
+sg21
+S'10:20pm'
+p2899
+ssI261
+(dp2900
+g3
+S'miami'
+p2901
+sg5
+S'Regal South Beach'
+p2902
+sg7
+S'the brothers grimsby'
+p2903
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2904
+sg11
+S'fl'
+p2905
+sg13
+S'7:40'
+p2906
+sg15
+S'Friday'
+p2907
+sg17
+S'2016-03-11'
+p2908
+sg19
+S'fl'
+p2909
+sg21
+S'7:40pm'
+p2910
+ssI262
+(dp2911
+g3
+S'miami'
+p2912
+sg5
+S'AMC Sunset Place 24'
+p2913
+sg7
+S'the brothers grimsby'
+p2914
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2915
+sg11
+S'fl'
+p2916
+sg13
+S'6:00'
+p2917
+sg15
+S'Friday'
+p2918
+sg17
+S'2016-03-11'
+p2919
+sg19
+S'fl'
+p2920
+sg21
+S'6:00pm'
+p2921
+ssI263
+(dp2922
+g3
+S'miami'
+p2923
+sg5
+S'AMC Sunset Place 24'
+p2924
+sg7
+S'the brothers grimsby'
+p2925
+sg9
+S'f81a696c-59ba-4ba6-8676-744b43e177aa'
+p2926
+sg11
+S'fl'
+p2927
+sg13
+S'8:30'
+p2928
+sg15
+S'Friday'
+p2929
+sg17
+S'2016-03-11'
+p2930
+sg19
+S'fl'
+p2931
+sg21
+S'8:30pm'
+p2932
+ssI264
+(dp2933
+g3
+S'carbondale'
+p2934
+sg5
+S'AMC SHOWPLACE CARBONDALE 8'
+p2935
+sg7
+S'The Witch'
+p2936
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2937
+sg453
+S'thriller'
+p2938
+sg11
+S'illinois'
+p2939
+sg13
+S'4:40 pm'
+p2940
+sg15
+S'Tuesday'
+p2941
+sg17
+S'2016-03-15'
+p2942
+sg19
+S'il'
+p2943
+sg21
+S'4:40pm'
+p2944
+ssI265
+(dp2945
+g3
+S'seattle'
+p2946
+sg5
+S'Regal Meridian 16'
+p2947
+sg7
+S'The Witch'
+p2948
+sg9
+S'40761539-bda4-4377-8925-ad3a4a06b511'
+p2949
+sg453
+S'thriller'
+p2950
+sg11
+S'wa'
+p2951
+sg13
+S'9:30 PM'
+p2952
+sg15
+S'tomorrow'
+p2953
+sg17
+S'2016-03-09'
+p2954
+sg19
+S'wa'
+p2955
+sg21
+S'9:30pm'
+p2956
+ssI266
+(dp2957
+g3
+S'chicago'
+p2958
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p2959
+sg11
+S'il'
+p2960
+sg453
+S'thriller'
+p2961
+sg17
+S'2016-03-08'
+p2962
+sg19
+S'il'
+p2963
+sg7
+S'The Witch'
+p2964
+ssI267
+(dp2965
+g5
+S'Cinemar Downey'
+p2966
+sg7
+S'The Witch'
+p2967
+sg9
+S'6dbc8e0e-919f-4d56-a1aa-47a176ca989b'
+p2968
+sg15
+S'tomorrow'
+p2969
+sg13
+S'10:35 am'
+p2970
+sg453
+S'thriller'
+p2971
+sg17
+S'2016-03-09'
+p2972
+sg21
+S'10:35am'
+p2973
+ssI268
+(dp2974
+g5
+S'AMC Theaters Puente Hills'
+p2975
+sg7
+S'The Witch'
+p2976
+sg9
+S'6dbc8e0e-919f-4d56-a1aa-47a176ca989b'
+p2977
+sg15
+S'tomorrow'
+p2978
+sg13
+S'11:40 am'
+p2979
+sg453
+S'thriller'
+p2980
+sg17
+S'2016-03-09'
+p2981
+sg21
+S'11:40am'
+p2982
+ssI269
+(dp2983
+g3
+S'los angeles'
+p2984
+sg5
+S'Regal LA LIVE Stadium 14'
+p2985
+sg7
+S'The Witch'
+p2986
+sg9
+S'be1d6e7c-52fa-4179-8730-412e950185ac'
+p2987
+sg13
+S'8:30pm'
+p2988
+sg453
+S'thriller'
+p2989
+sg17
+S'2016-03-08'
+p2990
+sg21
+S'8:30pm'
+p2991
+ssI270
+(dp2992
+g3
+S'los angeles'
+p2993
+sg5
+S'Regal LA LIVE Stadium 14'
+p2994
+sg7
+S'The Witch'
+p2995
+sg9
+S'be1d6e7c-52fa-4179-8730-412e950185ac'
+p2996
+sg13
+S'11pm'
+p2997
+sg453
+S'thriller'
+p2998
+sg17
+S'2016-03-08'
+p2999
+sg21
+S'11:00pm'
+p3000
+ssI271
+(dp3001
+g3
+S'Knoxville'
+p3002
+sg5
+S'Carmike 10'
+p3003
+sg7
+S'The Witch'
+p3004
+sg9
+S'078842e2-66f7-44c6-add8-05d558677de7'
+p3005
+sg599
+S'3d'
+p3006
+sg11
+S'tn'
+p3007
+sg13
+S'7:30pm'
+p3008
+sg15
+S'tomorrow'
+p3009
+sg17
+S'2016-03-11'
+p3010
+sg19
+S'tn'
+p3011
+sg21
+S'7:30pm'
+p3012
+ssI272
+(dp3013
+g3
+S'Atlanta'
+p3014
+sg5
+S'AMC PHIPPS PLAZA 14'
+p3015
+sg95
+S'30326'
+p3016
+sg7
+S'The Witch'
+p3017
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3018
+sg11
+S'ga'
+p3019
+sg13
+S'9:55'
+p3020
+sg453
+S'horror'
+p3021
+sg17
+S'2016-03-15'
+p3022
+sg19
+S'ga'
+p3023
+sg21
+S'9:55pm'
+p3024
+ssI273
+(dp3025
+g3
+S'Barrington'
+p3026
+sg5
+S'AMC SOUTH BARRINGTON 30'
+p3027
+sg95
+S'60010'
+p3028
+sg7
+S'The Witch'
+p3029
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3030
+sg11
+S'il'
+p3031
+sg13
+S'6:25'
+p3032
+sg15
+S'March 12th'
+p3033
+sg17
+S'2016-03-12'
+p3034
+sg19
+S'il'
+p3035
+sg21
+S'6:25pm'
+p3036
+ssI274
+(dp3037
+g3
+S'Barrington'
+p3038
+sg5
+S'AMC SOUTH BARRINGTON 30'
+p3039
+sg95
+S'60010'
+p3040
+sg7
+S'The Witch'
+p3041
+sg9
+S'a96c873b-036c-45c9-9fee-3417a705b8b9'
+p3042
+sg11
+S'il'
+p3043
+sg13
+S'9:00 pm'
+p3044
+sg15
+S'March 12th'
+p3045
+sg17
+S'2016-03-12'
+p3046
+sg19
+S'il'
+p3047
+sg21
+S'9:00pm'
+p3048
+ssI275
+(dp3049
+g3
+S'Carbondale'
+p3050
+sg9
+S'16b50661-212b-4a14-ad07-41b64c1039ba'
+p3051
+sg453
+S'drama'
+p3052
+sg11
+S'il'
+p3053
+sg15
+S'Friday'
+p3054
+sg17
+S'2016-03-11'
+p3055
+sg19
+S'il'
+p3056
+sg7
+S'the young messiah'
+p3057
+ssI276
+(dp3058
+g3
+S'Carbondale'
+p3059
+sg9
+S'1be689ff-ab3c-4ae3-8969-b7d57098bffc'
+p3060
+sg15
+S'this weekend'
+p3061
+sg453
+S'drama'
+p3062
+sg17
+S'2016-03-12'
+p3063
+sg7
+S'the young messiah'
+p3064
+ssI277
+(dp3065
+g3
+S'Stony Brook'
+p3066
+sg5
+S'AMC LOEWS STONY BROOK 17'
+p3067
+sg7
+S'the young messiah'
+p3068
+sg9
+S'99302780-8073-4203-a924-767e4c5ccdc7'
+p3069
+sg453
+S'drama'
+p3070
+sg11
+S'ny'
+p3071
+sg13
+S'11:05am'
+p3072
+sg15
+S'Saturday'
+p3073
+sg17
+S'2016-03-12'
+p3074
+sg19
+S'ny'
+p3075
+sg21
+S'11:05am'
+p3076
+ssI278
+(dp3077
+g3
+S'Stony Brook'
+p3078
+sg5
+S'AMC LOEWS STONY BROOK 17'
+p3079
+sg7
+S'the young messiah'
+p3080
+sg9
+S'99302780-8073-4203-a924-767e4c5ccdc7'
+p3081
+sg453
+S'drama'
+p3082
+sg11
+S'ny'
+p3083
+sg13
+S'1:45pm'
+p3084
+sg15
+S'Saturday'
+p3085
+sg17
+S'2016-03-12'
+p3086
+sg19
+S'ny'
+p3087
+sg21
+S'1:45pm'
+p3088
+ssI279
+(dp3089
+g3
+S'Carbondale'
+p3090
+sg9
+S'fe830cb1-5bfe-4590-b7a4-3df7f5c1eb44'
+p3091
+sg11
+S'il'
+p3092
+sg15
+S'Tuesday'
+p3093
+sg17
+S'2016-03-08'
+p3094
+sg19
+S'il'
+p3095
+sg7
+S'triple 9'
+p3096
+ssI280
+(dp3097
+g3
+S'seattle'
+p3098
+sg5
+S'AMC Lowes Oak Tree 6'
+p3099
+sg7
+S'triple 9'
+p3100
+sg9
+S'408e5aca-a86e-4c81-aded-996ea3b74b60'
+p3101
+sg11
+S'wa'
+p3102
+sg13
+S'7:10 PM'
+p3103
+sg15
+S'tomorrow'
+p3104
+sg17
+S'2016-03-09'
+p3105
+sg19
+S'wa'
+p3106
+sg21
+S'7:10pm'
+p3107
+ssI281
+(dp3108
+g3
+S'houma'
+p3109
+sg5
+S'AMC HOUMA PALACE 10'
+p3110
+sg95
+S'70364'
+p3111
+sg7
+S'whiskey tango foxtrot'
+p3112
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3113
+sg453
+S'adult comedy'
+p3114
+sg11
+S'louisiana'
+p3115
+sg13
+S'11:40am'
+p3116
+sg15
+S'9th'
+p3117
+sg17
+S'2016-03-09'
+p3118
+sg19
+S'la'
+p3119
+sg21
+S'11:40am'
+p3120
+ssI282
+(dp3121
+g3
+S'houma'
+p3122
+sg5
+S'AMC HOUMA PALACE 10'
+p3123
+sg95
+S'70364'
+p3124
+sg7
+S'whiskey tango foxtrot'
+p3125
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3126
+sg453
+S'adult comedy'
+p3127
+sg11
+S'louisiana'
+p3128
+sg13
+S'2:15pm'
+p3129
+sg15
+S'9th'
+p3130
+sg17
+S'2016-03-09'
+p3131
+sg19
+S'la'
+p3132
+sg21
+S'2:15pm'
+p3133
+ssI283
+(dp3134
+g3
+S'houma'
+p3135
+sg5
+S'AMC HOUMA PALACE 10'
+p3136
+sg95
+S'70364'
+p3137
+sg7
+S'whiskey tango foxtrot'
+p3138
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3139
+sg453
+S'adult comedy'
+p3140
+sg11
+S'louisiana'
+p3141
+sg13
+S'5:00pm'
+p3142
+sg15
+S'9th'
+p3143
+sg17
+S'2016-03-09'
+p3144
+sg19
+S'la'
+p3145
+sg21
+S'5:00pm'
+p3146
+ssI284
+(dp3147
+g3
+S'houma'
+p3148
+sg5
+S'AMC HOUMA PALACE 10'
+p3149
+sg95
+S'70364'
+p3150
+sg7
+S'whiskey tango foxtrot'
+p3151
+sg9
+S'b170b1f4-2551-4921-8c3e-200f1d740224'
+p3152
+sg453
+S'adult comedy'
+p3153
+sg11
+S'louisiana'
+p3154
+sg13
+S'7:40pm'
+p3155
+sg15
+S'9th'
+p3156
+sg17
+S'2016-03-09'
+p3157
+sg19
+S'la'
+p3158
+sg21
+S'7:40pm'
+p3159
+ssI285
+(dp3160
+g3
+S'seattle'
+p3161
+sg618
+S'top'
+p3162
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p3163
+sg11
+S'wa'
+p3164
+sg19
+S'wa'
+p3165
+sg7
+S'whiskey tango foxtrot'
+p3166
+ssI286
+(dp3167
+g3
+S'Bayou Vista'
+p3168
+sS'actress'
+p3169
+S'Tina Fey'
+p3170
+sg9
+S'af16c2d9-5c90-447f-ab2d-a4412acbfd45'
+p3171
+sg11
+S'la'
+p3172
+sg1703
+S'R'
+sg15
+S'this weekend'
+p3173
+sg17
+S'2016-03-12'
+p3174
+sg19
+S'la'
+p3175
+sg7
+S'whiskey tango foxtrot'
+p3176
+ssI287
+(dp3177
+g3
+S'Buford'
+p3178
+sg5
+S'mall of georgia movie theater'
+p3179
+sg7
+S'whiskey tango foxtrot'
+p3180
+sg3169
+S'Tina Fey'
+p3181
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p3182
+sg11
+S'Georgia'
+p3183
+sg1703
+S'R'
+sg13
+S'10:40pm'
+p3184
+sg15
+S'Friday'
+p3185
+sg17
+S'2016-03-11'
+p3186
+sg19
+S'ga'
+p3187
+sg21
+S'10:40pm'
+p3188
+ssI288
+(dp3189
+g3
+S'seattle'
+p3190
+sg5
+S'regal meridian 16'
+p3191
+sg7
+S'whiskey tango foxtrot'
+p3192
+sg9
+S'482633d1-5c54-44ab-b878-aa4b82607810'
+p3193
+sg453
+S'comedy'
+p3194
+sg11
+S'wa'
+p3195
+sg13
+S'9:00PM'
+p3196
+sg15
+S'soonest upcoming showing'
+p3197
+sg17
+S'2016-03-08'
+p3198
+sg19
+S'wa'
+p3199
+sg21
+S'9:00pm'
+p3200
+ssI289
+(dp3201
+g3
+S'Altoona'
+p3202
+sg5
+S'CARMIKE 12'
+p3203
+sg7
+S'whiskey tango foxtrot'
+p3204
+sg9
+S'0839f1f9-24c5-446a-a065-6f7775642fc4'
+p3205
+sg11
+S'Pennsylvania'
+p3206
+sg13
+S'5PM'
+p3207
+sg15
+S'Wednesday'
+p3208
+sg17
+S'2016-03-09'
+p3209
+sg19
+S'pa'
+p3210
+sg21
+S'5pm'
+p3211
+ssI290
+(dp3212
+g3
+S'Altoona'
+p3213
+sg5
+S'CARMIKE 12'
+p3214
+sg7
+S'whiskey tango foxtrot'
+p3215
+sg9
+S'0839f1f9-24c5-446a-a065-6f7775642fc4'
+p3216
+sg11
+S'Pennsylvania'
+p3217
+sg13
+S'7:40PM'
+p3218
+sg15
+S'Wednesday'
+p3219
+sg17
+S'2016-03-09'
+p3220
+sg19
+S'pa'
+p3221
+sg21
+S'7:40pm'
+p3222
+ssI291
+(dp3223
+g3
+S'miami'
+p3224
+sg5
+S'Regal South Beach'
+p3225
+sg7
+S'whiskey tango foxtrot'
+p3226
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3227
+sg11
+S'fl'
+p3228
+sg13
+S'10:20pm'
+p3229
+sg15
+S'tonight'
+p3230
+sg17
+S'2016-03-09'
+p3231
+sg19
+S'fl'
+p3232
+sg21
+S'10:20pm'
+p3233
+ssI292
+(dp3234
+g3
+S'miami'
+p3235
+sg5
+S'Cinepolis USA'
+p3236
+sg7
+S'whiskey tango foxtrot'
+p3237
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3238
+sg11
+S'fl'
+p3239
+sg13
+S'8:25pm'
+p3240
+sg15
+S'tonight'
+p3241
+sg17
+S'2016-03-09'
+p3242
+sg19
+S'fl'
+p3243
+sg21
+S'8:25pm'
+p3244
+ssI293
+(dp3245
+g3
+S'miami'
+p3246
+sg5
+S'Cobb Dolphin Cinemas'
+p3247
+sg7
+S'whiskey tango foxtrot'
+p3248
+sg9
+S'31bb4b13-8467-4e56-9f07-6a2b01930996'
+p3249
+sg11
+S'fl'
+p3250
+sg13
+S'9:05pm'
+p3251
+sg15
+S'tonight'
+p3252
+sg17
+S'2016-03-09'
+p3253
+sg19
+S'fl'
+p3254
+sg21
+S'9:05pm'
+p3255
+ssI294
+(dp3256
+g3
+S'albany'
+p3257
+sg5
+S'Regal Clifton Park Stadium'
+p3258
+sg7
+S'whiskey tango foxtrot'
+p3259
+sg9
+S'a4ab33ee-8b94-4182-a048-2ae749af61ec'
+p3260
+sg11
+S'ny'
+p3261
+sg13
+S'12:40pm'
+p3262
+sg15
+S'soonest'
+p3263
+sg17
+S'2016-03-09'
+p3264
+sg19
+S'ny'
+p3265
+sg21
+S'12:40pm'
+p3266
+ssI295
+(dp3267
+g5
+S'NCG Eastwood Cinemas'
+p3268
+sg7
+S'whiskey tango foxtrot'
+p3269
+sg9
+S'f04ca2ab-4b2f-4666-b089-5df285a98fdc'
+p3270
+sg13
+S'1:55'
+p3271
+sg453
+S'comedy'
+p3272
+sg17
+S'2016-03-09'
+p3273
+sg21
+S'1:55pm'
+p3274
+ssI296
+(dp3275
+g5
+S'NCG Eastwood Cinemas'
+p3276
+sg7
+S'whiskey tango foxtrot'
+p3277
+sg9
+S'f04ca2ab-4b2f-4666-b089-5df285a98fdc'
+p3278
+sg13
+S'4:25'
+p3279
+sg453
+S'comedy'
+p3280
+sg17
+S'2016-03-09'
+p3281
+sg21
+S'4:25pm'
+p3282
+ssI297
+(dp3283
+g5
+S'Mesa Grand 24'
+p3284
+sg7
+S'whiskey tango foxtrot'
+p3285
+sg9
+S'3b1ba75b-2d8b-48af-9492-6f6d7e7164d8'
+p3286
+sg15
+S'Friday'
+p3287
+sg13
+S'7:25'
+p3288
+sg453
+S'comedy'
+p3289
+sg17
+S'2016-03-11'
+p3290
+sg21
+S'7:25pm'
+p3291
+ssI298
+(dp3292
+g5
+S'Mesa Grand 24'
+p3293
+sg7
+S'whiskey tango foxtrot'
+p3294
+sg9
+S'3b1ba75b-2d8b-48af-9492-6f6d7e7164d8'
+p3295
+sg15
+S'Friday'
+p3296
+sg13
+S'10:30'
+p3297
+sg453
+S'comedy'
+p3298
+sg17
+S'2016-03-11'
+p3299
+sg21
+S'10:30pm'
+p3300
+ssI299
+(dp3301
+g5
+S'SIFF Cinema Uptown'
+p3302
+sg7
+S'whiskey tango foxtrot'
+p3303
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3304
+sg13
+S'7:10 pm'
+p3305
+sg15
+S'March 11th'
+p3306
+sg17
+S'2016-03-11'
+p3307
+sg21
+S'7:10pm'
+p3308
+ssI300
+(dp3309
+g5
+S'Ark Lodge Cinemas'
+p3310
+sg7
+S'whiskey tango foxtrot'
+p3311
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3312
+sg13
+S'7:15'
+p3313
+sg15
+S'March 11th'
+p3314
+sg17
+S'2016-03-11'
+p3315
+sg21
+S'7:15pm'
+p3316
+ssI301
+(dp3317
+g5
+S'Regal Crossroads'
+p3318
+sg7
+S'whiskey tango foxtrot'
+p3319
+sg9
+S'57c0513b-0447-4a1e-8d60-ca7874252ac4'
+p3320
+sg13
+S'7:15pm'
+p3321
+sg15
+S'March 11th'
+p3322
+sg17
+S'2016-03-11'
+p3323
+sg21
+S'7:15pm'
+p3324
+ssI302
+(dp3325
+g3
+S'portland'
+p3326
+sg5
+S'Regal Fox Tower Stadium 10'
+p3327
+sg7
+S'whiskey tango foxtrot'
+p3328
+sg9
+S'dc704595-b3c4-4464-b61d-b80e5dc1030c'
+p3329
+sg11
+S'or'
+p3330
+sg13
+S'6:45'
+p3331
+sg15
+S'Saturday'
+p3332
+sg17
+S'2016-03-12'
+p3333
+sg19
+S'or'
+p3334
+sg21
+S'6:45pm'
+p3335
+ssI303
+(dp3336
+g3
+S'Visalia'
+p3337
+sg5
+S'Regal Visalia Stadium 10'
+p3338
+sg7
+S'whiskey tango foxtrot'
+p3339
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3340
+sg11
+S'california'
+p3341
+sg13
+S'12:35pm'
+p3342
+sg15
+S'Saturday'
+p3343
+sg17
+S'2016-03-12'
+p3344
+sg19
+S'ca'
+p3345
+sg21
+S'12:35pm'
+p3346
+ssI304
+(dp3347
+g3
+S'Visalia'
+p3348
+sg5
+S'Regal Visalia Stadium 10'
+p3349
+sg7
+S'whiskey tango foxtrot'
+p3350
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3351
+sg11
+S'california'
+p3352
+sg13
+S'4:05pm'
+p3353
+sg15
+S'Saturday'
+p3354
+sg17
+S'2016-03-12'
+p3355
+sg19
+S'ca'
+p3356
+sg21
+S'4:05pm'
+p3357
+ssI305
+(dp3358
+g3
+S'Visalia'
+p3359
+sg5
+S'Regal Visalia Stadium 10'
+p3360
+sg7
+S'whiskey tango foxtrot'
+p3361
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3362
+sg11
+S'california'
+p3363
+sg13
+S'7:05pm'
+p3364
+sg15
+S'Saturday'
+p3365
+sg17
+S'2016-03-12'
+p3366
+sg19
+S'ca'
+p3367
+sg21
+S'7:05pm'
+p3368
+ssI306
+(dp3369
+g3
+S'Visalia'
+p3370
+sg5
+S'Regal Visalia Stadium 10'
+p3371
+sg7
+S'whiskey tango foxtrot'
+p3372
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3373
+sg11
+S'california'
+p3374
+sg13
+S'9:55pm'
+p3375
+sg15
+S'Saturday'
+p3376
+sg17
+S'2016-03-12'
+p3377
+sg19
+S'ca'
+p3378
+sg21
+S'9:55pm'
+p3379
+ssI307
+(dp3380
+g3
+S'hamilton'
+p3381
+sg618
+S'top'
+p3382
+sg9
+S'76522eb0-22e3-444d-90cc-6d6802bb1b48'
+p3383
+sg11
+S'nj'
+p3384
+sg15
+S'tomorrow'
+p3385
+sg17
+S'2016-03-10'
+p3386
+sg19
+S'nj'
+p3387
+sg7
+S'whiskey tango foxtrot'
+p3388
+ssI308
+(dp3389
+g3
+S'seattle'
+p3390
+sg5
+S'regal meridian 16'
+p3391
+sg95
+S'98101'
+p3392
+sg7
+S'zoolander 2'
+p3393
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3394
+sg11
+S'wa'
+p3395
+sg422
+S'cheapest'
+p3396
+sg13
+S'2:00pm'
+p3397
+sg453
+S'comedy'
+p3398
+sg17
+S'2016-03-08'
+p3399
+sg19
+S'wa'
+p3400
+sg21
+S'2:00pm'
+p3401
+ssI309
+(dp3402
+g3
+S'seattle'
+p3403
+sg5
+S'regal meridian 16'
+p3404
+sg95
+S'98101'
+p3405
+sg7
+S'zoolander 2'
+p3406
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3407
+sg11
+S'wa'
+p3408
+sg422
+S'cheapest'
+p3409
+sg13
+S'4:30pm'
+p3410
+sg453
+S'comedy'
+p3411
+sg17
+S'2016-03-08'
+p3412
+sg19
+S'wa'
+p3413
+sg21
+S'4:30pm'
+p3414
+ssI310
+(dp3415
+g3
+S'seattle'
+p3416
+sg5
+S'regal meridian 16'
+p3417
+sg95
+S'98101'
+p3418
+sg7
+S'zoolander 2'
+p3419
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3420
+sg11
+S'wa'
+p3421
+sg422
+S'cheapest'
+p3422
+sg13
+S'7:00pm'
+p3423
+sg453
+S'comedy'
+p3424
+sg17
+S'2016-03-08'
+p3425
+sg19
+S'wa'
+p3426
+sg21
+S'7:00pm'
+p3427
+ssI311
+(dp3428
+g3
+S'seattle'
+p3429
+sg5
+S'regal meridian 16'
+p3430
+sg95
+S'98101'
+p3431
+sg7
+S'zoolander 2'
+p3432
+sg9
+S'07a47ee8-297b-48ab-a83d-772ce51755cb'
+p3433
+sg11
+S'wa'
+p3434
+sg422
+S'cheapest'
+p3435
+sg13
+S'9:25pm'
+p3436
+sg453
+S'comedy'
+p3437
+sg17
+S'2016-03-08'
+p3438
+sg19
+S'wa'
+p3439
+sg21
+S'9:25pm'
+p3440
+ssI312
+(dp3441
+g3
+S'seattle'
+p3442
+sg5
+S'regal meridian 16'
+p3443
+sg95
+S'98101'
+p3444
+sg7
+S'zoolander 2'
+p3445
+sg9
+S'5cac12bc-413e-48dc-8704-01aea558bf9b'
+p3446
+sg453
+S'comedy'
+p3447
+sg11
+S'wa'
+p3448
+sg422
+S'cheapest'
+p3449
+sg13
+S'9:25pm'
+p3450
+sg15
+S'tomorrow'
+p3451
+sg17
+S'2016-03-09'
+p3452
+sg19
+S'wa'
+p3453
+sg21
+S'9:25pm'
+p3454
+ssI313
+(dp3455
+g3
+S'seattle'
+p3456
+sg5
+S'regal meridian 16'
+p3457
+sg95
+S'98101'
+p3458
+sg7
+S'zoolander 2'
+p3459
+sg9
+S'b58a47d2-539f-47e8-b8dd-66ae55235905'
+p3460
+sg11
+S'wa'
+p3461
+sg422
+S'cheapest'
+p3462
+sg13
+S'9:30pm'
+p3463
+sg453
+S'comedy'
+p3464
+sg17
+S'2016-03-15'
+p3465
+sg19
+S'wa'
+p3466
+sg21
+S'9:30pm'
+p3467
+ssI314
+(dp3468
+g3
+S'seattle'
+p3469
+sg618
+S'top'
+p3470
+sg9
+S'6b3f4c5a-9c02-4c4a-995c-713fdc7d5e42'
+p3471
+sg15
+S'last weekend'
+p3472
+sg1703
+S'pg'
+p3473
+sg453
+S'comedy'
+p3474
+sg17
+S'2016-03-05'
+p3475
+sg7
+S'Zootopia'
+p3476
+ssI315
+(dp3477
+g3
+S'seattle'
+p3478
+sg5
+S'regal meridian 16'
+p3479
+sg95
+S'98101'
+p3480
+sg7
+S'Zootopia'
+p3481
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3482
+sg11
+S'wa'
+p3483
+sg1703
+S'pg'
+p3484
+sg13
+S'5:20'
+p3485
+sg453
+S'comedy'
+p3486
+sg17
+S'2016-03-08'
+p3487
+sg19
+S'wa'
+p3488
+sg21
+S'5:20pm'
+p3489
+ssI316
+(dp3490
+g3
+S'seattle'
+p3491
+sg5
+S'regal meridian 16'
+p3492
+sg95
+S'98101'
+p3493
+sg7
+S'Zootopia'
+p3494
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3495
+sg453
+S'comedy'
+p3496
+sg11
+S'wa'
+p3497
+sg1703
+S'pg'
+p3498
+sg13
+S'6:30pm'
+p3499
+sg15
+S'tonight'
+p3500
+sg17
+S'2016-03-08'
+p3501
+sg19
+S'wa'
+p3502
+sg21
+S'6:30pm'
+p3503
+ssI317
+(dp3504
+g3
+S'seattle'
+p3505
+sg5
+S'regal meridian 16'
+p3506
+sg7
+S'Zootopia'
+p3507
+sg95
+S'98101'
+p3508
+sg618
+S'number 1'
+p3509
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3510
+sg599
+S'regular'
+p3511
+sg11
+S'wa'
+p3512
+sg1703
+S'pg'
+p3513
+sg13
+S'8:40pm'
+p3514
+sg15
+S'tonight'
+p3515
+sg453
+S'comedy'
+p3516
+sg19
+S'wa'
+p3517
+sg21
+S'8:40pm'
+p3518
+sg17
+S'2016-03-08'
+p3519
+ssI318
+(dp3520
+g3
+S'seattle'
+p3521
+sg5
+S'regal meridian 16'
+p3522
+sg7
+S'Zootopia'
+p3523
+sg95
+S'98101'
+p3524
+sg618
+S'number 1'
+p3525
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3526
+sg599
+S'3d'
+p3527
+sg11
+S'wa'
+p3528
+sg1703
+S'pg'
+p3529
+sg13
+S'8:00pm'
+p3530
+sg15
+S'tonight'
+p3531
+sg453
+S'comedy'
+p3532
+sg19
+S'wa'
+p3533
+sg21
+S'8:00pm'
+p3534
+sg17
+S'2016-03-08'
+p3535
+ssI319
+(dp3536
+g3
+S'bellevue'
+p3537
+sg5
+S'bellevue lincoln square cinemas'
+p3538
+sg7
+S'Zootopia'
+p3539
+sg95
+S'98004'
+p3540
+sg618
+S'number 1'
+p3541
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3542
+sg11
+S'wa'
+p3543
+sg1703
+S'pg'
+p3544
+sg13
+S'4:10'
+p3545
+sg453
+S'comedy'
+p3546
+sg17
+S'2016-03-08'
+p3547
+sg19
+S'wa'
+p3548
+sg21
+S'4:10pm'
+p3549
+ssI320
+(dp3550
+g3
+S'bellevue'
+p3551
+sg5
+S'bellevue lincoln square cinemas'
+p3552
+sg7
+S'Zootopia'
+p3553
+sg95
+S'98004'
+p3554
+sg618
+S'number 1'
+p3555
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3556
+sg453
+S'comedy'
+p3557
+sg11
+S'wa'
+p3558
+sg1703
+S'pg'
+p3559
+sg13
+S'7:00pm'
+p3560
+sg15
+S'tonight'
+p3561
+sg17
+S'2016-03-08'
+p3562
+sg19
+S'wa'
+p3563
+sg21
+S'7:00pm'
+p3564
+ssI321
+(dp3565
+g3
+S'bellevue'
+p3566
+sg5
+S'Regal Meridian'
+p3567
+sg7
+S'Zootopia'
+p3568
+sg618
+S'number 1'
+p3569
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3570
+sg453
+S'comedy'
+p3571
+sg11
+S'wa'
+p3572
+sg1703
+S'pg'
+p3573
+sg13
+S'12:00'
+p3574
+sg15
+S'tomorrow'
+p3575
+sg17
+S'2016-03-09'
+p3576
+sg19
+S'wa'
+p3577
+sg21
+S'12:00pm'
+p3578
+ssI322
+(dp3579
+g3
+S'bellevue'
+p3580
+sg5
+S'Regal Meridian'
+p3581
+sg7
+S'Zootopia'
+p3582
+sg618
+S'number 1'
+p3583
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3584
+sg453
+S'comedy'
+p3585
+sg11
+S'wa'
+p3586
+sg1703
+S'pg'
+p3587
+sg13
+S'1:10'
+p3588
+sg15
+S'tomorrow'
+p3589
+sg17
+S'2016-03-09'
+p3590
+sg19
+S'wa'
+p3591
+sg21
+S'1:10pm'
+p3592
+ssI323
+(dp3593
+g3
+S'bellevue'
+p3594
+sg5
+S'Regal Meridian'
+p3595
+sg7
+S'Zootopia'
+p3596
+sg618
+S'number 1'
+p3597
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3598
+sg453
+S'comedy'
+p3599
+sg11
+S'wa'
+p3600
+sg1703
+S'pg'
+p3601
+sg13
+S'2:40'
+p3602
+sg15
+S'tomorrow'
+p3603
+sg17
+S'2016-03-09'
+p3604
+sg19
+S'wa'
+p3605
+sg21
+S'2:40pm'
+p3606
+ssI324
+(dp3607
+g3
+S'bellevue'
+p3608
+sg5
+S'Regal Meridian'
+p3609
+sg7
+S'Zootopia'
+p3610
+sg618
+S'number 1'
+p3611
+sg9
+S'379229ca-bb32-445b-b7f2-acf277dda052'
+p3612
+sg453
+S'comedy'
+p3613
+sg11
+S'wa'
+p3614
+sg1703
+S'pg'
+p3615
+sg13
+S'3:50'
+p3616
+sg15
+S'tomorrow'
+p3617
+sg17
+S'2016-03-09'
+p3618
+sg19
+S'wa'
+p3619
+sg21
+S'3:50pm'
+p3620
+ssI325
+(dp3621
+g3
+S'bellevue'
+p3622
+sg5
+S'bellevue lincoln square cinemas'
+p3623
+sg7
+S'Zootopia'
+p3624
+sg95
+S'98004'
+p3625
+sg618
+S'number 1'
+p3626
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p3627
+sg453
+S'comedy'
+p3628
+sg11
+S'wa'
+p3629
+sg1703
+S'pg'
+p3630
+sg13
+S'9:50pm'
+p3631
+sg15
+S'tonight'
+p3632
+sg17
+S'2016-03-08'
+p3633
+sg19
+S'wa'
+p3634
+sg21
+S'9:50pm'
+p3635
+ssI326
+(dp3636
+g3
+S'seattle'
+p3637
+sg5
+S'AMC Elmwood Palace 20'
+p3638
+sg7
+S'Zootopia'
+p3639
+sg9
+S'a9066c3e-0bb5-4179-90f5-5acb615326ee'
+p3640
+sg453
+S'comedy'
+p3641
+sg11
+S'wa'
+p3642
+sg1703
+S'pg'
+p3643
+sg13
+S'5:00 pm'
+p3644
+sg15
+S'tomorrow'
+p3645
+sg17
+S'2016-03-09'
+p3646
+sg19
+S'wa'
+p3647
+sg21
+S'5:00pm'
+p3648
+ssI327
+(dp3649
+g3
+S'bellevue'
+p3650
+sg5
+S'bellevue lincoln square cinemas'
+p3651
+sg7
+S'Zootopia'
+p3652
+sg95
+S'98004'
+p3653
+sg618
+S'number 1'
+p3654
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3655
+sg453
+S'comedy'
+p3656
+sg11
+S'wa'
+p3657
+sg1703
+S'pg'
+p3658
+sg13
+S'10:00am'
+p3659
+sg15
+S'this weekend'
+p3660
+sg17
+S'2016-03-12'
+p3661
+sg19
+S'wa'
+p3662
+sg21
+S'10:00am'
+p3663
+ssI328
+(dp3664
+g3
+S'bellevue'
+p3665
+sg5
+S'bellevue lincoln square cinemas'
+p3666
+sg7
+S'Zootopia'
+p3667
+sg95
+S'98004'
+p3668
+sg618
+S'number 1'
+p3669
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3670
+sg453
+S'comedy'
+p3671
+sg11
+S'wa'
+p3672
+sg1703
+S'pg'
+p3673
+sg13
+S'11:30am'
+p3674
+sg15
+S'this weekend'
+p3675
+sg17
+S'2016-03-12'
+p3676
+sg19
+S'wa'
+p3677
+sg21
+S'11:30am'
+p3678
+ssI329
+(dp3679
+g3
+S'bellevue'
+p3680
+sg5
+S'bellevue lincoln square cinemas'
+p3681
+sg7
+S'Zootopia'
+p3682
+sg95
+S'98004'
+p3683
+sg618
+S'number 1'
+p3684
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3685
+sg453
+S'comedy'
+p3686
+sg11
+S'wa'
+p3687
+sg1703
+S'pg'
+p3688
+sg13
+S'1:05pm'
+p3689
+sg15
+S'this weekend'
+p3690
+sg17
+S'2016-03-12'
+p3691
+sg19
+S'wa'
+p3692
+sg21
+S'1:05pm'
+p3693
+ssI330
+(dp3694
+g3
+S'bellevue'
+p3695
+sg5
+S'bellevue lincoln square cinemas'
+p3696
+sg7
+S'Zootopia'
+p3697
+sg95
+S'98004'
+p3698
+sg618
+S'number 1'
+p3699
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3700
+sg453
+S'comedy'
+p3701
+sg11
+S'wa'
+p3702
+sg1703
+S'pg'
+p3703
+sg13
+S'2:35pm'
+p3704
+sg15
+S'this weekend'
+p3705
+sg17
+S'2016-03-12'
+p3706
+sg19
+S'wa'
+p3707
+sg21
+S'2:35pm'
+p3708
+ssI331
+(dp3709
+g3
+S'bellevue'
+p3710
+sg5
+S'bellevue lincoln square cinemas'
+p3711
+sg7
+S'Zootopia'
+p3712
+sg95
+S'98004'
+p3713
+sg618
+S'number 1'
+p3714
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3715
+sg453
+S'comedy'
+p3716
+sg11
+S'wa'
+p3717
+sg1703
+S'pg'
+p3718
+sg13
+S'4:10pm'
+p3719
+sg15
+S'this weekend'
+p3720
+sg17
+S'2016-03-12'
+p3721
+sg19
+S'wa'
+p3722
+sg21
+S'4:10pm'
+p3723
+ssI332
+(dp3724
+g3
+S'bellevue'
+p3725
+sg5
+S'bellevue lincoln square cinemas'
+p3726
+sg7
+S'Zootopia'
+p3727
+sg95
+S'98004'
+p3728
+sg618
+S'number 1'
+p3729
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3730
+sg453
+S'comedy'
+p3731
+sg11
+S'wa'
+p3732
+sg1703
+S'pg'
+p3733
+sg13
+S'5:40pm'
+p3734
+sg15
+S'this weekend'
+p3735
+sg17
+S'2016-03-12'
+p3736
+sg19
+S'wa'
+p3737
+sg21
+S'5:40pm'
+p3738
+ssI333
+(dp3739
+g3
+S'bellevue'
+p3740
+sg5
+S'bellevue lincoln square cinemas'
+p3741
+sg7
+S'Zootopia'
+p3742
+sg95
+S'98004'
+p3743
+sg618
+S'number 1'
+p3744
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3745
+sg453
+S'comedy'
+p3746
+sg11
+S'wa'
+p3747
+sg1703
+S'pg'
+p3748
+sg13
+S'7:05pm'
+p3749
+sg15
+S'this weekend'
+p3750
+sg17
+S'2016-03-12'
+p3751
+sg19
+S'wa'
+p3752
+sg21
+S'7:05pm'
+p3753
+ssI334
+(dp3754
+g3
+S'bellevue'
+p3755
+sg5
+S'bellevue lincoln square cinemas'
+p3756
+sg7
+S'Zootopia'
+p3757
+sg95
+S'98004'
+p3758
+sg618
+S'number 1'
+p3759
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3760
+sg453
+S'comedy'
+p3761
+sg11
+S'wa'
+p3762
+sg1703
+S'pg'
+p3763
+sg13
+S'8:35pm'
+p3764
+sg15
+S'this weekend'
+p3765
+sg17
+S'2016-03-12'
+p3766
+sg19
+S'wa'
+p3767
+sg21
+S'8:35pm'
+p3768
+ssI335
+(dp3769
+g3
+S'bellevue'
+p3770
+sg5
+S'bellevue lincoln square cinemas'
+p3771
+sg7
+S'Zootopia'
+p3772
+sg95
+S'98004'
+p3773
+sg618
+S'number 1'
+p3774
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3775
+sg453
+S'comedy'
+p3776
+sg11
+S'wa'
+p3777
+sg1703
+S'pg'
+p3778
+sg13
+S'9:55pm'
+p3779
+sg15
+S'this weekend'
+p3780
+sg17
+S'2016-03-12'
+p3781
+sg19
+S'wa'
+p3782
+sg21
+S'9:55pm'
+p3783
+ssI336
+(dp3784
+g3
+S'seattle'
+p3785
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3786
+sg95
+S'98109'
+p3787
+sg7
+S'Zootopia'
+p3788
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3789
+sg11
+S'wa'
+p3790
+sg1703
+S'pg'
+p3791
+sg13
+S'11:45am'
+p3792
+sg15
+S'this weekend'
+p3793
+sg17
+S'2016-03-12'
+p3794
+sg19
+S'wa'
+p3795
+sg21
+S'11:45am'
+p3796
+ssI337
+(dp3797
+g3
+S'seattle'
+p3798
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3799
+sg95
+S'98109'
+p3800
+sg7
+S'Zootopia'
+p3801
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3802
+sg11
+S'wa'
+p3803
+sg1703
+S'pg'
+p3804
+sg13
+S'2:15pm'
+p3805
+sg15
+S'this weekend'
+p3806
+sg17
+S'2016-03-12'
+p3807
+sg19
+S'wa'
+p3808
+sg21
+S'2:15pm'
+p3809
+ssI338
+(dp3810
+g3
+S'seattle'
+p3811
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3812
+sg95
+S'98109'
+p3813
+sg7
+S'Zootopia'
+p3814
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3815
+sg11
+S'wa'
+p3816
+sg1703
+S'pg'
+p3817
+sg13
+S'4:30pm'
+p3818
+sg15
+S'this weekend'
+p3819
+sg17
+S'2016-03-12'
+p3820
+sg19
+S'wa'
+p3821
+sg21
+S'4:30pm'
+p3822
+ssI339
+(dp3823
+g3
+S'seattle'
+p3824
+sg5
+S'PACIFIC SCIENCE CENTER IMAX THEATERS'
+p3825
+sg95
+S'98109'
+p3826
+sg7
+S'Zootopia'
+p3827
+sg9
+S'6d08c795-6258-4892-968d-c41ca29cb41b'
+p3828
+sg453
+S'animated'
+p3829
+sg11
+S'wa'
+p3830
+sg1703
+S'pg'
+p3831
+sg13
+S'7:00pm'
+p3832
+sg15
+S'this weekend'
+p3833
+sg17
+S'2016-03-12'
+p3834
+sg19
+S'wa'
+p3835
+sg21
+S'7:00pm'
+p3836
+ssI340
+(dp3837
+g3
+S'Buford'
+p3838
+sg9
+S'f4a2dcbe-8860-45ba-93f6-229b59a091fe'
+p3839
+sg453
+S'comedy'
+p3840
+sg11
+S'Georgia'
+p3841
+sg1703
+S'pg'
+p3842
+sg15
+S'friday'
+p3843
+sg17
+S'2016-03-11'
+p3844
+sg19
+S'ga'
+p3845
+sg7
+S'Zootopia'
+p3846
+ssI341
+(dp3847
+g3
+S'seattle'
+p3848
+sg5
+S'varsity theater'
+p3849
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3850
+sg453
+S'comedy'
+p3851
+sg11
+S'wa'
+p3852
+sg1703
+S'pg'
+p3853
+sg15
+S'tonight'
+p3854
+sg17
+S'2016-03-08'
+p3855
+sg19
+S'wa'
+p3856
+sg7
+S'Zootopia'
+p3857
+ssI342
+(dp3858
+g3
+S'bellevue'
+p3859
+sg5
+S'bellevue lincoln square cinemas'
+p3860
+sg95
+S'98004'
+p3861
+sg7
+S'Zootopia'
+p3862
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3863
+sg599
+S'3d'
+p3864
+sg11
+S'wa'
+p3865
+sg1703
+S'pg'
+p3866
+sg13
+S'7:30'
+p3867
+sg15
+S'tomorrow'
+p3868
+sg453
+S'comedy'
+p3869
+sg19
+S'wa'
+p3870
+sg21
+S'7:30pm'
+p3871
+sg17
+S'2016-03-09'
+p3872
+ssI343
+(dp3873
+g3
+S'bellevue'
+p3874
+sg5
+S'bellevue lincoln square cinemas'
+p3875
+sg95
+S'98004'
+p3876
+sg7
+S'Zootopia'
+p3877
+sg9
+S'9bf116b5-3e1b-4cce-ad37-adb7238784be'
+p3878
+sg599
+S'regular'
+p3879
+sg11
+S'wa'
+p3880
+sg1703
+S'pg'
+p3881
+sg13
+S'7:00'
+p3882
+sg15
+S'tomorrow'
+p3883
+sg453
+S'comedy'
+p3884
+sg19
+S'wa'
+p3885
+sg21
+S'7:00pm'
+p3886
+sg17
+S'2016-03-09'
+p3887
+ssI344
+(dp3888
+g3
+S'seattle'
+p3889
+sg5
+S'regal meridian 16'
+p3890
+sg95
+S'98101'
+p3891
+sg7
+S'Zootopia'
+p3892
+sg9
+S'eb5e4094-0110-4672-bc7c-4c8c05c12bd5'
+p3893
+sg599
+S'3d'
+p3894
+sg11
+S'wa'
+p3895
+sg1703
+S'pg'
+p3896
+sg13
+S'9:10 pm'
+p3897
+sg15
+S'tomorrow'
+p3898
+sg453
+S'comedy'
+p3899
+sg19
+S'wa'
+p3900
+sg21
+S'9:10pm'
+p3901
+sg17
+S'2016-03-09'
+p3902
+ssI345
+(dp3903
+g3
+S'bellevue'
+p3904
+sg5
+S'bellevue lincoln square cinemas'
+p3905
+sg95
+S'98004'
+p3906
+sg618
+S'4.5/5'
+p3907
+sg9
+S'eb5e4094-0110-4672-bc7c-4c8c05c12bd5'
+p3908
+sg11
+S'wa'
+p3909
+sg1703
+S'pg'
+p3910
+sg15
+S'tonight'
+p3911
+sg17
+S'2016-03-08'
+p3912
+sg19
+S'wa'
+p3913
+sg7
+S'Zootopia'
+p3914
+ssI346
+(dp3915
+g3
+S'st louis'
+p3916
+sg5
+S'Chase Park Plaza Cinemas'
+p3917
+sg7
+S'Zootopia'
+p3918
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3919
+sg1703
+S'pg'
+p3920
+sg13
+S'11:00am'
+p3921
+sg15
+S'Thursday'
+p3922
+sg17
+S'2016-03-10'
+p3923
+sg21
+S'11:00am'
+p3924
+ssI347
+(dp3925
+g3
+S'st louis'
+p3926
+sg5
+S'Chase Park Plaza Cinemas'
+p3927
+sg7
+S'Zootopia'
+p3928
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3929
+sg1703
+S'pg'
+p3930
+sg13
+S'1:30pm'
+p3931
+sg15
+S'Thursday'
+p3932
+sg17
+S'2016-03-10'
+p3933
+sg21
+S'1:30pm'
+p3934
+ssI348
+(dp3935
+g3
+S'st louis'
+p3936
+sg5
+S'Chase Park Plaza Cinemas'
+p3937
+sg7
+S'Zootopia'
+p3938
+sg9
+S'ae8d13cb-70b1-445f-b7d3-36dd5eeda4f0'
+p3939
+sg1703
+S'pg'
+p3940
+sg13
+S'4:00pm'
+p3941
+sg15
+S'Thursday'
+p3942
+sg17
+S'2016-03-10'
+p3943
+sg21
+S'4:00pm'
+p3944
+ssI349
+(dp3945
+g3
+S'birmingham'
+p3946
+sg5
+S'carmike summit 16'
+p3947
+sg95
+S'35243'
+p3948
+sg7
+S'Zootopia'
+p3949
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3950
+sg11
+S'al'
+p3951
+sg1703
+S'pg'
+p3952
+sg13
+S'10:00am'
+p3953
+sg15
+S'Saturday'
+p3954
+sg17
+S'2016-03-12'
+p3955
+sg19
+S'al'
+p3956
+sg21
+S'10:00am'
+p3957
+ssI350
+(dp3958
+g3
+S'birmingham'
+p3959
+sg5
+S'carmike summit 16'
+p3960
+sg95
+S'35243'
+p3961
+sg7
+S'Zootopia'
+p3962
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3963
+sg11
+S'al'
+p3964
+sg1703
+S'pg'
+p3965
+sg13
+S'10:45am'
+p3966
+sg15
+S'Saturday'
+p3967
+sg17
+S'2016-03-12'
+p3968
+sg19
+S'al'
+p3969
+sg21
+S'10:45am'
+p3970
+ssI351
+(dp3971
+g3
+S'birmingham'
+p3972
+sg5
+S'carmike summit 16'
+p3973
+sg95
+S'35243'
+p3974
+sg7
+S'Zootopia'
+p3975
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3976
+sg11
+S'al'
+p3977
+sg1703
+S'pg'
+p3978
+sg13
+S'11:15am'
+p3979
+sg15
+S'Saturday'
+p3980
+sg17
+S'2016-03-12'
+p3981
+sg19
+S'al'
+p3982
+sg21
+S'11:15am'
+p3983
+ssI352
+(dp3984
+g3
+S'birmingham'
+p3985
+sg5
+S'carmike summit 16'
+p3986
+sg95
+S'35243'
+p3987
+sg7
+S'Zootopia'
+p3988
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p3989
+sg11
+S'al'
+p3990
+sg1703
+S'pg'
+p3991
+sg13
+S'1:00pm'
+p3992
+sg15
+S'Saturday'
+p3993
+sg17
+S'2016-03-12'
+p3994
+sg19
+S'al'
+p3995
+sg21
+S'1:00pm'
+p3996
+ssI353
+(dp3997
+g3
+S'birmingham'
+p3998
+sg5
+S'carmike summit 16'
+p3999
+sg95
+S'35243'
+p4000
+sg7
+S'Zootopia'
+p4001
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4002
+sg11
+S'al'
+p4003
+sg1703
+S'pg'
+p4004
+sg13
+S'1:45pm'
+p4005
+sg15
+S'Saturday'
+p4006
+sg17
+S'2016-03-12'
+p4007
+sg19
+S'al'
+p4008
+sg21
+S'1:45pm'
+p4009
+ssI354
+(dp4010
+g3
+S'birmingham'
+p4011
+sg5
+S'carmike summit 16'
+p4012
+sg95
+S'35243'
+p4013
+sg7
+S'Zootopia'
+p4014
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4015
+sg11
+S'al'
+p4016
+sg1703
+S'pg'
+p4017
+sg13
+S'2:15pm'
+p4018
+sg15
+S'Saturday'
+p4019
+sg17
+S'2016-03-12'
+p4020
+sg19
+S'al'
+p4021
+sg21
+S'2:15pm'
+p4022
+ssI355
+(dp4023
+g3
+S'birmingham'
+p4024
+sg5
+S'carmike summit 16'
+p4025
+sg95
+S'35243'
+p4026
+sg7
+S'Zootopia'
+p4027
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4028
+sg11
+S'al'
+p4029
+sg1703
+S'pg'
+p4030
+sg13
+S'4:00pm'
+p4031
+sg15
+S'Saturday'
+p4032
+sg17
+S'2016-03-12'
+p4033
+sg19
+S'al'
+p4034
+sg21
+S'4:00pm'
+p4035
+ssI356
+(dp4036
+g3
+S'birmingham'
+p4037
+sg5
+S'carmike summit 16'
+p4038
+sg95
+S'35243'
+p4039
+sg7
+S'Zootopia'
+p4040
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4041
+sg11
+S'al'
+p4042
+sg1703
+S'pg'
+p4043
+sg13
+S'4:45pm'
+p4044
+sg15
+S'Saturday'
+p4045
+sg17
+S'2016-03-12'
+p4046
+sg19
+S'al'
+p4047
+sg21
+S'4:45pm'
+p4048
+ssI357
+(dp4049
+g3
+S'birmingham'
+p4050
+sg5
+S'carmike summit 16'
+p4051
+sg95
+S'35243'
+p4052
+sg7
+S'Zootopia'
+p4053
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4054
+sg11
+S'al'
+p4055
+sg1703
+S'pg'
+p4056
+sg13
+S'5:15pm'
+p4057
+sg15
+S'Saturday'
+p4058
+sg17
+S'2016-03-12'
+p4059
+sg19
+S'al'
+p4060
+sg21
+S'5:15pm'
+p4061
+ssI358
+(dp4062
+g3
+S'birmingham'
+p4063
+sg5
+S'carmike summit 16'
+p4064
+sg95
+S'35243'
+p4065
+sg7
+S'Zootopia'
+p4066
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4067
+sg11
+S'al'
+p4068
+sg1703
+S'pg'
+p4069
+sg13
+S'6:45pm'
+p4070
+sg15
+S'Saturday'
+p4071
+sg17
+S'2016-03-12'
+p4072
+sg19
+S'al'
+p4073
+sg21
+S'6:45pm'
+p4074
+ssI359
+(dp4075
+g3
+S'birmingham'
+p4076
+sg5
+S'carmike summit 16'
+p4077
+sg95
+S'35243'
+p4078
+sg7
+S'Zootopia'
+p4079
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4080
+sg11
+S'al'
+p4081
+sg1703
+S'pg'
+p4082
+sg13
+S'7:30pm'
+p4083
+sg15
+S'Saturday'
+p4084
+sg17
+S'2016-03-12'
+p4085
+sg19
+S'al'
+p4086
+sg21
+S'7:30pm'
+p4087
+ssI360
+(dp4088
+g3
+S'birmingham'
+p4089
+sg5
+S'carmike summit 16'
+p4090
+sg95
+S'35243'
+p4091
+sg7
+S'Zootopia'
+p4092
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4093
+sg11
+S'al'
+p4094
+sg1703
+S'pg'
+p4095
+sg13
+S'9:30pm'
+p4096
+sg15
+S'Saturday'
+p4097
+sg17
+S'2016-03-12'
+p4098
+sg19
+S'al'
+p4099
+sg21
+S'9:30pm'
+p4100
+ssI361
+(dp4101
+g3
+S'birmingham'
+p4102
+sg5
+S'carmike summit 16'
+p4103
+sg95
+S'35243'
+p4104
+sg7
+S'Zootopia'
+p4105
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4106
+sg11
+S'al'
+p4107
+sg1703
+S'pg'
+p4108
+sg13
+S'10:30pm'
+p4109
+sg15
+S'Saturday'
+p4110
+sg17
+S'2016-03-12'
+p4111
+sg19
+S'al'
+p4112
+sg21
+S'10:30pm'
+p4113
+ssI362
+(dp4114
+g3
+S'hoover'
+p4115
+sg5
+S'carmike patton creek'
+p4116
+sg95
+S'35244'
+p4117
+sg7
+S'Zootopia'
+p4118
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4119
+sg11
+S'al'
+p4120
+sg1703
+S'pg'
+p4121
+sg13
+S'10:05am'
+p4122
+sg15
+S'Saturday'
+p4123
+sg17
+S'2016-03-12'
+p4124
+sg19
+S'al'
+p4125
+sg21
+S'10:05am'
+p4126
+ssI363
+(dp4127
+g3
+S'hoover'
+p4128
+sg5
+S'carmike patton creek'
+p4129
+sg95
+S'35244'
+p4130
+sg7
+S'Zootopia'
+p4131
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4132
+sg11
+S'al'
+p4133
+sg1703
+S'pg'
+p4134
+sg13
+S'11:00am'
+p4135
+sg15
+S'Saturday'
+p4136
+sg17
+S'2016-03-12'
+p4137
+sg19
+S'al'
+p4138
+sg21
+S'11:00am'
+p4139
+ssI364
+(dp4140
+g3
+S'hoover'
+p4141
+sg5
+S'carmike patton creek'
+p4142
+sg95
+S'35244'
+p4143
+sg7
+S'Zootopia'
+p4144
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4145
+sg11
+S'al'
+p4146
+sg1703
+S'pg'
+p4147
+sg13
+S'1:05pm'
+p4148
+sg15
+S'Saturday'
+p4149
+sg17
+S'2016-03-12'
+p4150
+sg19
+S'al'
+p4151
+sg21
+S'1:05pm'
+p4152
+ssI365
+(dp4153
+g3
+S'hoover'
+p4154
+sg5
+S'carmike patton creek'
+p4155
+sg95
+S'35244'
+p4156
+sg7
+S'Zootopia'
+p4157
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4158
+sg11
+S'al'
+p4159
+sg1703
+S'pg'
+p4160
+sg13
+S'2:00pm'
+p4161
+sg15
+S'Saturday'
+p4162
+sg17
+S'2016-03-12'
+p4163
+sg19
+S'al'
+p4164
+sg21
+S'2:00pm'
+p4165
+ssI366
+(dp4166
+g3
+S'hoover'
+p4167
+sg5
+S'carmike patton creek'
+p4168
+sg95
+S'35244'
+p4169
+sg7
+S'Zootopia'
+p4170
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4171
+sg11
+S'al'
+p4172
+sg1703
+S'pg'
+p4173
+sg13
+S'4:05pm'
+p4174
+sg15
+S'Saturday'
+p4175
+sg17
+S'2016-03-12'
+p4176
+sg19
+S'al'
+p4177
+sg21
+S'4:05pm'
+p4178
+ssI367
+(dp4179
+g3
+S'hoover'
+p4180
+sg5
+S'carmike patton creek'
+p4181
+sg95
+S'35244'
+p4182
+sg7
+S'Zootopia'
+p4183
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4184
+sg11
+S'al'
+p4185
+sg1703
+S'pg'
+p4186
+sg13
+S'4:50pm'
+p4187
+sg15
+S'Saturday'
+p4188
+sg17
+S'2016-03-12'
+p4189
+sg19
+S'al'
+p4190
+sg21
+S'4:50pm'
+p4191
+ssI368
+(dp4192
+g3
+S'hoover'
+p4193
+sg5
+S'carmike patton creek'
+p4194
+sg95
+S'35244'
+p4195
+sg7
+S'Zootopia'
+p4196
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4197
+sg11
+S'al'
+p4198
+sg1703
+S'pg'
+p4199
+sg13
+S'6:45pm'
+p4200
+sg15
+S'Saturday'
+p4201
+sg17
+S'2016-03-12'
+p4202
+sg19
+S'al'
+p4203
+sg21
+S'6:45pm'
+p4204
+ssI369
+(dp4205
+g3
+S'hoover'
+p4206
+sg5
+S'carmike patton creek'
+p4207
+sg95
+S'35244'
+p4208
+sg7
+S'Zootopia'
+p4209
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4210
+sg11
+S'al'
+p4211
+sg1703
+S'pg'
+p4212
+sg13
+S'7:45pm'
+p4213
+sg15
+S'Saturday'
+p4214
+sg17
+S'2016-03-12'
+p4215
+sg19
+S'al'
+p4216
+sg21
+S'7:45pm'
+p4217
+ssI370
+(dp4218
+g3
+S'hoover'
+p4219
+sg5
+S'carmike patton creek'
+p4220
+sg95
+S'35244'
+p4221
+sg7
+S'Zootopia'
+p4222
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4223
+sg11
+S'al'
+p4224
+sg1703
+S'pg'
+p4225
+sg13
+S'9:30pm'
+p4226
+sg15
+S'Saturday'
+p4227
+sg17
+S'2016-03-12'
+p4228
+sg19
+S'al'
+p4229
+sg21
+S'9:30pm'
+p4230
+ssI371
+(dp4231
+g3
+S'hoover'
+p4232
+sg5
+S'carmike patton creek'
+p4233
+sg95
+S'35244'
+p4234
+sg7
+S'Zootopia'
+p4235
+sg9
+S'2f3f1c57-a2e4-4eef-9845-0802cf62455e'
+p4236
+sg11
+S'al'
+p4237
+sg1703
+S'pg'
+p4238
+sg13
+S'10:30pm'
+p4239
+sg15
+S'Saturday'
+p4240
+sg17
+S'2016-03-12'
+p4241
+sg19
+S'al'
+p4242
+sg21
+S'10:30pm'
+p4243
+ssI372
+(dp4244
+g3
+S'seattle'
+p4245
+sg5
+S'regal meridian 16'
+p4246
+sg95
+S'98101'
+p4247
+sg7
+S'Zootopia'
+p4248
+sg9
+S'62a0064b-4c81-4199-a2e1-647bc8a7ec6b'
+p4249
+sg453
+S'comedy'
+p4250
+sg11
+S'wa'
+p4251
+sg1703
+S'pg'
+p4252
+sg13
+S'9:10 PM'
+p4253
+sg15
+S'tonight'
+p4254
+sg17
+S'2016-03-09'
+p4255
+sg19
+S'wa'
+p4256
+sg21
+S'9:10pm'
+p4257
+ssI373
+(dp4258
+g3
+S'seattle'
+p4259
+sg5
+S'regal meridian 16'
+p4260
+sg95
+S'98101'
+p4261
+sg7
+S'Zootopia'
+p4262
+sg9
+S'83adb592-fa6e-4a34-a191-b3e81cfc4572'
+p4263
+sg453
+S'comedy'
+p4264
+sg11
+S'wa'
+p4265
+sg1703
+S'pg'
+p4266
+sg13
+S'8:40PM'
+p4267
+sg15
+S'tonight'
+p4268
+sg17
+S'2016-03-09'
+p4269
+sg19
+S'wa'
+p4270
+sg21
+S'8:40pm'
+p4271
+ssI374
+(dp4272
+g3
+S'seattle'
+p4273
+sg5
+S'Pacific Science Center IMAX Theaters'
+p4274
+sg9
+S'fa29bdbc-f914-4796-a2d7-79e45b3102c0'
+p4275
+sg11
+S'wa'
+p4276
+sg1703
+S'pg'
+p4277
+sg15
+S'tomorrow'
+p4278
+sg17
+S'2016-03-09'
+p4279
+sg19
+S'wa'
+p4280
+sg7
+S'Zootopia'
+p4281
+ssI375
+(dp4282
+g3
+S'Des Moines'
+p4283
+sg9
+S'f48ab6ff-27c8-4af1-b726-5d6eea33846c'
+p4284
+sg11
+S'iowa'
+p4285
+sg17
+S'2016-03-08'
+p4286
+sg19
+S'ia'
+p4287
+sg7
+S'Zootopia'
+p4288
+ssI376
+(dp4289
+g9
+S'829f7f20-639f-407f-a7bb-6d8a232eeecd'
+p4290
+sg7
+S'Zootopia'
+p4291
+sg21
+S'5:00pm'
+p4292
+sg5
+S'AMC Elmwood Palace 20'
+p4293
+sg13
+S'5:00 pm'
+p4294
+ssI377
+(dp4295
+g3
+S'johnstown'
+p4296
+sg5
+S'Richland Cinemas'
+p4297
+sg7
+S'Zootopia'
+p4298
+sg9
+S'29a2f6dd-086c-456c-9c43-d80b19964803'
+p4299
+sg599
+S'2d'
+p4300
+sg11
+S'Pennsylvania'
+p4301
+sg13
+S'2:45pm'
+p4302
+sg15
+S'tomorrow'
+p4303
+sg17
+S'2016-03-10'
+p4304
+sg19
+S'pa'
+p4305
+sg21
+S'2:45pm'
+p4306
+ssI378
+(dp4307
+g3
+S'johnstown'
+p4308
+sg5
+S'Richland Cinemas'
+p4309
+sg7
+S'Zootopia'
+p4310
+sg9
+S'29a2f6dd-086c-456c-9c43-d80b19964803'
+p4311
+sg599
+S'3d'
+p4312
+sg11
+S'Pennsylvania'
+p4313
+sg13
+S'1:15pm'
+p4314
+sg15
+S'tomorrow'
+p4315
+sg17
+S'2016-03-10'
+p4316
+sg19
+S'pa'
+p4317
+sg21
+S'1:15pm'
+p4318
+ssI379
+(dp4319
+g5
+S'CARMIKE LEE BRANCH 15'
+p4320
+sg21
+S'1:30pm'
+p4321
+sg9
+S'a17a59c8-351a-4817-8374-0359163b888f'
+p4322
+sg13
+S'1:30'
+p4323
+sg17
+S'2016-03-10'
+p4324
+sg7
+S'Zootopia'
+p4325
+ssI380
+(dp4326
+g5
+S'CARMIKE LEE BRANCH 15'
+p4327
+sg21
+S'4:00pm'
+p4328
+sg9
+S'a17a59c8-351a-4817-8374-0359163b888f'
+p4329
+sg13
+S'4:00'
+p4330
+sg17
+S'2016-03-10'
+p4331
+sg7
+S'Zootopia'
+p4332
+ssI381
+(dp4333
+g3
+S'hamilton'
+p4334
+sg5
+S'MANVILLE 12 PLEX '
+p4335
+sg95
+S'08835'
+p4336
+sg7
+S'Zootopia'
+p4337
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4338
+sg11
+S'nj'
+p4339
+sg13
+S'10:30am'
+p4340
+sg15
+S'tomorrow'
+p4341
+sg17
+S'2016-03-10'
+p4342
+sg19
+S'nj'
+p4343
+sg21
+S'10:30am'
+p4344
+ssI382
+(dp4345
+g3
+S'hamilton'
+p4346
+sg5
+S'MANVILLE 12 PLEX '
+p4347
+sg95
+S'08835'
+p4348
+sg7
+S'Zootopia'
+p4349
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4350
+sg11
+S'nj'
+p4351
+sg13
+S'11:10am'
+p4352
+sg15
+S'tomorrow'
+p4353
+sg17
+S'2016-03-10'
+p4354
+sg19
+S'nj'
+p4355
+sg21
+S'11:10am'
+p4356
+ssI383
+(dp4357
+g3
+S'hamilton'
+p4358
+sg5
+S'MANVILLE 12 PLEX '
+p4359
+sg95
+S'08835'
+p4360
+sg7
+S'Zootopia'
+p4361
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4362
+sg11
+S'nj'
+p4363
+sg13
+S'1:10pm'
+p4364
+sg15
+S'tomorrow'
+p4365
+sg17
+S'2016-03-10'
+p4366
+sg19
+S'nj'
+p4367
+sg21
+S'1:10pm'
+p4368
+ssI384
+(dp4369
+g3
+S'hamilton'
+p4370
+sg5
+S'MANVILLE 12 PLEX '
+p4371
+sg95
+S'08835'
+p4372
+sg7
+S'Zootopia'
+p4373
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4374
+sg11
+S'nj'
+p4375
+sg13
+S'1:50pm'
+p4376
+sg15
+S'tomorrow'
+p4377
+sg17
+S'2016-03-10'
+p4378
+sg19
+S'nj'
+p4379
+sg21
+S'1:50pm'
+p4380
+ssI385
+(dp4381
+g3
+S'hamilton'
+p4382
+sg5
+S'MANVILLE 12 PLEX '
+p4383
+sg95
+S'08835'
+p4384
+sg7
+S'Zootopia'
+p4385
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4386
+sg11
+S'nj'
+p4387
+sg13
+S'3:45pm'
+p4388
+sg15
+S'tomorrow'
+p4389
+sg17
+S'2016-03-10'
+p4390
+sg19
+S'nj'
+p4391
+sg21
+S'3:45pm'
+p4392
+ssI386
+(dp4393
+g3
+S'hamilton'
+p4394
+sg5
+S'MANVILLE 12 PLEX '
+p4395
+sg95
+S'08835'
+p4396
+sg7
+S'Zootopia'
+p4397
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4398
+sg11
+S'nj'
+p4399
+sg13
+S'4:30pm'
+p4400
+sg15
+S'tomorrow'
+p4401
+sg17
+S'2016-03-10'
+p4402
+sg19
+S'nj'
+p4403
+sg21
+S'4:30pm'
+p4404
+ssI387
+(dp4405
+g3
+S'hamilton'
+p4406
+sg5
+S'MANVILLE 12 PLEX '
+p4407
+sg95
+S'08835'
+p4408
+sg7
+S'Zootopia'
+p4409
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4410
+sg11
+S'nj'
+p4411
+sg13
+S'5:20pm'
+p4412
+sg15
+S'tomorrow'
+p4413
+sg17
+S'2016-03-10'
+p4414
+sg19
+S'nj'
+p4415
+sg21
+S'5:20pm'
+p4416
+ssI388
+(dp4417
+g3
+S'hamilton'
+p4418
+sg5
+S'MANVILLE 12 PLEX '
+p4419
+sg95
+S'08835'
+p4420
+sg7
+S'Zootopia'
+p4421
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4422
+sg11
+S'nj'
+p4423
+sg13
+S'6:30pm'
+p4424
+sg15
+S'tomorrow'
+p4425
+sg17
+S'2016-03-10'
+p4426
+sg19
+S'nj'
+p4427
+sg21
+S'6:30pm'
+p4428
+ssI389
+(dp4429
+g3
+S'hamilton'
+p4430
+sg5
+S'MANVILLE 12 PLEX '
+p4431
+sg95
+S'08835'
+p4432
+sg7
+S'Zootopia'
+p4433
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4434
+sg11
+S'nj'
+p4435
+sg13
+S'7:15pm'
+p4436
+sg15
+S'tomorrow'
+p4437
+sg17
+S'2016-03-10'
+p4438
+sg19
+S'nj'
+p4439
+sg21
+S'7:15pm'
+p4440
+ssI390
+(dp4441
+g3
+S'hamilton'
+p4442
+sg5
+S'MANVILLE 12 PLEX '
+p4443
+sg95
+S'08835'
+p4444
+sg7
+S'Zootopia'
+p4445
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4446
+sg11
+S'nj'
+p4447
+sg13
+S'9:10pm'
+p4448
+sg15
+S'tomorrow'
+p4449
+sg17
+S'2016-03-10'
+p4450
+sg19
+S'nj'
+p4451
+sg21
+S'9:10pm'
+p4452
+ssI391
+(dp4453
+g3
+S'hamilton'
+p4454
+sg5
+S'MANVILLE 12 PLEX '
+p4455
+sg95
+S'08835'
+p4456
+sg7
+S'Zootopia'
+p4457
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4458
+sg11
+S'nj'
+p4459
+sg13
+S'10:30pm'
+p4460
+sg15
+S'tomorrow'
+p4461
+sg17
+S'2016-03-10'
+p4462
+sg19
+S'nj'
+p4463
+sg21
+S'10:30pm'
+p4464
+ssI392
+(dp4465
+g3
+S'hamilton'
+p4466
+sg5
+S'AMC DINE-IN THEATRES BRIDGEWATER'
+p4467
+sg95
+S'08807'
+p4468
+sg7
+S'Zootopia'
+p4469
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4470
+sg11
+S'nj'
+p4471
+sg13
+S'12:30pm'
+p4472
+sg15
+S'tomorrow'
+p4473
+sg17
+S'2016-03-10'
+p4474
+sg19
+S'nj'
+p4475
+sg21
+S'12:30pm'
+p4476
+ssI393
+(dp4477
+g3
+S'hamilton'
+p4478
+sg5
+S'AMC DINE-IN THEATRES BRIDGEWATER'
+p4479
+sg95
+S'08807'
+p4480
+sg7
+S'Zootopia'
+p4481
+sg9
+S'e34f59d8-6be9-4e3a-b571-ffcc4f807e9f'
+p4482
+sg11
+S'nj'
+p4483
+sg13
+S'9:30pm'
+p4484
+sg15
+S'tomorrow'
+p4485
+sg17
+S'2016-03-10'
+p4486
+sg19
+S'nj'
+p4487
+sg21
+S'9:30pm'
+p4488
+ssI394
+(dp4489
+g3
+S'las vegas'
+p4490
+sg5
+S'Regal Colonnade 14'
+p4491
+sg7
+S'Zootopia'
+p4492
+sg9
+S'140cb755-c345-43a5-b21a-43c00b4a67d1'
+p4493
+sg599
+S'3d'
+p4494
+sg11
+S'nv'
+p4495
+sg13
+S'1:30'
+p4496
+sg15
+S'tomorrow'
+p4497
+sg17
+S'2016-03-10'
+p4498
+sg19
+S'nv'
+p4499
+sg21
+S'1:30pm'
+p4500
+ss.
\ No newline at end of file
diff --git a/data/movie/slot_set.txt b/data/movie/slot_set.txt
new file mode 100644
index 0000000..ac8e5a8
--- /dev/null
+++ b/data/movie/slot_set.txt
@@ -0,0 +1,29 @@
+actor
+actress
+city
+closing
+critic_rating
+date
+description
+distanceconstraints
+genre
+greeting
+implicit_value
+movie_series
+moviename
+mpaa_rating
+numberofpeople
+numberofkids
+taskcomplete
+other
+price
+seating
+starttime
+state
+theater
+theater_chain
+video_format
+zip
+result
+ticket
+mc_list
\ No newline at end of file
diff --git a/data/movie/user_goals_all_turns_template.p b/data/movie/user_goals_all_turns_template.p
new file mode 100644
index 0000000..4e294d0
--- /dev/null
+++ b/data/movie/user_goals_all_turns_template.p
@@ -0,0 +1,9794 @@
+(lp1
+(dp2
+S'request_slots'
+p3
+(dp4
+S'moviename'
+p5
+S'UNK'
+p6
+ssS'diaact'
+p7
+S'request'
+p8
+sS'inform_slots'
+p9
+(dp10
+S'city'
+p11
+S'hamilton'
+p12
+sS'numberofpeople'
+p13
+S'2'
+sS'theater'
+p14
+S'bridgewater'
+p15
+sS'critic_rating'
+p16
+S'good'
+p17
+sS'date'
+p18
+S'tomorrow'
+p19
+sS'state'
+p20
+S'nj'
+p21
+sS'starttime'
+p22
+S'9:30'
+p23
+sS'genre'
+p24
+S'comedy'
+p25
+ssa(dp26
+g3
+(dp27
+S'theater'
+p28
+g6
+sS'starttime'
+p29
+g6
+ssg7
+g8
+sg9
+(dp30
+S'city'
+p31
+S'seattle'
+p32
+sS'numberofpeople'
+p33
+S'5'
+sS'state'
+p34
+S'washington'
+p35
+sS'mpaa_rating'
+p36
+S'pg'
+p37
+sS'date'
+p38
+S'saturday'
+p39
+sS'moviename'
+p40
+S'kung fu panda 3'
+p41
+ssa(dp42
+g3
+(dp43
+S'moviename'
+p44
+g6
+ssg7
+g8
+sg9
+(dp45
+S'city'
+p46
+S'seattle'
+p47
+sS'numberofpeople'
+p48
+S'two'
+p49
+sS'theater'
+p50
+S'regal meridian'
+p51
+sS'numberofkids'
+p52
+S'two'
+p53
+sS'other'
+p54
+S'movie assistant number'
+p55
+sS'starttime'
+p56
+S'2:40'
+p57
+sS'date'
+p58
+S'tomorrow'
+p59
+sS'moviename'
+p60
+S'zootopia'
+p61
+ssa(dp62
+g3
+(dp63
+S'ticket'
+p64
+g6
+ssg7
+g8
+sg9
+(dp65
+S'city'
+p66
+S'birmingham'
+p67
+sS'numberofpeople'
+p68
+S'5'
+sS'theater'
+p69
+S'carmike summit 16'
+p70
+sS'state'
+p71
+S'al'
+p72
+sS'starttime'
+p73
+S'1:30'
+p74
+sS'date'
+p75
+S'today'
+p76
+sS'moviename'
+p77
+S'zootopia'
+p78
+ssa(dp79
+g3
+(dp80
+g64
+g6
+ssg7
+g8
+sg9
+(dp81
+S'city'
+p82
+S'san francisco'
+p83
+sS'numberofpeople'
+p84
+S'2'
+sS'theater'
+p85
+S'century centre 9'
+p86
+sS'starttime'
+p87
+S'10pm'
+p88
+sS'date'
+p89
+S'tomorrow'
+p90
+sS'moviename'
+p91
+S'How to be single'
+p92
+ssa(dp93
+g3
+(dp94
+S'ticket'
+p95
+g6
+sS'moviename'
+p96
+g6
+ssg7
+g8
+sg9
+(dp97
+S'city'
+p98
+S'seattle'
+p99
+sS'numberofpeople'
+p100
+S'three'
+p101
+sS'theater'
+p102
+S'regal meridian 16'
+p103
+sS'greeting'
+p104
+S'hey'
+p105
+sS'starttime'
+p106
+S'latest showing'
+p107
+sS'date'
+p108
+S'tonight'
+p109
+ssa(dp110
+g3
+(dp111
+S'ticket'
+p112
+g6
+ssg7
+g8
+sg9
+(dp113
+S'city'
+p114
+S'seattle'
+p115
+sS'numberofpeople'
+p116
+S'2'
+sS'theater'
+p117
+S'amc pacific place 11'
+p118
+sS'starttime'
+p119
+S'9:00 pm'
+p120
+sS'date'
+p121
+S'tomorrow'
+p122
+sS'moviename'
+p123
+S'deadpool'
+p124
+ssa(dp125
+g3
+(dp126
+g64
+g6
+ssg7
+g8
+sg9
+(dp127
+S'city'
+p128
+S'birmingham'
+p129
+sg68
+S'2'
+sS'theater'
+p130
+S'carmike summit 16'
+p131
+sS'state'
+p132
+S'al'
+p133
+sS'starttime'
+p134
+S'around 6pm'
+p135
+sS'date'
+p136
+S'today'
+p137
+sS'moviename'
+p138
+S'deadpool'
+p139
+ssa(dp140
+g3
+(dp141
+g64
+g6
+ssg7
+g8
+sg9
+(dp142
+S'city'
+p143
+S'seattle'
+p144
+sS'numberofpeople'
+p145
+S'2'
+sS'theater'
+p146
+S'regal meridian 16'
+p147
+sS'starttime'
+p148
+S'9:10 pm'
+p149
+sS'date'
+p150
+S'tomorrow'
+p151
+sS'moviename'
+p152
+S'zootopia'
+p153
+ssa(dp154
+g3
+(dp155
+S'ticket'
+p156
+g6
+ssg7
+g8
+sg9
+(dp157
+S'city'
+p158
+S'seattle'
+p159
+sS'numberofpeople'
+p160
+S'2'
+sS'theater'
+p161
+S'regal meridian 16'
+p162
+sS'starttime'
+p163
+S'8:45 pm'
+p164
+sS'date'
+p165
+S'tomorrow'
+p166
+sS'moviename'
+p167
+S'hail caesar'
+p168
+ssa(dp169
+g3
+(dp170
+g64
+g6
+sS'theater'
+p171
+g6
+ssg7
+g8
+sg9
+(dp172
+S'city'
+p173
+S'portland'
+p174
+sS'numberofpeople'
+p175
+S'2'
+sS'state'
+p176
+S'oregon'
+p177
+sS'starttime'
+p178
+S'10 pm'
+p179
+sS'date'
+p180
+S'friday'
+p181
+sS'moviename'
+p182
+S'star wars'
+p183
+ssa(dp184
+g3
+(dp185
+S'moviename'
+p186
+g6
+ssg7
+g8
+sg9
+(dp187
+S'city'
+p188
+S'birmingham'
+p189
+sS'numberofpeople'
+p190
+S'2'
+sS'theater'
+p191
+S'carmike 16'
+p192
+sS'video_format'
+p193
+S'standard'
+p194
+sS'date'
+p195
+S'tomorrow'
+p196
+sS'state'
+p197
+S'al'
+p198
+sS'starttime'
+p199
+S'around 3 pm'
+p200
+sS'genre'
+p201
+S'kid'
+p202
+ssa(dp203
+g3
+(dp204
+S'ticket'
+p205
+g6
+ssg7
+g8
+sg9
+(dp206
+S'city'
+p207
+S'seattle'
+p208
+sS'numberofpeople'
+p209
+S'2'
+sS'theater'
+p210
+S'amc pacific place 11 theater'
+p211
+sS'starttime'
+p212
+S'9:30 pm'
+p213
+sS'date'
+p214
+S'tomorrow'
+p215
+sS'moviename'
+p216
+S'room'
+p217
+ssa(dp218
+g3
+(dp219
+S'ticket'
+p220
+g6
+ssg7
+g8
+sg9
+(dp221
+g68
+S'4'
+sS'theater'
+p222
+S'river east 21'
+p223
+sS'video_format'
+p224
+S'2d'
+p225
+sS'greeting'
+p226
+S'hello'
+p227
+sS'date'
+p228
+S'tomorrow'
+p229
+sS'starttime'
+p230
+S'night'
+p231
+sS'theater_chain'
+p232
+S'amc'
+p233
+sS'moviename'
+p234
+S'zootopia'
+p235
+ssa(dp236
+g3
+(dp237
+g64
+g6
+ssg7
+g8
+sg9
+(dp238
+S'city'
+p239
+S'seattle'
+p240
+sS'numberofpeople'
+p241
+S'2'
+sS'theater'
+p242
+S'regal meridian 16'
+p243
+sS'starttime'
+p244
+S'9:30 pm'
+p245
+sS'date'
+p246
+S'tomorrow'
+p247
+sS'moviename'
+p248
+S'the witch'
+p249
+ssa(dp250
+g3
+(dp251
+g64
+g6
+ssg7
+g8
+sg9
+(dp252
+S'city'
+p253
+S'royal oak'
+p254
+sS'numberofpeople'
+p255
+S'2'
+sS'theater'
+p256
+S'emagine theater'
+p257
+sS'greeting'
+p258
+S'good morning'
+p259
+sS'state'
+p260
+S'mi'
+p261
+sS'starttime'
+p262
+S'7:15 pm'
+p263
+sS'date'
+p264
+S'3/11'
+p265
+sS'moviename'
+p266
+S'deadpool'
+p267
+ssa(dp268
+g3
+(dp269
+S'date'
+p270
+g6
+sg64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp271
+S'city'
+p272
+S'detroit'
+p273
+sS'numberofpeople'
+p274
+S'two'
+p275
+sS'moviename'
+p276
+S'independce day'
+p277
+sS'greeting'
+p278
+S'hi'
+p279
+sS'starttime'
+p280
+S'7pm'
+p281
+ssa(dp282
+g3
+(dp283
+S'moviename'
+p284
+g6
+ssg7
+g8
+sg9
+(dp285
+S'city'
+p286
+S'des moines'
+p287
+sS'numberofpeople'
+p288
+S'4'
+sS'theater'
+p289
+S'any'
+p290
+sS'state'
+p291
+S'iowa'
+p292
+sS'mpaa_rating'
+p293
+S'rated pg'
+p294
+sS'starttime'
+p295
+S'around 7pm'
+p296
+sS'date'
+p297
+S'tomorrow'
+p298
+ssa(dp299
+g3
+(dp300
+S'moviename'
+p301
+g6
+ssg7
+g8
+sg9
+(dp302
+S'city'
+p303
+S'johnstown'
+p304
+sS'numberofpeople'
+p305
+S'2'
+sS'theater'
+p306
+S'cinemas'
+p307
+sS'video_format'
+p308
+S'standard'
+p309
+sS'state'
+p310
+S'pennsylvania'
+p311
+sS'starttime'
+p312
+S'12:45'
+p313
+sS'date'
+p314
+S'tomorrow afternoon'
+p315
+ssa(dp316
+g3
+(dp317
+S'ticket'
+p318
+g6
+ssg7
+g8
+sg9
+(dp319
+S'city'
+p320
+S'seattle'
+p321
+sS'numberofpeople'
+p322
+S'2'
+sS'theater'
+p323
+S'regal meridian 16'
+p324
+sS'starttime'
+p325
+S'9:30 pm'
+p326
+sS'date'
+p327
+S'tomorrow'
+p328
+sS'moviename'
+p329
+S'the witch'
+p330
+ssa(dp331
+g3
+(dp332
+g171
+g6
+sS'critic_rating'
+p333
+g6
+sS'actor'
+p334
+g6
+sg29
+g6
+sg270
+g6
+sS'moviename'
+p335
+g6
+ssg7
+g8
+sg9
+(dp336
+S'genre'
+p337
+S'violence'
+p338
+sg68
+S'1'
+sS'greeting'
+p339
+S'hello'
+p340
+ssa(dp341
+g3
+(dp342
+g171
+g6
+sS'moviename'
+p343
+g6
+sS'starttime'
+p344
+g6
+ssg7
+g8
+sg9
+(dp345
+S'date'
+p346
+S'friday march 11'
+p347
+sS'city'
+p348
+S'visalia'
+p349
+sS'state'
+p350
+S'california'
+p351
+sg68
+S'1'
+ssa(dp352
+g3
+(dp353
+g270
+g6
+sg171
+g6
+sg64
+g6
+sS'moviename'
+p354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp355
+S'distanceconstraints'
+p356
+S'near the space needle'
+p357
+sg68
+S'5'
+sS'other'
+p358
+S'pub serves good burgers'
+p359
+ssa(dp360
+g3
+(dp361
+S'theater'
+p362
+g6
+sS'moviename'
+p363
+g6
+ssg7
+g8
+sg9
+(dp364
+S'city'
+p365
+S'seattle'
+p366
+sg68
+S'2'
+sS'distanceconstraints'
+p367
+S'area'
+p368
+sS'other'
+p369
+S'serves seafood'
+p370
+sS'starttime'
+p371
+S'after 7:30pm'
+p372
+sS'date'
+p373
+S'friday'
+p374
+ssa(dp375
+g3
+(dp376
+S'ticket'
+p377
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp378
+S'date'
+p379
+S'saturday'
+p380
+sS'city'
+p381
+S'boston'
+p382
+sS'numberofpeople'
+p383
+S'3'
+sS'moviename'
+p384
+S'deadpool'
+p385
+sS'starttime'
+p386
+S'8pm'
+p387
+ssa(dp388
+g3
+(dp389
+g270
+g6
+sS'moviename'
+p390
+g6
+sS'ticket'
+p391
+g6
+sS'theater'
+p392
+g6
+sS'starttime'
+p393
+g6
+ssg7
+g8
+sg9
+(dp394
+S'city'
+p395
+S'bellevue'
+p396
+sg68
+S'2'
+sS'distanceconstraints'
+p397
+S'near 98119'
+p398
+sS'actor'
+p399
+S'ryan reynolds'
+p400
+sS'state'
+p401
+S'washington'
+p402
+sS'genre'
+p403
+S'superhero'
+p404
+ssa(dp405
+g3
+(dp406
+S'theater'
+p407
+g6
+sS'ticket'
+p408
+g6
+sS'moviename'
+p409
+g6
+ssg7
+g8
+sg9
+(dp410
+S'city'
+p411
+S'seattle'
+p412
+sg68
+S'2'
+sS'critic_rating'
+p413
+S'best'
+p414
+sS'date'
+p415
+S'tonight'
+p416
+sS'state'
+p417
+S'washington'
+p418
+sS'other'
+p419
+S'date'
+p420
+sS'starttime'
+p421
+S'between 9 and 10'
+p422
+sS'genre'
+p423
+S'romance'
+p424
+ssa(dp425
+g3
+(dp426
+g171
+g6
+sS'ticket'
+p427
+g6
+sS'moviename'
+p428
+g6
+ssg7
+g8
+sg9
+(dp429
+S'city'
+p430
+S'carbondale'
+p431
+sS'numberofpeople'
+p432
+S'4'
+sS'greeting'
+p433
+S'hi'
+p434
+sS'date'
+p435
+S'tuesday'
+p436
+sS'state'
+p437
+S'illinois'
+p438
+sS'other'
+p439
+S'scary'
+p440
+sS'starttime'
+p441
+S'before dinner'
+p442
+sS'genre'
+p443
+S'thriller'
+p444
+ssa(dp445
+g3
+(dp446
+S'ticket'
+p447
+g6
+ssg7
+g8
+sg9
+(dp448
+S'city'
+p449
+S'seattle'
+p450
+sS'numberofpeople'
+p451
+S'6'
+sS'theater'
+p452
+S'amc lowes oak tree'
+p453
+sS'starttime'
+p454
+S'7:10 pm'
+p455
+sS'date'
+p456
+S'tomorrow'
+p457
+sS'moviename'
+p458
+S'triple 9'
+p459
+ssa(dp460
+g3
+(dp461
+S'ticket'
+p462
+g6
+ssg7
+g8
+sg9
+(dp463
+S'city'
+p464
+S'seattle'
+p465
+sS'numberofpeople'
+p466
+S'2'
+sS'theater'
+p467
+S'regal meridian 16'
+p468
+sS'starttime'
+p469
+S'9:10 pm'
+p470
+sS'date'
+p471
+S'tomorrow'
+p472
+sS'moviename'
+p473
+S'zootopia'
+p474
+ssa(dp475
+g3
+(dp476
+g270
+g6
+sg64
+g6
+ssg7
+g8
+sg9
+(dp477
+S'moviename'
+p478
+S'deadpool'
+p479
+sS'numberofpeople'
+p480
+S'2'
+sS'theater'
+p481
+S'royal oak emagine theater'
+p482
+sS'greeting'
+p483
+S'there'
+p484
+sS'starttime'
+p485
+S'betwenn 8-10 pm'
+p486
+ssa(dp487
+g3
+(dp488
+g64
+g6
+ssg7
+g8
+sg9
+(dp489
+S'city'
+p490
+S'birmingham'
+p491
+sS'numberofpeople'
+p492
+S'2'
+sS'theater'
+p493
+S'carmike summit 16'
+p494
+sS'state'
+p495
+S'al'
+p496
+sS'starttime'
+p497
+S'4 pm'
+p498
+sS'date'
+p499
+S'today'
+p500
+sS'moviename'
+p501
+S'deadpool'
+p502
+ssa(dp503
+g3
+(dp504
+g270
+g6
+sg64
+g6
+ssg7
+g8
+sg9
+(dp505
+S'city'
+p506
+S'los angeles'
+p507
+sS'numberofpeople'
+p508
+S'1'
+sS'moviename'
+p509
+S'The Witch'
+p510
+sS'theater'
+p511
+S'Regal LA LIVE Stadium 14'
+p512
+sS'starttime'
+p513
+S'11pm'
+p514
+ssa(dp515
+g3
+(dp516
+S'ticket'
+p517
+g6
+ssg7
+g8
+sg9
+(dp518
+S'city'
+p519
+S'seattle'
+p520
+sS'numberofpeople'
+p521
+S'2'
+sS'theater'
+p522
+S'regal meridian 16'
+p523
+sS'starttime'
+p524
+S'8:45 pm'
+p525
+sS'date'
+p526
+S'tomorrow'
+p527
+sS'moviename'
+p528
+S'the big short'
+p529
+ssa(dp530
+g3
+(dp531
+g270
+g6
+sg354
+g6
+sS'theater'
+p532
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp533
+S'distanceconstraints'
+p534
+S'space needle'
+p535
+sg68
+S'3'
+sS'other'
+p536
+S'beer'
+p537
+ssa(dp538
+g3
+(dp539
+S'ticket'
+p540
+g6
+ssg7
+g8
+sg9
+(dp541
+S'city'
+p542
+S'seattle'
+p543
+sS'numberofpeople'
+p544
+S'2'
+sS'theater'
+p545
+S'regal meridian 16'
+p546
+sS'starttime'
+p547
+S'8:45 pm'
+p548
+sS'date'
+p549
+S'tomorrow'
+p550
+sS'moviename'
+p551
+S'the big short'
+p552
+ssa(dp553
+g3
+(dp554
+g171
+g6
+sS'ticket'
+p555
+g6
+sS'moviename'
+p556
+g6
+ssg7
+g8
+sg9
+(dp557
+S'city'
+p558
+S'detroit'
+p559
+sS'numberofpeople'
+p560
+S'3'
+sS'greeting'
+p561
+S'hi'
+p562
+sS'date'
+p563
+S'tonight'
+p564
+sS'mpaa_rating'
+p565
+S'pg13'
+p566
+sS'starttime'
+p567
+S'around 7pm'
+p568
+sS'genre'
+p569
+S'action'
+p570
+ssa(dp571
+g3
+(dp572
+S'ticket'
+p573
+g6
+ssg7
+g8
+sg9
+(dp574
+S'city'
+p575
+S'seattle'
+p576
+sS'numberofpeople'
+p577
+S'2'
+sS'theater'
+p578
+S'regal meridian 16'
+p579
+sS'starttime'
+p580
+S'9:10 pm'
+p581
+sS'date'
+p582
+S'tomorrow'
+p583
+sS'moviename'
+p584
+S'zootopia'
+p585
+ssa(dp586
+g3
+(dp587
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp588
+S'city'
+p589
+S'stony brook'
+p590
+sS'numberofpeople'
+p591
+S'3'
+sS'numberofkids'
+p592
+S'1'
+sS'state'
+p593
+S'ny'
+p594
+sS'starttime'
+p595
+S'1:45pm'
+p596
+sS'date'
+p597
+S'saturday'
+p598
+sS'moviename'
+p599
+S' Young Messiah'
+p600
+ssa(dp601
+g3
+(dp602
+S'ticket'
+p603
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp604
+S'date'
+p605
+S'next friday'
+p606
+sS'numberofpeople'
+p607
+S'4'
+sS'moviename'
+p608
+S'eddie the eagle'
+p609
+sS'starttime'
+p610
+S'4:20'
+p611
+sS'zip'
+p612
+S'94952'
+p613
+ssa(dp614
+g3
+(dp615
+S'starttime'
+p616
+g6
+ssg7
+g8
+sg9
+(dp617
+S'date'
+p618
+S'tomorrow'
+p619
+sS'moviename'
+p620
+S'risen'
+p621
+sS'numberofpeople'
+p622
+S'two'
+p623
+sS'theater'
+p624
+S'regency commerce 14'
+p625
+ssa(dp626
+g3
+(dp627
+S'ticket'
+p628
+g6
+ssg7
+g8
+sg9
+(dp629
+S'city'
+p630
+S'seattle'
+p631
+sS'numberofpeople'
+p632
+S'2'
+sS'theater'
+p633
+S'regal meridian 16'
+p634
+sS'starttime'
+p635
+S'9:25 pm'
+p636
+sS'date'
+p637
+S'tomorrow'
+p638
+sS'moviename'
+p639
+S'zoolander 2'
+p640
+ssa(dp641
+g3
+(dp642
+S'ticket'
+p643
+g6
+ssg7
+g8
+sg9
+(dp644
+S'city'
+p645
+S'seattle'
+p646
+sS'numberofpeople'
+p647
+S'2'
+sS'theater'
+p648
+S'amc pacific place 11 theater'
+p649
+sS'starttime'
+p650
+S'9:00 pm'
+p651
+sS'date'
+p652
+S'tomorrow'
+p653
+sS'moviename'
+p654
+S'deadpool'
+p655
+ssa(dp656
+g3
+(dp657
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp658
+S'city'
+p659
+S'seattle'
+p660
+sS'numberofpeople'
+p661
+S'2'
+sS'distanceconstraints'
+p662
+S'east side'
+p663
+sS'starttime'
+p664
+S'around 2pm'
+p665
+sS'date'
+p666
+S'saturday'
+p667
+sS'moviename'
+p668
+S'zootopia'
+p669
+ssa(dp670
+g3
+(dp671
+S'ticket'
+p672
+g6
+ssg7
+g8
+sg9
+(dp673
+S'city'
+p674
+S'seattle'
+p675
+sS'numberofpeople'
+p676
+S'2'
+sS'theater'
+p677
+S'regal meridian 16'
+p678
+sS'starttime'
+p679
+S'9:30 pm'
+p680
+sS'date'
+p681
+S'tomorrow'
+p682
+sS'moviename'
+p683
+S'the witch'
+p684
+ssa(dp685
+g3
+(dp686
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp687
+S'city'
+p688
+S'tampa'
+p689
+sS'numberofpeople'
+p690
+S'4'
+sS'video_format'
+p691
+S'standard'
+p692
+sS'state'
+p693
+S'fl'
+p694
+sS'starttime'
+p695
+S'3:30'
+p696
+sS'date'
+p697
+S'saturday'
+p698
+sS'moviename'
+p699
+S'zootopia'
+p700
+ssa(dp701
+g3
+(dp702
+g171
+g6
+sS'moviename'
+p703
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp704
+S'city'
+p705
+S'seattle'
+p706
+sg68
+S'3'
+sS'distanceconstraints'
+p707
+S'downtown'
+p708
+sS'critic_rating'
+p709
+S'best'
+p710
+sS'greeting'
+p711
+S'hi'
+p712
+sS'other'
+p713
+S'restaurant'
+p714
+sS'date'
+p715
+S'weekend'
+p716
+ssa(dp717
+g3
+(dp718
+S'moviename'
+p719
+g6
+ssg7
+g8
+sg9
+(dp720
+S'city'
+p721
+S'birmingham'
+p722
+sS'numberofpeople'
+p723
+S'3'
+sS'theater'
+p724
+S'carmike summit 16'
+p725
+sS'date'
+p726
+S'saturday'
+p727
+sS'state'
+p728
+S'al'
+p729
+sS'starttime'
+p730
+S'2:15pm'
+p731
+sS'genre'
+p732
+S'family friendly'
+p733
+ssa(dp734
+g3
+(dp735
+g270
+g6
+sS'theater'
+p736
+g6
+sS'ticket'
+p737
+g6
+sS'moviename'
+p738
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp739
+S'genre'
+p740
+S'drama'
+p741
+sS'city'
+p742
+S'seattle'
+p743
+sg68
+S'1'
+sS'greeting'
+p744
+S'hello'
+p745
+ssa(dp746
+g3
+(dp747
+S'date'
+p748
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp749
+g68
+S'1'
+sS'moviename'
+p750
+S'Finding Dory'
+p751
+sS'description'
+p752
+S'is still playing in theaters'
+p753
+ssa(dp754
+g3
+(dp755
+S'ticket'
+p756
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp757
+S'numberofpeople'
+p758
+S'two'
+p759
+sS'distanceconstraints'
+p760
+S'close to 95833'
+p761
+sS'video_format'
+p762
+S'3d'
+p763
+sS'starttime'
+p764
+S'2:15pm'
+p765
+sS'date'
+p766
+S'tomorrow'
+p767
+sS'moviename'
+p768
+S'zoology'
+p769
+ssa(dp770
+g3
+(dp771
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp772
+S'city'
+p773
+S'seattle'
+p774
+sS'numberofpeople'
+p775
+S'9'
+sS'greeting'
+p776
+S'hey'
+p777
+sS'starttime'
+p778
+S'10pm'
+p779
+sS'date'
+p780
+S'tonight'
+p781
+sS'moviename'
+p782
+S'deadpool'
+p783
+ssa(dp784
+g3
+(dp785
+g270
+g6
+sg64
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp786
+g68
+S'1'
+sS'other'
+p787
+S'mexican restaurant'
+p788
+sS'moviename'
+p789
+S'batman'
+p790
+sS'greeting'
+p791
+S'hi'
+p792
+ssa(dp793
+g3
+(dp794
+g64
+g6
+ssg7
+g8
+sg9
+(dp795
+S'city'
+p796
+S'seattle'
+p797
+sS'numberofpeople'
+p798
+S'2'
+sS'theater'
+p799
+S'amc lowes oak tree 6'
+p800
+sS'starttime'
+p801
+S'4:50 pm'
+p802
+sS'date'
+p803
+S'tomorrow'
+p804
+sS'moviename'
+p805
+S'race'
+p806
+ssa(dp807
+g3
+(dp808
+g171
+g6
+sS'starttime'
+p809
+g6
+ssg7
+g8
+sg9
+(dp810
+S'date'
+p811
+S'tomorrow'
+p812
+sS'city'
+p813
+S'hamilton'
+p814
+sS'state'
+p815
+S'nj'
+p816
+sS'numberofpeople'
+p817
+S'2'
+sS'moviename'
+p818
+S'deadpool'
+p819
+ssa(dp820
+g3
+(dp821
+S'ticket'
+p822
+g6
+ssg7
+g8
+sg9
+(dp823
+S'city'
+p824
+S'seattle'
+p825
+sS'numberofpeople'
+p826
+S'2'
+sS'theater'
+p827
+S'amc lowes oak tree 6'
+p828
+sS'starttime'
+p829
+S'7:15 pm'
+p830
+sS'date'
+p831
+S'tomorrow'
+p832
+sS'moviename'
+p833
+S'hail caesar'
+p834
+ssa(dp835
+g3
+(dp836
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp837
+S'city'
+p838
+S'birmingham'
+p839
+sS'numberofpeople'
+p840
+S'2'
+sS'video_format'
+p841
+S'standard'
+p842
+sS'state'
+p843
+S'al'
+p844
+sS'starttime'
+p845
+S'around 4pm'
+p846
+sS'date'
+p847
+S'today'
+p848
+sS'moviename'
+p849
+S'zootopia'
+p850
+ssa(dp851
+g3
+(dp852
+S'theater'
+p853
+g6
+ssg7
+g8
+sg9
+(dp854
+S'city'
+p855
+S'seattle'
+p856
+sS'numberofpeople'
+p857
+S'2'
+sS'numberofkids'
+p858
+S'no'
+p859
+sS'video_format'
+p860
+S'3d'
+p861
+sS'state'
+p862
+S'wa'
+p863
+sS'starttime'
+p864
+S'8'
+sS'date'
+p865
+S'tomorrow'
+p866
+sS'moviename'
+p867
+S'zootopia'
+p868
+ssa(dp869
+g3
+(dp870
+g171
+g6
+sS'moviename'
+p871
+g6
+ssg7
+g8
+sg9
+(dp872
+S'city'
+p873
+S'seattle'
+p874
+sS'numberofpeople'
+p875
+S'2'
+sS'zip'
+p876
+S'70070'
+p877
+sS'date'
+p878
+S'tomorrow'
+p879
+sS'starttime'
+p880
+S'5pm'
+p881
+sS'genre'
+p882
+S'funny'
+p883
+ssa(dp884
+g3
+(dp885
+S'ticket'
+p886
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp887
+S'city'
+p888
+S'nashville'
+p889
+sS'numberofpeople'
+p890
+S'2'
+sS'state'
+p891
+S'tn'
+p892
+sS'starttime'
+p893
+S'around 8 pm'
+p894
+sS'date'
+p895
+S'tomorrow evening'
+p896
+sS'moviename'
+p897
+S'revenant'
+p898
+ssa(dp899
+g3
+(dp900
+g171
+g6
+sS'ticket'
+p901
+g6
+sg354
+g6
+ssg7
+g8
+sg9
+(dp902
+S'city'
+p903
+S'seattle'
+p904
+sS'numberofpeople'
+p905
+S'2'
+sS'date'
+p906
+S'tomorrow'
+p907
+sS'other'
+p908
+S'best restaurant'
+p909
+sS'starttime'
+p910
+S'7:00 pm'
+p911
+sS'theater_chain'
+p912
+S'amc pacific place 11'
+p913
+ssa(dp914
+g3
+(dp915
+g171
+g6
+sS'moviename'
+p916
+g6
+ssg7
+g8
+sg9
+(dp917
+S'city'
+p918
+S'st louis'
+p919
+sS'numberofpeople'
+p920
+S'2'
+sS'numberofkids'
+p921
+S'2'
+sS'date'
+p922
+S'thursday'
+p923
+sS'starttime'
+p924
+S'130pm'
+p925
+sS'genre'
+p926
+S'kids'
+p927
+ssa(dp928
+g3
+(dp929
+g171
+g6
+sS'moviename'
+p930
+g6
+ssg7
+g8
+sg9
+(dp931
+g68
+S'4'
+sS'zip'
+p932
+S'90601'
+p933
+sS'distanceconstraints'
+p934
+S'closest'
+p935
+sS'date'
+p936
+S'next saturday'
+p937
+sS'starttime'
+p938
+S'closest to noon'
+p939
+sS'genre'
+p940
+S'action'
+p941
+ssa(dp942
+g3
+(dp943
+S'ticket'
+p944
+g6
+ssg7
+g8
+sg9
+(dp945
+S'city'
+p946
+S'seattle'
+p947
+sS'numberofpeople'
+p948
+S'2'
+sS'theater'
+p949
+S'regal meridian 16'
+p950
+sS'starttime'
+p951
+S'9:25 pm'
+p952
+sS'date'
+p953
+S'tomorrow'
+p954
+sS'moviename'
+p955
+S'zoolander 2'
+p956
+ssa(dp957
+g3
+(dp958
+S'ticket'
+p959
+g6
+sS'theater'
+p960
+g6
+ssg7
+g8
+sg9
+(dp961
+S'city'
+p962
+S'southeast portland'
+p963
+sS'numberofpeople'
+p964
+S'4'
+sS'state'
+p965
+S'oregon'
+p966
+sS'other'
+p967
+S'little late'
+p968
+sS'starttime'
+p969
+S'anytime after 7pm'
+p970
+sS'date'
+p971
+S'Tuesday the 8th'
+p972
+sS'moviename'
+p973
+S'star wars the force awakens'
+p974
+ssa(dp975
+g3
+(dp976
+S'ticket'
+p977
+g6
+sS'theater'
+p978
+g6
+ssg7
+g8
+sg9
+(dp979
+S'city'
+p980
+S'seattle'
+p981
+sS'numberofpeople'
+p982
+S'4'
+sS'state'
+p983
+S'wa'
+p984
+sS'starttime'
+p985
+S'10:20'
+p986
+sS'date'
+p987
+S'tonight'
+p988
+sS'moviename'
+p989
+S'zootopia'
+p990
+ssa(dp991
+g3
+(dp992
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp993
+S'city'
+p994
+S'seattle'
+p995
+sS'numberofpeople'
+p996
+S'9'
+sS'greeting'
+p997
+S'hey'
+p998
+sS'starttime'
+p999
+S'10pm'
+p1000
+sS'date'
+p1001
+S'tonight'
+p1002
+sS'moviename'
+p1003
+S'deadpool'
+p1004
+ssa(dp1005
+g3
+(dp1006
+g270
+g6
+sg171
+g6
+sg64
+g6
+sg354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1007
+S'distanceconstraints'
+p1008
+S'near space needle'
+p1009
+sg68
+S'5'
+sS'other'
+p1010
+S'pub'
+p1011
+ssa(dp1012
+g3
+(dp1013
+S'ticket'
+p1014
+g6
+ssg7
+g8
+sg9
+(dp1015
+S'city'
+p1016
+S'birmingham'
+p1017
+sg68
+S'5'
+sS'theater'
+p1018
+S'carmike summit 16'
+p1019
+sS'state'
+p1020
+S'al'
+p1021
+sS'starttime'
+p1022
+S'2pm'
+p1023
+sS'date'
+p1024
+S'saturday'
+p1025
+sS'moviename'
+p1026
+S'deadpool'
+p1027
+ssa(dp1028
+g3
+(dp1029
+g171
+g6
+sS'moviename'
+p1030
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1031
+S'city'
+p1032
+S'seattle'
+p1033
+sg68
+S'5'
+sS'distanceconstraints'
+p1034
+S'downtown'
+p1035
+sS'critic_rating'
+p1036
+S'good'
+p1037
+sS'greeting'
+p1038
+S'hi'
+p1039
+sS'other'
+p1040
+S'restaurant'
+p1041
+sS'mpaa_rating'
+p1042
+S'best'
+p1043
+sS'date'
+p1044
+S'this weekend'
+p1045
+ssa(dp1046
+g3
+(dp1047
+S'ticket'
+p1048
+g6
+ssg7
+g8
+sg9
+(dp1049
+S'city'
+p1050
+S'miami'
+p1051
+sS'numberofpeople'
+p1052
+S'3'
+sS'theater'
+p1053
+S'cobb dolphin cinemas'
+p1054
+sS'distanceconstraints'
+p1055
+S'south beach'
+p1056
+sS'state'
+p1057
+S'florida'
+p1058
+sS'starttime'
+p1059
+S'9:05'
+p1060
+sS'date'
+p1061
+S'tonight'
+p1062
+sS'moviename'
+p1063
+S'whiskey tango foxtrot'
+p1064
+ssa(dp1065
+g3
+(dp1066
+g171
+g6
+sS'moviename'
+p1067
+g6
+ssg7
+g8
+sg9
+(dp1068
+S'theater_chain'
+p1069
+S'amc'
+p1070
+sg68
+S'3'
+sS'city'
+p1071
+S'seattle'
+p1072
+sS'date'
+p1073
+S'this week'
+p1074
+sS'starttime'
+p1075
+S'9:30 pm'
+p1076
+sS'genre'
+p1077
+S'action'
+p1078
+ssa(dp1079
+g3
+(dp1080
+g270
+g6
+sg171
+g6
+sS'moviename'
+p1081
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1082
+S'genre'
+p1083
+S'scary'
+p1084
+sS'city'
+p1085
+S'chicago'
+p1086
+sS'state'
+p1087
+S'il'
+p1088
+sg68
+S'1'
+sS'greeting'
+p1089
+S'hi'
+p1090
+ssa(dp1091
+g3
+(dp1092
+g171
+g6
+sS'moviename'
+p1093
+g6
+ssg7
+g8
+sg9
+(dp1094
+S'city'
+p1095
+S'nyc'
+p1096
+sg68
+S'4'
+sS'zip'
+p1097
+S'10035'
+p1098
+sS'date'
+p1099
+S'today'
+p1100
+sS'starttime'
+p1101
+S'7:00pm'
+p1102
+sS'genre'
+p1103
+S'horror'
+p1104
+ssa(dp1105
+g3
+(dp1106
+S'ticket'
+p1107
+g6
+ssg7
+g8
+sg9
+(dp1108
+S'city'
+p1109
+S'sacramento'
+p1110
+sS'numberofpeople'
+p1111
+S'two'
+p1112
+sS'theater'
+p1113
+S'Natomas Marketplace Stadium'
+p1114
+sS'starttime'
+p1115
+S'5:25pm'
+p1116
+sS'date'
+p1117
+S'tomorrow'
+p1118
+sS'moviename'
+p1119
+S'gods of egypt'
+p1120
+ssa(dp1121
+g3
+(dp1122
+S'moviename'
+p1123
+g6
+ssg7
+g8
+sg9
+(dp1124
+S'city'
+p1125
+S'pittsburgh'
+p1126
+sS'numberofpeople'
+p1127
+S'two'
+p1128
+sS'theater'
+p1129
+S'richland cinemas'
+p1130
+sS'critic_rating'
+p1131
+S'good'
+p1132
+sS'genre'
+p1133
+S'showing'
+p1134
+sS'state'
+p1135
+S'pa'
+p1136
+sS'starttime'
+p1137
+S'night'
+p1138
+sS'date'
+p1139
+S'3/9/2016'
+p1140
+ssa(dp1141
+g3
+(dp1142
+g171
+g6
+sS'moviename'
+p1143
+g6
+ssg7
+g8
+sg9
+(dp1144
+S'city'
+p1145
+S'south barrington'
+p1146
+sS'numberofpeople'
+p1147
+S'2'
+sS'distanceconstraints'
+p1148
+S'south barrington'
+p1149
+sS'greeting'
+p1150
+S'hello'
+p1151
+sS'date'
+p1152
+S'march 12th'
+p1153
+sS'state'
+p1154
+S'il'
+p1155
+sS'starttime'
+p1156
+S'9pm'
+p1157
+sS'genre'
+p1158
+S'horror'
+p1159
+sS'moviename'
+p1160
+S'the witch'
+p1161
+ssa(dp1162
+g3
+(dp1163
+S'ticket'
+p1164
+g6
+ssg7
+g8
+sg9
+(dp1165
+S'city'
+p1166
+S'los angeles'
+p1167
+sS'numberofpeople'
+p1168
+S'3'
+sS'theater'
+p1169
+S'regal la stadium 14'
+p1170
+sS'starttime'
+p1171
+S'12:45pm'
+p1172
+sS'date'
+p1173
+S'tomorrow'
+p1174
+sS'moviename'
+p1175
+S'10 cloverfield lane'
+p1176
+ssa(dp1177
+g3
+(dp1178
+S'ticket'
+p1179
+g6
+sS'theater'
+p1180
+g6
+ssg7
+g8
+sg9
+(dp1181
+S'city'
+p1182
+S'seattle'
+p1183
+sS'numberofpeople'
+p1184
+S'2'
+sS'distanceconstraints'
+p1185
+S'near me'
+p1186
+sS'critic_rating'
+p1187
+S'good'
+p1188
+sS'video_format'
+p1189
+S'3d'
+p1190
+sS'state'
+p1191
+S'wa'
+p1192
+sS'other'
+p1193
+S'restaurant'
+p1194
+sS'starttime'
+p1195
+S'7:30'
+p1196
+sS'date'
+p1197
+S'tomorrow'
+p1198
+sS'moviename'
+p1199
+S'zootopia'
+p1200
+ssa(dp1201
+g3
+(dp1202
+S'theater'
+p1203
+g6
+ssg7
+g8
+sg9
+(dp1204
+S'city'
+p1205
+S'seattle'
+p1206
+sS'numberofpeople'
+p1207
+S'2'
+sS'distanceconstraints'
+p1208
+S'south side'
+p1209
+sS'video_format'
+p1210
+S'imax 3d'
+p1211
+sS'state'
+p1212
+S'wa'
+p1213
+sS'starttime'
+p1214
+S'7:30'
+p1215
+sS'date'
+p1216
+S'this evening'
+p1217
+sS'moviename'
+p1218
+S'zootopia'
+p1219
+ssa(dp1220
+g3
+(dp1221
+S'starttime'
+p1222
+g6
+ssg7
+g8
+sg9
+(dp1223
+S'date'
+p1224
+S'tonight'
+p1225
+sS'city'
+p1226
+S'dallas'
+p1227
+sS'numberofpeople'
+p1228
+S'two'
+p1229
+sS'theater'
+p1230
+S'alamo draft house'
+p1231
+sS'moviename'
+p1232
+S'deadpool'
+p1233
+ssa(dp1234
+g3
+(dp1235
+g64
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1236
+S'date'
+p1237
+S'tonight'
+p1238
+sS'city'
+p1239
+S'st louis park'
+p1240
+sS'state'
+p1241
+S'mn'
+p1242
+sg68
+S'4'
+sS'moviename'
+p1243
+S'deadpool'
+p1244
+ssa(dp1245
+g3
+(dp1246
+S'ticket'
+p1247
+g6
+ssg7
+g8
+sg9
+(dp1248
+S'city'
+p1249
+S'seattle'
+p1250
+sS'numberofpeople'
+p1251
+S'2'
+sS'theater'
+p1252
+S'regal meridian 16'
+p1253
+sS'starttime'
+p1254
+S'9:25 pm'
+p1255
+sS'date'
+p1256
+S'tomorrow'
+p1257
+sS'moviename'
+p1258
+S'zoolander 2'
+p1259
+ssa(dp1260
+g3
+(dp1261
+S'starttime'
+p1262
+g6
+ssg7
+g8
+sg9
+(dp1263
+S'date'
+p1264
+S'tomorrow'
+p1265
+sS'moviename'
+p1266
+S'risen'
+p1267
+sS'numberofpeople'
+p1268
+S'two'
+p1269
+sS'theater'
+p1270
+S'regency commerce 14'
+p1271
+ssa(dp1272
+g3
+(dp1273
+g270
+g6
+sg354
+g6
+sS'theater'
+p1274
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1275
+g68
+S'5'
+sS'other'
+p1276
+S'look up date'
+p1277
+ssa(dp1278
+g3
+(dp1279
+g64
+g6
+ssg7
+g8
+sg9
+(dp1280
+S'city'
+p1281
+S'portland'
+p1282
+sS'numberofpeople'
+p1283
+S'2'
+sS'theater'
+p1284
+S'regal lloyd center 10'
+p1285
+sS'state'
+p1286
+S'oregon'
+p1287
+sS'starttime'
+p1288
+S'6:25'
+p1289
+sS'date'
+p1290
+S'this friday'
+p1291
+sS'moviename'
+p1292
+S'star wars'
+p1293
+ssa(dp1294
+g3
+(dp1295
+g64
+g6
+ssg7
+g8
+sg9
+(dp1296
+S'city'
+p1297
+S'portland'
+p1298
+sS'numberofpeople'
+p1299
+S'4'
+sS'theater'
+p1300
+S'regal pioneer place'
+p1301
+sS'video_format'
+p1302
+S'standard'
+p1303
+sS'state'
+p1304
+S'oregon'
+p1305
+sS'starttime'
+p1306
+S'after 5 pm'
+p1307
+sS'date'
+p1308
+S'friday'
+p1309
+sS'moviename'
+p1310
+S'zootopia'
+p1311
+ssa(dp1312
+g3
+(dp1313
+S'critic_rating'
+p1314
+g6
+sS'ticket'
+p1315
+g6
+sS'moviename'
+p1316
+g6
+ssg7
+g8
+sg9
+(dp1317
+S'city'
+p1318
+S'seattle'
+p1319
+sS'numberofpeople'
+p1320
+S'two'
+p1321
+sS'theater'
+p1322
+S'regal meridian 16'
+p1323
+sS'greeting'
+p1324
+S'hello'
+p1325
+sS'starttime'
+p1326
+S'9:20'
+p1327
+sS'date'
+p1328
+S'tonight'
+p1329
+ssa(dp1330
+g3
+(dp1331
+S'ticket'
+p1332
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1333
+S'date'
+p1334
+S'tonight'
+p1335
+sS'city'
+p1336
+S'seattle'
+p1337
+sS'numberofpeople'
+p1338
+S'2'
+sS'moviename'
+p1339
+S'zootopia'
+p1340
+sS'other'
+p1341
+S'Master User'
+p1342
+ssa(dp1343
+g3
+(dp1344
+g64
+g6
+ssg7
+g8
+sg9
+(dp1345
+S'city'
+p1346
+S'portland'
+p1347
+sS'numberofpeople'
+p1348
+S'2 adult'
+p1349
+sS'theater'
+p1350
+S'century 16 EASTPORT PLAZA'
+p1351
+sS'state'
+p1352
+S'oregon'
+p1353
+sS'starttime'
+p1354
+S'10 pm'
+p1355
+sS'date'
+p1356
+S'friday'
+p1357
+sS'moviename'
+p1358
+S'star wars'
+p1359
+ssa(dp1360
+g3
+(dp1361
+S'ticket'
+p1362
+g6
+ssg7
+g8
+sg9
+(dp1363
+S'city'
+p1364
+S'seattle'
+p1365
+sS'numberofpeople'
+p1366
+S'2'
+sS'theater'
+p1367
+S'regal meridian 16'
+p1368
+sS'starttime'
+p1369
+S'9:10 pm'
+p1370
+sS'date'
+p1371
+S'tomorrow'
+p1372
+sS'moviename'
+p1373
+S'zootopia'
+p1374
+ssa(dp1375
+g3
+(dp1376
+S'ticket'
+p1377
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1378
+S'date'
+p1379
+S'tonight'
+p1380
+sS'city'
+p1381
+S'seattle'
+p1382
+sS'numberofpeople'
+p1383
+S'2'
+sS'moviename'
+p1384
+S'zootopia'
+p1385
+sS'other'
+p1386
+S'master user'
+p1387
+ssa(dp1388
+g3
+(dp1389
+S'ticket'
+p1390
+g6
+ssg7
+g8
+sg9
+(dp1391
+S'city'
+p1392
+S'seattle'
+p1393
+sS'numberofpeople'
+p1394
+S'2'
+sS'theater'
+p1395
+S'regal meridian 16'
+p1396
+sS'starttime'
+p1397
+S'8:45 pm'
+p1398
+sS'date'
+p1399
+S'tomorrow'
+p1400
+sS'moviename'
+p1401
+S'hail caesar'
+p1402
+ssa(dp1403
+g3
+(dp1404
+S'theater'
+p1405
+g6
+ssg7
+g8
+sg9
+(dp1406
+S'city'
+p1407
+S'Monroe'
+p1408
+sS'numberofpeople'
+p1409
+S'2'
+sS'zip'
+p1410
+S'98272'
+p1411
+sS'distanceconstraints'
+p1412
+S'near me'
+p1413
+sS'greeting'
+p1414
+S'hi'
+p1415
+sS'state'
+p1416
+S'wa'
+p1417
+sS'starttime'
+p1418
+S'around 8pm'
+p1419
+sS'date'
+p1420
+S'tonight'
+p1421
+sS'moviename'
+p1422
+S'kung fu panda 3'
+p1423
+ssa(dp1424
+g3
+(dp1425
+S'theater'
+p1426
+g6
+ssg7
+g8
+sg9
+(dp1427
+S'city'
+p1428
+S'cary'
+p1429
+sS'numberofpeople'
+p1430
+S'4'
+sS'video_format'
+p1431
+S'3d'
+p1432
+sS'state'
+p1433
+S'north carolina'
+p1434
+sS'mpaa_rating'
+p1435
+S'appropriate for the whole family'
+p1436
+sS'starttime'
+p1437
+S'around 6pm'
+p1438
+sS'date'
+p1439
+S'saturday'
+p1440
+sS'moviename'
+p1441
+S'zootopia'
+p1442
+ssa(dp1443
+g3
+(dp1444
+S'ticket'
+p1445
+g6
+ssg7
+g8
+sg9
+(dp1446
+S'city'
+p1447
+S'seattle'
+p1448
+sS'numberofpeople'
+p1449
+S'2'
+sS'theater'
+p1450
+S'regal meridian 16'
+p1451
+sS'starttime'
+p1452
+S'8:45 pm'
+p1453
+sS'date'
+p1454
+S'tomorrow'
+p1455
+sS'moviename'
+p1456
+S'hail caesar'
+p1457
+ssa(dp1458
+g3
+(dp1459
+g171
+g6
+sS'moviename'
+p1460
+g6
+ssg7
+g8
+sg9
+(dp1461
+S'city'
+p1462
+S'birmingham'
+p1463
+sS'numberofpeople'
+p1464
+S'2'
+sS'date'
+p1465
+S'today'
+p1466
+sS'state'
+p1467
+S'al'
+p1468
+sS'starttime'
+p1469
+S'around 2pm'
+p1470
+sS'genre'
+p1471
+S'action'
+p1472
+ssa(dp1473
+g3
+(dp1474
+S'ticket'
+p1475
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp1476
+S'date'
+p1477
+S'next sunday'
+p1478
+sS'numberofpeople'
+p1479
+S'two'
+p1480
+sS'moviename'
+p1481
+S'london has fallen'
+p1482
+sS'starttime'
+p1483
+S'between noon and 4pm'
+p1484
+sS'zip'
+p1485
+S'90602'
+p1486
+ssa(dp1487
+g3
+(dp1488
+S'ticket'
+p1489
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp1490
+S'numberofpeople'
+p1491
+S'two'
+p1492
+sS'zip'
+p1493
+S'90601'
+p1494
+sS'other'
+p1495
+S'two'
+p1496
+sS'starttime'
+p1497
+S'early'
+p1498
+sS'date'
+p1499
+S'tomorrow'
+p1500
+sS'moviename'
+p1501
+S'the witch'
+p1502
+ssa(dp1503
+g3
+(dp1504
+g171
+g6
+sS'ticket'
+p1505
+g6
+sS'moviename'
+p1506
+g6
+ssg7
+g8
+sg9
+(dp1507
+S'city'
+p1508
+S'Shiloh'
+p1509
+sS'numberofpeople'
+p1510
+S'2'
+sS'date'
+p1511
+S'Tuesday the 8th'
+p1512
+sS'state'
+p1513
+S'illinois'
+p1514
+sS'other'
+p1515
+S'check again'
+p1516
+sS'starttime'
+p1517
+S'between 2 and 4pm'
+p1518
+sS'genre'
+p1519
+S'romantic comedies'
+p1520
+ssa(dp1521
+g3
+(dp1522
+S'ticket'
+p1523
+g6
+ssg7
+g8
+sg9
+(dp1524
+S'city'
+p1525
+S'seattle'
+p1526
+sS'numberofpeople'
+p1527
+S'2'
+sS'theater'
+p1528
+S'regal meridian 16'
+p1529
+sS'starttime'
+p1530
+S'9:10 pm'
+p1531
+sS'date'
+p1532
+S'tomorrow'
+p1533
+sS'moviename'
+p1534
+S'zootopia'
+p1535
+ssa(dp1536
+g3
+(dp1537
+S'ticket'
+p1538
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1539
+S'date'
+p1540
+S'tomorrow night'
+p1541
+sS'city'
+p1542
+S'seattle'
+p1543
+sS'numberofpeople'
+p1544
+S'one'
+p1545
+sS'moviename'
+p1546
+S'zootopia'
+p1547
+ssa(dp1548
+g3
+(dp1549
+S'ticket'
+p1550
+g6
+sS'theater'
+p1551
+g6
+sS'starttime'
+p1552
+g6
+ssg7
+g8
+sg9
+(dp1553
+S'date'
+p1554
+S'tonight'
+p1555
+sS'city'
+p1556
+S'seattle'
+p1557
+sS'numberofpeople'
+p1558
+S'two'
+p1559
+sS'moviename'
+p1560
+S'deadpool'
+p1561
+ssa(dp1562
+g3
+(dp1563
+S'date'
+p1564
+g6
+sS'theater'
+p1565
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1566
+g68
+S'2'
+sS'moviename'
+p1567
+S'first'
+p1568
+ssa(dp1569
+g3
+(dp1570
+g64
+g6
+ssg7
+g8
+sg9
+(dp1571
+S'city'
+p1572
+S'birmingham'
+p1573
+sS'numberofpeople'
+p1574
+S'3'
+sS'theater'
+p1575
+S'carmike summit 16'
+p1576
+sS'video_format'
+p1577
+S'standard'
+p1578
+sS'date'
+p1579
+S'saturday'
+p1580
+sS'state'
+p1581
+S'alabama'
+p1582
+sS'starttime'
+p1583
+S'2:15pm'
+p1584
+sS'genre'
+p1585
+S'family friendly'
+p1586
+sS'moviename'
+p1587
+S'zootopia'
+p1588
+ssa(dp1589
+g3
+(dp1590
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp1591
+S'city'
+p1592
+S'seattle'
+p1593
+sS'numberofpeople'
+p1594
+S'2'
+sS'distanceconstraints'
+p1595
+S'east side'
+p1596
+sS'starttime'
+p1597
+S'around 2pm'
+p1598
+sS'date'
+p1599
+S'saturday'
+p1600
+sS'moviename'
+p1601
+S'zootopia'
+p1602
+ssa(dp1603
+g3
+(dp1604
+S'ticket'
+p1605
+g6
+sS'theater'
+p1606
+g6
+ssg7
+g8
+sg9
+(dp1607
+S'city'
+p1608
+S'seattle'
+p1609
+sS'numberofpeople'
+p1610
+S'4'
+sS'state'
+p1611
+S'wa'
+p1612
+sS'starttime'
+p1613
+S'10:20'
+p1614
+sS'date'
+p1615
+S'tonight'
+p1616
+sS'moviename'
+p1617
+S'zootopia'
+p1618
+ssa(dp1619
+g3
+(dp1620
+g270
+g6
+sS'ticket'
+p1621
+g6
+ssg7
+g8
+sg9
+(dp1622
+S'city'
+p1623
+S'albany'
+p1624
+sS'numberofpeople'
+p1625
+S'two'
+p1626
+sS'theater'
+p1627
+S'any'
+p1628
+sS'state'
+p1629
+S'ny'
+p1630
+sS'starttime'
+p1631
+S'soonest'
+p1632
+sS'moviename'
+p1633
+S'whiskey tango foxtrot'
+p1634
+ssa(dp1635
+g3
+(dp1636
+g171
+g6
+sS'moviename'
+p1637
+g6
+ssg7
+g8
+sg9
+(dp1638
+S'date'
+p1639
+S'friday'
+p1640
+sS'city'
+p1641
+S'portland'
+p1642
+sS'state'
+p1643
+S'oregon'
+p1644
+sS'numberofpeople'
+p1645
+S'2'
+sS'starttime'
+p1646
+S'10 o clock'
+p1647
+ssa(dp1648
+g3
+(dp1649
+g171
+g6
+sS'critic_rating'
+p1650
+g6
+sS'actor'
+p1651
+g6
+sg29
+g6
+sg270
+g6
+sS'moviename'
+p1652
+g6
+ssg7
+g8
+sg9
+(dp1653
+S'genre'
+p1654
+S'action'
+p1655
+sg68
+S'1'
+sS'greeting'
+p1656
+S'hello'
+p1657
+sS'description'
+p1658
+S'violence'
+p1659
+ssa(dp1660
+g3
+(dp1661
+g171
+g6
+sS'moviename'
+p1662
+g6
+ssg7
+g8
+sg9
+(dp1663
+S'city'
+p1664
+S'houma'
+p1665
+sS'numberofpeople'
+p1666
+S'4'
+sS'description'
+p1667
+S'good intelligent'
+p1668
+sS'greeting'
+p1669
+S'hi'
+p1670
+sS'genre'
+p1671
+S'comedy'
+p1672
+sS'state'
+p1673
+S'louisiana'
+p1674
+sS'starttime'
+p1675
+S'740'
+p1676
+sS'date'
+p1677
+S'9th'
+p1678
+ssa(dp1679
+g3
+(dp1680
+g171
+g6
+sS'moviename'
+p1681
+g6
+ssg7
+g8
+sg9
+(dp1682
+S'genre'
+p1683
+S'action'
+p1684
+sS'city'
+p1685
+S'la'
+p1686
+sS'numberofpeople'
+p1687
+S'4'
+sS'date'
+p1688
+S'tomorrow'
+p1689
+sS'starttime'
+p1690
+S'night'
+p1691
+ssa(dp1692
+g3
+(dp1693
+g270
+g6
+sg171
+g6
+sS'price'
+p1694
+g6
+sg354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1695
+S'distanceconstraints'
+p1696
+S'local theater'
+p1697
+sS'theater_chain'
+p1698
+S'century'
+p1699
+sS'state'
+p1700
+S'illinois'
+p1701
+sg68
+S'3'
+sS'city'
+p1702
+S'evanston'
+p1703
+ssa(dp1704
+g3
+(dp1705
+S'theater'
+p1706
+g6
+ssg7
+g8
+sg9
+(dp1707
+S'city'
+p1708
+S'Seattle'
+p1709
+sS'numberofpeople'
+p1710
+S'2'
+sS'video_format'
+p1711
+S'3d'
+p1712
+sS'state'
+p1713
+S'WA'
+p1714
+sS'starttime'
+p1715
+S'8'
+sS'date'
+p1716
+S'tomorrow night'
+p1717
+sS'moviename'
+p1718
+S'zootopia'
+p1719
+ssa(dp1720
+g3
+(dp1721
+g171
+g6
+sS'moviename'
+p1722
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1723
+S'date'
+p1724
+S'today'
+p1725
+sg68
+S'3'
+sS'greeting'
+p1726
+S'hello'
+p1727
+ssa(dp1728
+g3
+(dp1729
+S'moviename'
+p1730
+g6
+ssg7
+g8
+sg9
+(dp1731
+S'city'
+p1732
+S'madison heights'
+p1733
+sS'numberofpeople'
+p1734
+S'2'
+sS'theater'
+p1735
+S'any'
+p1736
+sS'zip'
+p1737
+S'48071'
+p1738
+sS'theater_chain'
+p1739
+S'amc star john r 15'
+p1740
+sS'state'
+p1741
+S'mi'
+p1742
+sS'other'
+p1743
+S'new release'
+p1744
+sS'starttime'
+p1745
+S'7'
+sS'date'
+p1746
+S'tonight'
+p1747
+ssa(dp1748
+g3
+(dp1749
+S'theater'
+p1750
+g6
+sS'moviename'
+p1751
+g6
+ssg7
+g8
+sg9
+(dp1752
+S'city'
+p1753
+S'carbondale'
+p1754
+sg68
+S'5'
+sS'greeting'
+p1755
+S'hi'
+p1756
+sS'date'
+p1757
+S'tomorrow'
+p1758
+sS'state'
+p1759
+S'illinois'
+p1760
+sS'starttime'
+p1761
+S'afternoon'
+p1762
+sS'genre'
+p1763
+S'action'
+p1764
+ssa(dp1765
+g3
+(dp1766
+S'moviename'
+p1767
+g6
+sS'theater'
+p1768
+g6
+ssg7
+g8
+sg9
+(dp1769
+S'city'
+p1770
+S'monroe'
+p1771
+sS'numberofpeople'
+p1772
+S'2'
+sS'zip'
+p1773
+S'98272'
+p1774
+sS'distanceconstraints'
+p1775
+S'near'
+p1776
+sS'state'
+p1777
+S'wa'
+p1778
+sS'starttime'
+p1779
+S'around 8pm'
+p1780
+sS'date'
+p1781
+S'tonight'
+p1782
+sS'moviename'
+p1783
+S'kung fu panda 3'
+p1784
+ssa(dp1785
+g3
+(dp1786
+g270
+g6
+sg171
+g6
+sS'starttime'
+p1787
+g6
+ssg7
+g8
+sg9
+(dp1788
+g68
+S'4'
+sS'moviename'
+p1789
+S'london has fallen'
+p1790
+ssa(dp1791
+g3
+(dp1792
+S'theater'
+p1793
+g6
+sS'moviename'
+p1794
+g6
+ssg7
+g8
+sg9
+(dp1795
+S'city'
+p1796
+S'seattle'
+p1797
+sg68
+S'1'
+sS'distanceconstraints'
+p1798
+S' seattle area'
+p1799
+sS'other'
+p1800
+S'place that serves seafood'
+p1801
+sS'starttime'
+p1802
+S'after 7:30pm'
+p1803
+sS'date'
+p1804
+S'friday'
+p1805
+ssa(dp1806
+g3
+(dp1807
+S'critic_rating'
+p1808
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp1809
+S'city'
+p1810
+S'birmingham'
+p1811
+sS'numberofpeople'
+p1812
+S'4'
+sS'date'
+p1813
+S'friday'
+p1814
+sS'state'
+p1815
+S'al'
+p1816
+sS'starttime'
+p1817
+S'8pm'
+p1818
+sS'genre'
+p1819
+S'action'
+p1820
+sS'moviename'
+p1821
+S'london has fallen'
+p1822
+ssa(dp1823
+g3
+(dp1824
+g270
+g6
+sS'theater'
+p1825
+g6
+sS'ticket'
+p1826
+g6
+sS'moviename'
+p1827
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1828
+S'genre'
+p1829
+S'drama'
+p1830
+sS'city'
+p1831
+S'seattle'
+p1832
+sS'numberofpeople'
+p1833
+S'one'
+p1834
+sS'greeting'
+p1835
+S'hello'
+p1836
+ssa(dp1837
+g3
+(dp1838
+g270
+g6
+sg64
+g6
+ssg7
+g8
+sg9
+(dp1839
+S'city'
+p1840
+S'Long Island'
+p1841
+sS'numberofpeople'
+p1842
+S'two'
+p1843
+sS'theater'
+p1844
+S'amc loews stony brook'
+p1845
+sS'state'
+p1846
+S'NY'
+p1847
+sS'starttime'
+p1848
+S'8:15am'
+p1849
+sS'moviename'
+p1850
+S'Deadpool'
+p1851
+ssa(dp1852
+g3
+(dp1853
+S'ticket'
+p1854
+g6
+sS'theater'
+p1855
+g6
+ssg7
+g8
+sg9
+(dp1856
+S'city'
+p1857
+S'portland'
+p1858
+sS'numberofpeople'
+p1859
+S'6'
+sS'state'
+p1860
+S'oregon'
+p1861
+sS'starttime'
+p1862
+S'after 6 pm'
+p1863
+sS'date'
+p1864
+S'saturday'
+p1865
+sS'moviename'
+p1866
+S'whiskey tango foxtrot'
+p1867
+ssa(dp1868
+g3
+(dp1869
+g270
+g6
+sg64
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1870
+g68
+S'4'
+sS'other'
+p1871
+S'worth watching'
+p1872
+sS'moviename'
+p1873
+S'deadpool'
+p1874
+ssa(dp1875
+g3
+(dp1876
+S'moviename'
+p1877
+g6
+ssg7
+g8
+sg9
+(dp1878
+S'city'
+p1879
+S'des moines'
+p1880
+sS'numberofpeople'
+p1881
+S'4'
+sS'theater'
+p1882
+S'any'
+p1883
+sS'state'
+p1884
+S'iowa'
+p1885
+sS'mpaa_rating'
+p1886
+S'pg'
+p1887
+sS'starttime'
+p1888
+S' around 7pm'
+p1889
+sS'date'
+p1890
+S'tomorrow'
+p1891
+ssa(dp1892
+g3
+(dp1893
+S'starttime'
+p1894
+g6
+ssg7
+g8
+sg9
+(dp1895
+S'city'
+p1896
+S'northern san francisco'
+p1897
+sS'numberofpeople'
+p1898
+S'3'
+sS'theater'
+p1899
+S'AMC Van Ness'
+p1900
+sS'video_format'
+p1901
+S'standard'
+p1902
+sS'date'
+p1903
+S'tomorrow'
+p1904
+sS'moviename'
+p1905
+S'Zootopia'
+p1906
+ssa(dp1907
+g3
+(dp1908
+S'ticket'
+p1909
+g6
+ssg7
+g8
+sg9
+(dp1910
+S'city'
+p1911
+S'seattle'
+p1912
+sS'numberofpeople'
+p1913
+S'2'
+sS'theater'
+p1914
+S'amc lowes oak tree 6'
+p1915
+sS'starttime'
+p1916
+S'4:25 pm'
+p1917
+sS'date'
+p1918
+S'tomorrow'
+p1919
+sS'moviename'
+p1920
+S'risen'
+p1921
+ssa(dp1922
+g3
+(dp1923
+g64
+g6
+ssg7
+g8
+sg9
+(dp1924
+S'city'
+p1925
+S'seattle'
+p1926
+sS'numberofpeople'
+p1927
+S'2'
+sS'theater'
+p1928
+S'regal crossroad'
+p1929
+sS'starttime'
+p1930
+S'7:15'
+p1931
+sS'date'
+p1932
+S'march 11th'
+p1933
+sS'moviename'
+p1934
+S'whiskey tango foxtrot'
+p1935
+ssa(dp1936
+g3
+(dp1937
+S'ticket'
+p1938
+g6
+ssg7
+g8
+sg9
+(dp1939
+S'city'
+p1940
+S'seattle'
+p1941
+sS'numberofpeople'
+p1942
+S'2'
+sS'theater'
+p1943
+S'pacific place 11 theater'
+p1944
+sS'date'
+p1945
+S'tomorrow'
+p1946
+sS'starttime'
+p1947
+S'9:30 pm'
+p1948
+sS'theater_chain'
+p1949
+S'amc'
+p1950
+sS'moviename'
+p1951
+S'room'
+p1952
+ssa(dp1953
+g3
+(dp1954
+g270
+g6
+sS'theater'
+p1955
+g6
+sS'moviename'
+p1956
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp1957
+S'city'
+p1958
+S'louis'
+p1959
+sg68
+S'5'
+sS'distanceconstraints'
+p1960
+S'near here'
+p1961
+sS'critic_rating'
+p1962
+S'nice'
+p1963
+sS'greeting'
+p1964
+S'hi'
+p1965
+sS'other'
+p1966
+S'subtitiles'
+p1967
+sS'genre'
+p1968
+S'foreign'
+p1969
+ssa(dp1970
+g3
+(dp1971
+S'theater'
+p1972
+g6
+sS'starttime'
+p1973
+g6
+ssg7
+g8
+sg9
+(dp1974
+S'date'
+p1975
+S'21-mar'
+p1976
+sS'city'
+p1977
+S'seattle'
+p1978
+sg68
+S'1'
+sS'moviename'
+p1979
+S'big'
+p1980
+sS'zip'
+p1981
+S'98121'
+p1982
+ssa(dp1983
+g3
+(dp1984
+S'ticket'
+p1985
+g6
+ssg7
+g8
+sg9
+(dp1986
+S'city'
+p1987
+S'norfolk'
+p1988
+sS'numberofpeople'
+p1989
+S'2'
+sS'theater'
+p1990
+S'regal'
+p1991
+sS'state'
+p1992
+S'virginia'
+p1993
+sS'starttime'
+p1994
+S'7pm'
+p1995
+sS'date'
+p1996
+S'march 12th'
+p1997
+sS'moviename'
+p1998
+S'london has fallen'
+p1999
+ssa(dp2000
+g3
+(dp2001
+S'ticket'
+p2002
+g6
+sS'moviename'
+p2003
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2004
+S'city'
+p2005
+S'seattle'
+p2006
+sS'numberofpeople'
+p2007
+S'three'
+p2008
+sS'theater'
+p2009
+S'regal meridian 16'
+p2010
+sS'greeting'
+p2011
+S'hey'
+p2012
+sS'other'
+p2013
+S'latest showing'
+p2014
+sS'date'
+p2015
+S'tonight'
+p2016
+ssa(dp2017
+g3
+(dp2018
+g171
+g6
+sS'moviename'
+p2019
+g6
+ssg7
+g8
+sg9
+(dp2020
+S'city'
+p2021
+S'st louis'
+p2022
+sS'numberofpeople'
+p2023
+S'2'
+sS'numberofkids'
+p2024
+S'2'
+sS'critic_rating'
+p2025
+S'good'
+p2026
+sS'genre'
+p2027
+S'kids'
+p2028
+sS'starttime'
+p2029
+S'130pm'
+p2030
+sS'date'
+p2031
+S'thursday'
+p2032
+ssa(dp2033
+g3
+(dp2034
+g270
+g6
+sg171
+g6
+sg64
+g6
+sg354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2035
+S'city'
+p2036
+S'seattle'
+p2037
+sg68
+S'3'
+sS'other'
+p2038
+S'Italian restaurant'
+p2039
+ssa(dp2040
+g3
+(dp2041
+S'ticket'
+p2042
+g6
+ssg7
+g8
+sg9
+(dp2043
+S'city'
+p2044
+S'seattle'
+p2045
+sS'numberofpeople'
+p2046
+S'2'
+sS'theater'
+p2047
+S'amc lowes oak tree 6'
+p2048
+sS'other'
+p2049
+S'restaurant'
+p2050
+sS'starttime'
+p2051
+S'7:25 pm'
+p2052
+sS'date'
+p2053
+S'tomorrow'
+p2054
+sS'moviename'
+p2055
+S'spotlight'
+p2056
+ssa(dp2057
+g3
+(dp2058
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2059
+S'date'
+p2060
+S'tomorrow'
+p2061
+sS'city'
+p2062
+S'los angeles'
+p2063
+sS'numberofpeople'
+p2064
+S'2'
+sS'moviename'
+p2065
+S'deadpool'
+p2066
+sS'starttime'
+p2067
+S'8pm'
+p2068
+ssa(dp2069
+g3
+(dp2070
+S'ticket'
+p2071
+g6
+ssg7
+g8
+sg9
+(dp2072
+S'city'
+p2073
+S'portland'
+p2074
+sS'numberofpeople'
+p2075
+S'2'
+sS'theater'
+p2076
+S'century Eastport 16'
+p2077
+sS'state'
+p2078
+S'oregon'
+p2079
+sS'starttime'
+p2080
+S'10 pm'
+p2081
+sS'date'
+p2082
+S'Saturday'
+p2083
+sS'moviename'
+p2084
+S'star wars'
+p2085
+ssa(dp2086
+g3
+(dp2087
+S'starttime'
+p2088
+g6
+ssg7
+g8
+sg9
+(dp2089
+S'city'
+p2090
+S'seattle'
+p2091
+sS'numberofpeople'
+p2092
+S'2'
+sS'theater'
+p2093
+S'pacific science center'
+p2094
+sS'zip'
+p2095
+S'98101'
+p2096
+sS'distanceconstraints'
+p2097
+S'near me'
+p2098
+sS'video_format'
+p2099
+S'standard'
+p2100
+sS'state'
+p2101
+S'wa'
+p2102
+sS'date'
+p2103
+S'tomorrow'
+p2104
+sS'moviename'
+p2105
+S'zootopia'
+p2106
+ssa(dp2107
+g3
+(dp2108
+g270
+g6
+sg171
+g6
+sS'ticket'
+p2109
+g6
+sg354
+g6
+sS'starttime'
+p2110
+g6
+ssg7
+g8
+sg9
+(dp2111
+S'city'
+p2112
+S'bellevue'
+p2113
+sg68
+S'5'
+sS'zip'
+p2114
+S'98119'
+p2115
+sS'distanceconstraints'
+p2116
+S'near'
+p2117
+sS'actor'
+p2118
+S'ryan reynolds'
+p2119
+sS'state'
+p2120
+S'washington'
+p2121
+sS'other'
+p2122
+S"can't think of"
+p2123
+sS'genre'
+p2124
+S'superhero movie'
+p2125
+ssa(dp2126
+g3
+(dp2127
+g171
+g6
+sg64
+g6
+sg354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2128
+S'distanceconstraints'
+p2129
+S'near me'
+p2130
+sS'city'
+p2131
+S'campcreek area'
+p2132
+sg68
+S'2'
+sS'date'
+p2133
+S'coming saturday'
+p2134
+ssa(dp2135
+g3
+(dp2136
+S'ticket'
+p2137
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2138
+S'city'
+p2139
+S'bellevue'
+p2140
+sS'numberofpeople'
+p2141
+S'3'
+sS'video_format'
+p2142
+S'3d'
+p2143
+sS'state'
+p2144
+S'washington'
+p2145
+sS'starttime'
+p2146
+S'between 5pm and 6pm'
+p2147
+sS'date'
+p2148
+S'saturday'
+p2149
+sS'moviename'
+p2150
+S'kung fu panda 3'
+p2151
+ssa(dp2152
+g3
+(dp2153
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2154
+S'date'
+p2155
+S'tomorrow'
+p2156
+sS'city'
+p2157
+S'detroit'
+p2158
+sS'numberofpeople'
+p2159
+S'2'
+sS'moviename'
+p2160
+S'deadpool'
+p2161
+sS'starttime'
+p2162
+S'7pm'
+p2163
+ssa(dp2164
+g3
+(dp2165
+S'ticket'
+p2166
+g6
+ssg7
+g8
+sg9
+(dp2167
+S'date'
+p2168
+S'tomorrow'
+p2169
+sS'moviename'
+p2170
+S'creed'
+p2171
+sS'numberofpeople'
+p2172
+S'four'
+p2173
+sS'theater'
+p2174
+S'regency academy 6'
+p2175
+sS'starttime'
+p2176
+S'around noon'
+p2177
+ssa(dp2178
+g3
+(dp2179
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2180
+S'city'
+p2181
+S'los angeles'
+p2182
+sS'numberofpeople'
+p2183
+S'2'
+sS'video_format'
+p2184
+S'standard'
+p2185
+sS'starttime'
+p2186
+S'8pm'
+p2187
+sS'date'
+p2188
+S'tomorrow'
+p2189
+sS'moviename'
+p2190
+S'zootopia'
+p2191
+ssa(dp2192
+g3
+(dp2193
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2194
+S'city'
+p2195
+S'seattle'
+p2196
+sS'numberofpeople'
+p2197
+S'2'
+sS'date'
+p2198
+S'tomorrow'
+p2199
+sS'starttime'
+p2200
+S'4:25 pm'
+p2201
+sS'theater_chain'
+p2202
+S'amc lowes oak tree 6'
+p2203
+sS'moviename'
+p2204
+S'risen'
+p2205
+ssa(dp2206
+g3
+(dp2207
+g171
+g6
+sg354
+g6
+sg29
+g6
+sS'actor'
+p2208
+g6
+ssg7
+g8
+sg9
+(dp2209
+S'date'
+p2210
+S'tonight'
+p2211
+sS'city'
+p2212
+S'arlington'
+p2213
+sS'state'
+p2214
+S'texas'
+p2215
+sS'numberofpeople'
+p2216
+S'2'
+sS'actor'
+p2217
+S'ryan reynolds'
+p2218
+ssa(dp2219
+g3
+(dp2220
+g64
+g6
+ssg7
+g8
+sg9
+(dp2221
+S'city'
+p2222
+S'seattle'
+p2223
+sS'numberofpeople'
+p2224
+S'2'
+sS'theater'
+p2225
+S'amc pacific place 11 theater'
+p2226
+sS'starttime'
+p2227
+S'9:30 pm'
+p2228
+sS'date'
+p2229
+S'tomorrow'
+p2230
+sS'moviename'
+p2231
+S'room'
+p2232
+ssa(dp2233
+g3
+(dp2234
+g270
+g6
+sS'ticket'
+p2235
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2236
+S'city'
+p2237
+S'seattle'
+p2238
+sS'numberofpeople'
+p2239
+S'one'
+p2240
+sS'moviename'
+p2241
+S'whiskey tango foxtrot'
+p2242
+sS'greeting'
+p2243
+S'good evening'
+p2244
+sS'starttime'
+p2245
+S'soonest upcoming showing'
+p2246
+ssa(dp2247
+g3
+(dp2248
+g171
+g6
+sS'moviename'
+p2249
+g6
+ssg7
+g8
+sg9
+(dp2250
+S'date'
+p2251
+S'tomorrow'
+p2252
+sS'city'
+p2253
+S'seattle'
+p2254
+sS'numberofpeople'
+p2255
+S'2'
+sS'genre'
+p2256
+S'drama'
+p2257
+sS'starttime'
+p2258
+S'7:25'
+p2259
+ssa(dp2260
+g3
+(dp2261
+g64
+g6
+ssg7
+g8
+sg9
+(dp2262
+S'city'
+p2263
+S'birmingham'
+p2264
+sg68
+S'4'
+sS'theater'
+p2265
+S'carmike summit 16'
+p2266
+sS'state'
+p2267
+S'al'
+p2268
+sS'starttime'
+p2269
+S'around 2pm'
+p2270
+sS'date'
+p2271
+S'today'
+p2272
+sS'moviename'
+p2273
+S'london had fallen'
+p2274
+ssa(dp2275
+g3
+(dp2276
+S'critic_rating'
+p2277
+g6
+sS'ticket'
+p2278
+g6
+sS'moviename'
+p2279
+g6
+ssg7
+g8
+sg9
+(dp2280
+S'city'
+p2281
+S'seattle'
+p2282
+sS'numberofpeople'
+p2283
+S'two'
+p2284
+sS'theater'
+p2285
+S'regal meridian 16'
+p2286
+sS'greeting'
+p2287
+S'hello'
+p2288
+sS'starttime'
+p2289
+S'9:20'
+p2290
+sS'date'
+p2291
+S'tonight'
+p2292
+ssa(dp2293
+g3
+(dp2294
+S'ticket'
+p2295
+g6
+ssg7
+g8
+sg9
+(dp2296
+S'city'
+p2297
+S'seattle'
+p2298
+sS'numberofpeople'
+p2299
+S'2'
+sS'theater'
+p2300
+S'amc lowes oak tree 6'
+p2301
+sS'starttime'
+p2302
+S'4:50 pm'
+p2303
+sS'date'
+p2304
+S'tomorrow'
+p2305
+sS'moviename'
+p2306
+S'room'
+p2307
+ssa(dp2308
+g3
+(dp2309
+S'moviename'
+p2310
+g6
+sS'starttime'
+p2311
+g6
+ssg7
+g8
+sg9
+(dp2312
+S'city'
+p2313
+S'seattle'
+p2314
+sg68
+S'5'
+sS'theater'
+p2315
+S'regal meridian 16'
+p2316
+sS'distanceconstraints'
+p2317
+S'safeco field'
+p2318
+sS'date'
+p2319
+S'tonight'
+p2320
+sS'state'
+p2321
+S'washington'
+p2322
+sS'genre'
+p2323
+S'comedy'
+p2324
+ssa(dp2325
+g3
+(dp2326
+S'ticket'
+p2327
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2328
+S'city'
+p2329
+S'philadelphia'
+p2330
+sg68
+S'5'
+sS'zip'
+p2331
+S'19101'
+p2332
+sS'distanceconstraints'
+p2333
+S'near'
+p2334
+sS'starttime'
+p2335
+S'7:30pm'
+p2336
+sS'date'
+p2337
+S'tomorrow'
+p2338
+sS'moviename'
+p2339
+S'deadpool'
+p2340
+ssa(dp2341
+g3
+(dp2342
+g171
+g6
+sS'moviename'
+p2343
+g6
+ssg7
+g8
+sg9
+(dp2344
+S'city'
+p2345
+S'princeton'
+p2346
+sS'numberofpeople'
+p2347
+S'3'
+sS'date'
+p2348
+S'tomorrow'
+p2349
+sS'state'
+p2350
+S'nj'
+p2351
+sS'starttime'
+p2352
+S'7pm'
+p2353
+sS'genre'
+p2354
+S'dramas'
+p2355
+ssa(dp2356
+g3
+(dp2357
+g64
+g6
+ssg7
+g8
+sg9
+(dp2358
+S'city'
+p2359
+S'birmingham'
+p2360
+sS'numberofpeople'
+p2361
+S'2'
+sS'theater'
+p2362
+S'carmike summit 16'
+p2363
+sS'state'
+p2364
+S'al'
+p2365
+sS'starttime'
+p2366
+S'4:20pm'
+p2367
+sS'date'
+p2368
+S'tomorrow'
+p2369
+sS'moviename'
+p2370
+S'deadpool'
+p2371
+ssa(dp2372
+g3
+(dp2373
+g171
+g6
+sS'ticket'
+p2374
+g6
+sS'moviename'
+p2375
+g6
+ssg7
+g8
+sg9
+(dp2376
+S'city'
+p2377
+S'carbondale'
+p2378
+sg68
+S'3'
+sS'critic_rating'
+p2379
+S'good'
+p2380
+sS'greeting'
+p2381
+S'hi'
+p2382
+sS'date'
+p2383
+S'tomorrow'
+p2384
+sS'state'
+p2385
+S'illinois'
+p2386
+sS'starttime'
+p2387
+S'afternoon'
+p2388
+sS'genre'
+p2389
+S'action'
+p2390
+ssa(dp2391
+g3
+(dp2392
+S'moviename'
+p2393
+g6
+ssg7
+g8
+sg9
+(dp2394
+S'city'
+p2395
+S'birmingham'
+p2396
+sS'numberofpeople'
+p2397
+S'3'
+sS'theater'
+p2398
+S'carmike summit 16'
+p2399
+sS'date'
+p2400
+S'saturday'
+p2401
+sS'state'
+p2402
+S'al'
+p2403
+sS'starttime'
+p2404
+S'2:15pm'
+p2405
+sS'genre'
+p2406
+S'family friendly'
+p2407
+ssa(dp2408
+g3
+(dp2409
+g171
+g6
+sS'moviename'
+p2410
+g6
+ssg7
+g8
+sg9
+(dp2411
+S'city'
+p2412
+S'birmingham'
+p2413
+sS'numberofpeople'
+p2414
+S'2'
+sS'critic_rating'
+p2415
+S'good'
+p2416
+sS'genre'
+p2417
+S'action'
+p2418
+sS'state'
+p2419
+S'alabama'
+p2420
+sS'starttime'
+p2421
+S'2:00 pm'
+p2422
+sS'date'
+p2423
+S'this saturday'
+p2424
+ssa(dp2425
+g3
+(dp2426
+g64
+g6
+ssg7
+g8
+sg9
+(dp2427
+S'city'
+p2428
+S'seattle'
+p2429
+sS'numberofpeople'
+p2430
+S'2'
+sS'theater'
+p2431
+S'regal meridian 16'
+p2432
+sS'starttime'
+p2433
+S'8:45 pm'
+p2434
+sS'date'
+p2435
+S'tomorrow'
+p2436
+sS'moviename'
+p2437
+S'The big short'
+p2438
+ssa(dp2439
+g3
+(dp2440
+g270
+g6
+sS'ticket'
+p2441
+g6
+sS'starttime'
+p2442
+g6
+ssg7
+g8
+sg9
+(dp2443
+S'city'
+p2444
+S'seattle'
+p2445
+sS'numberofpeople'
+p2446
+S'two'
+p2447
+sS'theater'
+p2448
+S'regal meridian 16'
+p2449
+sS'zip'
+p2450
+S'98126'
+p2451
+sS'distanceconstraints'
+p2452
+S'closest'
+p2453
+sS'other'
+p2454
+S'cheapest'
+p2455
+sS'moviename'
+p2456
+S'zoolander 2'
+p2457
+ssa(dp2458
+g3
+(dp2459
+S'ticket'
+p2460
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2461
+S'date'
+p2462
+S'friday'
+p2463
+sS'numberofpeople'
+p2464
+S'2'
+sS'moviename'
+p2465
+S'deadpool'
+p2466
+sS'zip'
+p2467
+S'98119'
+p2468
+sS'starttime'
+p2469
+S'around 8pm'
+p2470
+ssa(dp2471
+g3
+(dp2472
+S'moviename'
+p2473
+g6
+sS'starttime'
+p2474
+g6
+sS'actor'
+p2475
+g6
+ssg7
+g8
+sg9
+(dp2476
+S'city'
+p2477
+S'buford'
+p2478
+sg68
+S'2'
+sS'theater'
+p2479
+S'mall of georgia movie theater'
+p2480
+sS'genre'
+p2481
+S'comedy'
+p2482
+sS'state'
+p2483
+S'georgia'
+p2484
+sS'other'
+p2485
+S'date night'
+p2486
+sS'date'
+p2487
+S'friday'
+p2488
+ssa(dp2489
+g3
+(dp2490
+S'ticket'
+p2491
+g6
+ssg7
+g8
+sg9
+(dp2492
+S'city'
+p2493
+S'seattle'
+p2494
+sS'numberofpeople'
+p2495
+S'2'
+sS'theater'
+p2496
+S'regal thornton place'
+p2497
+sS'distanceconstraints'
+p2498
+S'north side'
+p2499
+sS'greeting'
+p2500
+S'hi'
+p2501
+sS'starttime'
+p2502
+S'6:40 pm'
+p2503
+sS'date'
+p2504
+S'tomorrow'
+p2505
+sS'moviename'
+p2506
+S'zootopia'
+p2507
+ssa(dp2508
+g3
+(dp2509
+S'ticket'
+p2510
+g6
+ssg7
+g8
+sg9
+(dp2511
+S'city'
+p2512
+S'Fresno'
+p2513
+sS'numberofpeople'
+p2514
+S'two'
+p2515
+sS'theater'
+p2516
+S'Visalia'
+p2517
+sS'date'
+p2518
+S'march 12'
+p2519
+sS'state'
+p2520
+S'california'
+p2521
+sS'starttime'
+p2522
+S'afternoon'
+p2523
+sS'genre'
+p2524
+S'action'
+p2525
+sS'moviename'
+p2526
+S'london has fallen'
+p2527
+ssa(dp2528
+g3
+(dp2529
+g270
+g6
+sS'ticket'
+p2530
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2531
+S'city'
+p2532
+S'seattle'
+p2533
+sS'numberofpeople'
+p2534
+S'one'
+p2535
+sS'moviename'
+p2536
+S'whiskey tango foxtrot'
+p2537
+sS'starttime'
+p2538
+S'sonnest'
+p2539
+ssa(dp2540
+g3
+(dp2541
+g64
+g6
+ssg7
+g8
+sg9
+(dp2542
+S'city'
+p2543
+S'las vegas'
+p2544
+sS'numberofpeople'
+p2545
+S'two'
+p2546
+sS'theater'
+p2547
+S'regal colonnade 14'
+p2548
+sS'greeting'
+p2549
+S'hi'
+p2550
+sS'video_format'
+p2551
+S'3d'
+p2552
+sS'starttime'
+p2553
+S'matinee'
+p2554
+sS'date'
+p2555
+S'tomorrow'
+p2556
+sS'moviename'
+p2557
+S'zootopia'
+p2558
+ssa(dp2559
+g3
+(dp2560
+S'ticket'
+p2561
+g6
+ssg7
+g8
+sg9
+(dp2562
+S'city'
+p2563
+S'norfolk'
+p2564
+sS'numberofpeople'
+p2565
+S'2'
+sS'theater'
+p2566
+S'zeus'
+p2567
+sS'state'
+p2568
+S'va'
+p2569
+sS'starttime'
+p2570
+S'2pm'
+p2571
+sS'date'
+p2572
+S'march 10 2016'
+p2573
+sS'moviename'
+p2574
+S'london has fallen'
+p2575
+ssa(dp2576
+g3
+(dp2577
+g64
+g6
+ssg7
+g8
+sg9
+(dp2578
+S'city'
+p2579
+S'la'
+p2580
+sS'numberofpeople'
+p2581
+S'2'
+sS'theater'
+p2582
+S'AMC La Mirada'
+p2583
+sS'distanceconstraints'
+p2584
+S'downtown'
+p2585
+sS'video_format'
+p2586
+S'2d'
+p2587
+sS'starttime'
+p2588
+S'7pm'
+p2589
+sS'date'
+p2590
+S'tomorrow'
+p2591
+sS'moviename'
+p2592
+S'creed'
+p2593
+ssa(dp2594
+g3
+(dp2595
+g64
+g6
+ssg7
+g8
+sg9
+(dp2596
+S'city'
+p2597
+S'birmingham'
+p2598
+sS'numberofpeople'
+p2599
+S'2'
+sS'theater'
+p2600
+S'carmike summit 16'
+p2601
+sS'state'
+p2602
+S'al'
+p2603
+sS'starttime'
+p2604
+S'1:30'
+p2605
+sS'date'
+p2606
+S'today'
+p2607
+sS'moviename'
+p2608
+S'zootopia'
+p2609
+ssa(dp2610
+g3
+(dp2611
+g64
+g6
+ssg7
+g8
+sg9
+(dp2612
+S'city'
+p2613
+S'seattle'
+p2614
+sS'numberofpeople'
+p2615
+S'2'
+sS'theater'
+p2616
+S'regal meridian 16'
+p2617
+sS'starttime'
+p2618
+S'9:00 pm'
+p2619
+sS'date'
+p2620
+S'tomorrow'
+p2621
+sS'moviename'
+p2622
+S'spotlight'
+p2623
+ssa(dp2624
+g3
+(dp2625
+S'moviename'
+p2626
+g6
+sS'starttime'
+p2627
+g6
+sS'actor'
+p2628
+g6
+ssg7
+g8
+sg9
+(dp2629
+S'date'
+p2630
+S'friday'
+p2631
+sS'genre'
+p2632
+S'comedy'
+p2633
+sg68
+S'1'
+sS'theater'
+p2634
+S'mall of georgia'
+p2635
+sS'starttime'
+p2636
+S'night'
+p2637
+ssa(dp2638
+g3
+(dp2639
+S'date'
+p2640
+g6
+sS'theater'
+p2641
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2642
+g68
+S'2'
+sS'moviename'
+p2643
+S'finding dory'
+p2644
+sS'greeting'
+p2645
+S'hey'
+p2646
+ssa(dp2647
+g3
+(dp2648
+S'ticket'
+p2649
+g6
+ssg7
+g8
+sg9
+(dp2650
+S'city'
+p2651
+S'seattle'
+p2652
+sS'numberofpeople'
+p2653
+S'2'
+sS'theater'
+p2654
+S'regal meridian 16'
+p2655
+sS'starttime'
+p2656
+S'9:00 pm'
+p2657
+sS'date'
+p2658
+S'tomorrow'
+p2659
+sS'moviename'
+p2660
+S'spotlight'
+p2661
+ssa(dp2662
+g3
+(dp2663
+S'ticket'
+p2664
+g6
+ssg7
+g8
+sg9
+(dp2665
+S'city'
+p2666
+S'seattle'
+p2667
+sS'numberofpeople'
+p2668
+S'2'
+sS'theater'
+p2669
+S'regal meridian 16'
+p2670
+sS'starttime'
+p2671
+S'8:45 pm'
+p2672
+sS'date'
+p2673
+S'tomorrow'
+p2674
+sS'moviename'
+p2675
+S'hail caesar'
+p2676
+ssa(dp2677
+g3
+(dp2678
+S'ticket'
+p2679
+g6
+ssg7
+g8
+sg9
+(dp2680
+S'city'
+p2681
+S'birmingham'
+p2682
+sS'numberofpeople'
+p2683
+S'2'
+sS'theater'
+p2684
+S'carmike 16'
+p2685
+sS'state'
+p2686
+S'al'
+p2687
+sS'starttime'
+p2688
+S'2pm'
+p2689
+sS'date'
+p2690
+S'today'
+p2691
+sS'moviename'
+p2692
+S'zootopia'
+p2693
+ssa(dp2694
+g3
+(dp2695
+S'ticket'
+p2696
+g6
+sS'theater'
+p2697
+g6
+sS'starttime'
+p2698
+g6
+ssg7
+g8
+sg9
+(dp2699
+S'date'
+p2700
+S'tonight'
+p2701
+sS'city'
+p2702
+S'seattle'
+p2703
+sS'numberofpeople'
+p2704
+S'two'
+p2705
+sS'moviename'
+p2706
+S'deadpool'
+p2707
+ssa(dp2708
+g3
+(dp2709
+S'moviename'
+p2710
+g6
+ssg7
+g8
+sg9
+(dp2711
+S'city'
+p2712
+S'Clear Lake'
+p2713
+sS'numberofpeople'
+p2714
+S'one'
+p2715
+sS'theater'
+p2716
+S'Mason city IA cinema west'
+p2717
+sS'state'
+p2718
+S'IA'
+p2719
+sS'starttime'
+p2720
+S'any time'
+p2721
+sS'date'
+p2722
+S'tomorrow'
+p2723
+ssa(dp2724
+g3
+(dp2725
+S'ticket'
+p2726
+g6
+sS'theater'
+p2727
+g6
+sS'description'
+p2728
+g6
+ssg7
+g8
+sg9
+(dp2729
+S'city'
+p2730
+S'carbondale'
+p2731
+sS'numberofpeople'
+p2732
+S'5'
+sS'state'
+p2733
+S'illinois'
+p2734
+sS'starttime'
+p2735
+S'anytime after 6pm'
+p2736
+sS'date'
+p2737
+S'Friday the 11th'
+p2738
+sS'moviename'
+p2739
+S'10 cloverfield lane'
+p2740
+ssa(dp2741
+g3
+(dp2742
+S'ticket'
+p2743
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2744
+S'city'
+p2745
+S'altoona'
+p2746
+sS'numberofpeople'
+p2747
+S'6'
+sS'state'
+p2748
+S'pennsylvania'
+p2749
+sS'starttime'
+p2750
+S'7:40pm'
+p2751
+sS'date'
+p2752
+S'wednesday'
+p2753
+sS'moviename'
+p2754
+S'whiskey tango foxtrot'
+p2755
+ssa(dp2756
+g3
+(dp2757
+g171
+g6
+sS'ticket'
+p2758
+g6
+sg354
+g6
+ssg7
+g8
+sg9
+(dp2759
+S'city'
+p2760
+S'seattle'
+p2761
+sS'numberofpeople'
+p2762
+S'2'
+sS'date'
+p2763
+S'tomorrow'
+p2764
+sS'other'
+p2765
+S'restaurant'
+p2766
+sS'starttime'
+p2767
+S'7:00 pm'
+p2768
+sS'theater_chain'
+p2769
+S'amc pacific place 11'
+p2770
+ssa(dp2771
+g3
+(dp2772
+S'ticket'
+p2773
+g6
+ssg7
+g8
+sg9
+(dp2774
+S'city'
+p2775
+S'seattle'
+p2776
+sS'numberofpeople'
+p2777
+S'2'
+sS'theater'
+p2778
+S'regal meridian 16'
+p2779
+sS'starttime'
+p2780
+S'8:45 pm'
+p2781
+sS'date'
+p2782
+S'tomorrow'
+p2783
+sS'moviename'
+p2784
+S'hail caesar'
+p2785
+ssa(dp2786
+g3
+(dp2787
+g64
+g6
+ssg7
+g8
+sg9
+(dp2788
+S'city'
+p2789
+S'portland'
+p2790
+sg68
+S'5'
+sS'theater'
+p2791
+S'Living Room Theaters'
+p2792
+sS'state'
+p2793
+S'oregon'
+p2794
+sS'starttime'
+p2795
+S'between 8 and 10 pm'
+p2796
+sS'date'
+p2797
+S'friday'
+p2798
+sS'moviename'
+p2799
+S'star wars'
+p2800
+ssa(dp2801
+g3
+(dp2802
+g270
+g6
+sS'ticket'
+p2803
+g6
+sS'theater'
+p2804
+g6
+sS'starttime'
+p2805
+g6
+ssg7
+g8
+sg9
+(dp2806
+S'city'
+p2807
+S'seattle'
+p2808
+sS'numberofpeople'
+p2809
+S'two'
+p2810
+sS'zip'
+p2811
+S'98126'
+p2812
+sS'distanceconstraints'
+p2813
+S'closest'
+p2814
+sS'price'
+p2815
+S'cheapest'
+p2816
+sS'moviename'
+p2817
+S'zoolander 2'
+p2818
+ssa(dp2819
+g3
+(dp2820
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2821
+S'city'
+p2822
+S'los angeles'
+p2823
+sS'numberofpeople'
+p2824
+S'2'
+sS'theater_chain'
+p2825
+S'amc'
+p2826
+sS'starttime'
+p2827
+S'8 pm'
+p2828
+sS'date'
+p2829
+S'saturday'
+p2830
+sS'moviename'
+p2831
+S'deadpool'
+p2832
+ssa(dp2833
+g3
+(dp2834
+g171
+g6
+sS'moviename'
+p2835
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2836
+S'date'
+p2837
+S'weekend'
+p2838
+sg68
+S'5'
+ssa(dp2839
+g3
+(dp2840
+S'ticket'
+p2841
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2842
+S'city'
+p2843
+S'orlando'
+p2844
+sS'numberofpeople'
+p2845
+S'3'
+sS'distanceconstraints'
+p2846
+S'far away from disney'
+p2847
+sS'video_format'
+p2848
+S'3d'
+p2849
+sS'state'
+p2850
+S'fl'
+p2851
+sS'starttime'
+p2852
+S'1:30 pm'
+p2853
+sS'date'
+p2854
+S'tomorrow'
+p2855
+sS'moviename'
+p2856
+S'kung fu panda 3'
+p2857
+ssa(dp2858
+g3
+(dp2859
+S'ticket'
+p2860
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2861
+S'date'
+p2862
+S'tomorrow'
+p2863
+sS'city'
+p2864
+S'regency academy 6 theater'
+p2865
+sS'numberofpeople'
+p2866
+S'four'
+p2867
+sS'moviename'
+p2868
+S'creed'
+p2869
+sS'starttime'
+p2870
+S'around noon'
+p2871
+ssa(dp2872
+g3
+(dp2873
+g64
+g6
+ssg7
+g8
+sg9
+(dp2874
+S'city'
+p2875
+S'seattle'
+p2876
+sS'numberofpeople'
+p2877
+S'2'
+sS'theater'
+p2878
+S'regal meridian 16'
+p2879
+sS'other'
+p2880
+S'indian restaurant'
+p2881
+sS'starttime'
+p2882
+S'9:20 pm'
+p2883
+sS'date'
+p2884
+S'tomorrow'
+p2885
+sS'moviename'
+p2886
+S'london has fallen'
+p2887
+ssa(dp2888
+g3
+(dp2889
+S'ticket'
+p2890
+g6
+ssg7
+g8
+sg9
+(dp2891
+S'city'
+p2892
+S'seattle'
+p2893
+sS'numberofpeople'
+p2894
+S'2'
+sS'theater'
+p2895
+S'regal meridian 16'
+p2896
+sS'starttime'
+p2897
+S'9:00 pm'
+p2898
+sS'date'
+p2899
+S'tomorrow'
+p2900
+sS'moviename'
+p2901
+S'spotlight'
+p2902
+ssa(dp2903
+g3
+(dp2904
+g171
+g6
+sS'moviename'
+p2905
+g6
+ssg7
+g8
+sg9
+(dp2906
+S'city'
+p2907
+S'baltimore'
+p2908
+sS'numberofpeople'
+p2909
+S'2'
+sS'video_format'
+p2910
+S'3d'
+p2911
+sS'state'
+p2912
+S'maryland'
+p2913
+sS'starttime'
+p2914
+S'9:45pm'
+p2915
+sS'date'
+p2916
+S'friday'
+p2917
+ssa(dp2918
+g3
+(dp2919
+g64
+g6
+ssg7
+g8
+sg9
+(dp2920
+S'city'
+p2921
+S'seattle'
+p2922
+sS'numberofpeople'
+p2923
+S'2'
+sS'theater'
+p2924
+S'amc lowes oak tree 6'
+p2925
+sS'other'
+p2926
+S'restaurant'
+p2927
+sS'starttime'
+p2928
+S'7:25 pm'
+p2929
+sS'date'
+p2930
+S'tomorrow'
+p2931
+sS'moviename'
+p2932
+S'spotlight'
+p2933
+ssa(dp2934
+g3
+(dp2935
+S'ticket'
+p2936
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp2937
+S'date'
+p2938
+S'tomorrow night'
+p2939
+sS'city'
+p2940
+S'los angeles'
+p2941
+sS'numberofpeople'
+p2942
+S'2'
+sS'moviename'
+p2943
+S'deadpool'
+p2944
+ssa(dp2945
+g3
+(dp2946
+S'ticket'
+p2947
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2948
+S'numberofpeople'
+p2949
+S'two'
+p2950
+sS'zip'
+p2951
+S'90601'
+p2952
+sS'distanceconstraints'
+p2953
+S'closest'
+p2954
+sS'other'
+p2955
+S'two'
+p2956
+sS'starttime'
+p2957
+S'early'
+p2958
+sS'date'
+p2959
+S'tomorrow'
+p2960
+sS'moviename'
+p2961
+S'the witch'
+p2962
+ssa(dp2963
+g3
+(dp2964
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2965
+S'city'
+p2966
+S'johnstown'
+p2967
+sS'numberofpeople'
+p2968
+S'two'
+p2969
+sS'state'
+p2970
+S'pennsylvania'
+p2971
+sS'starttime'
+p2972
+S'9:50pm'
+p2973
+sS'date'
+p2974
+S'3/9/2016'
+p2975
+sS'moviename'
+p2976
+S'deadpool'
+p2977
+ssa(dp2978
+g3
+(dp2979
+S'ticket'
+p2980
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp2981
+S'city'
+p2982
+S'portland'
+p2983
+sS'numberofpeople'
+p2984
+S'2 adult'
+p2985
+sS'theater_chain'
+p2986
+S'century eastport 16'
+p2987
+sS'state'
+p2988
+S'oregon'
+p2989
+sS'starttime'
+p2990
+S'10 pm'
+p2991
+sS'date'
+p2992
+S'friday evening'
+p2993
+sS'genre'
+p2994
+S'super great day'
+p2995
+sS'moviename'
+p2996
+S'star wars'
+p2997
+ssa(dp2998
+g3
+(dp2999
+S'ticket'
+p3000
+g6
+sS'theater'
+p3001
+g6
+ssg7
+g8
+sg9
+(dp3002
+S'city'
+p3003
+S'seattle'
+p3004
+sS'numberofpeople'
+p3005
+S'5'
+sS'state'
+p3006
+S'washington'
+p3007
+sS'mpaa_rating'
+p3008
+S'pg'
+p3009
+sS'starttime'
+p3010
+S'matinee'
+p3011
+sS'date'
+p3012
+S'Saturday'
+p3013
+sS'moviename'
+p3014
+S'kung fu panda 3'
+p3015
+ssa(dp3016
+g3
+(dp3017
+S'ticket'
+p3018
+g6
+sg354
+g6
+ssg7
+g8
+sg9
+(dp3019
+S'date'
+p3020
+S'tomorrow'
+p3021
+sS'city'
+p3022
+S'seattle'
+p3023
+sS'numberofpeople'
+p3024
+S'2'
+sS'theater'
+p3025
+S'amc pacific place 11 theater'
+p3026
+sS'starttime'
+p3027
+S'9:30 pm'
+p3028
+ssa(dp3029
+g3
+(dp3030
+g270
+g6
+sS'ticket'
+p3031
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3032
+S'city'
+p3033
+S'los angeles'
+p3034
+sS'numberofpeople'
+p3035
+S'two'
+p3036
+sS'moviename'
+p3037
+S'the witch'
+p3038
+sS'starttime'
+p3039
+S'11pm'
+p3040
+ssa(dp3041
+g3
+(dp3042
+S'starttime'
+p3043
+g6
+ssg7
+g8
+sg9
+(dp3044
+S'date'
+p3045
+S'tomorrow'
+p3046
+sS'moviename'
+p3047
+S'star wars'
+p3048
+sS'numberofpeople'
+p3049
+S'2'
+sS'theater'
+p3050
+S'Imagine theater Shelby Township'
+p3051
+ssa(dp3052
+g3
+(dp3053
+S'ticket'
+p3054
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3055
+S'city'
+p3056
+S'philadelphia'
+p3057
+sg68
+S'4'
+sS'zip'
+p3058
+S'19101'
+p3059
+sS'starttime'
+p3060
+S'7:30pm'
+p3061
+sS'date'
+p3062
+S'tomorrow'
+p3063
+sS'moviename'
+p3064
+S'deadpool'
+p3065
+ssa(dp3066
+g3
+(dp3067
+g171
+g6
+sS'moviename'
+p3068
+g6
+ssg7
+g8
+sg9
+(dp3069
+S'city'
+p3070
+S'seattle'
+p3071
+sS'numberofpeople'
+p3072
+S'3'
+sS'genre'
+p3073
+S'comedy'
+p3074
+sS'state'
+p3075
+S'washington'
+p3076
+sS'starttime'
+p3077
+S'9:00 pm'
+p3078
+sS'date'
+p3079
+S'tomorrow'
+p3080
+ssa(dp3081
+g3
+(dp3082
+S'ticket'
+p3083
+g6
+ssg7
+g8
+sg9
+(dp3084
+S'city'
+p3085
+S'northern san francisco'
+p3086
+sg68
+S'2'
+sS'theater'
+p3087
+S'amc'
+p3088
+sS'video_format'
+p3089
+S'standard'
+p3090
+sS'starttime'
+p3091
+S'2:25'
+p3092
+sS'date'
+p3093
+S'tomorrow afternoon'
+p3094
+sS'moviename'
+p3095
+S'kung fu panda 3'
+p3096
+ssa(dp3097
+g3
+(dp3098
+S'ticket'
+p3099
+g6
+ssg7
+g8
+sg9
+(dp3100
+S'city'
+p3101
+S'seattle'
+p3102
+sS'numberofpeople'
+p3103
+S'2'
+sS'theater'
+p3104
+S'regal meridian 16'
+p3105
+sS'starttime'
+p3106
+S'9:10 pm'
+p3107
+sS'date'
+p3108
+S'tomorrow'
+p3109
+sS'moviename'
+p3110
+S'zootopia'
+p3111
+ssa(dp3112
+g3
+(dp3113
+S'moviename'
+p3114
+g6
+sS'starttime'
+p3115
+g6
+ssg7
+g8
+sg9
+(dp3116
+S'city'
+p3117
+S'seattle'
+p3118
+sg68
+S'1'
+sS'theater'
+p3119
+S'regal meridian 16'
+p3120
+sS'distanceconstraints'
+p3121
+S'near my location'
+p3122
+sS'date'
+p3123
+S'tonight'
+p3124
+sS'state'
+p3125
+S'washington'
+p3126
+sS'other'
+p3127
+S'safeco field'
+p3128
+sS'genre'
+p3129
+S'comedy'
+p3130
+ssa(dp3131
+g3
+(dp3132
+S'ticket'
+p3133
+g6
+ssg7
+g8
+sg9
+(dp3134
+S'city'
+p3135
+S'seattle'
+p3136
+sS'numberofpeople'
+p3137
+S'2'
+sS'theater'
+p3138
+S'amc pacific place 11 theater'
+p3139
+sS'starttime'
+p3140
+S'9:00 pm'
+p3141
+sS'date'
+p3142
+S'tomorrow'
+p3143
+sS'moviename'
+p3144
+S'deadpool'
+p3145
+ssa(dp3146
+g3
+(dp3147
+S'theater'
+p3148
+g6
+sS'moviename'
+p3149
+g6
+ssg7
+g8
+sg9
+(dp3150
+S'city'
+p3151
+S'st louis'
+p3152
+sS'numberofpeople'
+p3153
+S'2'
+sS'numberofkids'
+p3154
+S'2'
+sS'genre'
+p3155
+S'not live action'
+p3156
+sS'other'
+p3157
+S'pizza place'
+p3158
+sS'starttime'
+p3159
+S'between say 4pm and 7pm'
+p3160
+sS'date'
+p3161
+S'saturday'
+p3162
+ssa(dp3163
+g3
+(dp3164
+S'ticket'
+p3165
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3166
+S'city'
+p3167
+S'knoxville'
+p3168
+sS'numberofpeople'
+p3169
+S'2'
+sS'distanceconstraints'
+p3170
+S'downtown'
+p3171
+sS'video_format'
+p3172
+S'3d'
+p3173
+sS'state'
+p3174
+S'tn'
+p3175
+sS'starttime'
+p3176
+S'evening around 7'
+p3177
+sS'date'
+p3178
+S'tomorrow'
+p3179
+sS'moviename'
+p3180
+S'the witch'
+p3181
+ssa(dp3182
+g3
+(dp3183
+S'ticket'
+p3184
+g6
+ssg7
+g8
+sg9
+(dp3185
+S'city'
+p3186
+S'seattle'
+p3187
+sS'numberofpeople'
+p3188
+S'2'
+sS'theater'
+p3189
+S'amc pacific place 11 theater'
+p3190
+sS'starttime'
+p3191
+S'10:00 pm'
+p3192
+sS'date'
+p3193
+S'tomorrow'
+p3194
+sS'moviename'
+p3195
+S'race'
+p3196
+ssa(dp3197
+g3
+(dp3198
+g64
+g6
+ssg7
+g8
+sg9
+(dp3199
+S'theater_chain'
+p3200
+S'amc theater'
+p3201
+sS'numberofpeople'
+p3202
+S'2'
+sS'theater'
+p3203
+S'mesa grand 24'
+p3204
+sS'zip'
+p3205
+S'85249'
+p3206
+sS'actress'
+p3207
+S'tina fey'
+p3208
+sS'date'
+p3209
+S'friday'
+p3210
+sS'starttime'
+p3211
+S'7:25'
+p3212
+sS'genre'
+p3213
+S'comedy'
+p3214
+sS'moviename'
+p3215
+S'moviename'
+p3216
+ssa(dp3217
+g3
+(dp3218
+g171
+g6
+sS'ticket'
+p3219
+g6
+sS'moviename'
+p3220
+g6
+ssg7
+g8
+sg9
+(dp3221
+S'numberofpeople'
+p3222
+S'2'
+sS'distanceconstraints'
+p3223
+S'near safeco field'
+p3224
+sS'date'
+p3225
+S'tonight'
+p3226
+sS'other'
+p3227
+S'pizza restaurant'
+p3228
+sS'starttime'
+p3229
+S'the next'
+p3230
+sS'genre'
+p3231
+S'drama'
+p3232
+ssa(dp3233
+g3
+(dp3234
+S'ticket'
+p3235
+g6
+ssg7
+g8
+sg9
+(dp3236
+S'city'
+p3237
+S'seattle'
+p3238
+sS'numberofpeople'
+p3239
+S'2'
+sS'theater'
+p3240
+S'regal meridian 16'
+p3241
+sS'starttime'
+p3242
+S'9:10 pm'
+p3243
+sS'date'
+p3244
+S'tomorrow'
+p3245
+sS'moviename'
+p3246
+S'zootopia'
+p3247
+ssa(dp3248
+g3
+(dp3249
+g171
+g6
+sS'ticket'
+p3250
+g6
+sS'moviename'
+p3251
+g6
+ssg7
+g8
+sg9
+(dp3252
+S'city'
+p3253
+S'safeco field'
+p3254
+sS'numberofpeople'
+p3255
+S'2'
+sS'description'
+p3256
+S'highest rated pizza'
+p3257
+sS'distanceconstraints'
+p3258
+S'near'
+p3259
+sS'date'
+p3260
+S'tonight'
+p3261
+sS'other'
+p3262
+S'restaurant'
+p3263
+sS'starttime'
+p3264
+S'the next showing'
+p3265
+sS'genre'
+p3266
+S'drama'
+p3267
+ssa(dp3268
+g3
+(dp3269
+g64
+g6
+ssg7
+g8
+sg9
+(dp3270
+S'city'
+p3271
+S'birmingham'
+p3272
+sS'numberofpeople'
+p3273
+S'2'
+sS'theater'
+p3274
+S'carmike summit 16'
+p3275
+sS'state'
+p3276
+S'al'
+p3277
+sS'starttime'
+p3278
+S'around 2pm'
+p3279
+sS'date'
+p3280
+S'sunday'
+p3281
+sS'moviename'
+p3282
+S'deadpool'
+p3283
+ssa(dp3284
+g3
+(dp3285
+S'ticket'
+p3286
+g6
+sS'moviename'
+p3287
+g6
+sS'description'
+p3288
+g6
+ssg7
+g8
+sg9
+(dp3289
+S'date'
+p3290
+S'thursday'
+p3291
+sS'numberofpeople'
+p3292
+S'2'
+sS'theater'
+p3293
+S'fairview'
+p3294
+sS'starttime'
+p3295
+S'night'
+p3296
+ssa(dp3297
+g3
+(dp3298
+S'ticket'
+p3299
+g6
+ssg7
+g8
+sg9
+(dp3300
+S'city'
+p3301
+S'miami'
+p3302
+sS'numberofpeople'
+p3303
+S'2'
+sS'theater'
+p3304
+S'regal south beach'
+p3305
+sS'starttime'
+p3306
+S'7:40'
+p3307
+sS'date'
+p3308
+S'friday'
+p3309
+sS'moviename'
+p3310
+S'brothers grimsby'
+p3311
+ssa(dp3312
+g3
+(dp3313
+S'ticket'
+p3314
+g6
+ssg7
+g8
+sg9
+(dp3315
+S'city'
+p3316
+S'seattle'
+p3317
+sS'numberofpeople'
+p3318
+S'2'
+sS'theater'
+p3319
+S'regal meridian 16'
+p3320
+sS'starttime'
+p3321
+S'8:45 pm'
+p3322
+sS'date'
+p3323
+S'tomorrow'
+p3324
+sS'moviename'
+p3325
+S'big short'
+p3326
+ssa(dp3327
+g3
+(dp3328
+S'city'
+p3329
+g6
+sS'ticket'
+p3330
+g6
+sS'moviename'
+p3331
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3332
+S'city'
+p3333
+S'st louis'
+p3334
+sS'numberofpeople'
+p3335
+S'2'
+sS'numberofkids'
+p3336
+S'2'
+sS'genre'
+p3337
+S'not live action'
+p3338
+sS'other'
+p3339
+S'pizza place'
+p3340
+sS'starttime'
+p3341
+S'between 4pm and 7pm'
+p3342
+sS'date'
+p3343
+S'saturday'
+p3344
+ssa(dp3345
+g3
+(dp3346
+S'ticket'
+p3347
+g6
+sS'moviename'
+p3348
+g6
+ssg7
+g8
+sg9
+(dp3349
+S'city'
+p3350
+S'la'
+p3351
+sS'numberofpeople'
+p3352
+S'3'
+sS'theater'
+p3353
+S'amc la mirada'
+p3354
+sS'date'
+p3355
+S'saturday'
+p3356
+sS'other'
+p3357
+S'laughable'
+p3358
+sS'starttime'
+p3359
+S'7:20'
+p3360
+sS'genre'
+p3361
+S'horror'
+p3362
+ssa(dp3363
+g3
+(dp3364
+g270
+g6
+sS'theater'
+p3365
+g6
+sS'moviename'
+p3366
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp3367
+S'city'
+p3368
+S'st louis'
+p3369
+sg68
+S'2'
+sS'distanceconstraints'
+p3370
+S'near here'
+p3371
+sS'critic_rating'
+p3372
+S'nice'
+p3373
+sS'greeting'
+p3374
+S'hi'
+p3375
+sS'other'
+p3376
+S'subtitles'
+p3377
+sS'genre'
+p3378
+S'foreign'
+p3379
+ssa(dp3380
+g3
+(dp3381
+S'theater'
+p3382
+g6
+ssg7
+g8
+sg9
+(dp3383
+S'city'
+p3384
+S'seattle'
+p3385
+sS'numberofpeople'
+p3386
+S'2'
+sS'distanceconstraints'
+p3387
+S'south side'
+p3388
+sS'video_format'
+p3389
+S'imax 3d'
+p3390
+sS'state'
+p3391
+S'wa'
+p3392
+sS'starttime'
+p3393
+S'7:30'
+p3394
+sS'date'
+p3395
+S'this evening'
+p3396
+sS'moviename'
+p3397
+S'zootopia'
+p3398
+ssa(dp3399
+g3
+(dp3400
+S'ticket'
+p3401
+g6
+ssg7
+g8
+sg9
+(dp3402
+S'city'
+p3403
+S'seattle'
+p3404
+sS'numberofpeople'
+p3405
+S'2'
+sS'theater'
+p3406
+S'regal meridian 16'
+p3407
+sS'starttime'
+p3408
+S'9:30 pm'
+p3409
+sS'date'
+p3410
+S'tomorrow'
+p3411
+sS'moviename'
+p3412
+S'the witch'
+p3413
+ssa(dp3414
+g3
+(dp3415
+S'ticket'
+p3416
+g6
+ssg7
+g8
+sg9
+(dp3417
+S'city'
+p3418
+S'seattle'
+p3419
+sS'numberofpeople'
+p3420
+S'2'
+sS'theater'
+p3421
+S'regal meridian 16'
+p3422
+sS'starttime'
+p3423
+S'9:10 pm'
+p3424
+sS'date'
+p3425
+S'tomorrow'
+p3426
+sS'moviename'
+p3427
+S'zootopia'
+p3428
+ssa(dp3429
+g3
+(dp3430
+S'starttime'
+p3431
+g6
+ssg7
+g8
+sg9
+(dp3432
+S'city'
+p3433
+S'chico'
+p3434
+sS'numberofpeople'
+p3435
+S'1'
+sS'theater'
+p3436
+S'cinemark 14'
+p3437
+sS'date'
+p3438
+S'tomorrow'
+p3439
+sS'state'
+p3440
+S'ca'
+p3441
+sS'genre'
+p3442
+S'drama'
+p3443
+sS'moviename'
+p3444
+S'risen'
+p3445
+ssa(dp3446
+g3
+(dp3447
+g270
+g6
+sS'price'
+p3448
+g6
+sS'starttime'
+p3449
+g6
+ssg7
+g8
+sg9
+(dp3450
+S'moviename'
+p3451
+S'10 cloverfield lane'
+p3452
+sS'numberofpeople'
+p3453
+S'4'
+sS'other'
+p3454
+S'matinee'
+p3455
+sS'theater'
+p3456
+S'beaver creek stadium 12'
+p3457
+ssa(dp3458
+g3
+(dp3459
+S'ticket'
+p3460
+g6
+sS'theater'
+p3461
+g6
+ssg7
+g8
+sg9
+(dp3462
+S'city'
+p3463
+S'seattle'
+p3464
+sS'numberofpeople'
+p3465
+S'2'
+sS'distanceconstraints'
+p3466
+S'near me'
+p3467
+sS'critic_rating'
+p3468
+S'good'
+p3469
+sS'video_format'
+p3470
+S'3d'
+p3471
+sS'state'
+p3472
+S'wa'
+p3473
+sS'other'
+p3474
+S'good restaurant'
+p3475
+sS'starttime'
+p3476
+S'7:30'
+p3477
+sS'date'
+p3478
+S'tomorrow'
+p3479
+sS'moviename'
+p3480
+S'zootopia'
+p3481
+ssa(dp3482
+g3
+(dp3483
+g171
+g6
+sS'moviename'
+p3484
+g6
+ssg7
+g8
+sg9
+(dp3485
+S'genre'
+p3486
+S'action'
+p3487
+sS'date'
+p3488
+S'next saturday'
+p3489
+sg68
+S'2'
+sS'starttime'
+p3490
+S'closest to noon'
+p3491
+sS'zip'
+p3492
+S'90601'
+p3493
+ssa(dp3494
+g3
+(dp3495
+g64
+g6
+ssg7
+g8
+sg9
+(dp3496
+S'city'
+p3497
+S'seattle'
+p3498
+sS'numberofpeople'
+p3499
+S'2'
+sS'theater'
+p3500
+S'regal meridian 16'
+p3501
+sS'starttime'
+p3502
+S'9:00 pm'
+p3503
+sS'date'
+p3504
+S'tomorrow'
+p3505
+sS'moviename'
+p3506
+S'spotlight'
+p3507
+ssa(dp3508
+g3
+(dp3509
+g171
+g6
+sS'moviename'
+p3510
+g6
+ssg7
+g8
+sg9
+(dp3511
+S'city'
+p3512
+S'evanston'
+p3513
+sS'numberofpeople'
+p3514
+S'2'
+sS'critic_rating'
+p3515
+S'top rated'
+p3516
+sS'state'
+p3517
+S'illinois'
+p3518
+sS'starttime'
+p3519
+S'4:05pm'
+p3520
+sS'date'
+p3521
+S'tomorrow'
+p3522
+ssa(dp3523
+g3
+(dp3524
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3525
+S'city'
+p3526
+S'wilmington'
+p3527
+sS'numberofpeople'
+p3528
+S'2'
+sS'state'
+p3529
+S'nc'
+p3530
+sS'other'
+p3531
+S'george on the riverwak'
+p3532
+sS'starttime'
+p3533
+S'kinky there'
+p3534
+sS'date'
+p3535
+S'this date'
+p3536
+sS'moviename'
+p3537
+S'the perfect match'
+p3538
+ssa(dp3539
+g3
+(dp3540
+S'ticket'
+p3541
+g6
+sS'theater'
+p3542
+g6
+ssg7
+g8
+sg9
+(dp3543
+S'city'
+p3544
+S'seattle'
+p3545
+sS'numberofpeople'
+p3546
+S'4'
+sS'distanceconstraints'
+p3547
+S'downtown'
+p3548
+sS'state'
+p3549
+S'oregon'
+p3550
+sS'other'
+p3551
+S'little late'
+p3552
+sS'starttime'
+p3553
+S'after 7pm'
+p3554
+sS'date'
+p3555
+S'tomorrow'
+p3556
+sS'moviename'
+p3557
+S'star wars the force awakens'
+p3558
+ssa(dp3559
+g3
+(dp3560
+S'ticket'
+p3561
+g6
+ssg7
+g8
+sg9
+(dp3562
+S'city'
+p3563
+S'seattle'
+p3564
+sS'numberofpeople'
+p3565
+S'2'
+sS'theater'
+p3566
+S'amc lowes oak tree 6'
+p3567
+sS'starttime'
+p3568
+S'4:50 pm'
+p3569
+sS'date'
+p3570
+S'tomorrow'
+p3571
+sS'moviename'
+p3572
+S'race'
+p3573
+ssa(dp3574
+g3
+(dp3575
+S'ticket'
+p3576
+g6
+ssg7
+g8
+sg9
+(dp3577
+S'city'
+p3578
+S'seattle'
+p3579
+sS'numberofpeople'
+p3580
+S'2'
+sS'theater'
+p3581
+S'amc pacific place 11 theater'
+p3582
+sS'starttime'
+p3583
+S'10:00 pm'
+p3584
+sS'date'
+p3585
+S'tomorrow'
+p3586
+sS'moviename'
+p3587
+S'race'
+p3588
+ssa(dp3589
+g3
+(dp3590
+g171
+g6
+sS'moviename'
+p3591
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp3592
+S'date'
+p3593
+S'this weekend'
+p3594
+sg68
+S'3'
+ssa(dp3595
+g3
+(dp3596
+S'ticket'
+p3597
+g6
+ssg7
+g8
+sg9
+(dp3598
+S'city'
+p3599
+S'seattle'
+p3600
+sS'numberofpeople'
+p3601
+S'2'
+sS'theater'
+p3602
+S'regal meridian 16'
+p3603
+sS'starttime'
+p3604
+S'9:30 pm'
+p3605
+sS'date'
+p3606
+S'tomorrow'
+p3607
+sS'moviename'
+p3608
+S'the witch'
+p3609
+ssa(dp3610
+g3
+(dp3611
+S'ticket'
+p3612
+g6
+ssg7
+g8
+sg9
+(dp3613
+S'city'
+p3614
+S'seattle'
+p3615
+sS'numberofpeople'
+p3616
+S'2'
+sS'theater'
+p3617
+S'regal meridian 16'
+p3618
+sS'starttime'
+p3619
+S'9:30 pm'
+p3620
+sS'date'
+p3621
+S'tomorrow'
+p3622
+sS'moviename'
+p3623
+S'the witch'
+p3624
+ssa(dp3625
+g3
+(dp3626
+g64
+g6
+ssg7
+g8
+sg9
+(dp3627
+S'city'
+p3628
+S'birmingham'
+p3629
+sg68
+S'2'
+sS'theater'
+p3630
+S'carmike summit 16'
+p3631
+sS'state'
+p3632
+S'al'
+p3633
+sS'starttime'
+p3634
+S'2pm'
+p3635
+sS'date'
+p3636
+S'tomorrow'
+p3637
+sS'moviename'
+p3638
+S'deadpool'
+p3639
+ssa(dp3640
+g3
+(dp3641
+S'theater'
+p3642
+g6
+sS'starttime'
+p3643
+g6
+ssg7
+g8
+sg9
+(dp3644
+S'city'
+p3645
+S'seattle'
+p3646
+sg68
+S'2'
+sS'zip'
+p3647
+S'98121'
+p3648
+sS'state'
+p3649
+S'wa'
+p3650
+sS'date'
+p3651
+S'21-mar'
+p3652
+sS'moviename'
+p3653
+S'deadpool'
+p3654
+ssa(dp3655
+g3
+(dp3656
+g64
+g6
+ssg7
+g8
+sg9
+(dp3657
+S'city'
+p3658
+S'birmingham'
+p3659
+sS'numberofpeople'
+p3660
+S'2'
+sS'theater'
+p3661
+S'carmike summit 16'
+p3662
+sS'state'
+p3663
+S'al'
+p3664
+sS'starttime'
+p3665
+S'around 2pm'
+p3666
+sS'date'
+p3667
+S'thursday'
+p3668
+sS'moviename'
+p3669
+S'deadpool'
+p3670
+ssa(dp3671
+g3
+(dp3672
+S'ticket'
+p3673
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3674
+S'date'
+p3675
+S'next friday'
+p3676
+sS'numberofpeople'
+p3677
+S'4'
+sS'moviename'
+p3678
+S'eddie the eagle'
+p3679
+sS'starttime'
+p3680
+S'4:20'
+p3681
+sS'zip'
+p3682
+S'94952'
+p3683
+ssa(dp3684
+g3
+(dp3685
+S'ticket'
+p3686
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp3687
+S'date'
+p3688
+S'next sunday'
+p3689
+sS'numberofpeople'
+p3690
+S'two'
+p3691
+sS'moviename'
+p3692
+S'london has fallen'
+p3693
+sS'starttime'
+p3694
+S'between noon and 4pm'
+p3695
+sS'zip'
+p3696
+S'90602'
+p3697
+ssa(dp3698
+g3
+(dp3699
+g64
+g6
+ssg7
+g8
+sg9
+(dp3700
+S'city'
+p3701
+S'lansing'
+p3702
+sS'numberofpeople'
+p3703
+S'2'
+sS'theater'
+p3704
+S'ncg eastwood cinemas'
+p3705
+sS'greeting'
+p3706
+S'hey there'
+p3707
+sS'genre'
+p3708
+S'comedy'
+p3709
+sS'state'
+p3710
+S'michigan'
+p3711
+sS'starttime'
+p3712
+S'4:25'
+p3713
+sS'date'
+p3714
+S'tomorrow'
+p3715
+sS'moviename'
+p3716
+S'whiskey tango foxtrot'
+p3717
+ssa(dp3718
+g3
+(dp3719
+g270
+g6
+sg354
+g6
+sS'theater'
+p3720
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp3721
+S'distanceconstraints'
+p3722
+S'near the space needle'
+p3723
+sg68
+S'1'
+sS'other'
+p3724
+S'I can order beer in'
+p3725
+ssa(dp3726
+g3
+(dp3727
+g171
+g6
+sS'moviename'
+p3728
+g6
+ssg7
+g8
+sg9
+(dp3729
+S'city'
+p3730
+S'seattle'
+p3731
+sS'numberofpeople'
+p3732
+S'2'
+sS'zip'
+p3733
+S'70070'
+p3734
+sS'date'
+p3735
+S'tomorrow'
+p3736
+sS'starttime'
+p3737
+S'5pm'
+p3738
+sS'genre'
+p3739
+S'funny'
+p3740
+ssa(dp3741
+g3
+(dp3742
+g171
+g6
+sS'ticket'
+p3743
+g6
+sS'moviename'
+p3744
+g6
+sS'description'
+p3745
+g6
+ssg7
+g8
+sg9
+(dp3746
+S'date'
+p3747
+S'thursday'
+p3748
+sS'city'
+p3749
+S'bayou vista'
+p3750
+sS'state'
+p3751
+S'la'
+p3752
+sS'numberofpeople'
+p3753
+S'2'
+sS'starttime'
+p3754
+S'anytime'
+p3755
+ssa(dp3756
+g3
+(dp3757
+S'ticket'
+p3758
+g6
+sS'theater'
+p3759
+g6
+ssg7
+g8
+sg9
+(dp3760
+S'date'
+p3761
+S'friday march 11'
+p3762
+sS'state'
+p3763
+S'california'
+p3764
+sS'numberofpeople'
+p3765
+S'three'
+p3766
+sS'moviename'
+p3767
+S'zootopia'
+p3768
+sS'starttime'
+p3769
+S'4:25pm'
+p3770
+ssa(dp3771
+g3
+(dp3772
+g171
+g6
+sS'moviename'
+p3773
+g6
+ssg7
+g8
+sg9
+(dp3774
+S'city'
+p3775
+S'seattle'
+p3776
+sg68
+S'2'
+sS'critic_rating'
+p3777
+S'best'
+p3778
+sS'date'
+p3779
+S'tonight'
+p3780
+sS'state'
+p3781
+S'washington'
+p3782
+sS'other'
+p3783
+S"don't know"
+p3784
+sS'starttime'
+p3785
+S'9'
+sS'genre'
+p3786
+S'romance'
+p3787
+ssa(dp3788
+g3
+(dp3789
+g64
+g6
+ssg7
+g8
+sg9
+(dp3790
+S'city'
+p3791
+S'portland'
+p3792
+sS'numberofpeople'
+p3793
+S'2'
+sS'theater'
+p3794
+S'regal pioneer place stadium'
+p3795
+sS'state'
+p3796
+S'oregon'
+p3797
+sS'starttime'
+p3798
+S'10 pm#some time close to that'
+p3799
+sS'date'
+p3800
+S'saturday'
+p3801
+sS'moviename'
+p3802
+S'10 cloverfield lane'
+p3803
+ssa(dp3804
+g3
+(dp3805
+g171
+g6
+sS'moviename'
+p3806
+g6
+ssg7
+g8
+sg9
+(dp3807
+S'city'
+p3808
+S'houma'
+p3809
+sS'numberofpeople'
+p3810
+S'4'
+sS'description'
+p3811
+S'good intelligent'
+p3812
+sS'greeting'
+p3813
+S'hi'
+p3814
+sS'genre'
+p3815
+S'comedy'
+p3816
+sS'state'
+p3817
+S'louisiana'
+p3818
+sS'starttime'
+p3819
+S'740'
+p3820
+sS'date'
+p3821
+S'9th'
+p3822
+ssa(dp3823
+g3
+(dp3824
+g171
+g6
+sS'moviename'
+p3825
+g6
+ssg7
+g8
+sg9
+(dp3826
+S'date'
+p3827
+S'march 12'
+p3828
+sS'city'
+p3829
+S'tulare'
+p3830
+sS'state'
+p3831
+S'california'
+p3832
+sS'numberofpeople'
+p3833
+S'two'
+p3834
+sS'starttime'
+p3835
+S'7:20'
+p3836
+ssa(dp3837
+g3
+(dp3838
+g171
+g6
+sS'ticket'
+p3839
+g6
+sS'moviename'
+p3840
+g6
+ssg7
+g8
+sg9
+(dp3841
+S'city'
+p3842
+S'shiloh'
+p3843
+sS'numberofpeople'
+p3844
+S'2'
+sS'date'
+p3845
+S'Tuesday the 8th'
+p3846
+sS'state'
+p3847
+S'illinois'
+p3848
+sS'other'
+p3849
+S'closed'
+p3850
+sS'starttime'
+p3851
+S'between 2 and 4pm'
+p3852
+sS'genre'
+p3853
+S'romantic comedies'
+p3854
+ssa(dp3855
+g3
+(dp3856
+g270
+g6
+sg64
+g6
+ssg7
+g8
+sg9
+(dp3857
+S'moviename'
+p3858
+S'deadpool'
+p3859
+sS'numberofpeople'
+p3860
+S'2'
+sS'theater'
+p3861
+S'royal oak emagine theater'
+p3862
+sS'greeting'
+p3863
+S'hi there'
+p3864
+sS'starttime'
+p3865
+S'between 8-10 pm'
+p3866
+ssa(dp3867
+g3
+(dp3868
+S'ticket'
+p3869
+g6
+ssg7
+g8
+sg9
+(dp3870
+S'city'
+p3871
+S'seattle'
+p3872
+sS'numberofpeople'
+p3873
+S'2'
+sS'theater'
+p3874
+S'regal meridian 16'
+p3875
+sS'starttime'
+p3876
+S'9:25 pm'
+p3877
+sS'date'
+p3878
+S'tomorrow'
+p3879
+sS'moviename'
+p3880
+S'zoolander 2'
+p3881
+ssa(dp3882
+g3
+(dp3883
+g270
+g6
+sS'moviename'
+p3884
+g6
+sS'theater'
+p3885
+g6
+ssg7
+g8
+sg9
+(dp3886
+S'genre'
+p3887
+S'comedies'
+p3888
+sS'city'
+p3889
+S'seattle'
+p3890
+sS'numberofpeople'
+p3891
+S'2'
+sS'other'
+p3892
+S'serve alcohol'
+p3893
+sS'starttime'
+p3894
+S'6pm'
+p3895
+ssa(dp3896
+g3
+(dp3897
+S'ticket'
+p3898
+g6
+sg354
+g6
+ssg7
+g8
+sg9
+(dp3899
+S'date'
+p3900
+S'tomorrow'
+p3901
+sS'city'
+p3902
+S'seattle'
+p3903
+sS'numberofpeople'
+p3904
+S'2'
+sS'theater'
+p3905
+S'amc lowes oak tree 6'
+p3906
+sS'starttime'
+p3907
+S'4:50 pm'
+p3908
+ssa(dp3909
+g3
+(dp3910
+S'ticket'
+p3911
+g6
+ssg7
+g8
+sg9
+(dp3912
+S'city'
+p3913
+S'las vegas'
+p3914
+sS'numberofpeople'
+p3915
+S'two'
+p3916
+sS'theater'
+p3917
+S'southpoint casino'
+p3918
+sS'starttime'
+p3919
+S'10:35'
+p3920
+sS'date'
+p3921
+S'3/10'
+p3922
+sS'moviename'
+p3923
+S'the other side of the door'
+p3924
+ssa(dp3925
+g3
+(dp3926
+g270
+g6
+sg171
+g6
+sS'moviename'
+p3927
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp3928
+S'genre'
+p3929
+S'scary'
+p3930
+sS'city'
+p3931
+S'chicago'
+p3932
+sS'state'
+p3933
+S'il'
+p3934
+sg68
+S'1'
+sS'greeting'
+p3935
+S'hi'
+p3936
+ssa(dp3937
+g3
+(dp3938
+S'ticket'
+p3939
+g6
+ssg7
+g8
+sg9
+(dp3940
+S'city'
+p3941
+S'seattle'
+p3942
+sS'numberofpeople'
+p3943
+S'2'
+sS'theater'
+p3944
+S'regal thornton place'
+p3945
+sS'distanceconstraints'
+p3946
+S'north side'
+p3947
+sS'greeting'
+p3948
+S'hi'
+p3949
+sS'starttime'
+p3950
+S'6:40 pm'
+p3951
+sS'date'
+p3952
+S'tomorrow'
+p3953
+sS'moviename'
+p3954
+S'zootopia'
+p3955
+ssa(dp3956
+g3
+(dp3957
+S'ticket'
+p3958
+g6
+sg171
+g6
+sS'description'
+p3959
+g6
+ssg7
+g8
+sg9
+(dp3960
+S'city'
+p3961
+S'carbondale'
+p3962
+sS'numberofpeople'
+p3963
+S'5'
+sS'distanceconstraints'
+p3964
+S'general'
+p3965
+sS'state'
+p3966
+S'illinois'
+p3967
+sS'other'
+p3968
+S"I'm not from around here"
+p3969
+sS'starttime'
+p3970
+S'after 6pm'
+p3971
+sS'date'
+p3972
+S'friday11th'
+p3973
+sS'moviename'
+p3974
+S'10 cloverfield lane'
+p3975
+ssa(dp3976
+g3
+(dp3977
+S'ticket'
+p3978
+g6
+sg171
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp3979
+S'date'
+p3980
+S'Friday the 10th'
+p3981
+sS'city'
+p3982
+S'seattle'
+p3983
+sS'numberofpeople'
+p3984
+S'8'
+sS'moviename'
+p3985
+S'gods egypt'
+p3986
+ssa(dp3987
+g3
+(dp3988
+g64
+g6
+ssg7
+g8
+sg9
+(dp3989
+S'city'
+p3990
+S'seattle'
+p3991
+sS'numberofpeople'
+p3992
+S'2'
+sS'theater'
+p3993
+S'regal meridian 16 theater'
+p3994
+sS'starttime'
+p3995
+S'8:45 pm'
+p3996
+sS'date'
+p3997
+S'tomorrow'
+p3998
+sS'moviename'
+p3999
+S'hail caesar'
+p4000
+ssa(dp4001
+g3
+(dp4002
+S'ticket'
+p4003
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp4004
+S'date'
+p4005
+S'tomorrow'
+p4006
+sS'city'
+p4007
+S'seattle'
+p4008
+sS'numberofpeople'
+p4009
+S'one'
+p4010
+sS'moviename'
+p4011
+S'zootopia'
+p4012
+sS'starttime'
+p4013
+S'night'
+p4014
+ssa(dp4015
+g3
+(dp4016
+S'ticket'
+p4017
+g6
+ssg7
+g8
+sg9
+(dp4018
+S'city'
+p4019
+S'seattle'
+p4020
+sS'numberofpeople'
+p4021
+S'2'
+sS'theater'
+p4022
+S'amc pacific place 11 theater'
+p4023
+sS'starttime'
+p4024
+S'10:00 pm'
+p4025
+sS'date'
+p4026
+S'tomorrow'
+p4027
+sS'moviename'
+p4028
+S'race'
+p4029
+ssa(dp4030
+g3
+(dp4031
+S'ticket'
+p4032
+g6
+ssg7
+g8
+sg9
+(dp4033
+g68
+S'4'
+sS'theater'
+p4034
+S'amc river east 21'
+p4035
+sS'greeting'
+p4036
+S'hello'
+p4037
+sS'video_format'
+p4038
+S'2d'
+p4039
+sS'starttime'
+p4040
+S'night'
+p4041
+sS'date'
+p4042
+S'tomorrow'
+p4043
+sS'moviename'
+p4044
+S'zootopia'
+p4045
+ssa(dp4046
+g3
+(dp4047
+g64
+g6
+ssg7
+g8
+sg9
+(dp4048
+S'city'
+p4049
+S'seattle'
+p4050
+sS'numberofpeople'
+p4051
+S'2'
+sS'theater'
+p4052
+S'amc pacific place 11 theater'
+p4053
+sS'starttime'
+p4054
+S'10:00 pm'
+p4055
+sS'date'
+p4056
+S'tomorrow'
+p4057
+sS'moviename'
+p4058
+S'race'
+p4059
+ssa(dp4060
+g3
+(dp4061
+S'ticket'
+p4062
+g6
+ssg7
+g8
+sg9
+(dp4063
+S'city'
+p4064
+S'seattle'
+p4065
+sS'numberofpeople'
+p4066
+S'2'
+sS'theater'
+p4067
+S'regal meridian 16'
+p4068
+sS'greeting'
+p4069
+S'hello'
+p4070
+sS'other'
+p4071
+S'indian restaurant'
+p4072
+sS'starttime'
+p4073
+S'9:20 pm'
+p4074
+sS'date'
+p4075
+S'tomorrow'
+p4076
+sS'moviename'
+p4077
+S'london has fallen'
+p4078
+ssa(dp4079
+g3
+(dp4080
+g270
+g6
+sg171
+g6
+sg64
+g6
+sg354
+g6
+sg29
+g6
+ssg7
+g8
+sg9
+(dp4081
+S'city'
+p4082
+S'seattle'
+p4083
+sg68
+S'5'
+sS'other'
+p4084
+S'restaurants'
+p4085
+ssa(dp4086
+g3
+(dp4087
+g64
+g6
+sg354
+g6
+ssg7
+g8
+sg9
+(dp4088
+S'city'
+p4089
+S'miami'
+p4090
+sS'numberofpeople'
+p4091
+S'one'
+p4092
+sS'theater'
+p4093
+S'cinepolis coconut grove'
+p4094
+sS'date'
+p4095
+S'tomorrow'
+p4096
+sS'starttime'
+p4097
+S'around noon'
+p4098
+sS'genre'
+p4099
+S'sci-fi'
+p4100
+ssa(dp4101
+g3
+(dp4102
+g171
+g6
+sS'moviename'
+p4103
+g6
+ssg7
+g8
+sg9
+(dp4104
+S'theater_chain'
+p4105
+S'regency'
+p4106
+sg68
+S'3'
+sS'city'
+p4107
+S'seattle'
+p4108
+sS'date'
+p4109
+S'any day this week'
+p4110
+sS'starttime'
+p4111
+S'9:30 pm'
+p4112
+sS'genre'
+p4113
+S'action'
+p4114
+ssa(dp4115
+g3
+(dp4116
+S'ticket'
+p4117
+g6
+ssg7
+g8
+sg9
+(dp4118
+S'city'
+p4119
+S'seattle'
+p4120
+sS'numberofpeople'
+p4121
+S'2'
+sS'theater'
+p4122
+S'amc lowes oak tree 6'
+p4123
+sS'starttime'
+p4124
+S'7:15 pm'
+p4125
+sS'date'
+p4126
+S'tomorrow'
+p4127
+sS'moviename'
+p4128
+S'hail caesar'
+p4129
+ssa(dp4130
+g3
+(dp4131
+g64
+g6
+ssg7
+g8
+sg9
+(dp4132
+S'city'
+p4133
+S'seattle'
+p4134
+sS'numberofpeople'
+p4135
+S'6'
+sS'theater'
+p4136
+S'amc lowes oak tree'
+p4137
+sS'starttime'
+p4138
+S'7:10 pm'
+p4139
+sS'date'
+p4140
+S'tomorrow'
+p4141
+sS'moviename'
+p4142
+S'triple 9'
+p4143
+ssa(dp4144
+g3
+(dp4145
+g171
+g6
+sS'ticket'
+p4146
+g6
+sS'moviename'
+p4147
+g6
+ssg7
+g8
+sg9
+(dp4148
+S'city'
+p4149
+S'carbondale'
+p4150
+sS'numberofpeople'
+p4151
+S'4'
+sS'description'
+p4152
+S'scary'
+p4153
+sS'greeting'
+p4154
+S'hi'
+p4155
+sS'date'
+p4156
+S'tuesday'
+p4157
+sS'state'
+p4158
+S'illinois'
+p4159
+sS'other'
+p4160
+S'before dinner'
+p4161
+sS'starttime'
+p4162
+S'anytime after 7pm'
+p4163
+sS'genre'
+p4164
+S'thriller'
+p4165
+ssa(dp4166
+g3
+(dp4167
+S'ticket'
+p4168
+g6
+sS'moviename'
+p4169
+g6
+sS'starttime'
+p4170
+g6
+ssg7
+g8
+sg9
+(dp4171
+S'city'
+p4172
+S'seattle'
+p4173
+sS'numberofpeople'
+p4174
+S'two'
+p4175
+sS'theater'
+p4176
+S'regal meridian'
+p4177
+sS'numberofkids'
+p4178
+S'two'
+p4179
+sS'date'
+p4180
+S'tomorrow'
+p4181
+sS'moviename'
+p4182
+S'zootopia'
+p4183
+ssa(dp4184
+g3
+(dp4185
+g64
+g6
+sg171
+g6
+ssg7
+g8
+sg9
+(dp4186
+S'city'
+p4187
+S'las vegas'
+p4188
+sS'numberofpeople'
+p4189
+S'two'
+p4190
+sS'state'
+p4191
+S'nv'
+p4192
+sS'starttime'
+p4193
+S'10:05 pm'
+p4194
+sS'date'
+p4195
+S'tomrrow'
+p4196
+sS'moviename'
+p4197
+S'zootopia'
+p4198
+ssa(dp4199
+g3
+(dp4200
+S'ticket'
+p4201
+g6
+ssg7
+g8
+sg9
+(dp4202
+S'city'
+p4203
+S'seattle'
+p4204
+sS'numberofpeople'
+p4205
+S'2'
+sS'theater'
+p4206
+S'amc pacific place 11 theater'
+p4207
+sS'starttime'
+p4208
+S'9:00 pm'
+p4209
+sS'date'
+p4210
+S'tomorrow'
+p4211
+sS'moviename'
+p4212
+S'deadpool'
+p4213
+ssa.
\ No newline at end of file
diff --git a/data/movie/user_goals_first_turn_template.part.movie.v1.p b/data/movie/user_goals_first_turn_template.part.movie.v1.p
new file mode 100644
index 0000000..187772e
--- /dev/null
+++ b/data/movie/user_goals_first_turn_template.part.movie.v1.p
@@ -0,0 +1,3516 @@
+(lp1
+(dp2
+S'request_slots'
+p3
+(dp4
+sS'diaact'
+p5
+S'request'
+p6
+sS'inform_slots'
+p7
+(dp8
+S'city'
+p9
+S'birmingham'
+p10
+sS'numberofpeople'
+p11
+S'1'
+sS'theater'
+p12
+S'carmike summit 16'
+p13
+sS'state'
+p14
+S'al'
+p15
+sS'starttime'
+p16
+S'around 2pm'
+p17
+sS'date'
+p18
+S'today'
+p19
+sS'moviename'
+p20
+S'zootopia'
+p21
+ssa(dp22
+g3
+(dp23
+sg5
+g6
+sg7
+(dp24
+S'city'
+p25
+S'seattle'
+p26
+sS'numberofpeople'
+p27
+S'2'
+sS'theater'
+p28
+S'amc pacific place 11 theater'
+p29
+sS'starttime'
+p30
+S'9:00 pm'
+p31
+sS'date'
+p32
+S'tomorrow'
+p33
+sS'moviename'
+p34
+S'deadpool'
+p35
+ssa(dp36
+g3
+(dp37
+sg5
+g6
+sg7
+(dp38
+S'city'
+p39
+S'birmingham'
+p40
+sg11
+S'4'
+sS'theater'
+p41
+S'carmike summit 16'
+p42
+sS'state'
+p43
+S'al'
+p44
+sS'starttime'
+p45
+S'around 6pm'
+p46
+sS'date'
+p47
+S'today'
+p48
+sS'moviename'
+p49
+S'deadpool'
+p50
+ssa(dp51
+g3
+(dp52
+sg5
+g6
+sg7
+(dp53
+S'city'
+p54
+S'seattle'
+p55
+sS'numberofpeople'
+p56
+S'2'
+sS'theater'
+p57
+S'regal meridian 16'
+p58
+sS'starttime'
+p59
+S'9:10 pm'
+p60
+sS'date'
+p61
+S'tomorrow'
+p62
+sS'moviename'
+p63
+S'zootopia'
+p64
+ssa(dp65
+g3
+(dp66
+sg5
+g6
+sg7
+(dp67
+S'city'
+p68
+S'seattle'
+p69
+sS'numberofpeople'
+p70
+S'2'
+sS'theater'
+p71
+S'regal meridian 16'
+p72
+sS'starttime'
+p73
+S'8:45 pm'
+p74
+sS'date'
+p75
+S'tomorrow'
+p76
+sS'moviename'
+p77
+S'hail caesar'
+p78
+ssa(dp79
+g3
+(dp80
+S'date'
+p81
+S'UNK'
+p82
+sS'theater'
+p83
+g82
+sS'starttime'
+p84
+g82
+ssg5
+g6
+sg7
+(dp85
+S'city'
+p86
+S'portland'
+p87
+sS'state'
+p88
+S'oregon'
+p89
+sg11
+S'5'
+sS'moviename'
+p90
+S'star wars'
+p91
+ssa(dp92
+g3
+(dp93
+sg5
+g6
+sg7
+(dp94
+S'city'
+p95
+S'seattle'
+p96
+sS'numberofpeople'
+p97
+S'2'
+sS'theater'
+p98
+S'amc pacific place 11 theater'
+p99
+sS'starttime'
+p100
+S'9:30 pm'
+p101
+sS'date'
+p102
+S'tomorrow'
+p103
+sS'moviename'
+p104
+S'room'
+p105
+ssa(dp106
+g3
+(dp107
+sg5
+g6
+sg7
+(dp108
+S'city'
+p109
+S'seattle'
+p110
+sS'numberofpeople'
+p111
+S'2'
+sS'theater'
+p112
+S'regal meridian 16'
+p113
+sS'starttime'
+p114
+S'9:30 pm'
+p115
+sS'date'
+p116
+S'tomorrow'
+p117
+sS'moviename'
+p118
+S'the witch'
+p119
+ssa(dp120
+g3
+(dp121
+sg5
+g6
+sg7
+(dp122
+S'city'
+p123
+S'seattle'
+p124
+sS'numberofpeople'
+p125
+S'2'
+sS'theater'
+p126
+S'regal meridian 16'
+p127
+sS'starttime'
+p128
+S'9:30 pm'
+p129
+sS'date'
+p130
+S'tomorrow'
+p131
+sS'moviename'
+p132
+S'the witch'
+p133
+ssa(dp134
+g3
+(dp135
+sg5
+g6
+sg7
+(dp136
+S'city'
+p137
+S'seattle'
+p138
+sS'numberofpeople'
+p139
+S'6'
+sS'theater'
+p140
+S'amc lowes oak tree'
+p141
+sS'starttime'
+p142
+S'7:10 pm'
+p143
+sS'date'
+p144
+S'tomorrow'
+p145
+sS'moviename'
+p146
+S'triple 9'
+p147
+ssa(dp148
+g3
+(dp149
+sg5
+g6
+sg7
+(dp150
+S'city'
+p151
+S'seattle'
+p152
+sS'numberofpeople'
+p153
+S'2'
+sS'theater'
+p154
+S'regal meridian 16'
+p155
+sS'starttime'
+p156
+S'9:10 pm'
+p157
+sS'date'
+p158
+S'tomorrow'
+p159
+sS'moviename'
+p160
+S'zootopia'
+p161
+ssa(dp162
+g3
+(dp163
+g83
+g82
+ssg5
+g6
+sg7
+(dp164
+S'city'
+p165
+S'birmingham'
+p166
+sS'numberofpeople'
+p167
+S'2'
+sS'state'
+p168
+S'al'
+p169
+sS'starttime'
+p170
+S'4 pm'
+p171
+sS'date'
+p172
+S'today'
+p173
+sS'moviename'
+p174
+S'deadpool'
+p175
+ssa(dp176
+g3
+(dp177
+sg5
+g6
+sg7
+(dp178
+S'city'
+p179
+S'seattle'
+p180
+sS'numberofpeople'
+p181
+S'2'
+sS'theater'
+p182
+S'regal meridian 16'
+p183
+sS'starttime'
+p184
+S'8:45 pm'
+p185
+sS'date'
+p186
+S'tomorrow'
+p187
+sS'moviename'
+p188
+S'the big short'
+p189
+ssa(dp190
+g3
+(dp191
+sg5
+g6
+sg7
+(dp192
+S'city'
+p193
+S'seattle'
+p194
+sS'numberofpeople'
+p195
+S'2'
+sS'theater'
+p196
+S'regal meridian 16'
+p197
+sS'starttime'
+p198
+S'8:45 pm'
+p199
+sS'date'
+p200
+S'tomorrow'
+p201
+sS'moviename'
+p202
+S'the big short'
+p203
+ssa(dp204
+g3
+(dp205
+sg5
+g6
+sg7
+(dp206
+S'city'
+p207
+S'seattle'
+p208
+sS'numberofpeople'
+p209
+S'2'
+sS'theater'
+p210
+S'regal meridian 16'
+p211
+sS'starttime'
+p212
+S'9:10 pm'
+p213
+sS'date'
+p214
+S'tomorrow'
+p215
+sS'moviename'
+p216
+S'zootopia'
+p217
+ssa(dp218
+g3
+(dp219
+g81
+g82
+sg83
+g82
+ssg5
+g6
+sg7
+(dp220
+S'city'
+p221
+S'stony brook'
+p222
+sS'state'
+p223
+S'ny'
+p224
+sg11
+S'1'
+sS'moviename'
+p225
+S' Young Messiah'
+p226
+sS'starttime'
+p227
+S' Matinee'
+p228
+ssa(dp229
+g3
+(dp230
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp231
+S'city'
+p232
+S'Petaluma'
+p233
+sS'numberofpeople'
+p234
+S'4'
+sS'moviename'
+p235
+S'eddie the eagle'
+p236
+ssa(dp237
+g3
+(dp238
+S'starttime'
+p239
+g82
+ssg5
+g6
+sg7
+(dp240
+S'date'
+p241
+S'tomorrow'
+p242
+sS'moviename'
+p243
+S'risen'
+p244
+sg11
+S'3'
+sS'theater'
+p245
+S'regency commerce 14'
+p246
+ssa(dp247
+g3
+(dp248
+sg5
+g6
+sg7
+(dp249
+S'city'
+p250
+S'seattle'
+p251
+sS'numberofpeople'
+p252
+S'2'
+sS'theater'
+p253
+S'regal meridian 16'
+p254
+sS'starttime'
+p255
+S'9:25 pm'
+p256
+sS'date'
+p257
+S'tomorrow'
+p258
+sS'moviename'
+p259
+S'zoolander 2'
+p260
+ssa(dp261
+g3
+(dp262
+sg5
+g6
+sg7
+(dp263
+S'city'
+p264
+S'seattle'
+p265
+sS'numberofpeople'
+p266
+S'2'
+sS'theater'
+p267
+S'amc pacific place 11 theater'
+p268
+sS'starttime'
+p269
+S'9:00 pm'
+p270
+sS'date'
+p271
+S'tomorrow'
+p272
+sS'moviename'
+p273
+S'deadpool'
+p274
+ssa(dp275
+g3
+(dp276
+g83
+g82
+ssg5
+g6
+sg7
+(dp277
+S'date'
+p278
+S'saturday'
+p279
+sg11
+S'1'
+sS'moviename'
+p280
+S'zootopia'
+p281
+sS'starttime'
+p282
+S'around 2pm'
+p283
+ssa(dp284
+g3
+(dp285
+sg5
+g6
+sg7
+(dp286
+S'city'
+p287
+S'seattle'
+p288
+sS'numberofpeople'
+p289
+S'2'
+sS'theater'
+p290
+S'regal meridian 16'
+p291
+sS'starttime'
+p292
+S'9:30 pm'
+p293
+sS'date'
+p294
+S'tomorrow'
+p295
+sS'moviename'
+p296
+S'the witch'
+p297
+ssa(dp298
+g3
+(dp299
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp300
+S'numberofpeople'
+p301
+S'4'
+sS'moviename'
+p302
+S'zootopia'
+p303
+ssa(dp304
+g3
+(dp305
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp306
+g11
+S'4'
+sS'moviename'
+p307
+S'Avengers'
+p308
+ssa(dp309
+g3
+(dp310
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp311
+S'distanceconstraints'
+p312
+S'close to 95833'
+p313
+sg11
+S'3'
+sS'moviename'
+p314
+S'zoology'
+p315
+ssa(dp316
+g3
+(dp317
+sg5
+g6
+sg7
+(dp318
+S'city'
+p319
+S'seattle'
+p320
+sS'numberofpeople'
+p321
+S'2'
+sS'theater'
+p322
+S'amc lowes oak tree 6'
+p323
+sS'starttime'
+p324
+S'4:50 pm'
+p325
+sS'date'
+p326
+S'tomorrow'
+p327
+sS'moviename'
+p328
+S'race'
+p329
+ssa(dp330
+g3
+(dp331
+g81
+g82
+sg83
+g82
+sS'starttime'
+p332
+g82
+ssg5
+g6
+sg7
+(dp333
+g11
+S'3'
+sS'moviename'
+p334
+S'deadpool'
+p335
+ssa(dp336
+g3
+(dp337
+sg5
+g6
+sg7
+(dp338
+S'city'
+p339
+S'seattle'
+p340
+sS'numberofpeople'
+p341
+S'2'
+sS'theater'
+p342
+S'amc lowes oak tree 6'
+p343
+sS'starttime'
+p344
+S'7:15 pm'
+p345
+sS'date'
+p346
+S'tomorrow'
+p347
+sS'moviename'
+p348
+S'hail caesar'
+p349
+ssa(dp350
+g3
+(dp351
+g83
+g82
+ssg5
+g6
+sg7
+(dp352
+S'city'
+p353
+S'birmingham'
+p354
+sS'numberofpeople'
+p355
+S'2'
+sS'state'
+p356
+S'al'
+p357
+sS'starttime'
+p358
+S'around 4pm'
+p359
+sS'date'
+p360
+S'today'
+p361
+sS'moviename'
+p362
+S'zootopia'
+p363
+ssa(dp364
+g3
+(dp365
+S'theater'
+p366
+g82
+ssg5
+g6
+sg7
+(dp367
+S'date'
+p368
+S'tomorrow'
+p369
+sg11
+S'5'
+sS'moviename'
+p370
+S'zootopia'
+p371
+sS'starttime'
+p372
+S'night'
+p373
+ssa(dp374
+g3
+(dp375
+sg5
+g6
+sg7
+(dp376
+S'city'
+p377
+S'seattle'
+p378
+sS'numberofpeople'
+p379
+S'2'
+sS'theater'
+p380
+S'regal meridian 16'
+p381
+sS'starttime'
+p382
+S'9:25 pm'
+p383
+sS'date'
+p384
+S'tomorrow'
+p385
+sS'moviename'
+p386
+S'zoolander 2'
+p387
+ssa(dp388
+g3
+(dp389
+S'theater'
+p390
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp391
+S'date'
+p392
+S'tonight'
+p393
+sg11
+S'1'
+sS'moviename'
+p394
+S'zootopia'
+p395
+ssa(dp396
+g3
+(dp397
+sg5
+g6
+sg7
+(dp398
+S'city'
+p399
+S'birmingham'
+p400
+sg11
+S'3'
+sS'theater'
+p401
+S'carmike summit 16'
+p402
+sS'state'
+p403
+S'al'
+p404
+sS'starttime'
+p405
+S'2pm'
+p406
+sS'date'
+p407
+S'saturday'
+p408
+sS'moviename'
+p409
+S'deadpool'
+p410
+ssa(dp411
+g3
+(dp412
+g84
+g82
+ssg5
+g6
+sg7
+(dp413
+S'date'
+p414
+S'tomorrow'
+p415
+sS'moviename'
+p416
+S'gods of egypt'
+p417
+sg11
+S'4'
+sS'theater'
+p418
+S'regal theater'
+p419
+sS'city'
+p420
+S'sacramento'
+p421
+ssa(dp422
+g3
+(dp423
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp424
+S'date'
+p425
+S'tomorrow'
+p426
+sg11
+S'3'
+sS'moviename'
+p427
+S'10 cloverfield lane'
+p428
+ssa(dp429
+g3
+(dp430
+g81
+g82
+sS'theater'
+p431
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp432
+g11
+S'2'
+sS'moviename'
+p433
+S'zootopia'
+p434
+ssa(dp435
+g3
+(dp436
+sg5
+g6
+sg7
+(dp437
+S'city'
+p438
+S'seattle'
+p439
+sS'numberofpeople'
+p440
+S'2'
+sS'theater'
+p441
+S'regal meridian 16'
+p442
+sS'starttime'
+p443
+S'9:25 pm'
+p444
+sS'date'
+p445
+S'tomorrow'
+p446
+sS'moviename'
+p447
+S'zoolander 2'
+p448
+ssa(dp449
+g3
+(dp450
+S'starttime'
+p451
+g82
+ssg5
+g6
+sg7
+(dp452
+S'date'
+p453
+S'tomorrow'
+p454
+sS'moviename'
+p455
+S'risen'
+p456
+sg11
+S'2'
+sS'theater'
+p457
+S'regency commerce 14'
+p458
+ssa(dp459
+g3
+(dp460
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp461
+S'date'
+p462
+S'this friday'
+p463
+sg11
+S'4'
+sS'moviename'
+p464
+S'star wars'
+p465
+ssa(dp466
+g3
+(dp467
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp468
+S'city'
+p469
+S'portland'
+p470
+sS'state'
+p471
+S'oregon'
+p472
+sg11
+S'3'
+sS'moviename'
+p473
+S'zootopia'
+p474
+ssa(dp475
+g3
+(dp476
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp477
+S'date'
+p478
+S'tonight'
+p479
+sg11
+S'5'
+sS'moviename'
+p480
+S'zootopia'
+p481
+ssa(dp482
+g3
+(dp483
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp484
+S'city'
+p485
+S'portland'
+p486
+sS'state'
+p487
+S'oregon'
+p488
+sg11
+S'5'
+sS'moviename'
+p489
+S'star wars'
+p490
+ssa(dp491
+g3
+(dp492
+sg5
+g6
+sg7
+(dp493
+S'city'
+p494
+S'seattle'
+p495
+sS'numberofpeople'
+p496
+S'2'
+sS'theater'
+p497
+S'regal meridian 16'
+p498
+sS'starttime'
+p499
+S'9:10 pm'
+p500
+sS'date'
+p501
+S'tomorrow'
+p502
+sS'moviename'
+p503
+S'zootopia'
+p504
+ssa(dp505
+g3
+(dp506
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp507
+S'date'
+p508
+S'tonight'
+p509
+sg11
+S'1'
+sS'moviename'
+p510
+S'zootopia'
+p511
+ssa(dp512
+g3
+(dp513
+sg5
+g6
+sg7
+(dp514
+S'city'
+p515
+S'seattle'
+p516
+sS'numberofpeople'
+p517
+S'2'
+sS'theater'
+p518
+S'regal meridian 16'
+p519
+sS'starttime'
+p520
+S'8:45 pm'
+p521
+sS'date'
+p522
+S'tomorrow'
+p523
+sS'moviename'
+p524
+S'hail caesar'
+p525
+ssa(dp526
+g3
+(dp527
+g81
+g82
+sS'theater'
+p528
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp529
+S'distanceconstraints'
+p530
+S'near me'
+p531
+sg11
+S'4'
+sS'moviename'
+p532
+S'kung fu panda 3'
+p533
+ssa(dp534
+g3
+(dp535
+sg5
+g6
+sg7
+(dp536
+S'city'
+p537
+S'seattle'
+p538
+sS'numberofpeople'
+p539
+S'2'
+sS'theater'
+p540
+S'regal meridian 16'
+p541
+sS'starttime'
+p542
+S'8:45 pm'
+p543
+sS'date'
+p544
+S'tomorrow'
+p545
+sS'moviename'
+p546
+S'hail caesar'
+p547
+ssa(dp548
+g3
+(dp549
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp550
+S'numberofpeople'
+p551
+S'two'
+p552
+sS'moviename'
+p553
+S'london has fallen'
+p554
+sS'zip'
+p555
+S'90602'
+p556
+ssa(dp557
+g3
+(dp558
+sg5
+g6
+sg7
+(dp559
+S'city'
+p560
+S'seattle'
+p561
+sS'numberofpeople'
+p562
+S'2'
+sS'theater'
+p563
+S'regal meridian 16'
+p564
+sS'starttime'
+p565
+S'9:10 pm'
+p566
+sS'date'
+p567
+S'tomorrow'
+p568
+sS'moviename'
+p569
+S'zootopia'
+p570
+ssa(dp571
+g3
+(dp572
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp573
+S'date'
+p574
+S'tomorrow night'
+p575
+sS'city'
+p576
+S'seattle'
+p577
+sS'numberofpeople'
+p578
+S'one'
+p579
+sS'moviename'
+p580
+S'zootopia'
+p581
+ssa(dp582
+g3
+(dp583
+g81
+g82
+sS'theater'
+p584
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp585
+g11
+S'2'
+sS'moviename'
+p586
+S'first'
+p587
+ssa(dp588
+g3
+(dp589
+g83
+g82
+ssg5
+g6
+sg7
+(dp590
+S'date'
+p591
+S'saturday'
+p592
+sg11
+S'4'
+sS'moviename'
+p593
+S'zootopia'
+p594
+sS'starttime'
+p595
+S'around 2pm'
+p596
+ssa(dp597
+g3
+(dp598
+S'theater'
+p599
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp600
+S'date'
+p601
+S'tonight'
+p602
+sg11
+S'3'
+sS'moviename'
+p603
+S'zootopia'
+p604
+ssa(dp605
+g3
+(dp606
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp607
+g11
+S'3'
+sS'moviename'
+p608
+S'whiskey tango foxtrot'
+p609
+ssa(dp610
+g3
+(dp611
+S'theater'
+p612
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp613
+S'date'
+p614
+S'tomorrow night'
+p615
+sg11
+S'5'
+sS'moviename'
+p616
+S'zootopia'
+p617
+ssa(dp618
+g3
+(dp619
+g81
+g82
+sS'theater'
+p620
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp621
+S'distanceconstraints'
+p622
+S'near me'
+p623
+sg11
+S'1'
+sS'moviename'
+p624
+S'kung fu panda 3'
+p625
+ssa(dp626
+g3
+(dp627
+g81
+g82
+sg83
+g82
+sS'starttime'
+p628
+g82
+ssg5
+g6
+sg7
+(dp629
+g11
+S'5'
+sS'moviename'
+p630
+S'london has fallen'
+p631
+ssa(dp632
+g3
+(dp633
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp634
+S'city'
+p635
+S'portland'
+p636
+sS'state'
+p637
+S'oregon'
+p638
+sg11
+S'4'
+sS'moviename'
+p639
+S'whiskey tango foxtrot'
+p640
+ssa(dp641
+g3
+(dp642
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp643
+g11
+S'5'
+sS'moviename'
+p644
+S'deadpool'
+p645
+ssa(dp646
+g3
+(dp647
+sg5
+g6
+sg7
+(dp648
+S'city'
+p649
+S'seattle'
+p650
+sS'numberofpeople'
+p651
+S'2'
+sS'theater'
+p652
+S'amc lowes oak tree 6'
+p653
+sS'starttime'
+p654
+S'4:25 pm'
+p655
+sS'date'
+p656
+S'tomorrow'
+p657
+sS'moviename'
+p658
+S'risen'
+p659
+ssa(dp660
+g3
+(dp661
+sg5
+g6
+sg7
+(dp662
+S'city'
+p663
+S'seattle'
+p664
+sS'numberofpeople'
+p665
+S'2'
+sS'theater'
+p666
+S'pacific place 11 theater'
+p667
+sS'date'
+p668
+S'tomorrow'
+p669
+sS'starttime'
+p670
+S'9:30 pm'
+p671
+sS'theater_chain'
+p672
+S'amc'
+p673
+sS'moviename'
+p674
+S'room'
+p675
+ssa(dp676
+g3
+(dp677
+g81
+g82
+sS'theater'
+p678
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp679
+S'city'
+p680
+S'seattle'
+p681
+sg11
+S'2'
+sS'moviename'
+p682
+S'deadpool'
+p683
+ssa(dp684
+g3
+(dp685
+g83
+g82
+ssg5
+g6
+sg7
+(dp686
+S'date'
+p687
+S'tomorrow'
+p688
+sS'city'
+p689
+S'los angeles'
+p690
+sg11
+S'4'
+sS'moviename'
+p691
+S'deadpool'
+p692
+sS'starttime'
+p693
+S'8pm'
+p694
+ssa(dp695
+g3
+(dp696
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp697
+S'date'
+p698
+S'this weekend'
+p699
+sg11
+S'1'
+sS'moviename'
+p700
+S'batman moviename'
+p701
+ssa(dp702
+g3
+(dp703
+g81
+g82
+sg83
+g82
+sS'starttime'
+p704
+g82
+ssg5
+g6
+sg7
+(dp705
+S'distanceconstraints'
+p706
+S'near me'
+p707
+sg11
+S'5'
+sS'moviename'
+p708
+S'zootopia'
+p709
+ssa(dp710
+g3
+(dp711
+g83
+g82
+ssg5
+g6
+sg7
+(dp712
+S'date'
+p713
+S'tomorrow'
+p714
+sS'city'
+p715
+S'detroit'
+p716
+sg11
+S'3'
+sS'moviename'
+p717
+S'deadpool'
+p718
+sS'starttime'
+p719
+S'7pm'
+p720
+ssa(dp721
+g3
+(dp722
+g83
+g82
+ssg5
+g6
+sg7
+(dp723
+S'date'
+p724
+S'tomorrow'
+p725
+sS'city'
+p726
+S'regency'
+p727
+sS'numberofpeople'
+p728
+S'four'
+p729
+sS'moviename'
+p730
+S'creed'
+p731
+sS'starttime'
+p732
+S'around noon'
+p733
+ssa(dp734
+g3
+(dp735
+g83
+g82
+ssg5
+g6
+sg7
+(dp736
+S'date'
+p737
+S'tomorrow'
+p738
+sS'city'
+p739
+S'los angeles'
+p740
+sg11
+S'5'
+sS'moviename'
+p741
+S'zootopia'
+p742
+sS'starttime'
+p743
+S'8pm'
+p744
+ssa(dp745
+g3
+(dp746
+sg5
+g6
+sg7
+(dp747
+S'city'
+p748
+S'seattle'
+p749
+sS'numberofpeople'
+p750
+S'2'
+sS'theater'
+p751
+S'amc lowes oak tree 6'
+p752
+sS'starttime'
+p753
+S'4:25 pm'
+p754
+sS'date'
+p755
+S'tomorrow'
+p756
+sS'moviename'
+p757
+S'risen'
+p758
+ssa(dp759
+g3
+(dp760
+sg5
+g6
+sg7
+(dp761
+S'city'
+p762
+S'seattle'
+p763
+sS'numberofpeople'
+p764
+S'2'
+sS'theater'
+p765
+S'amc pacific place 11 theater'
+p766
+sS'starttime'
+p767
+S'9:30 pm'
+p768
+sS'date'
+p769
+S'tomorrow'
+p770
+sS'moviename'
+p771
+S'room'
+p772
+ssa(dp773
+g3
+(dp774
+sg5
+g6
+sg7
+(dp775
+S'city'
+p776
+S'birmingham'
+p777
+sg11
+S'2'
+sS'theater'
+p778
+S'carmike summit 16'
+p779
+sS'state'
+p780
+S'al'
+p781
+sS'starttime'
+p782
+S'around 2pm'
+p783
+sS'date'
+p784
+S'today'
+p785
+sS'moviename'
+p786
+S'london had fallen'
+p787
+ssa(dp788
+g3
+(dp789
+sg5
+g6
+sg7
+(dp790
+S'city'
+p791
+S'seattle'
+p792
+sS'numberofpeople'
+p793
+S'2'
+sS'theater'
+p794
+S'amc lowes oak tree 6'
+p795
+sS'starttime'
+p796
+S'4:50 pm'
+p797
+sS'date'
+p798
+S'tomorrow'
+p799
+sS'moviename'
+p800
+S'room'
+p801
+ssa(dp802
+g3
+(dp803
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp804
+S'date'
+p805
+S'tomorrow'
+p806
+sS'city'
+p807
+S'philadelphia'
+p808
+sg11
+S'3'
+sS'moviename'
+p809
+S'deadpool'
+p810
+sS'zip'
+p811
+S'19101'
+p812
+ssa(dp813
+g3
+(dp814
+sg5
+g6
+sg7
+(dp815
+S'city'
+p816
+S'birmingham'
+p817
+sS'numberofpeople'
+p818
+S'2'
+sS'theater'
+p819
+S'carmike summit 16'
+p820
+sS'state'
+p821
+S'al'
+p822
+sS'starttime'
+p823
+S'around 5pm'
+p824
+sS'date'
+p825
+S'tomorrow'
+p826
+sS'moviename'
+p827
+S'deadpool'
+p828
+ssa(dp829
+g3
+(dp830
+sg5
+g6
+sg7
+(dp831
+S'city'
+p832
+S'seattle'
+p833
+sS'numberofpeople'
+p834
+S'2'
+sS'theater'
+p835
+S'regal meridian 16'
+p836
+sS'starttime'
+p837
+S'8:45 pm'
+p838
+sS'date'
+p839
+S'tomorrow'
+p840
+sS'moviename'
+p841
+S'The big short'
+p842
+ssa(dp843
+g3
+(dp844
+g81
+g82
+sg83
+g82
+ssg5
+g6
+sg7
+(dp845
+g11
+S'4'
+sS'moviename'
+p846
+S'zootopia'
+p847
+sS'starttime'
+p848
+S'matinee'
+p849
+ssa(dp850
+g3
+(dp851
+g83
+g82
+ssg5
+g6
+sg7
+(dp852
+S'city'
+p853
+S'la'
+p854
+sS'numberofpeople'
+p855
+S'2'
+sS'distanceconstraints'
+p856
+S'downtown'
+p857
+sS'video_format'
+p858
+S'3d'
+p859
+sS'starttime'
+p860
+S'7pm'
+p861
+sS'date'
+p862
+S'tomorrow'
+p863
+sS'moviename'
+p864
+S'creed'
+p865
+ssa(dp866
+g3
+(dp867
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp868
+S'city'
+p869
+S'birmingham'
+p870
+sS'state'
+p871
+S'al'
+p872
+sS'numberofpeople'
+p873
+S'2'
+sS'moviename'
+p874
+S'zootopia'
+p875
+ssa(dp876
+g3
+(dp877
+sg5
+g6
+sg7
+(dp878
+S'city'
+p879
+S'seattle'
+p880
+sS'numberofpeople'
+p881
+S'2'
+sS'theater'
+p882
+S'regal meridian 16'
+p883
+sS'starttime'
+p884
+S'9:00 pm'
+p885
+sS'date'
+p886
+S'tomorrow'
+p887
+sS'moviename'
+p888
+S'spotlight'
+p889
+ssa(dp890
+g3
+(dp891
+g81
+g82
+sS'theater'
+p892
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp893
+g11
+S'5'
+sS'moviename'
+p894
+S'avengers'
+p895
+ssa(dp896
+g3
+(dp897
+sg5
+g6
+sg7
+(dp898
+S'city'
+p899
+S'seattle'
+p900
+sS'numberofpeople'
+p901
+S'2'
+sS'theater'
+p902
+S'regal meridian 16'
+p903
+sS'starttime'
+p904
+S'9:00 pm'
+p905
+sS'date'
+p906
+S'tomorrow'
+p907
+sS'moviename'
+p908
+S'spotlight'
+p909
+ssa(dp910
+g3
+(dp911
+sg5
+g6
+sg7
+(dp912
+S'city'
+p913
+S'seattle'
+p914
+sS'numberofpeople'
+p915
+S'2'
+sS'theater'
+p916
+S'regal meridian 16'
+p917
+sS'starttime'
+p918
+S'8:45 pm'
+p919
+sS'date'
+p920
+S'tomorrow'
+p921
+sS'moviename'
+p922
+S'hail caesar'
+p923
+ssa(dp924
+g3
+(dp925
+sg5
+g6
+sg7
+(dp926
+S'city'
+p927
+S'birmingham'
+p928
+sS'numberofpeople'
+p929
+S'2'
+sS'theater'
+p930
+S'carmike 16'
+p931
+sS'state'
+p932
+S'al'
+p933
+sS'starttime'
+p934
+S'2pm'
+p935
+sS'date'
+p936
+S'today'
+p937
+sS'moviename'
+p938
+S'zootopia'
+p939
+ssa(dp940
+g3
+(dp941
+g81
+g82
+sS'theater'
+p942
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp943
+S'city'
+p944
+S'du quoin'
+p945
+sS'state'
+p946
+S'illinois'
+p947
+sg11
+S'2'
+sS'moviename'
+p948
+S'star wars'
+p949
+ssa(dp950
+g3
+(dp951
+sg5
+g6
+sg7
+(dp952
+S'city'
+p953
+S'seattle'
+p954
+sS'numberofpeople'
+p955
+S'2'
+sS'theater'
+p956
+S'regal meridian 16'
+p957
+sS'starttime'
+p958
+S'8:45 pm'
+p959
+sS'date'
+p960
+S'tomorrow'
+p961
+sS'moviename'
+p962
+S'hail caesar'
+p963
+ssa(dp964
+g3
+(dp965
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp966
+S'city'
+p967
+S'portland'
+p968
+sS'state'
+p969
+S'oregon'
+p970
+sg11
+S'2'
+sS'moviename'
+p971
+S'star wars'
+p972
+ssa(dp973
+g3
+(dp974
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp975
+S'city'
+p976
+S'los angeles'
+p977
+sg11
+S'1'
+sS'moviename'
+p978
+S'deadpool'
+p979
+ssa(dp980
+g3
+(dp981
+g83
+g82
+ssg5
+g6
+sg7
+(dp982
+S'date'
+p983
+S'tomorrow'
+p984
+sS'city'
+p985
+S'regency academy 6 theater'
+p986
+sS'numberofpeople'
+p987
+S'four'
+p988
+sS'moviename'
+p989
+S'creed'
+p990
+sS'starttime'
+p991
+S'around noon'
+p992
+ssa(dp993
+g3
+(dp994
+sg5
+g6
+sg7
+(dp995
+S'city'
+p996
+S'seattle'
+p997
+sS'numberofpeople'
+p998
+S'2'
+sS'theater'
+p999
+S'regal meridian 16'
+p1000
+sS'starttime'
+p1001
+S'9:00 pm'
+p1002
+sS'date'
+p1003
+S'tomorrow'
+p1004
+sS'moviename'
+p1005
+S'spotlight'
+p1006
+ssa(dp1007
+g3
+(dp1008
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1009
+S'date'
+p1010
+S'tomorrow night'
+p1011
+sg11
+S'1'
+sS'moviename'
+p1012
+S'deadpool'
+p1013
+ssa(dp1014
+g3
+(dp1015
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1016
+S'city'
+p1017
+S'portland'
+p1018
+sS'state'
+p1019
+S'oregon'
+p1020
+sg11
+S'4'
+sS'moviename'
+p1021
+S'star wars'
+p1022
+ssa(dp1023
+g3
+(dp1024
+g81
+g82
+sS'starttime'
+p1025
+g82
+ssg5
+g6
+sg7
+(dp1026
+S'moviename'
+p1027
+S'star wars'
+p1028
+sg11
+S'2'
+sS'theater'
+p1029
+S'shelby township'
+p1030
+ssa(dp1031
+g3
+(dp1032
+g83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1033
+S'date'
+p1034
+S'tomorrow'
+p1035
+sS'city'
+p1036
+S'philadelphia'
+p1037
+sg11
+S'4'
+sS'moviename'
+p1038
+S'deadpool'
+p1039
+sS'zip'
+p1040
+S'19101'
+p1041
+ssa(dp1042
+g3
+(dp1043
+sg5
+g6
+sg7
+(dp1044
+S'city'
+p1045
+S'seattle'
+p1046
+sS'numberofpeople'
+p1047
+S'2'
+sS'theater'
+p1048
+S'regal meridian 16'
+p1049
+sS'starttime'
+p1050
+S'9:10 pm'
+p1051
+sS'date'
+p1052
+S'tomorrow'
+p1053
+sS'moviename'
+p1054
+S'zootopia'
+p1055
+ssa(dp1056
+g3
+(dp1057
+sg5
+g6
+sg7
+(dp1058
+S'city'
+p1059
+S'seattle'
+p1060
+sS'numberofpeople'
+p1061
+S'2'
+sS'theater'
+p1062
+S'amc pacific place 11 theater'
+p1063
+sS'starttime'
+p1064
+S'9:00 pm'
+p1065
+sS'date'
+p1066
+S'tomorrow'
+p1067
+sS'moviename'
+p1068
+S'deadpool'
+p1069
+ssa(dp1070
+g3
+(dp1071
+g83
+g82
+ssg5
+g6
+sg7
+(dp1072
+S'city'
+p1073
+S'knoxville'
+p1074
+sS'numberofpeople'
+p1075
+S'2'
+sS'distanceconstraints'
+p1076
+S'downtown'
+p1077
+sS'video_format'
+p1078
+S'3d'
+p1079
+sS'state'
+p1080
+S'tn'
+p1081
+sS'starttime'
+p1082
+S'evening around 7'
+p1083
+sS'date'
+p1084
+S'tomorrow'
+p1085
+sS'moviename'
+p1086
+S'the witch'
+p1087
+ssa(dp1088
+g3
+(dp1089
+sg5
+g6
+sg7
+(dp1090
+S'city'
+p1091
+S'seattle'
+p1092
+sS'numberofpeople'
+p1093
+S'2'
+sS'theater'
+p1094
+S'amc pacific place 11 theater'
+p1095
+sS'starttime'
+p1096
+S'10:00 pm'
+p1097
+sS'date'
+p1098
+S'tomorrow'
+p1099
+sS'moviename'
+p1100
+S'race'
+p1101
+ssa(dp1102
+g3
+(dp1103
+sg5
+g6
+sg7
+(dp1104
+S'city'
+p1105
+S'seattle'
+p1106
+sS'numberofpeople'
+p1107
+S'2'
+sS'theater'
+p1108
+S'regal meridian 16'
+p1109
+sS'starttime'
+p1110
+S'9:10 pm'
+p1111
+sS'date'
+p1112
+S'tomorrow'
+p1113
+sS'moviename'
+p1114
+S'zootopia'
+p1115
+ssa(dp1116
+g3
+(dp1117
+sg5
+g6
+sg7
+(dp1118
+S'city'
+p1119
+S'birmingham'
+p1120
+sS'numberofpeople'
+p1121
+S'2'
+sS'theater'
+p1122
+S'carmike summit 16'
+p1123
+sS'state'
+p1124
+S'al'
+p1125
+sS'starttime'
+p1126
+S'around 2pm'
+p1127
+sS'date'
+p1128
+S'sunday'
+p1129
+sS'moviename'
+p1130
+S'deadpool'
+p1131
+ssa(dp1132
+g3
+(dp1133
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1134
+g11
+S'4'
+sS'moviename'
+p1135
+S'brothers grimsby'
+p1136
+ssa(dp1137
+g3
+(dp1138
+sg5
+g6
+sg7
+(dp1139
+S'city'
+p1140
+S'seattle'
+p1141
+sS'numberofpeople'
+p1142
+S'2'
+sS'theater'
+p1143
+S'regal meridian 16'
+p1144
+sS'starttime'
+p1145
+S'8:45 pm'
+p1146
+sS'date'
+p1147
+S'tomorrow'
+p1148
+sS'moviename'
+p1149
+S'big short'
+p1150
+ssa(dp1151
+g3
+(dp1152
+g81
+g82
+sS'theater'
+p1153
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1154
+g11
+S'5'
+sS'moviename'
+p1155
+S'zootopia'
+p1156
+ssa(dp1157
+g3
+(dp1158
+sg5
+g6
+sg7
+(dp1159
+S'city'
+p1160
+S'seattle'
+p1161
+sS'numberofpeople'
+p1162
+S'2'
+sS'theater'
+p1163
+S'regal meridian 16'
+p1164
+sS'starttime'
+p1165
+S'9:30 pm'
+p1166
+sS'date'
+p1167
+S'tomorrow'
+p1168
+sS'moviename'
+p1169
+S'the witch'
+p1170
+ssa(dp1171
+g3
+(dp1172
+sg5
+g6
+sg7
+(dp1173
+S'city'
+p1174
+S'seattle'
+p1175
+sS'numberofpeople'
+p1176
+S'2'
+sS'theater'
+p1177
+S'regal meridian 16'
+p1178
+sS'starttime'
+p1179
+S'9:10 pm'
+p1180
+sS'date'
+p1181
+S'tomorrow'
+p1182
+sS'moviename'
+p1183
+S'zootopia'
+p1184
+ssa(dp1185
+g3
+(dp1186
+g81
+g82
+sS'starttime'
+p1187
+g82
+ssg5
+g6
+sg7
+(dp1188
+S'moviename'
+p1189
+S'10 cloverfield lane'
+p1190
+sg11
+S'3'
+sS'theater'
+p1191
+S'beaver creek stadium 12'
+p1192
+ssa(dp1193
+g3
+(dp1194
+sg5
+g6
+sg7
+(dp1195
+S'city'
+p1196
+S'seattle'
+p1197
+sS'numberofpeople'
+p1198
+S'2'
+sS'theater'
+p1199
+S'regal meridian 16'
+p1200
+sS'starttime'
+p1201
+S'9:00 pm'
+p1202
+sS'date'
+p1203
+S'tomorrow'
+p1204
+sS'moviename'
+p1205
+S'spotlight'
+p1206
+ssa(dp1207
+g3
+(dp1208
+sg5
+g6
+sg7
+(dp1209
+S'city'
+p1210
+S'seattle'
+p1211
+sS'numberofpeople'
+p1212
+S'2'
+sS'theater'
+p1213
+S'amc lowes oak tree 6'
+p1214
+sS'starttime'
+p1215
+S'4:50 pm'
+p1216
+sS'date'
+p1217
+S'tomorrow'
+p1218
+sS'moviename'
+p1219
+S'race'
+p1220
+ssa(dp1221
+g3
+(dp1222
+sg5
+g6
+sg7
+(dp1223
+S'city'
+p1224
+S'seattle'
+p1225
+sS'numberofpeople'
+p1226
+S'2'
+sS'theater'
+p1227
+S'amc pacific place 11 theater'
+p1228
+sS'starttime'
+p1229
+S'10:00 pm'
+p1230
+sS'date'
+p1231
+S'tomorrow'
+p1232
+sS'moviename'
+p1233
+S'race'
+p1234
+ssa(dp1235
+g3
+(dp1236
+sg5
+g6
+sg7
+(dp1237
+S'city'
+p1238
+S'seattle'
+p1239
+sS'numberofpeople'
+p1240
+S'2'
+sS'theater'
+p1241
+S'regal meridian 16'
+p1242
+sS'starttime'
+p1243
+S'9:30 pm'
+p1244
+sS'date'
+p1245
+S'tomorrow'
+p1246
+sS'moviename'
+p1247
+S'the witch'
+p1248
+ssa(dp1249
+g3
+(dp1250
+sg5
+g6
+sg7
+(dp1251
+S'city'
+p1252
+S'seattle'
+p1253
+sS'numberofpeople'
+p1254
+S'2'
+sS'theater'
+p1255
+S'regal meridian 16'
+p1256
+sS'starttime'
+p1257
+S'9:30 pm'
+p1258
+sS'date'
+p1259
+S'tomorrow'
+p1260
+sS'moviename'
+p1261
+g1087
+ssa(dp1262
+g3
+(dp1263
+sg5
+g6
+sg7
+(dp1264
+S'city'
+p1265
+S'birmingham'
+p1266
+sg11
+S'1'
+sS'theater'
+p1267
+S'carmike summit 16'
+p1268
+sS'state'
+p1269
+S'al'
+p1270
+sS'starttime'
+p1271
+S'2pm'
+p1272
+sS'date'
+p1273
+S'tomorrow'
+p1274
+sS'moviename'
+p1275
+S'deadpool'
+p1276
+ssa(dp1277
+g3
+(dp1278
+g81
+g82
+sS'theater'
+p1279
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1280
+S'city'
+p1281
+S'seattle'
+p1282
+sg11
+S'2'
+sS'moviename'
+p1283
+S'deadpool'
+p1284
+ssa(dp1285
+g3
+(dp1286
+sg5
+g6
+sg7
+(dp1287
+S'city'
+p1288
+S'birmingham'
+p1289
+sS'numberofpeople'
+p1290
+S'2'
+sS'theater'
+p1291
+S'carmike summit 16'
+p1292
+sS'state'
+p1293
+S'al'
+p1294
+sS'starttime'
+p1295
+S'around 2pm'
+p1296
+sS'date'
+p1297
+S'thursday'
+p1298
+sS'moviename'
+p1299
+S'deadpool'
+p1300
+ssa(dp1301
+g3
+(dp1302
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1303
+S'numberofpeople'
+p1304
+S'4'
+sS'moviename'
+p1305
+S'eddie the eagle'
+p1306
+sS'zip'
+p1307
+S'94952'
+p1308
+ssa(dp1309
+g3
+(dp1310
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1311
+S'numberofpeople'
+p1312
+S'two'
+p1313
+sS'moviename'
+p1314
+S'london has fallen'
+p1315
+sS'zip'
+p1316
+S'90602'
+p1317
+ssa(dp1318
+g3
+(dp1319
+g81
+g82
+sS'theater'
+p1320
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1321
+S'state'
+p1322
+S'california'
+p1323
+sg11
+S'4'
+sS'moviename'
+p1324
+S'zootopia'
+p1325
+ssa(dp1326
+g3
+(dp1327
+sg5
+g6
+sg7
+(dp1328
+S'city'
+p1329
+S'seattle'
+p1330
+sS'numberofpeople'
+p1331
+S'2'
+sS'theater'
+p1332
+S'regal meridian 16'
+p1333
+sS'starttime'
+p1334
+S'9:25 pm'
+p1335
+sS'date'
+p1336
+S'tomorrow'
+p1337
+sS'moviename'
+p1338
+S'zoolander 2'
+p1339
+ssa(dp1340
+g3
+(dp1341
+g81
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1342
+S'moviename'
+p1343
+S'the other side of the door'
+p1344
+sS'numberofpeople'
+p1345
+S'two'
+p1346
+sS'theater'
+p1347
+S'southpoint casino'
+p1348
+sS'city'
+p1349
+S'las vegas'
+p1350
+ssa(dp1351
+g3
+(dp1352
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1353
+S'city'
+p1354
+S'du Quoin'
+p1355
+sS'state'
+p1356
+S'illinois'
+p1357
+sg11
+S'2'
+sS'moviename'
+p1358
+S'star wars'
+p1359
+ssa(dp1360
+g3
+(dp1361
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1362
+S'numberofpeople'
+p1363
+S'3'
+sS'moviename'
+p1364
+S'gods egypt'
+p1365
+ssa(dp1366
+g3
+(dp1367
+sg5
+g6
+sg7
+(dp1368
+S'city'
+p1369
+S'seattle'
+p1370
+sS'numberofpeople'
+p1371
+S'2'
+sS'theater'
+p1372
+S'regal meridian 16 theater'
+p1373
+sS'starttime'
+p1374
+S'8:45 pm'
+p1375
+sS'date'
+p1376
+S'tomorrow'
+p1377
+sS'moviename'
+p1378
+S'hail caesar'
+p1379
+ssa(dp1380
+g3
+(dp1381
+g83
+g82
+ssg5
+g6
+sg7
+(dp1382
+S'date'
+p1383
+S'tomorrow'
+p1384
+sS'city'
+p1385
+S'seattle'
+p1386
+sS'numberofpeople'
+p1387
+S'one'
+p1388
+sS'moviename'
+p1389
+S'zootopia'
+p1390
+sS'starttime'
+p1391
+S'night'
+p1392
+ssa(dp1393
+g3
+(dp1394
+sg5
+g6
+sg7
+(dp1395
+S'city'
+p1396
+S'seattle'
+p1397
+sS'numberofpeople'
+p1398
+S'2'
+sS'theater'
+p1399
+S'amc pacific place 11 theater'
+p1400
+sS'starttime'
+p1401
+S'10:00 pm'
+p1402
+sS'date'
+p1403
+S'tomorrow'
+p1404
+sS'moviename'
+p1405
+S'race'
+p1406
+ssa(dp1407
+g3
+(dp1408
+sg5
+g6
+sg7
+(dp1409
+S'city'
+p1410
+S'seattle'
+p1411
+sS'numberofpeople'
+p1412
+S'2'
+sS'theater'
+p1413
+S'amc pacific place 11 theater'
+p1414
+sS'starttime'
+p1415
+S'10:00 pm'
+p1416
+sS'date'
+p1417
+S'tomorrow'
+p1418
+sS'moviename'
+p1419
+S'race'
+p1420
+ssa(dp1421
+g3
+(dp1422
+sg5
+g6
+sg7
+(dp1423
+S'city'
+p1424
+S'seattle'
+p1425
+sS'numberofpeople'
+p1426
+S'2'
+sS'theater'
+p1427
+S'amc lowes oak tree 6'
+p1428
+sS'starttime'
+p1429
+S'7:15 pm'
+p1430
+sS'date'
+p1431
+S'tomorrow'
+p1432
+sS'moviename'
+p1433
+S'hail caesar'
+p1434
+ssa(dp1435
+g3
+(dp1436
+sg5
+g6
+sg7
+(dp1437
+S'city'
+p1438
+S'seattle'
+p1439
+sS'numberofpeople'
+p1440
+S'6'
+sS'theater'
+p1441
+S'amc lowes oak tree'
+p1442
+sS'starttime'
+p1443
+S'7:10 pm'
+p1444
+sS'date'
+p1445
+S'tomorrow'
+p1446
+sS'moviename'
+p1447
+S'triple 9'
+p1448
+ssa(dp1449
+g3
+(dp1450
+g81
+g82
+sg83
+g82
+sg84
+g82
+ssg5
+g6
+sg7
+(dp1451
+S'numberofpeople'
+p1452
+S'two'
+p1453
+sS'moviename'
+p1454
+S'zootopia'
+p1455
+ssa(dp1456
+g3
+(dp1457
+sg5
+g6
+sg7
+(dp1458
+S'city'
+p1459
+S'seattle'
+p1460
+sS'numberofpeople'
+p1461
+S'2'
+sS'theater'
+p1462
+S'amc pacific place 11 theater'
+p1463
+sS'starttime'
+p1464
+S'9:00 pm'
+p1465
+sS'date'
+p1466
+S'tomorrow'
+p1467
+sS'moviename'
+p1468
+S'deadpool'
+p1469
+ssa.
\ No newline at end of file
diff --git a/data/movie/user_goals_first_turn_template.v2.p b/data/movie/user_goals_first_turn_template.v2.p
new file mode 100644
index 0000000..0da1015
--- /dev/null
+++ b/data/movie/user_goals_first_turn_template.v2.p
@@ -0,0 +1,5253 @@
+(lp1
+(dp2
+S'request_slots'
+p3
+(dp4
+S'date'
+p5
+S'UNK'
+p6
+sS'theater'
+p7
+g6
+sS'moviename'
+p8
+g6
+sS'starttime'
+p9
+g6
+ssS'diaact'
+p10
+S'request'
+p11
+sS'inform_slots'
+p12
+(dp13
+S'genre'
+p14
+S'comedy'
+p15
+sS'critic_rating'
+p16
+S'good'
+p17
+sS'numberofpeople'
+p18
+S'3'
+ssa(dp19
+g3
+(dp20
+S'moviename'
+p21
+g6
+sS'theater'
+p22
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp23
+S'date'
+p24
+S'this weekend'
+p25
+sg18
+S'2'
+sS'mpaa_rating'
+p26
+S'pg'
+p27
+ssa(dp28
+g3
+(dp29
+sg10
+g11
+sg12
+(dp30
+S'city'
+p31
+S'birmingham'
+p32
+sg18
+S'1'
+sS'theater'
+p33
+S'carmike summit 16'
+p34
+sS'state'
+p35
+S'al'
+p36
+sS'starttime'
+p37
+S'around 2pm'
+p38
+sS'date'
+p39
+S'today'
+p40
+sS'moviename'
+p41
+S'zootopia'
+p42
+ssa(dp43
+g3
+(dp44
+sg10
+g11
+sg12
+(dp45
+S'city'
+p46
+S'seattle'
+p47
+sS'numberofpeople'
+p48
+S'2'
+sS'theater'
+p49
+S'amc pacific place 11 theater'
+p50
+sS'starttime'
+p51
+S'9:00 pm'
+p52
+sS'date'
+p53
+S'tomorrow'
+p54
+sS'moviename'
+p55
+S'deadpool'
+p56
+ssa(dp57
+g3
+(dp58
+sg10
+g11
+sg12
+(dp59
+S'city'
+p60
+S'birmingham'
+p61
+sg18
+S'4'
+sS'theater'
+p62
+S'carmike summit 16'
+p63
+sS'state'
+p64
+S'al'
+p65
+sS'starttime'
+p66
+S'around 6pm'
+p67
+sS'date'
+p68
+S'today'
+p69
+sS'moviename'
+p70
+S'deadpool'
+p71
+ssa(dp72
+g3
+(dp73
+sg10
+g11
+sg12
+(dp74
+S'city'
+p75
+S'seattle'
+p76
+sS'numberofpeople'
+p77
+S'2'
+sS'theater'
+p78
+S'regal meridian 16'
+p79
+sS'starttime'
+p80
+S'9:10 pm'
+p81
+sS'date'
+p82
+S'tomorrow'
+p83
+sS'moviename'
+p84
+S'zootopia'
+p85
+ssa(dp86
+g3
+(dp87
+sg10
+g11
+sg12
+(dp88
+S'city'
+p89
+S'seattle'
+p90
+sS'numberofpeople'
+p91
+S'2'
+sS'theater'
+p92
+S'regal meridian 16'
+p93
+sS'starttime'
+p94
+S'8:45 pm'
+p95
+sS'date'
+p96
+S'tomorrow'
+p97
+sS'moviename'
+p98
+S'hail caesar'
+p99
+ssa(dp100
+g3
+(dp101
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp102
+S'city'
+p103
+S'portland'
+p104
+sS'state'
+p105
+S'oregon'
+p106
+sg18
+S'5'
+sS'moviename'
+p107
+S'star wars'
+p108
+ssa(dp109
+g3
+(dp110
+g5
+g6
+sg7
+g6
+sS'moviename'
+p111
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp112
+S'genre'
+p113
+S'kid'
+p114
+sg18
+S'4'
+ssa(dp115
+g3
+(dp116
+sg10
+g11
+sg12
+(dp117
+S'city'
+p118
+S'seattle'
+p119
+sS'numberofpeople'
+p120
+S'2'
+sS'theater'
+p121
+S'amc pacific place 11 theater'
+p122
+sS'starttime'
+p123
+S'9:30 pm'
+p124
+sS'date'
+p125
+S'tomorrow'
+p126
+sS'moviename'
+p127
+S'room'
+p128
+ssa(dp129
+g3
+(dp130
+sg10
+g11
+sg12
+(dp131
+S'city'
+p132
+S'seattle'
+p133
+sS'numberofpeople'
+p134
+S'2'
+sS'theater'
+p135
+S'regal meridian 16'
+p136
+sS'starttime'
+p137
+S'9:30 pm'
+p138
+sS'date'
+p139
+S'tomorrow'
+p140
+sS'moviename'
+p141
+S'the witch'
+p142
+ssa(dp143
+g3
+(dp144
+g7
+g6
+sS'moviename'
+p145
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp146
+S'date'
+p147
+S'now'
+p148
+sg18
+S'5'
+sS'mpaa_rating'
+p149
+S'rated pg'
+p150
+ssa(dp151
+g3
+(dp152
+sg10
+g11
+sg12
+(dp153
+S'city'
+p154
+S'seattle'
+p155
+sS'numberofpeople'
+p156
+S'2'
+sS'theater'
+p157
+S'regal meridian 16'
+p158
+sS'starttime'
+p159
+S'9:30 pm'
+p160
+sS'date'
+p161
+S'tomorrow'
+p162
+sS'moviename'
+p163
+S'the witch'
+p164
+ssa(dp165
+g3
+(dp166
+g5
+g6
+sg7
+g6
+sS'moviename'
+p167
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp168
+S'distanceconstraints'
+p169
+S'visalia'
+p170
+sS'state'
+p171
+S'california'
+p172
+sg18
+S'5'
+ssa(dp173
+g3
+(dp174
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp175
+S'distanceconstraints'
+p176
+S'near the space needle'
+p177
+sg18
+S'5'
+sS'other'
+p178
+S'pub serves good burgers'
+p179
+ssa(dp180
+g3
+(dp181
+g7
+g6
+sg21
+g6
+ssg10
+g11
+sg12
+(dp182
+S'date'
+p183
+S'Friday'
+p184
+sS'city'
+p185
+S'seattle'
+p186
+sg18
+S'3'
+sS'other'
+p187
+S'serves seafood'
+p188
+sS'starttime'
+p189
+S'night'
+p190
+ssa(dp191
+g3
+(dp192
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp193
+S'city'
+p194
+S'seattle'
+p195
+sS'state'
+p196
+S'washington'
+p197
+sg18
+S'5'
+ssa(dp198
+g3
+(dp199
+sg10
+g11
+sg12
+(dp200
+S'city'
+p201
+S'seattle'
+p202
+sS'numberofpeople'
+p203
+S'6'
+sS'theater'
+p204
+S'amc lowes oak tree'
+p205
+sS'starttime'
+p206
+S'7:10 pm'
+p207
+sS'date'
+p208
+S'tomorrow'
+p209
+sS'moviename'
+p210
+S'triple 9'
+p211
+ssa(dp212
+g3
+(dp213
+sg10
+g11
+sg12
+(dp214
+S'city'
+p215
+S'seattle'
+p216
+sS'numberofpeople'
+p217
+S'2'
+sS'theater'
+p218
+S'regal meridian 16'
+p219
+sS'starttime'
+p220
+S'9:10 pm'
+p221
+sS'date'
+p222
+S'tomorrow'
+p223
+sS'moviename'
+p224
+S'zootopia'
+p225
+ssa(dp226
+g3
+(dp227
+g7
+g6
+ssg10
+g11
+sg12
+(dp228
+S'city'
+p229
+S'birmingham'
+p230
+sS'numberofpeople'
+p231
+S'2'
+sS'state'
+p232
+S'al'
+p233
+sS'starttime'
+p234
+S'4 pm'
+p235
+sS'date'
+p236
+S'today'
+p237
+sS'moviename'
+p238
+S'deadpool'
+p239
+ssa(dp240
+g3
+(dp241
+sg10
+g11
+sg12
+(dp242
+S'city'
+p243
+S'seattle'
+p244
+sS'numberofpeople'
+p245
+S'2'
+sS'theater'
+p246
+S'regal meridian 16'
+p247
+sS'starttime'
+p248
+S'8:45 pm'
+p249
+sS'date'
+p250
+S'tomorrow'
+p251
+sS'moviename'
+p252
+S'the big short'
+p253
+ssa(dp254
+g3
+(dp255
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp256
+S'distanceconstraints'
+p257
+S'space needle'
+p258
+sg18
+S'4'
+sS'other'
+p259
+S'restaurant'
+p260
+ssa(dp261
+g3
+(dp262
+sg10
+g11
+sg12
+(dp263
+S'city'
+p264
+S'seattle'
+p265
+sS'numberofpeople'
+p266
+S'2'
+sS'theater'
+p267
+S'regal meridian 16'
+p268
+sS'starttime'
+p269
+S'8:45 pm'
+p270
+sS'date'
+p271
+S'tomorrow'
+p272
+sS'moviename'
+p273
+S'the big short'
+p274
+ssa(dp275
+g3
+(dp276
+sg10
+g11
+sg12
+(dp277
+S'city'
+p278
+S'seattle'
+p279
+sS'numberofpeople'
+p280
+S'2'
+sS'theater'
+p281
+S'regal meridian 16'
+p282
+sS'starttime'
+p283
+S'9:10 pm'
+p284
+sS'date'
+p285
+S'tomorrow'
+p286
+sS'moviename'
+p287
+S'zootopia'
+p288
+ssa(dp289
+g3
+(dp290
+g5
+g6
+sg7
+g6
+ssg10
+g11
+sg12
+(dp291
+S'city'
+p292
+S'stony brook'
+p293
+sS'state'
+p294
+S'ny'
+p295
+sg18
+S'1'
+sS'moviename'
+p296
+S' Young Messiah'
+p297
+sS'starttime'
+p298
+S' Matinee'
+p299
+ssa(dp300
+g3
+(dp301
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp302
+S'city'
+p303
+S'94952'
+p304
+sS'numberofpeople'
+p305
+S'4'
+sS'moviename'
+p306
+S'eddie the eagle'
+p307
+ssa(dp308
+g3
+(dp309
+S'starttime'
+p310
+g6
+ssg10
+g11
+sg12
+(dp311
+S'date'
+p312
+S'tomorrow'
+p313
+sS'moviename'
+p314
+S'risen'
+p315
+sg18
+S'3'
+sS'theater'
+p316
+S'regency commerce 14'
+p317
+ssa(dp318
+g3
+(dp319
+sg10
+g11
+sg12
+(dp320
+S'city'
+p321
+S'seattle'
+p322
+sS'numberofpeople'
+p323
+S'2'
+sS'theater'
+p324
+S'regal meridian 16'
+p325
+sS'starttime'
+p326
+S'9:25 pm'
+p327
+sS'date'
+p328
+S'tomorrow'
+p329
+sS'moviename'
+p330
+S'zoolander 2'
+p331
+ssa(dp332
+g3
+(dp333
+sg10
+g11
+sg12
+(dp334
+S'city'
+p335
+S'seattle'
+p336
+sS'numberofpeople'
+p337
+S'2'
+sS'theater'
+p338
+S'amc pacific place 11 theater'
+p339
+sS'starttime'
+p340
+S'9:00 pm'
+p341
+sS'date'
+p342
+S'tomorrow'
+p343
+sS'moviename'
+p344
+S'deadpool'
+p345
+ssa(dp346
+g3
+(dp347
+g7
+g6
+ssg10
+g11
+sg12
+(dp348
+S'date'
+p349
+S'saturday'
+p350
+sg18
+S'1'
+sS'moviename'
+p351
+S'zootopia'
+p352
+sS'starttime'
+p353
+S'around 2pm'
+p354
+ssa(dp355
+g3
+(dp356
+sg10
+g11
+sg12
+(dp357
+S'city'
+p358
+S'seattle'
+p359
+sS'numberofpeople'
+p360
+S'2'
+sS'theater'
+p361
+S'regal meridian 16'
+p362
+sS'starttime'
+p363
+S'9:30 pm'
+p364
+sS'date'
+p365
+S'tomorrow'
+p366
+sS'moviename'
+p367
+S'the witch'
+p368
+ssa(dp369
+g3
+(dp370
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp371
+S'numberofpeople'
+p372
+S'4'
+sS'moviename'
+p373
+S'zootopia'
+p374
+ssa(dp375
+g3
+(dp376
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp377
+g18
+S'4'
+sS'moviename'
+p378
+S'Avengers'
+p379
+sS'description'
+p380
+S'is still playing in theaters'
+p381
+ssa(dp382
+g3
+(dp383
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp384
+S'distanceconstraints'
+p385
+S'close to 95833'
+p386
+sg18
+S'3'
+sS'moviename'
+p387
+S'zoology'
+p388
+ssa(dp389
+g3
+(dp390
+sg10
+g11
+sg12
+(dp391
+S'city'
+p392
+S'seattle'
+p393
+sS'numberofpeople'
+p394
+S'2'
+sS'theater'
+p395
+S'amc lowes oak tree 6'
+p396
+sS'starttime'
+p397
+S'4:50 pm'
+p398
+sS'date'
+p399
+S'tomorrow'
+p400
+sS'moviename'
+p401
+S'race'
+p402
+ssa(dp403
+g3
+(dp404
+g5
+g6
+sg7
+g6
+sS'starttime'
+p405
+g6
+ssg10
+g11
+sg12
+(dp406
+g18
+S'3'
+sS'moviename'
+p407
+S'deadpool'
+p408
+ssa(dp409
+g3
+(dp410
+sg10
+g11
+sg12
+(dp411
+S'city'
+p412
+S'seattle'
+p413
+sS'numberofpeople'
+p414
+S'2'
+sS'theater'
+p415
+S'amc lowes oak tree 6'
+p416
+sS'starttime'
+p417
+S'7:15 pm'
+p418
+sS'date'
+p419
+S'tomorrow'
+p420
+sS'moviename'
+p421
+S'hail caesar'
+p422
+ssa(dp423
+g3
+(dp424
+g7
+g6
+ssg10
+g11
+sg12
+(dp425
+S'city'
+p426
+S'birmingham'
+p427
+sS'numberofpeople'
+p428
+S'2'
+sS'state'
+p429
+S'al'
+p430
+sS'starttime'
+p431
+S'around 4pm'
+p432
+sS'date'
+p433
+S'today'
+p434
+sS'moviename'
+p435
+S'zootopia'
+p436
+ssa(dp437
+g3
+(dp438
+S'theater'
+p439
+g6
+ssg10
+g11
+sg12
+(dp440
+S'date'
+p441
+S'tomorrow'
+p442
+sg18
+S'5'
+sS'moviename'
+p443
+S'zootopia'
+p444
+sS'starttime'
+p445
+S'night'
+p446
+ssa(dp447
+g3
+(dp448
+g5
+g6
+sg7
+g6
+sS'moviename'
+p449
+g6
+ssg10
+g11
+sg12
+(dp450
+S'genre'
+p451
+S'funny'
+p452
+sS'city'
+p453
+S'seattle'
+p454
+sg18
+S'1'
+sS'starttime'
+p455
+S'5pm'
+p456
+ssa(dp457
+g3
+(dp458
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp459
+S'city'
+p460
+S'Seattle'
+p461
+sg18
+S'1'
+sS'other'
+p462
+S'best restaurant'
+p463
+ssa(dp464
+g3
+(dp465
+g7
+g6
+sS'moviename'
+p466
+g6
+ssg10
+g11
+sg12
+(dp467
+S'genre'
+p468
+S'kids'
+p469
+sS'city'
+p470
+S'st louis'
+p471
+sg18
+S'5'
+sS'date'
+p472
+S'thursday'
+p473
+sS'starttime'
+p474
+S'afternoon'
+p475
+ssa(dp476
+g3
+(dp477
+g5
+g6
+sg7
+g6
+sS'moviename'
+p478
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp479
+S'genre'
+p480
+S'action'
+p481
+sS'distanceconstraints'
+p482
+S'closest'
+p483
+sg18
+S'5'
+sS'zip'
+p484
+S'90601'
+p485
+ssa(dp486
+g3
+(dp487
+sg10
+g11
+sg12
+(dp488
+S'city'
+p489
+S'seattle'
+p490
+sS'numberofpeople'
+p491
+S'2'
+sS'theater'
+p492
+S'regal meridian 16'
+p493
+sS'starttime'
+p494
+S'9:25 pm'
+p495
+sS'date'
+p496
+S'tomorrow'
+p497
+sS'moviename'
+p498
+S'zoolander 2'
+p499
+ssa(dp500
+g3
+(dp501
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp502
+S'city'
+p503
+S'seattle'
+p504
+sg18
+S'1'
+sS'other'
+p505
+S'japanese restaurant'
+p506
+ssa(dp507
+g3
+(dp508
+S'theater'
+p509
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp510
+S'date'
+p511
+S'tonight'
+p512
+sg18
+S'1'
+sS'moviename'
+p513
+S'zootopia'
+p514
+ssa(dp515
+g3
+(dp516
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp517
+S'distanceconstraints'
+p518
+S'near space needle'
+p519
+sg18
+S'1'
+sS'other'
+p520
+S'pub'
+p521
+ssa(dp522
+g3
+(dp523
+sg10
+g11
+sg12
+(dp524
+S'city'
+p525
+S'birmingham'
+p526
+sg18
+S'3'
+sS'theater'
+p527
+S'carmike summit 16'
+p528
+sS'state'
+p529
+S'al'
+p530
+sS'starttime'
+p531
+S'2pm'
+p532
+sS'date'
+p533
+S'saturday'
+p534
+sS'moviename'
+p535
+S'deadpool'
+p536
+ssa(dp537
+g3
+(dp538
+g7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp539
+S'date'
+p540
+S'tonight'
+p541
+sg18
+S'5'
+ssa(dp542
+g3
+(dp543
+g7
+g6
+sS'moviename'
+p544
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp545
+S'genre'
+p546
+S'action'
+p547
+sS'date'
+p548
+S'this weekend'
+p549
+sg18
+S'4'
+ssa(dp550
+g3
+(dp551
+g9
+g6
+ssg10
+g11
+sg12
+(dp552
+S'date'
+p553
+S'tomorrow'
+p554
+sS'moviename'
+p555
+S'gods of egypt'
+p556
+sg18
+S'4'
+sS'theater'
+p557
+S'regal theater'
+p558
+sS'city'
+p559
+S'sacramento'
+p560
+ssa(dp561
+g3
+(dp562
+g7
+g6
+sS'moviename'
+p563
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp564
+S'date'
+p565
+S'now'
+p566
+sS'critic_rating'
+p567
+S'good'
+p568
+sg18
+S'5'
+ssa(dp569
+g3
+(dp570
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp571
+S'date'
+p572
+S'tomorrow'
+p573
+sg18
+S'3'
+sS'moviename'
+p574
+S'10 cloverfield lane'
+p575
+ssa(dp576
+g3
+(dp577
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp578
+S'critic_rating'
+p579
+S'good'
+p580
+sg18
+S'1'
+sS'other'
+p581
+S'restaurant'
+p582
+sS'city'
+p583
+S'seattle'
+p584
+ssa(dp585
+g3
+(dp586
+g5
+g6
+sS'theater'
+p587
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp588
+g18
+S'2'
+sS'moviename'
+p589
+S'zootopia'
+p590
+ssa(dp591
+g3
+(dp592
+sg10
+g11
+sg12
+(dp593
+S'city'
+p594
+S'seattle'
+p595
+sS'numberofpeople'
+p596
+S'2'
+sS'theater'
+p597
+S'regal meridian 16'
+p598
+sS'starttime'
+p599
+S'9:25 pm'
+p600
+sS'date'
+p601
+S'tomorrow'
+p602
+sS'moviename'
+p603
+S'zoolander 2'
+p604
+ssa(dp605
+g3
+(dp606
+S'starttime'
+p607
+g6
+ssg10
+g11
+sg12
+(dp608
+S'date'
+p609
+S'tomorrow'
+p610
+sS'moviename'
+p611
+S'risen'
+p612
+sg18
+S'2'
+sS'theater'
+p613
+S'regency commerce 14'
+p614
+ssa(dp615
+g3
+(dp616
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp617
+S'date'
+p618
+S'this friday'
+p619
+sg18
+S'4'
+sS'moviename'
+p620
+S'star wars'
+p621
+ssa(dp622
+g3
+(dp623
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp624
+S'city'
+p625
+S'portland'
+p626
+sS'state'
+p627
+S'oregon'
+p628
+sg18
+S'3'
+sS'moviename'
+p629
+S'zootopia'
+p630
+ssa(dp631
+g3
+(dp632
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp633
+S'date'
+p634
+S'tonight'
+p635
+sg18
+S'5'
+sS'moviename'
+p636
+S'zootopia'
+p637
+ssa(dp638
+g3
+(dp639
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp640
+S'city'
+p641
+S'portland'
+p642
+sS'state'
+p643
+S'oregon'
+p644
+sg18
+S'5'
+sS'moviename'
+p645
+S'star wars'
+p646
+ssa(dp647
+g3
+(dp648
+sg10
+g11
+sg12
+(dp649
+S'city'
+p650
+S'seattle'
+p651
+sS'numberofpeople'
+p652
+S'2'
+sS'theater'
+p653
+S'regal meridian 16'
+p654
+sS'starttime'
+p655
+S'9:10 pm'
+p656
+sS'date'
+p657
+S'tomorrow'
+p658
+sS'moviename'
+p659
+S'zootopia'
+p660
+ssa(dp661
+g3
+(dp662
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp663
+S'date'
+p664
+S'tonight'
+p665
+sg18
+S'1'
+sS'moviename'
+p666
+S'zootopia'
+p667
+ssa(dp668
+g3
+(dp669
+sg10
+g11
+sg12
+(dp670
+S'city'
+p671
+S'seattle'
+p672
+sS'numberofpeople'
+p673
+S'2'
+sS'theater'
+p674
+S'regal meridian 16'
+p675
+sS'starttime'
+p676
+S'8:45 pm'
+p677
+sS'date'
+p678
+S'tomorrow'
+p679
+sS'moviename'
+p680
+S'hail caesar'
+p681
+ssa(dp682
+g3
+(dp683
+g5
+g6
+sS'theater'
+p684
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp685
+S'distanceconstraints'
+p686
+S'near me'
+p687
+sg18
+S'4'
+sS'moviename'
+p688
+S'kung fu panda 3'
+p689
+sS'greeting'
+p690
+S'hi'
+p691
+ssa(dp692
+g3
+(dp693
+sg10
+g11
+sg12
+(dp694
+S'city'
+p695
+S'seattle'
+p696
+sS'numberofpeople'
+p697
+S'2'
+sS'theater'
+p698
+S'regal meridian 16'
+p699
+sS'starttime'
+p700
+S'8:45 pm'
+p701
+sS'date'
+p702
+S'tomorrow'
+p703
+sS'moviename'
+p704
+S'hail caesar'
+p705
+ssa(dp706
+g3
+(dp707
+g5
+g6
+sg7
+g6
+sS'moviename'
+p708
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp709
+S'genre'
+p710
+S'action'
+p711
+sg18
+S'4'
+ssa(dp712
+g3
+(dp713
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp714
+S'numberofpeople'
+p715
+S'two'
+p716
+sS'moviename'
+p717
+S'london has fallen'
+p718
+sS'zip'
+p719
+S'90602'
+p720
+ssa(dp721
+g3
+(dp722
+g7
+g6
+sS'moviename'
+p723
+g6
+ssg10
+g11
+sg12
+(dp724
+S'genre'
+p725
+S'romantic comedies'
+p726
+sS'date'
+p727
+S'tomorrow'
+p728
+sg18
+S'2'
+sS'starttime'
+p729
+S'afternoon'
+p730
+ssa(dp731
+g3
+(dp732
+sg10
+g11
+sg12
+(dp733
+S'city'
+p734
+S'seattle'
+p735
+sS'numberofpeople'
+p736
+S'2'
+sS'theater'
+p737
+S'regal meridian 16'
+p738
+sS'starttime'
+p739
+S'9:10 pm'
+p740
+sS'date'
+p741
+S'tomorrow'
+p742
+sS'moviename'
+p743
+S'zootopia'
+p744
+ssa(dp745
+g3
+(dp746
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp747
+S'date'
+p748
+S'tomorrow night'
+p749
+sS'city'
+p750
+S'seattle'
+p751
+sS'numberofpeople'
+p752
+S'one'
+p753
+sS'moviename'
+p754
+S'zootopia'
+p755
+ssa(dp756
+g3
+(dp757
+g5
+g6
+sS'theater'
+p758
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp759
+g18
+S'2'
+sS'moviename'
+p760
+S'first'
+p761
+ssa(dp762
+g3
+(dp763
+g7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp764
+S'genre'
+p765
+S'family friendly'
+p766
+sS'city'
+p767
+S'birmingham'
+p768
+sS'state'
+p769
+S'al'
+p770
+sS'numberofpeople'
+p771
+S'3'
+sS'date'
+p772
+S'saturday'
+p773
+ssa(dp774
+g3
+(dp775
+g7
+g6
+ssg10
+g11
+sg12
+(dp776
+S'date'
+p777
+S'saturday'
+p778
+sg18
+S'4'
+sS'moviename'
+p779
+S'zootopia'
+p780
+sS'starttime'
+p781
+S'around 2pm'
+p782
+ssa(dp783
+g3
+(dp784
+S'theater'
+p785
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp786
+S'date'
+p787
+S'tonight'
+p788
+sg18
+S'3'
+sS'moviename'
+p789
+S'zootopia'
+p790
+ssa(dp791
+g3
+(dp792
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp793
+g18
+S'3'
+sS'moviename'
+p794
+S'whiskey tango foxtrot'
+p795
+ssa(dp796
+g3
+(dp797
+g7
+g6
+sS'moviename'
+p798
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp799
+S'date'
+p800
+S'friday'
+p801
+sg18
+S'4'
+ssa(dp802
+g3
+(dp803
+g7
+g6
+sS'moviename'
+p804
+g6
+ssg10
+g11
+sg12
+(dp805
+S'genre'
+p806
+S'action'
+p807
+sS'city'
+p808
+S'la'
+p809
+sg18
+S'4'
+sS'date'
+p810
+S'tomorrow'
+p811
+sS'starttime'
+p812
+S'night'
+p813
+ssa(dp814
+g3
+(dp815
+g5
+g6
+sg7
+g6
+sS'price'
+p816
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp817
+S'distanceconstraints'
+p818
+S'local theater'
+p819
+sg18
+S'5'
+ssa(dp820
+g3
+(dp821
+S'theater'
+p822
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp823
+S'date'
+p824
+S'tomorrow night'
+p825
+sg18
+S'5'
+sS'moviename'
+p826
+S'zootopia'
+p827
+ssa(dp828
+g3
+(dp829
+g7
+g6
+sS'moviename'
+p830
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp831
+S'date'
+p832
+S'tonight'
+p833
+sg18
+S'2'
+sS'other'
+p834
+S'new release'
+p835
+ssa(dp836
+g3
+(dp837
+g5
+g6
+sS'theater'
+p838
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp839
+S'distanceconstraints'
+p840
+S'near me'
+p841
+sg18
+S'1'
+sS'moviename'
+p842
+S'kung fu panda 3'
+p843
+ssa(dp844
+g3
+(dp845
+g5
+g6
+sg7
+g6
+sS'starttime'
+p846
+g6
+ssg10
+g11
+sg12
+(dp847
+g18
+S'5'
+sS'moviename'
+p848
+S'london has fallen'
+p849
+ssa(dp850
+g3
+(dp851
+g7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp852
+S'date'
+p853
+S'friday'
+p854
+sS'city'
+p855
+S'seattle'
+p856
+sg18
+S'4'
+sS'other'
+p857
+S'place that serves seafood'
+p858
+ssa(dp859
+g3
+(dp860
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp861
+S'city'
+p862
+S'portland'
+p863
+sS'state'
+p864
+S'oregon'
+p865
+sg18
+S'4'
+sS'moviename'
+p866
+S'whiskey tango foxtrot'
+p867
+ssa(dp868
+g3
+(dp869
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp870
+g18
+S'5'
+sS'other'
+p871
+S'favorite part'
+p872
+sS'moviename'
+p873
+S'deadpool'
+p874
+ssa(dp875
+g3
+(dp876
+g5
+g6
+sg7
+g6
+sS'moviename'
+p877
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp878
+g18
+S'1'
+sS'mpaa_rating'
+p879
+S'pg'
+p880
+ssa(dp881
+g3
+(dp882
+sg10
+g11
+sg12
+(dp883
+S'city'
+p884
+S'seattle'
+p885
+sS'numberofpeople'
+p886
+S'2'
+sS'theater'
+p887
+S'amc lowes oak tree 6'
+p888
+sS'starttime'
+p889
+S'4:25 pm'
+p890
+sS'date'
+p891
+S'tomorrow'
+p892
+sS'moviename'
+p893
+S'risen'
+p894
+ssa(dp895
+g3
+(dp896
+sg10
+g11
+sg12
+(dp897
+S'city'
+p898
+S'seattle'
+p899
+sS'numberofpeople'
+p900
+S'2'
+sS'theater'
+p901
+S'pacific place 11 theater'
+p902
+sS'date'
+p903
+S'tomorrow'
+p904
+sS'starttime'
+p905
+S'9:30 pm'
+p906
+sS'theater_chain'
+p907
+S'amc'
+p908
+sS'moviename'
+p909
+S'room'
+p910
+ssa(dp911
+g3
+(dp912
+g5
+g6
+sS'theater'
+p913
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp914
+S'city'
+p915
+S'seattle'
+p916
+sg18
+S'2'
+sS'moviename'
+p917
+S'deadpool'
+p918
+ssa(dp919
+g3
+(dp920
+g7
+g6
+sS'moviename'
+p921
+g6
+ssg10
+g11
+sg12
+(dp922
+S'city'
+p923
+S'st louis'
+p924
+sg18
+S'1'
+sS'critic_rating'
+p925
+S'good'
+p926
+sS'genre'
+p927
+S'kids'
+p928
+sS'starttime'
+p929
+S'afternoon'
+p930
+sS'date'
+p931
+S'thursday'
+p932
+ssa(dp933
+g3
+(dp934
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp935
+S'city'
+p936
+S'seattle'
+p937
+sg18
+S'5'
+sS'other'
+p938
+S'Italian restaurant'
+p939
+ssa(dp940
+g3
+(dp941
+g7
+g6
+ssg10
+g11
+sg12
+(dp942
+S'date'
+p943
+S'tomorrow'
+p944
+sS'city'
+p945
+S'los angeles'
+p946
+sg18
+S'4'
+sS'moviename'
+p947
+S'deadpool'
+p948
+sS'starttime'
+p949
+S'8pm'
+p950
+ssa(dp951
+g3
+(dp952
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp953
+S'date'
+p954
+S'this weekend'
+p955
+sg18
+S'1'
+sS'moviename'
+p956
+S'batman moviename'
+p957
+ssa(dp958
+g3
+(dp959
+g5
+g6
+sg7
+g6
+sS'starttime'
+p960
+g6
+ssg10
+g11
+sg12
+(dp961
+S'distanceconstraints'
+p962
+S'near me'
+p963
+sg18
+S'5'
+sS'moviename'
+p964
+S'zootopia'
+p965
+ssa(dp966
+g3
+(dp967
+g7
+g6
+ssg10
+g11
+sg12
+(dp968
+S'date'
+p969
+S'tomorrow'
+p970
+sS'city'
+p971
+S'detroit'
+p972
+sg18
+S'3'
+sS'moviename'
+p973
+S'deadpool'
+p974
+sS'starttime'
+p975
+S'7pm'
+p976
+ssa(dp977
+g3
+(dp978
+g7
+g6
+ssg10
+g11
+sg12
+(dp979
+S'date'
+p980
+S'tomorrow'
+p981
+sS'city'
+p982
+S'regency'
+p983
+sS'numberofpeople'
+p984
+S'four'
+p985
+sS'moviename'
+p986
+S'creed'
+p987
+sS'starttime'
+p988
+S'around noon'
+p989
+ssa(dp990
+g3
+(dp991
+g7
+g6
+ssg10
+g11
+sg12
+(dp992
+S'date'
+p993
+S'tomorrow'
+p994
+sS'city'
+p995
+S'los angeles'
+p996
+sg18
+S'5'
+sS'moviename'
+p997
+S'zootopia'
+p998
+sS'starttime'
+p999
+S'8pm'
+p1000
+ssa(dp1001
+g3
+(dp1002
+g7
+g6
+ssg10
+g11
+sg12
+(dp1003
+S'city'
+p1004
+S'seattle'
+p1005
+sS'numberofpeople'
+p1006
+S'2'
+sS'date'
+p1007
+S'tomorrow'
+p1008
+sS'starttime'
+p1009
+S'4:25 pm'
+p1010
+sS'theater_chain'
+p1011
+S'amc lowes oak tree 6'
+p1012
+sS'moviename'
+p1013
+S'risen'
+p1014
+ssa(dp1015
+g3
+(dp1016
+sg10
+g11
+sg12
+(dp1017
+S'city'
+p1018
+S'seattle'
+p1019
+sS'numberofpeople'
+p1020
+S'2'
+sS'theater'
+p1021
+S'amc pacific place 11 theater'
+p1022
+sS'starttime'
+p1023
+S'9:30 pm'
+p1024
+sS'date'
+p1025
+S'tomorrow'
+p1026
+sS'moviename'
+p1027
+S'room'
+p1028
+ssa(dp1029
+g3
+(dp1030
+g7
+g6
+sS'moviename'
+p1031
+g6
+ssg10
+g11
+sg12
+(dp1032
+S'date'
+p1033
+S'tomorrow'
+p1034
+sS'city'
+p1035
+S'seattle'
+p1036
+sg18
+S'3'
+sS'starttime'
+p1037
+S'7pm'
+p1038
+ssa(dp1039
+g3
+(dp1040
+sg10
+g11
+sg12
+(dp1041
+S'city'
+p1042
+S'birmingham'
+p1043
+sg18
+S'2'
+sS'theater'
+p1044
+S'carmike summit 16'
+p1045
+sS'state'
+p1046
+S'al'
+p1047
+sS'starttime'
+p1048
+S'around 2pm'
+p1049
+sS'date'
+p1050
+S'today'
+p1051
+sS'moviename'
+p1052
+S'london had fallen'
+p1053
+ssa(dp1054
+g3
+(dp1055
+sg10
+g11
+sg12
+(dp1056
+S'city'
+p1057
+S'seattle'
+p1058
+sS'numberofpeople'
+p1059
+S'2'
+sS'theater'
+p1060
+S'amc lowes oak tree 6'
+p1061
+sS'starttime'
+p1062
+S'4:50 pm'
+p1063
+sS'date'
+p1064
+S'tomorrow'
+p1065
+sS'moviename'
+p1066
+S'room'
+p1067
+ssa(dp1068
+g3
+(dp1069
+g7
+g6
+sS'moviename'
+p1070
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1071
+S'genre'
+p1072
+S'comedy'
+p1073
+sS'date'
+p1074
+S'tonight'
+p1075
+sg18
+S'2'
+sS'distanceconstraints'
+p1076
+S'near my location'
+p1077
+ssa(dp1078
+g3
+(dp1079
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1080
+S'date'
+p1081
+S'tomorrow'
+p1082
+sS'city'
+p1083
+S'philadelphia'
+p1084
+sg18
+S'3'
+sS'moviename'
+p1085
+S'deadpool'
+p1086
+sS'zip'
+p1087
+S'19101'
+p1088
+ssa(dp1089
+g3
+(dp1090
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1091
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1092
+S'genre'
+p1093
+S'dramas'
+p1094
+sS'city'
+p1095
+S'princeton'
+p1096
+sS'state'
+p1097
+S'nj'
+p1098
+sg18
+S'2'
+ssa(dp1099
+g3
+(dp1100
+sg10
+g11
+sg12
+(dp1101
+S'city'
+p1102
+S'birmingham'
+p1103
+sS'numberofpeople'
+p1104
+S'2'
+sS'theater'
+p1105
+S'carmike summit 16'
+p1106
+sS'state'
+p1107
+S'al'
+p1108
+sS'starttime'
+p1109
+S'around 5pm'
+p1110
+sS'date'
+p1111
+S'tomorrow'
+p1112
+sS'moviename'
+p1113
+S'deadpool'
+p1114
+ssa(dp1115
+g3
+(dp1116
+g7
+g6
+sS'moviename'
+p1117
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1118
+S'city'
+p1119
+S'birmingham'
+p1120
+sS'numberofpeople'
+p1121
+S'2'
+sS'critic_rating'
+p1122
+S'good'
+p1123
+sS'genre'
+p1124
+S'action'
+p1125
+sS'state'
+p1126
+S'alabama'
+p1127
+sS'date'
+p1128
+S'this saturday'
+p1129
+ssa(dp1130
+g3
+(dp1131
+sg10
+g11
+sg12
+(dp1132
+S'city'
+p1133
+S'seattle'
+p1134
+sS'numberofpeople'
+p1135
+S'2'
+sS'theater'
+p1136
+S'regal meridian 16'
+p1137
+sS'starttime'
+p1138
+S'8:45 pm'
+p1139
+sS'date'
+p1140
+S'tomorrow'
+p1141
+sS'moviename'
+p1142
+S'The big short'
+p1143
+ssa(dp1144
+g3
+(dp1145
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1146
+S'state'
+p1147
+S'california'
+p1148
+sS'numberofpeople'
+p1149
+S'four'
+p1150
+ssa(dp1151
+g3
+(dp1152
+g5
+g6
+sg7
+g6
+ssg10
+g11
+sg12
+(dp1153
+g18
+S'4'
+sS'moviename'
+p1154
+S'zootopia'
+p1155
+sS'greeting'
+p1156
+S'hi'
+p1157
+sS'starttime'
+p1158
+S'matinee'
+p1159
+ssa(dp1160
+g3
+(dp1161
+g7
+g6
+ssg10
+g11
+sg12
+(dp1162
+S'city'
+p1163
+S'la'
+p1164
+sS'numberofpeople'
+p1165
+S'2'
+sS'distanceconstraints'
+p1166
+S'downtown'
+p1167
+sS'video_format'
+p1168
+S'3d'
+p1169
+sS'starttime'
+p1170
+S'7pm'
+p1171
+sS'date'
+p1172
+S'tomorrow'
+p1173
+sS'moviename'
+p1174
+S'creed'
+p1175
+ssa(dp1176
+g3
+(dp1177
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1178
+S'city'
+p1179
+S'birmingham'
+p1180
+sS'state'
+p1181
+S'al'
+p1182
+sS'numberofpeople'
+p1183
+S'2'
+sS'moviename'
+p1184
+S'zootopia'
+p1185
+ssa(dp1186
+g3
+(dp1187
+sg10
+g11
+sg12
+(dp1188
+S'city'
+p1189
+S'seattle'
+p1190
+sS'numberofpeople'
+p1191
+S'2'
+sS'theater'
+p1192
+S'regal meridian 16'
+p1193
+sS'starttime'
+p1194
+S'9:00 pm'
+p1195
+sS'date'
+p1196
+S'tomorrow'
+p1197
+sS'moviename'
+p1198
+S'spotlight'
+p1199
+ssa(dp1200
+g3
+(dp1201
+g5
+g6
+sS'theater'
+p1202
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1203
+g18
+S'5'
+sS'moviename'
+p1204
+S'avengers'
+p1205
+sS'greeting'
+p1206
+S'hey'
+p1207
+ssa(dp1208
+g3
+(dp1209
+sg10
+g11
+sg12
+(dp1210
+S'city'
+p1211
+S'seattle'
+p1212
+sS'numberofpeople'
+p1213
+S'2'
+sS'theater'
+p1214
+S'regal meridian 16'
+p1215
+sS'starttime'
+p1216
+S'9:00 pm'
+p1217
+sS'date'
+p1218
+S'tomorrow'
+p1219
+sS'moviename'
+p1220
+S'spotlight'
+p1221
+ssa(dp1222
+g3
+(dp1223
+sg10
+g11
+sg12
+(dp1224
+S'city'
+p1225
+S'seattle'
+p1226
+sS'numberofpeople'
+p1227
+S'2'
+sS'theater'
+p1228
+S'regal meridian 16'
+p1229
+sS'starttime'
+p1230
+S'8:45 pm'
+p1231
+sS'date'
+p1232
+S'tomorrow'
+p1233
+sS'moviename'
+p1234
+S'hail caesar'
+p1235
+ssa(dp1236
+g3
+(dp1237
+sg10
+g11
+sg12
+(dp1238
+S'city'
+p1239
+S'birmingham'
+p1240
+sS'numberofpeople'
+p1241
+S'2'
+sS'theater'
+p1242
+S'carmike 16'
+p1243
+sS'state'
+p1244
+S'al'
+p1245
+sS'starttime'
+p1246
+S'2pm'
+p1247
+sS'date'
+p1248
+S'today'
+p1249
+sS'moviename'
+p1250
+S'zootopia'
+p1251
+ssa(dp1252
+g3
+(dp1253
+S'moviename'
+p1254
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1255
+S'date'
+p1256
+S'tomorrow'
+p1257
+sS'city'
+p1258
+S'Clear Lake'
+p1259
+sS'state'
+p1260
+S'IA'
+p1261
+sg18
+S'3'
+sS'theater'
+p1262
+S'lake theater'
+p1263
+ssa(dp1264
+g3
+(dp1265
+g5
+g6
+sS'theater'
+p1266
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1267
+S'city'
+p1268
+S'du quoin'
+p1269
+sS'state'
+p1270
+S'illinois'
+p1271
+sg18
+S'2'
+sS'moviename'
+p1272
+S'star wars'
+p1273
+ssa(dp1274
+g3
+(dp1275
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1276
+S'city'
+p1277
+S'san francisco'
+p1278
+sg18
+S'3'
+ssa(dp1279
+g3
+(dp1280
+sg10
+g11
+sg12
+(dp1281
+S'city'
+p1282
+S'seattle'
+p1283
+sS'numberofpeople'
+p1284
+S'2'
+sS'theater'
+p1285
+S'regal meridian 16'
+p1286
+sS'starttime'
+p1287
+S'8:45 pm'
+p1288
+sS'date'
+p1289
+S'tomorrow'
+p1290
+sS'moviename'
+p1291
+S'hail caesar'
+p1292
+ssa(dp1293
+g3
+(dp1294
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1295
+S'city'
+p1296
+S'portland'
+p1297
+sS'state'
+p1298
+S'oregon'
+p1299
+sg18
+S'2'
+sS'moviename'
+p1300
+S'star wars'
+p1301
+ssa(dp1302
+g3
+(dp1303
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1304
+S'city'
+p1305
+S'los angeles'
+p1306
+sg18
+S'1'
+sS'moviename'
+p1307
+S'deadpool'
+p1308
+ssa(dp1309
+g3
+(dp1310
+g7
+g6
+sS'moviename'
+p1311
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1312
+S'date'
+p1313
+S'weekend'
+p1314
+sg18
+S'1'
+ssa(dp1315
+g3
+(dp1316
+g7
+g6
+ssg10
+g11
+sg12
+(dp1317
+S'date'
+p1318
+S'tomorrow'
+p1319
+sS'city'
+p1320
+S'regency academy 6 theater'
+p1321
+sS'numberofpeople'
+p1322
+S'four'
+p1323
+sS'moviename'
+p1324
+S'creed'
+p1325
+sS'starttime'
+p1326
+S'around noon'
+p1327
+ssa(dp1328
+g3
+(dp1329
+sg10
+g11
+sg12
+(dp1330
+S'city'
+p1331
+S'seattle'
+p1332
+sS'numberofpeople'
+p1333
+S'2'
+sS'theater'
+p1334
+S'regal meridian 16'
+p1335
+sS'starttime'
+p1336
+S'9:00 pm'
+p1337
+sS'date'
+p1338
+S'tomorrow'
+p1339
+sS'moviename'
+p1340
+S'spotlight'
+p1341
+ssa(dp1342
+g3
+(dp1343
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1344
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1345
+S'video_format'
+p1346
+S'3d'
+p1347
+sg18
+S'1'
+ssa(dp1348
+g3
+(dp1349
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1350
+S'date'
+p1351
+S'tomorrow night'
+p1352
+sg18
+S'1'
+sS'moviename'
+p1353
+S'deadpool'
+p1354
+ssa(dp1355
+g3
+(dp1356
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1357
+S'city'
+p1358
+S'portland'
+p1359
+sS'state'
+p1360
+S'oregon'
+p1361
+sg18
+S'4'
+sS'moviename'
+p1362
+S'star wars'
+p1363
+ssa(dp1364
+g3
+(dp1365
+g5
+g6
+sg21
+g6
+sS'theater'
+p1366
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1367
+g18
+S'5'
+sS'mpaa_rating'
+p1368
+S'pg'
+p1369
+ssa(dp1370
+g3
+(dp1371
+g21
+g6
+ssg10
+g11
+sg12
+(dp1372
+S'date'
+p1373
+S'tomorrow'
+p1374
+sS'city'
+p1375
+S'seattle'
+p1376
+sS'numberofpeople'
+p1377
+S'2'
+sS'theater'
+p1378
+S'amc pacific place 11 theater'
+p1379
+sS'starttime'
+p1380
+S'9:30 pm'
+p1381
+ssa(dp1382
+g3
+(dp1383
+g5
+g6
+sS'starttime'
+p1384
+g6
+ssg10
+g11
+sg12
+(dp1385
+S'moviename'
+p1386
+S'star wars'
+p1387
+sg18
+S'2'
+sS'theater'
+p1388
+S'shelby township'
+p1389
+ssa(dp1390
+g3
+(dp1391
+g7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1392
+S'date'
+p1393
+S'tomorrow'
+p1394
+sS'city'
+p1395
+S'philadelphia'
+p1396
+sg18
+S'4'
+sS'moviename'
+p1397
+S'deadpool'
+p1398
+sS'zip'
+p1399
+S'19101'
+p1400
+ssa(dp1401
+g3
+(dp1402
+sg10
+g11
+sg12
+(dp1403
+S'city'
+p1404
+S'seattle'
+p1405
+sS'numberofpeople'
+p1406
+S'2'
+sS'theater'
+p1407
+S'regal meridian 16'
+p1408
+sS'starttime'
+p1409
+S'9:10 pm'
+p1410
+sS'date'
+p1411
+S'tomorrow'
+p1412
+sS'moviename'
+p1413
+S'zootopia'
+p1414
+ssa(dp1415
+g3
+(dp1416
+g7
+g6
+sS'moviename'
+p1417
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1418
+S'genre'
+p1419
+S'comedy'
+p1420
+sS'date'
+p1421
+S'tonight'
+p1422
+sg18
+S'5'
+sS'distanceconstraints'
+p1423
+S'near my location'
+p1424
+ssa(dp1425
+g3
+(dp1426
+sg10
+g11
+sg12
+(dp1427
+S'city'
+p1428
+S'seattle'
+p1429
+sS'numberofpeople'
+p1430
+S'2'
+sS'theater'
+p1431
+S'amc pacific place 11 theater'
+p1432
+sS'starttime'
+p1433
+S'9:00 pm'
+p1434
+sS'date'
+p1435
+S'tomorrow'
+p1436
+sS'moviename'
+p1437
+S'deadpool'
+p1438
+ssa(dp1439
+g3
+(dp1440
+g7
+g6
+sg21
+g6
+ssg10
+g11
+sg12
+(dp1441
+S'date'
+p1442
+S'tomorrow'
+p1443
+sS'city'
+p1444
+S'seattle'
+p1445
+sg18
+S'5'
+sS'other'
+p1446
+S'pizza place'
+p1447
+sS'starttime'
+p1448
+S'night'
+p1449
+ssa(dp1450
+g3
+(dp1451
+g7
+g6
+ssg10
+g11
+sg12
+(dp1452
+S'city'
+p1453
+S'knoxville'
+p1454
+sS'numberofpeople'
+p1455
+S'2'
+sS'distanceconstraints'
+p1456
+S'downtown'
+p1457
+sS'video_format'
+p1458
+S'3d'
+p1459
+sS'state'
+p1460
+S'tn'
+p1461
+sS'starttime'
+p1462
+S'evening around 7'
+p1463
+sS'date'
+p1464
+S'tomorrow'
+p1465
+sS'moviename'
+p1466
+S'the vvitch'
+p1467
+ssa(dp1468
+g3
+(dp1469
+sg10
+g11
+sg12
+(dp1470
+S'city'
+p1471
+S'seattle'
+p1472
+sS'numberofpeople'
+p1473
+S'2'
+sS'theater'
+p1474
+S'amc pacific place 11 theater'
+p1475
+sS'starttime'
+p1476
+S'10:00 pm'
+p1477
+sS'date'
+p1478
+S'tomorrow'
+p1479
+sS'moviename'
+p1480
+S'race'
+p1481
+ssa(dp1482
+g3
+(dp1483
+g7
+g6
+sg21
+g6
+ssg10
+g11
+sg12
+(dp1484
+S'genre'
+p1485
+S'romantic comedy'
+p1486
+sS'date'
+p1487
+S'friday'
+p1488
+sS'numberofpeople'
+p1489
+S'2'
+sS'starttime'
+p1490
+S'night'
+p1491
+ssa(dp1492
+g3
+(dp1493
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1494
+S'distanceconstraints'
+p1495
+S'near safeco field'
+p1496
+sg18
+S'1'
+sS'other'
+p1497
+S'pizza restaurant'
+p1498
+ssa(dp1499
+g3
+(dp1500
+sg10
+g11
+sg12
+(dp1501
+S'city'
+p1502
+S'seattle'
+p1503
+sS'numberofpeople'
+p1504
+S'2'
+sS'theater'
+p1505
+S'regal meridian 16'
+p1506
+sS'starttime'
+p1507
+S'9:10 pm'
+p1508
+sS'date'
+p1509
+S'tomorrow'
+p1510
+sS'moviename'
+p1511
+S'zootopia'
+p1512
+ssa(dp1513
+g3
+(dp1514
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1515
+S'distanceconstraints'
+p1516
+S'near safeco field'
+p1517
+sg18
+S'1'
+sS'other'
+p1518
+S'restaurant'
+p1519
+sS'description'
+p1520
+S'highest rated pizza'
+p1521
+ssa(dp1522
+g3
+(dp1523
+sg10
+g11
+sg12
+(dp1524
+S'city'
+p1525
+S'birmingham'
+p1526
+sS'numberofpeople'
+p1527
+S'2'
+sS'theater'
+p1528
+S'carmike summit 16'
+p1529
+sS'state'
+p1530
+S'al'
+p1531
+sS'starttime'
+p1532
+S'around 2pm'
+p1533
+sS'date'
+p1534
+S'sunday'
+p1535
+sS'moviename'
+p1536
+S'deadpool'
+p1537
+ssa(dp1538
+g3
+(dp1539
+S'moviename'
+p1540
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1541
+S'date'
+p1542
+S'weekend'
+p1543
+sg18
+S'1'
+sS'theater'
+p1544
+S'boyou vista la'
+p1545
+ssa(dp1546
+g3
+(dp1547
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1548
+g18
+S'4'
+sS'moviename'
+p1549
+S'brothers grimsby'
+p1550
+ssa(dp1551
+g3
+(dp1552
+sg10
+g11
+sg12
+(dp1553
+S'city'
+p1554
+S'seattle'
+p1555
+sS'numberofpeople'
+p1556
+S'2'
+sS'theater'
+p1557
+S'regal meridian 16'
+p1558
+sS'starttime'
+p1559
+S'8:45 pm'
+p1560
+sS'date'
+p1561
+S'tomorrow'
+p1562
+sS'moviename'
+p1563
+S'big short'
+p1564
+ssa(dp1565
+g3
+(dp1566
+g7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1567
+S'date'
+p1568
+S'tomorrow night'
+p1569
+sS'city'
+p1570
+S'seattle'
+p1571
+sg18
+S'3'
+sS'other'
+p1572
+S'pizza place'
+p1573
+ssa(dp1574
+g3
+(dp1575
+g5
+g6
+sS'theater'
+p1576
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1577
+g18
+S'5'
+sS'moviename'
+p1578
+S'zootopia'
+p1579
+ssa(dp1580
+g3
+(dp1581
+sg10
+g11
+sg12
+(dp1582
+S'city'
+p1583
+S'seattle'
+p1584
+sS'numberofpeople'
+p1585
+S'2'
+sS'theater'
+p1586
+S'regal meridian 16'
+p1587
+sS'starttime'
+p1588
+S'9:30 pm'
+p1589
+sS'date'
+p1590
+S'tomorrow'
+p1591
+sS'moviename'
+p1592
+S'the witch'
+p1593
+ssa(dp1594
+g3
+(dp1595
+sg10
+g11
+sg12
+(dp1596
+S'city'
+p1597
+S'seattle'
+p1598
+sS'numberofpeople'
+p1599
+S'2'
+sS'theater'
+p1600
+S'regal meridian 16'
+p1601
+sS'starttime'
+p1602
+S'9:10 pm'
+p1603
+sS'date'
+p1604
+S'tomorrow'
+p1605
+sS'moviename'
+p1606
+S'zootopia'
+p1607
+ssa(dp1608
+g3
+(dp1609
+g7
+g6
+sg21
+g6
+sS'starttime'
+p1610
+g6
+ssg10
+g11
+sg12
+(dp1611
+S'genre'
+p1612
+S'drama'
+p1613
+sS'date'
+p1614
+S'tomorrow'
+p1615
+sg18
+S'1'
+ssa(dp1616
+g3
+(dp1617
+g5
+g6
+sS'starttime'
+p1618
+g6
+ssg10
+g11
+sg12
+(dp1619
+S'moviename'
+p1620
+S'10 cloverfield lane'
+p1621
+sg18
+S'3'
+sS'theater'
+p1622
+S'beaver creek stadium 12'
+p1623
+ssa(dp1624
+g3
+(dp1625
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1626
+S'critic_rating'
+p1627
+S'good'
+p1628
+sg18
+S'2'
+sS'other'
+p1629
+S'good restaurant'
+p1630
+sS'city'
+p1631
+S'seattle'
+p1632
+ssa(dp1633
+g3
+(dp1634
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1635
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1636
+S'genre'
+p1637
+S'action'
+p1638
+sg18
+S'3'
+sS'zip'
+p1639
+S'90601'
+p1640
+ssa(dp1641
+g3
+(dp1642
+sg10
+g11
+sg12
+(dp1643
+S'city'
+p1644
+S'seattle'
+p1645
+sS'numberofpeople'
+p1646
+S'2'
+sS'theater'
+p1647
+S'regal meridian 16'
+p1648
+sS'starttime'
+p1649
+S'9:00 pm'
+p1650
+sS'date'
+p1651
+S'tomorrow'
+p1652
+sS'moviename'
+p1653
+S'spotlight'
+p1654
+ssa(dp1655
+g3
+(dp1656
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1657
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1658
+S'critic_rating'
+p1659
+S'top rated'
+p1660
+sg18
+S'1'
+ssa(dp1661
+g3
+(dp1662
+g7
+g6
+sg21
+g6
+ssg10
+g11
+sg12
+(dp1663
+S'city'
+p1664
+S'wilmington'
+p1665
+sS'numberofpeople'
+p1666
+S'3'
+sS'state'
+p1667
+S'nc'
+p1668
+sS'other'
+p1669
+S'george on the riverwak'
+p1670
+sS'starttime'
+p1671
+S'8pm'
+p1672
+sS'date'
+p1673
+S'saturday'
+p1674
+ssa(dp1675
+g3
+(dp1676
+g7
+g6
+sg21
+g6
+ssg10
+g11
+sg12
+(dp1677
+S'city'
+p1678
+S'seattle'
+p1679
+sg18
+S'5'
+sS'distanceconstraints'
+p1680
+S'downtown'
+p1681
+sS'other'
+p1682
+S'japanese restaurant'
+p1683
+sS'starttime'
+p1684
+S'midnight'
+p1685
+sS'date'
+p1686
+S'tonight'
+p1687
+ssa(dp1688
+g3
+(dp1689
+sg10
+g11
+sg12
+(dp1690
+S'city'
+p1691
+S'seattle'
+p1692
+sS'numberofpeople'
+p1693
+S'2'
+sS'theater'
+p1694
+S'amc lowes oak tree 6'
+p1695
+sS'starttime'
+p1696
+S'4:50 pm'
+p1697
+sS'date'
+p1698
+S'tomorrow'
+p1699
+sS'moviename'
+p1700
+S'race'
+p1701
+ssa(dp1702
+g3
+(dp1703
+sg10
+g11
+sg12
+(dp1704
+S'city'
+p1705
+S'seattle'
+p1706
+sS'numberofpeople'
+p1707
+S'2'
+sS'theater'
+p1708
+S'amc pacific place 11 theater'
+p1709
+sS'starttime'
+p1710
+S'10:00 pm'
+p1711
+sS'date'
+p1712
+S'tomorrow'
+p1713
+sS'moviename'
+p1714
+S'race'
+p1715
+ssa(dp1716
+g3
+(dp1717
+g7
+g6
+sS'moviename'
+p1718
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1719
+S'date'
+p1720
+S'this weekend'
+p1721
+sg18
+S'3'
+ssa(dp1722
+g3
+(dp1723
+sg10
+g11
+sg12
+(dp1724
+S'city'
+p1725
+S'seattle'
+p1726
+sS'numberofpeople'
+p1727
+S'2'
+sS'theater'
+p1728
+S'regal meridian 16'
+p1729
+sS'starttime'
+p1730
+S'9:30 pm'
+p1731
+sS'date'
+p1732
+S'tomorrow'
+p1733
+sS'moviename'
+p1734
+S'the witch'
+p1735
+ssa(dp1736
+g3
+(dp1737
+sg10
+g11
+sg12
+(dp1738
+S'city'
+p1739
+S'seattle'
+p1740
+sS'numberofpeople'
+p1741
+S'2'
+sS'theater'
+p1742
+S'regal meridian 16'
+p1743
+sS'starttime'
+p1744
+S'9:30 pm'
+p1745
+sS'date'
+p1746
+S'tomorrow'
+p1747
+sS'moviename'
+p1748
+S'witch'
+p1749
+ssa(dp1750
+g3
+(dp1751
+sg10
+g11
+sg12
+(dp1752
+S'city'
+p1753
+S'birmingham'
+p1754
+sg18
+S'1'
+sS'theater'
+p1755
+S'carmike summit 16'
+p1756
+sS'state'
+p1757
+S'al'
+p1758
+sS'starttime'
+p1759
+S'2pm'
+p1760
+sS'date'
+p1761
+S'tomorrow'
+p1762
+sS'moviename'
+p1763
+S'deadpool'
+p1764
+ssa(dp1765
+g3
+(dp1766
+g5
+g6
+sS'theater'
+p1767
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1768
+S'city'
+p1769
+S'seattle'
+p1770
+sg18
+S'2'
+sS'moviename'
+p1771
+S'deadpool'
+p1772
+ssa(dp1773
+g3
+(dp1774
+sg10
+g11
+sg12
+(dp1775
+S'city'
+p1776
+S'birmingham'
+p1777
+sS'numberofpeople'
+p1778
+S'2'
+sS'theater'
+p1779
+S'carmike summit 16'
+p1780
+sS'state'
+p1781
+S'al'
+p1782
+sS'starttime'
+p1783
+S'around 2pm'
+p1784
+sS'date'
+p1785
+S'thursday'
+p1786
+sS'moviename'
+p1787
+S'deadpool'
+p1788
+ssa(dp1789
+g3
+(dp1790
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1791
+S'numberofpeople'
+p1792
+S'4'
+sS'moviename'
+p1793
+S'eddie the eagle'
+p1794
+sS'zip'
+p1795
+S'94952'
+p1796
+ssa(dp1797
+g3
+(dp1798
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1799
+S'numberofpeople'
+p1800
+S'two'
+p1801
+sS'moviename'
+p1802
+S'london has fallen'
+p1803
+sS'zip'
+p1804
+S'90602'
+p1805
+ssa(dp1806
+g3
+(dp1807
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1808
+S'distanceconstraints'
+p1809
+S'near the space needle'
+p1810
+sg18
+S'5'
+sS'other'
+p1811
+S'I can bring my cat to'
+p1812
+ssa(dp1813
+g3
+(dp1814
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1815
+g6
+ssg10
+g11
+sg12
+(dp1816
+S'genre'
+p1817
+S'funny'
+p1818
+sS'city'
+p1819
+S'seattle'
+p1820
+sg18
+S'3'
+sS'starttime'
+p1821
+S'5pm'
+p1822
+ssa(dp1823
+g3
+(dp1824
+g7
+g6
+sS'moviename'
+p1825
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1826
+S'date'
+p1827
+S'this weekend'
+p1828
+sS'city'
+p1829
+S'bayou vista'
+p1830
+sS'state'
+p1831
+S'la'
+p1832
+sg18
+S'2'
+ssa(dp1833
+g3
+(dp1834
+g5
+g6
+sS'theater'
+p1835
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1836
+S'state'
+p1837
+S'california'
+p1838
+sg18
+S'4'
+sS'moviename'
+p1839
+S'zootopia'
+p1840
+ssa(dp1841
+g3
+(dp1842
+g5
+g6
+sg7
+g6
+sS'moviename'
+p1843
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1844
+S'city'
+p1845
+S'seattle'
+p1846
+sS'state'
+p1847
+S'washington'
+p1848
+sg18
+S'5'
+ssa(dp1849
+g3
+(dp1850
+g7
+g6
+sS'moviename'
+p1851
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1852
+S'date'
+p1853
+S'this weekend'
+p1854
+sg18
+S'1'
+ssa(dp1855
+g3
+(dp1856
+g7
+g6
+sS'moviename'
+p1857
+g6
+ssg10
+g11
+sg12
+(dp1858
+S'genre'
+p1859
+S'romantic comedies'
+p1860
+sS'date'
+p1861
+S'tomorrow'
+p1862
+sg18
+S'4'
+sS'starttime'
+p1863
+S'afternoon'
+p1864
+ssa(dp1865
+g3
+(dp1866
+sg10
+g11
+sg12
+(dp1867
+S'city'
+p1868
+S'seattle'
+p1869
+sS'numberofpeople'
+p1870
+S'2'
+sS'theater'
+p1871
+S'regal meridian 16'
+p1872
+sS'starttime'
+p1873
+S'9:25 pm'
+p1874
+sS'date'
+p1875
+S'tomorrow'
+p1876
+sS'moviename'
+p1877
+S'zoolander 2'
+p1878
+ssa(dp1879
+g3
+(dp1880
+g5
+g6
+sg21
+g6
+sS'theater'
+p1881
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1882
+S'city'
+p1883
+S'seattle'
+p1884
+sg18
+S'5'
+sS'other'
+p1885
+S'serve alcohol'
+p1886
+ssa(dp1887
+g3
+(dp1888
+g21
+g6
+ssg10
+g11
+sg12
+(dp1889
+S'date'
+p1890
+S'tomorrow'
+p1891
+sS'city'
+p1892
+S'seattle'
+p1893
+sS'numberofpeople'
+p1894
+S'2'
+sS'theater'
+p1895
+S'amc lowes oak tree 6'
+p1896
+sS'starttime'
+p1897
+S'4:50 pm'
+p1898
+ssa(dp1899
+g3
+(dp1900
+g5
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1901
+S'moviename'
+p1902
+S'the other side of the door'
+p1903
+sS'numberofpeople'
+p1904
+S'two'
+p1905
+sS'theater'
+p1906
+S'southpoint casino'
+p1907
+sS'city'
+p1908
+S'las vegas'
+p1909
+ssa(dp1910
+g3
+(dp1911
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1912
+S'city'
+p1913
+S'du Quoin'
+p1914
+sS'state'
+p1915
+S'illinois'
+p1916
+sg18
+S'2'
+sS'moviename'
+p1917
+S'star wars'
+p1918
+ssa(dp1919
+g3
+(dp1920
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1921
+S'numberofpeople'
+p1922
+S'3'
+sS'moviename'
+p1923
+S'gods egypt'
+p1924
+ssa(dp1925
+g3
+(dp1926
+sg10
+g11
+sg12
+(dp1927
+S'city'
+p1928
+S'seattle'
+p1929
+sS'numberofpeople'
+p1930
+S'2'
+sS'theater'
+p1931
+S'regal meridian 16 theater'
+p1932
+sS'starttime'
+p1933
+S'8:45 pm'
+p1934
+sS'date'
+p1935
+S'tomorrow'
+p1936
+sS'moviename'
+p1937
+S'hail caesar'
+p1938
+ssa(dp1939
+g3
+(dp1940
+g7
+g6
+ssg10
+g11
+sg12
+(dp1941
+S'date'
+p1942
+S'tomorrow'
+p1943
+sS'city'
+p1944
+S'seattle'
+p1945
+sS'numberofpeople'
+p1946
+S'one'
+p1947
+sS'moviename'
+p1948
+S'zootopia'
+p1949
+sS'starttime'
+p1950
+S'night'
+p1951
+ssa(dp1952
+g3
+(dp1953
+sg10
+g11
+sg12
+(dp1954
+S'city'
+p1955
+S'seattle'
+p1956
+sS'numberofpeople'
+p1957
+S'2'
+sS'theater'
+p1958
+S'amc pacific place 11 theater'
+p1959
+sS'starttime'
+p1960
+S'10:00 pm'
+p1961
+sS'date'
+p1962
+S'tomorrow'
+p1963
+sS'moviename'
+p1964
+S'race'
+p1965
+ssa(dp1966
+g3
+(dp1967
+sg10
+g11
+sg12
+(dp1968
+S'city'
+p1969
+S'seattle'
+p1970
+sS'numberofpeople'
+p1971
+S'2'
+sS'theater'
+p1972
+S'amc pacific place 11 theater'
+p1973
+sS'starttime'
+p1974
+S'10:00 pm'
+p1975
+sS'date'
+p1976
+S'tomorrow'
+p1977
+sS'moviename'
+p1978
+S'race'
+p1979
+ssa(dp1980
+g3
+(dp1981
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1982
+S'city'
+p1983
+S'seattle'
+p1984
+sg18
+S'5'
+sS'other'
+p1985
+S'restaurants'
+p1986
+ssa(dp1987
+g3
+(dp1988
+g5
+g6
+sg7
+g6
+sg21
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1989
+S'genre'
+p1990
+S'sci-fi'
+p1991
+sS'city'
+p1992
+S'miami'
+p1993
+sg18
+S'4'
+ssa(dp1994
+g3
+(dp1995
+g7
+g6
+sS'moviename'
+p1996
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp1997
+S'genre'
+p1998
+S'action'
+p1999
+sS'date'
+p2000
+S'this weekend'
+p2001
+sg18
+S'1'
+ssa(dp2002
+g3
+(dp2003
+sg10
+g11
+sg12
+(dp2004
+S'city'
+p2005
+S'seattle'
+p2006
+sS'numberofpeople'
+p2007
+S'2'
+sS'theater'
+p2008
+S'amc lowes oak tree 6'
+p2009
+sS'starttime'
+p2010
+S'7:15 pm'
+p2011
+sS'date'
+p2012
+S'tomorrow'
+p2013
+sS'moviename'
+p2014
+S'hail caesar'
+p2015
+ssa(dp2016
+g3
+(dp2017
+sg10
+g11
+sg12
+(dp2018
+S'city'
+p2019
+S'seattle'
+p2020
+sS'numberofpeople'
+p2021
+S'6'
+sS'theater'
+p2022
+S'amc lowes oak tree'
+p2023
+sS'starttime'
+p2024
+S'7:10 pm'
+p2025
+sS'date'
+p2026
+S'tomorrow'
+p2027
+sS'moviename'
+p2028
+S'triple 9'
+p2029
+ssa(dp2030
+g3
+(dp2031
+g5
+g6
+sg7
+g6
+sg9
+g6
+ssg10
+g11
+sg12
+(dp2032
+S'numberofpeople'
+p2033
+S'two'
+p2034
+sS'moviename'
+p2035
+S'zootopia'
+p2036
+ssa(dp2037
+g3
+(dp2038
+sg10
+g11
+sg12
+(dp2039
+S'city'
+p2040
+S'seattle'
+p2041
+sS'numberofpeople'
+p2042
+S'2'
+sS'theater'
+p2043
+S'amc pacific place 11 theater'
+p2044
+sS'starttime'
+p2045
+S'9:00 pm'
+p2046
+sS'date'
+p2047
+S'tomorrow'
+p2048
+sS'moviename'
+p2049
+S'deadpool'
+p2050
+ssa.
\ No newline at end of file
diff --git a/data/multiwoz/README.md b/data/multiwoz/README.md
new file mode 100644
index 0000000..c2f862f
--- /dev/null
+++ b/data/multiwoz/README.md
@@ -0,0 +1,8 @@
+## Multiwoz data
+
+source: https://www.repository.cam.ac.uk/handle/1810/280608
+
+Sampled NLG data: `annotated_user_utts_18k.txt`
+
+Sampled NLU data: `annoted_bio.txt`
+
diff --git a/data/multiwoz/annotated_user_utts_18k.txt b/data/multiwoz/annotated_user_utts_18k.txt
new file mode 100644
index 0000000..576916d
--- /dev/null
+++ b/data/multiwoz/annotated_user_utts_18k.txt
@@ -0,0 +1,10529 @@
+sessID MsgID Text DialogAct
+PMUL1032 0 What kind of attractions are available in the centre? Attraction-Inform(Area=centre)
+PMUL1032 1 There is the Holy Trinity Church on Market Street. It is free to get in. Attraction-Inform(Addr=Market Street;Fee=free;Name=Holy Trinity Church)
+PMUL1032 3 Sorry there are no listings for multiple sports,can I check in another area? Attraction-NoOffer(Type=multiple sports)
+PMUL1032 4 How about any that are about architecture? Attraction-Inform(Type=architecture)
+PMUL1032 8 Yes, may I have the phone number and postcode? Also, is there an entrance fee? Attraction-Request(Post;Phone;Fee)
+PMUL1032 9 The phone number is 01223332320 and the entrance fee is free. The post code is cb21tt. Attraction-Inform(Fee=free;Phone=01223332320;Post=cb21tt)
+PMUL1032 10 Thank you that is all I needed. general-thank()
+PMUL1033 0 I need to book a train to cambridge on Monday. Train-Inform(Dest=cambridge)
+PMUL1033 1 Where will you be departing from? Train-Request(Depart)
+PMUL1033 2 I will be departing out of Stevenage. Train-Inform(Depart=stevenage)
+PMUL1033 4 I want to arrive by 16:45. Train-Inform(Arrive=16:45)
+PMUL1033 6 Sorry, I looked at the calendar. I need a Thursday train, not a Monday. Can you please find a train on that day instead? Train-Inform(Day=thursday)
+PMUL1033 7 Okay, no problem. The TR1163 train leaves at 05:54. Will that work for you? Train-Inform(Id=TR1163;Leave=05:54)
+PMUL1033 8 What time will the train arrive in Cambridge? Train-Inform(Dest=cambridge)
+PMUL1033 9 It arrives at 06:43. Train-Inform(Arrive=06:43)
+PMUL1033 10 Ok please book that for 5 people. Train-Inform(People=5)
+PMUL1033 11 I have made those reservations and your reference number is 9JXA0UWF. Train-OfferBooked(Ref=9JXA0UWF)
+PMUL1033 12 Thank you. I am also looking for a museum to visit. Do you have any recommendations? Attraction-Inform(Type=museum)
+PMUL1033 16 No thank you. general-thank()
+PMUL1033 17 Can I look up anything else for you? general-reqmore()
+PMUL1033 18 Nope, you have been extremely helpful. Thanks again. Bye. general-bye()
+PMUL2112 0 There's an attraction I'm looking for in Cambridge. Attraction-Inform()
+PMUL2112 1 Ok, are you looking for a church? Attraction-Select(Type=church)
+PMUL2112 2 No. I am looking for an attraction called Downing College. Attraction-Inform(Name=downing college)
+PMUL2112 3 Downing College is in the centre on Regent Street. The number is 01223334860. It is even free! Attraction-Inform(Name=Downing College;Fee=free;Phone=01223334860;Addr=Regent Street;Area=centre)
+PMUL2112 4 Great! Thanks so much for the info. I am also hoping you might help me find a restaurant in the centre. Restaurant-Inform(Area=centre)
+PMUL2112 6 yes. it should be moderately priced. Restaurant-Inform(Price=moderate)
+PMUL2112 7 Were you interested in a specific kind of cuisine? Restaurant-Request(Food)
+PMUL2112 8 European would be a nice change. Restaurant-Inform(Food=european)
+PMUL2112 9 Okay there are four matches for your request. May I make a suggestion? Restaurant-Inform(Choice=four)
+PMUL2112 13 What time would you like? Booking-Request(Time)
+PMUL2112 15 I also need the day in order to book it. Booking-Request(Day)
+PMUL2112 16 Thursday, please. Thank you Restaurant-Inform(Day=thursday)
+PMUL2112 18 That is all I need. Thanks. general-thank()
+PMUL2110 0 Do you have any restaurants in the center of town that serve The Americas cuisine? Restaurant-Inform(Food=the americas)
+PMUL2110 2 how about one that serves modern European food? Restaurant-Inform(Food=modern european)
+PMUL2110 4 Price doesn't matter. I would like to book a table for 7 people at 13:00 on Sunday. Restaurant-Inform(Time=13:00;Price=dont care;People=7;Day=sunday)
+PMUL2110 5 I made you a reservation for 7 on Sunday at 13:00 at riverside brasserie. Your reference is DYYUTE3X and the table will be held for 15 minutes Booking-Book(Day=Sunday;Ref=DYYUTE3X;Time=13:00;Name=riverside brasserie;People=7)
+PMUL2110 6 Thank you, that is nice. general-thank()
+PMUL2110 7 Is there anything else I can help you with? general-reqmore()
+PMUL2110 8 Yes, I'm also looking for somewhere to visit in the same area as the restaurant. Attraction-Inform(Area=centre)
+PMUL2110 10 I would love to look at Cambridge's architecture. Is this possible? Attraction-Inform(Type=architecture)
+PMUL2110 13 The address is jesus lane Attraction-Inform(Addr=jesus lane)
+PMUL2110 15 I booked a taxi from All Saints Church to Riverside Brasserie arriving before your reservation. It is a red BMW and the contact number is 07880762329. Taxi-Inform(Phone=07880762329;Dest=Riverside Brasserie;Car=red BMW;Depart=All Saints Church)
+PMUL2110 16 Thanks so much. That will be all for today. Take care. general-thank()
+PMUL2110 17 Thank you and enjoy your time with us! general-greet()
+MUL1703 0 Looking for a place to go to in the centre area, a type of college. Attraction-Inform(Area=centre;Type=college)
+MUL1703 4 I like to find a train that goes to broxbourne. Train-Inform(Dest=broxbourne)
+MUL1703 6 I will be leaving from Cambridge and will need to arrive by 10:30 Train-Inform(Depart=cambridge;Arrive=10:30)
+MUL1703 8 Is that the schedule for Friday? That's when I need to travel. If so, please book 8 tickets for me? Train-Inform(People=8;Day=Friday)
+MUL1703 9 You are booked on train TR2519 for 8 on Friday. The total fee is 143.19 GBP payable at the station and your reference number is LDDIXALA. Train-OfferBooked(Id=TR2519;Ref=LDDIXALA;People=8;Ticket=143.19 GBP;Day=Friday)
+MUL1703 10 Thank you so much! Goodbye now! general-bye()
+PMUL2116 0 I'm looking for an expensive Chinese food restaurant. Can you help me? Restaurant-Inform(Food=chinese;Price=expensive)
+PMUL2116 2 I have no area preference. Can you make a suggestion for me? Restaurant-Request(Area)
+PMUL2116 4 No but could I get the address for the hakka? Restaurant-Request(Addr)
+PMUL2116 6 Sure, I am looking for something to do in the town centre Attraction-Inform(Area=centre)
+PMUL2116 9 I have the cambridge punter boat located in postcode cb41as. I do not know the entrance fee you can call at 07807718591. Attraction-Inform(Fee=do not know;Phone=07807718591;Name=cambridge punter boat;Post=cb41as)
+PMUL2116 10 Okay thanks that's all I need from you. Have a good day, bye. general-bye()
+MUL1869 0 I'm looking for interesting museums in the centre of Cambridge, can you recommend me any? Attraction-Inform(Area=centre;Type=museum)
+MUL1869 1 I recommend the museum of archaelogy and anthropology Attraction-Recommend(Name=the museum of archaelogy and anthropology)
+MUL1869 2 That sounds great! Can I have their address? Attraction-Request(Addr)
+MUL1869 3 They are located at university of cambridge, downing street and there is no entrance fee. Would you like their phone number as well? Attraction-Inform(Fee=no entrance fee;Addr=university of cambridge;Addr=downing street)
+MUL1869 4 Not right now, but thanks. I do need a train to cambridge that leaves after 18:30, though. Train-Inform(Dest=cambridge;Leave=18:30)
+MUL1869 5 Sure thing. Where will you be travelling from and on what day? Train-Request(Depart;Day)
+MUL1869 6 I will be departing from Stevanage on Tuesday. Train-Inform(Depart=stevenage;Day=tuesday)
+MUL1869 7 Great! Train TR6913 leaves at 19:54 and arrives by 20:43, with a price of 12.80 pounds. Would that work for you? Train-Inform(Ticket=12.80 pounds;Arrive=20:43;Id=TR6913;Leave=19:54)
+MUL1869 8 Yes, it sounds great. Can you book 8 seats for me please? Train-Inform(People=8)
+MUL1869 10 No, thank you! general-thank()
+PMUL2114 0 I'm looking for a place called soul tree nightclub. Attraction-Inform(Name=soul tree nightclub)
+PMUL2114 1 Soul Tree Nightclub is found in the center of town.The entrance fee is 4 Pounds and their phone number is 01223477900 Attraction-Inform(Phone=01223477900;Fee=4 Pounds;Area=center;Name=Soul Tree Nightclub)
+PMUL2114 2 What type of attraction is it? Attraction-Request(Type)
+PMUL2114 3 It's classified as a nightclub type of attraction. Attraction-Inform(Type=nightclub)
+PMUL2114 4 I also need a place to eat that serves Indian food. Restaurant-Inform(Food=indian)
+PMUL2114 6 I want to book a table for 6 at 18:45 on Thursday Restaurant-Inform(Time=18:45;People=6;Day=thursday)
+PMUL2114 8 Thank you good bye. general-bye()
+PMUL2114 9 Thank you for allowing me to assist you. Have a great night. general-bye()
+PMUL2115 0 I am looking for places to go in the centre of town. Attraction-Inform(Area=centre)
+PMUL2115 1 What types of attractions are you interested in going to? Attraction-Request(Type)
+PMUL2115 3 There are many churches in the area to check out. Attraction-Recommend(Area=the area;Choice=many;Type=churches)
+PMUL2115 4 A church sounds great. It doesn't matter what type church it is. Will you pick one and send me the address including the postcode? Attraction-Request(Post;Type;Addr)
+PMUL2115 5 The address to all saints church is jesus lane. Attraction-Inform(Name=all saints church;Addr=jesus lane)
+PMUL2115 6 Can you also find me a restaurant? Restaurant-Inform()
+PMUL2115 7 What type of food would you like? Restaurant-Request(Food)
+PMUL2115 11 I've arranged for the taxi to get you to the restaurant by 12:45. You'll be picked up in a Black Honda. The contact number is 07690050237. Taxi-Inform(Phone=07690050237;Arrive=12:45;Car=Black Honda)
+PMUL2115 12 Alright thank you very much. general-thank()
+PMUL2115 13 I hope you have a pleasant stay! general-welcome()
+MUL1864 0 I'd like some places to go. Some sort of entertainment. Attraction-Inform(Type=entertainment)
+MUL1864 2 I prefer the centre area. What do you have for places to go? Type of college maybe? Attraction-Inform(Area=centre;Type=college)
+MUL1864 4 On second thought, I'd rather go to a entertainment spot. Got any of those? Attraction-Inform(Type=entertainment)
+MUL1864 7 The postcode of corpus christi is cb21rh. Attraction-Inform(Post=cb21rh;Name=corpus christi)
+MUL1864 8 I also need to find a train leaving Cambridge on Friday and arriving in Peterborough. Train-Inform(Depart=cambridge;Dest=peterborough;Day=friday)
+MUL1864 10 I'm not picky on when I want to arrive I just want to leave after 12:45. Train-Inform(Leave=12:45)
+MUL1864 14 No thanks. You have been very helpful. Goodbye. general-bye()
+MUL1865 0 Hi I'm looking for a train that goes to Cambridge and it should leave on Wednesday and arrrive by 10:15. Train-Inform(Depart=cambridge;Dest=cambridge;Day=wednesday;Arrive=10:15)
+MUL1865 1 Where are you going to depart from? Train-Request(Depart)
+MUL1865 4 I am departing from Cambridge Train-Inform(Depart=cambridge)
+MUL1865 8 Yes, please, what is the travel time? Train-Request(Duration)
+MUL1865 10 No. I am also looking for attractions, a swiming pool in the south. Attraction-Inform(Area=south)
+MUL1865 12 No, why don't you try a theatre, instead. Attraction-Inform(Type=theatre)
+MUL1865 13 The Junction is a theatre in the south. Their phone number is 01223511511. Attraction-Inform(Area=south;Phone=01223511511;Name=The Junction;Type=theatre)
+MUL1865 14 What is their address? Attraction-Request(Addr)
+MUL1865 15 The junction is located on Clifton Way, Their phone number is 01223511511 if you need more precise directions. Attraction-Inform(Phone=01223511511;Addr=Clifton Way;Name=The junction)
+MUL1865 16 Thank you for your assistance today. Have a great day! general-thank()
+PMUL2118 0 I am looking for a place to visit in town that is architecture. Attraction-Inform(Type=architecture)
+PMUL2118 1 What kind of architecture are you looking for? Churches or schools? Attraction-Select(Type=Churches or schools)
+PMUL2118 3 All saints church is on jesus lane with free entrance, great saint mary's church is located at market square and has an entrance fee of 2 pounds. Attraction-Inform(Name=All saints church;Name=great saint mary's church;Fee=free;Fee=2 pounds;Addr=jesus lane;Addr=market square)
+PMUL2118 4 What is the post code for that place and the area of town it is in? Attraction-Request(Area;Post)
+PMUL2118 5 The postcode for All Saints Church is cb58bs and it is located in the city center. Attraction-Inform(Name=All Saints Church;Post=cb58bs;Area=city center)
+PMUL2118 6 Great. I also need a gastropub restaurant in the east that is expensive. Restaurant-Inform(Area=east;Food=gastropub;Price=expensive)
+PMUL2118 8 Yes please. For 3 people at 12:45 on Friday. Restaurant-Inform(Time=12:45;People=3;Day=friday)
+PMUL2118 10 Thank you that is all I needed today. general-thank()
+MUL1867 2 Yes, I'd love to visit a college. Is there a nice one in the city centre? Attraction-Inform(Area=centre;Type=college)
+MUL1867 5 Christ's college is free to enter. It's located on saint andrew's street, and their phone number is 01223334900. Is there anything else I can help you with? Attraction-Inform(Name=Christ's college;Addr=saint andrew's street;Phone=01223334900;Fee=free)
+MUL1867 6 I am looking for a train that will leave after 14:00 and should depart from cambridge. Train-Inform(Depart=cambridge;Leave=14:00)
+MUL1867 8 I will be going to Norwich this Thursday. Train-Inform(Dest=norwich;Day=thursday)
+MUL1867 9 How about the TR5190 train? It leaves Cambridge at 14:36 and arrives in Norwich at 15:55. Train-Inform(Arrive=15:55;Dest=Norwich;Id=TR5190;Depart=Cambridge;Leave=14:36)
+MUL1867 10 That sounds perfect, that's all that I needed to know, thank you for your help! general-thank()
+MUL1860 0 Hi, I am looking for some architecture to go to in the centre of town. Any ideas? Attraction-Inform(Area=centre;Type=architecture)
+MUL1860 1 i'd like to suggest to you all saints church entrance there is free Attraction-Recommend(Fee=free;Name=all saints church)
+MUL1860 2 Great, can I have the address and postcode? Attraction-Request(Post;Addr)
+MUL1860 4 I'm also going to need to catch a train into Cambridge for Sunday. Train-Inform(Depart=cambridge;Dest=cambridge;Day=sunday)
+MUL1860 6 I'd like to go from Cambridge to Ely, and I need to be there by 18:00 for a wedding I'm attending. Train-Inform(Depart=cambridge;Dest=ely;Arrive=18:00)
+MUL1860 7 I have a train leaving cambridge to ely on sunday at 15:50 and you'll arrive by 16:07. Will that work for you? Train-Inform(Depart=cambridge;Dest=ely;Day=sunday;Arrive=16:07;Leave=15:50)
+MUL1860 8 Could you please tell me the train ID? Train-Inform()
+MUL1860 9 That would be the TR5713. Train-Inform(Id=TR5713)
+MUL1860 10 That's all. Thanks. general-thank()
+MUL1860 12 No that is all. Thank you! general-thank()
+MUL1861 0 I need some information on traveling from Cambridge. I'd like to go to Ely by train. Train-Inform(Depart=cambridge;Dest=ely)
+MUL1861 2 I would like to arrive in ely by 17:30 on thursday please. Train-Inform(Dest=ely;Day=thursday;Arrive=17:30)
+MUL1861 4 Yes, can you book eight tickets please? Train-Inform(People=8)
+MUL1861 6 I am also looking for places to go on the east side of town. Can you give me suggestions? Attraction-Inform(Area=east)
+MUL1861 8 I think I'd like to visit a museum, preferably on the east end of town. Attraction-Inform(Area=east;Type=museum)
+MUL1861 9 There are 4 museums in the east. 3 have free admission and one is 5 pounds. Attraction-Inform(Area=east;Type=museums;Fee=free;Fee=5 pounds;Choice=3;Choice=1)
+MUL1861 10 Any one will do. I just need the phone number. Attraction-Request(Phone)
+MUL1861 12 That's it for today. Thanks. You've been great! general-thank()
+MUL1861 13 Have a great day! Goodbye! general-bye()
+MUL1862 0 I am looking for a train to London Liverpool Street. Train-Inform(Dest=london liverpool street)
+MUL1862 2 I would like to leave Friday and arrive by 17:45. Train-Inform(Day=friday;Arrive=17:45;Leave=17:45)
+MUL1862 4 No, that one won't work. I have to arrive by 17:45. Train-Inform(Arrive=17:45)
+MUL1862 5 I have train TR9956 that departs at 15:59 and will get you there by 17:27. Would that work for you? Train-Inform(Id=TR9956;Arrive=17:27;Leave=15:59)
+MUL1862 6 Yes, that would work. Can you book me 4 tickets please? Train-Inform(People=4)
+MUL1862 10 what attractions do you have in the south? Attraction-Inform(Area=south)
+MUL1862 11 There is a lovely park, Wandlebury Country Park. There is a great theatre on Clifton Way as well. It is called The Junction. Do either sound interesting? Attraction-Inform(Addr=Clifton Way;Type=park;Type=theatre;Name=Wandlebury Country Park;Name=The Junction)
+MUL1862 12 Can I get the postcode and entrance fee for The Junction? Attraction-Request(Post;Fee)
+MUL1862 14 No. I think that's everything. Thank you for your help. general-thank()
+MUL1862 15 Thank you and enjoy your stay. general-bye()
+MUL1863 0 I'm looking for a place to visit. Are there any attractions in town that are boats? Attraction-Inform(Type=boat)
+MUL1863 2 Nope, I just need the entrance fee, phone number, and address of your favorite one. Attraction-Request(Phone;Fee;Addr)
+MUL1863 4 No, but I'm interested in train information. Is there anything running from Peterborough on Wednesday? Train-Inform(Depart=peterborough;Day=wednesday)
+MUL1863 5 I can look that up, but let me confirm first. Are you going from Peterborough to Cambridge or are you going to another city? Train-Request(Dest;Depart)
+MUL1863 6 I will be going to Cambridge. I would like to arrive by 12:30. Train-Inform(Dest=cambridge;Arrive=12:30)
+MUL1863 8 Departure time doesn't matter to me. Train-Request(Leave)
+MUL1863 10 Yes, please book a ticket for me. What's the travel time for this train trip? Train-Request(Duration)
+MUL1863 12 What is the departure time of my train? Train-Request(Leave)
+MUL1863 13 I am sorry the departure time on that train is 05:19 and you will be arriving at 06:09. Sorry got the two confused. Train-Inform(Arrive=06:09;Leave=05:19)
+MUL1863 14 Thank you have a nice day. general-thank()
+MUL1863 15 You're welcome. Have a nice day! general-welcome()
+MUL0325 0 Hi! Can I get some info on a cheap place to eat? Restaurant-Inform(Price=cheap)
+MUL0325 2 Do any of those places serve romanian food? I'm in the mood for polenta! Restaurant-Inform(Food=romanian)
+MUL0325 4 Do any of those places serve vietnamese food? Restaurant-Inform(Food=vietnamese)
+MUL0325 6 What is the postcode? Restaurant-Request(Post)
+MUL0325 8 Maybe later. I need a train ticket to Peterborough on Thursday. Train-Inform(Dest=peterborough;Day=thursday)
+MUL0325 10 I'd like to go from Cambridge to Peterborough and arrive by 13:15. Train-Inform(Depart=cambridge;Dest=peterborough;Arrive=13:15)
+MUL0325 11 We have the TR8954 that arrives at 12:56. Does that work? Train-Inform(Arrive=12:56;Id=TR8954)
+MUL0325 12 Yes. I just need to know the departure time, train ID, and the travel time. Train-Request(Duration;TrainID;Leave)
+MUL0325 13 departure time is 12:06, train id TR8954, and the travel time is 50 minutes. Train-Inform(Id=TR8954;Leave=12:06;Time=50 minutes)
+MUL0325 14 I think that is everything, thanks for the help! general-thank()
+SNG0849 0 Can you navigate me to a 5 star hotel with free wifi please? Hotel-Inform(Stars=5;Internet=yes)
+SNG0849 1 I was unable to find any hotels matching those requirements. Hotel-NoOffer(Type=hotels)
+SNG0849 2 Do you have a place with free wifi in the cheap range with a star of 4? Hotel-Inform(Stars=4)
+SNG0849 4 What type of hotels are they? Hotel-Request(Type)
+SNG0849 6 looking for something with 5 stars and free wifi Hotel-Inform(Internet=yes)
+SNG0849 8 Sorry, how silly of me. I want to stay at a hotel, not a guesthouse. A cheap 4 star with free wifi, please. Hotel-Inform(Stars=4;Internet=yes;Price=cheap;Type=hotel)
+SNG0849 10 I don't need it booked just yet. I just needed the info, thanks. general-thank()
+SNG0849 11 All right. Is there anything else I can do for you? general-reqmore()
+SNG0849 12 No, thank you for your patience. I am all set now. Bye. general-bye()
+SNG0849 13 Great! Have a wonderful day! Goodbye! general-bye()
+SNG0848 0 Good Afternoon, I am looking for a place to stay on the east side in a guest house Hotel-Inform(Area=east)
+SNG0848 2 Can you see if any of them offer free parking? Hotel-Inform(Parking=yes)
+SNG0848 6 I would consider both. I need to book for three people and 5 nights starting on Thursday. Can either of them offer that? Hotel-Inform(Stay=5;People=1;Day=thursday)
+SNG0848 10 No, that will be all. Thanks! general-thank()
+SNG0848 11 You're welcome. Goodbye! general-bye()
+SNG0453 0 I am looking for an expensive restaurant in the west. Restaurant-Inform(Area=west;Price=expensive)
+SNG0453 1 Graffiti is an expensive restaurant in the west that is available. Restaurant-Inform(Price=expensive;Area=west;Name=Graffiti)
+SNG0453 2 What kind of foods do they serve there? And I would like an address and the postal code as well please. Do you also have reviews of Graffiti, from locals? Restaurant-Request(Post;Food;Addr)
+SNG0453 3 Graffiti serves British food. The postcode is cb30lx. The address is Hotel Felix Whitehouse Lane Huntingdon Road. Reviews are not available in our database. Restaurant-Inform(Addr=Hotel Felix Whitehouse Lane Huntingdon Road;Name=Graffiti;Food=British;Post=cb30lx)
+SNG0453 4 Okay thank you for your time. general-thank()
+SNG0453 5 Thank you! Have a great day! general-bye()
+SNG0841 0 I am looking for a hotel called Aylesbray Lodge Guest House. Hotel-Inform(Name=aylesbray lodge guest house)
+SNG0841 2 Great I am going to need that hotel for 7 people and two nights starting sunday Hotel-Inform(Stay=2;People=7;Day=sunday)
+SNG0841 4 Yes, 1 night is fine. Hotel-Inform(Stay=1)
+SNG0841 5 Great, you're all set. Your reference number is WK3E72PX Booking-Book(Ref=WK3E72PX)
+SNG0841 6 Thank you. Good-bye. general-bye()
+SNG0841 7 thank you very much bye general-bye()
+SNG0840 0 I need a five starts hotel close to a mall and main restaurants. The hotel should include free wifi in the room. Hotel-Inform(Stars=5;Internet=yes)
+SNG0840 2 How about something with 4 stars and something expensive. Hotel-Inform(Stars=4;Price=expensive)
+SNG0840 4 Maybe. Is either one a 4 star hotel? If so, I'd like to book a room for 4 nights. Hotel-Inform(Stars=4)
+SNG0840 7 How many are in your party? Booking-Request(People)
+SNG0840 10 Will you try Sunday arrival? Hotel-Inform(Day=sunday)
+SNG0840 12 Yes, can you try it for 3 nights, please. Hotel-Inform(Stay=3)
+SNG0840 14 I may have been confusing you. Could you try and book a 4 star, expensive hotel for 3 nights, starting on Saturday? 3 people. Wifi please. Hotel-Inform(Stay=3;Price=expensive;People=3;Day=saturday)
+SNG0840 16 Whew, thanks, sorry for all of the confusion. I think that covers everything. thanks so much for the help. general-thank()
+SNG0843 0 Good evening. Can you help me find a guesthouse to stay at for the weekend? Hotel-Inform(Type=guesthouse)
+SNG0843 1 acorn guest house is in the north part of town and available, when would you like to stay? Hotel-Recommend(Area=north part of town;Name=acorn guest house)
+SNG0843 3 Yes, it does! It also has free parking. Hotel-Inform(Internet;Parking)
+SNG0843 4 Could I get the phone number for them. Hotel-Request(Phone)
+SNG0843 5 Phone number is 01223353888. Hotel-Inform(Phone=01223353888)
+SNG0843 6 Thanks. Oh, I forgot to ask, is that in the moderate price range? general-thank()
+SNG0843 8 No, I'll have to think about it. Thanks though. Bye! general-bye()
+SNG0843 9 You're quite welcome. Thanks for contacting the Cambridge TownInfo Centre and have a great day! general-bye()
+PMUL1529 2 I'll be in the east. I need free wifi and free parking. I'd prefer something 4 star. Hotel-Inform(Stars=4;Area=east;Parking=yes;Internet=yes)
+PMUL1529 4 No that is not an issue. Could I get their phone number of one you recommend. Hotel-Request(Phone)
+PMUL1529 6 Thank you. I also need a train from Birmingham new street on Sunday. Train-Inform(Depart=birmingham new street;Day=sunday)
+PMUL1529 7 Did you have a time you would like to arrive or leave? Train-Request(Leave;Arrive)
+PMUL1529 9 Do you have a specific arrival time you need. Train-Request(Arrive)
+PMUL1529 10 The train should leave after 20:30 and should go to cambridge. Train-Inform(Dest=cambridge;Leave=20:30)
+PMUL1529 11 Train TR2274 leaves Birmingham New Street at 20:40 and arrives at Cambridge at 23:23. Would that work for you? Train-Inform(Leave=20:40;Depart=Birmingham New Street;Arrive=23:23;Id=TR2274;Dest=Cambridge)
+PMUL1529 12 What is the travel time? Train-Request(Duration)
+PMUL1529 14 Not at this time, Thank you. general-thank()
+PMUL1529 15 Have a nice day. general-bye()
+SNG0845 0 I am looking for a hotel that is expensive and has free parking. Hotel-Inform(Parking=yes;Price=expensive;Type=hotel)
+SNG0845 2 I'm looking for a guesthouse in the east side of town. Hotel-Inform(Area=east;Type=guesthouse)
+SNG0845 3 I am afraid I have nothing available with those specifications. Would you like a different are or a hotel? Hotel-NoOffer()
+SNG0845 4 Are there any moderately priced guesthouses in that part of town? Hotel-Inform(Price=moderate;Type=guesthouse)
+SNG0845 6 Yes, could you see if either of them have availability starting on Tuesday for 5 nights for 5 people? Hotel-Inform(Stay=5;People=5;Day=tuesday)
+SNG0845 8 Thanks, that's great. I think I'm done for today. general-thank()
+SNG0844 0 Could you help me find a hotel on the west side with free WiFi? Hotel-Inform(Area=west;Internet=yes;Type=hotel)
+SNG0844 2 Price doesn't matter, really. But I would like to get free parking too, in addition to the wifi please. Hotel-Inform(Parking=yes;Internet=yes)
+SNG0844 4 Is that a hotel? I need a hotel and not a guesthouse. Hotel-Inform(Type=hotel;Name=the cambridge belfry)
+SNG0844 6 That would be great, thanks. We'll be arriving on Sunday. Hotel-Inform(Day=sunday)
+SNG0844 7 How many people are staying, and for how many days? Booking-Request(People;Stay;Day)
+SNG0844 8 6 people for 4 nights. Hotel-Inform(Stay=4;People=6)
+SNG0844 10 How about two nights? Hotel-Inform(Stay=2)
+SNG0844 12 Thanks so much. That's it for today. Goodbye. general-bye()
+SNG0844 13 I'm glad I could help. Enjoy your stay. general-greet()
+SNG0847 0 I need to find a 4 star hotel that has moderate price. Hotel-Inform(Stars=4;Price=moderate)
+SNG0847 1 There are 11 possible choices. Do you have any additional preferences? Hotel-Inform(Choice=11)
+SNG0847 2 Yes I would like it to be on the North part of town. Hotel-Inform(Area=north)
+SNG0847 3 There are quite a few guesthouses in that area. Would a guesthouse meet your needs? Hotel-Inform(Choice=quite a few;Type=guesthouses)
+SNG0847 5 Yes, the Acorn Guest House has internet. Hotel-Inform(Name=the Acorn Guest House;Internet)
+SNG0847 6 Great, that's perfect. Thanks for your help! general-thank()
+SNG0847 8 No that's all for now. Thank you. general-thank()
+SNG0847 9 Have a great day! general-bye()
+SNG0846 0 Would you happen to have information on the Lovell Lodge? Hotel-Inform(Name=lovell lodge)
+SNG0846 2 Can I get the phone number and address please? Hotel-Request(Phone;Addr)
+SNG0846 4 No, thank you. That's all I need. general-thank()
+SNG0846 5 All right, thanks for contacting the Cambridge TownInfo Centre and have a great day! general-bye()
+SNG0450 0 I am looking for a train that goes to london liverpool street and leaves after 17:15. Train-Inform(Dest=london liverpool street;Leave=17:15)
+SNG0450 1 I can certainly help you with that. Which day did you have in mind to travel? Train-Request(Day)
+SNG0450 2 I want to leave on Friday. Train-Inform(Day=friday)
+SNG0450 3 Unfortunately, the only train I have matching your criteria is one leaving 23:59 and arriving at 01:27 in the morning. Did you want to book that? Train-OfferBook(Arrive=01:27;Leave=23:59)
+SNG0450 4 Yes that's fine. I'll take 8 tickets for that train please. Train-Inform(People=8)
+SNG0450 6 Nope, that is everything. Thank you so much! general-thank()
+SNG0450 7 Have a great day! general-bye()
+SNG0593 0 Hi, can you look up Darrys Cookhouse and Wine Shop for me? Restaurant-Inform(Name=darrys cookhouse and wine shop)
+SNG0593 2 That's it. Can you make a reservation for me? There are 5 of us and we would like to reserve Sunday at 11:45 if possible. Restaurant-Inform(Time=11:45;People=5;Day=sunday)
+SNG0593 3 Reservation made. The reference number is FIQY6RR9. Booking-Book(Ref=FIQY6RR9)
+SNG0593 4 Thank you for the helpful information! general-thank()
+SNG0593 5 No problem at all. What else can I do for you? general-reqmore()
+SNG0593 6 That is all, thanks. Have a nice day. Bye! general-bye()
+SNG0593 7 You as well! Goodbye! general-bye()
+SNG0592 0 I'm looking for cheap food in the centre. Restaurant-Inform(Area=centre;Price=cheap)
+SNG0592 2 I think I'd like French food please. Restaurant-Inform(Food=french)
+SNG0592 3 I'm sorry there are no cheap French restaurants in the central area. Restaurant-NoOffer(Food=French;Price=cheap;Area=central area)
+SNG0592 4 What about an Indian restaurant? Restaurant-Inform(Food=indian)
+SNG0592 6 Great yes please book me a table there for 4 people at 11:00 on tuesday. Restaurant-Inform(Time=11:00;People=4;Day=tuesday)
+SNG0592 8 That will be all. Thank you very much. general-thank()
+SNG0592 9 You are welcome. Have a nice day. general-bye()
+SNG0591 0 I am looking for a restaurant in the centre of town in the cheap price range. Restaurant-Inform(Area=centre;Price=cheap)
+SNG0591 2 No preference. Can you recommend me one and give me their postcode and phone number? Thanks! Restaurant-Request(Post;Phone)
+SNG0591 4 No thank you not at this time. general-thank()
+SNG0591 6 Nope you gave me everything I wanted to know. Thanks bye! general-bye()
+SNG0591 7 Okay. Glad to have helped! general-bye()
+SNG0590 0 I'd like to find some expensive Mexican cuisine. Restaurant-Inform(Food=mexican;Price=expensive)
+SNG0590 3 Okay, is there a particular day and time that would work for you? Booking-Request(Day;Time)
+SNG0590 4 Yes I would like it made for Wednesday for 7 people at 18:30 please. Restaurant-Inform(Time=18:30;People=7;Day=wednesday)
+SNG0590 5 Booked! Your table will be held for 15 minutes. Reference number is C3HMWGUS. Booking-Book(Ref=C3HMWGUS)
+SNG0590 6 That's great. Thank you very much. general-thank()
+SNG0590 7 Is there anything else I can do for you? general-reqmore()
+SNG0590 8 That's it for now. Thanks. general-thank()
+SNG0590 9 Enjoy your dinner. Thank you for calling Cambridge TownInfo Centre. Goodbye. general-bye()
+SNG0597 0 I want a restaurant in the town centre. Can you help me? Restaurant-Inform(Area=centre)
+SNG0597 2 I'm looking for a moderately priced restaurant. I'm looking to book for just myself at 14:00 on Friday. Restaurant-Inform(Time=14:00;Price=moderate;People=1;Day=friday)
+SNG0597 4 That sounds perfect. Thanks for your help! general-thank()
+SNG0597 5 Have a wonderful day! general-bye()
+SNG0596 0 I am looking for a restaurant that serves asian oriental food in the centre of town. Restaurant-Inform(Area=centre;Food=asian oriental)
+SNG0596 2 I'm interested in a cheap place. What can you tell me about those? Restaurant-Inform(Price=cheap)
+SNG0596 4 Yes, get me a table for two at Dojo noodle bar on Wednesday at 16:00 Restaurant-Inform(Time=16:00;People=2;Day=wednesday)
+SNG0596 6 Hmm.. can you try at 15:00 instead? Restaurant-Inform(Time=15:00)
+SNG0596 8 No, that will be all. Thanks! general-thank()
+SNG0596 9 Thank you, goodbye. general-bye()
+SNG0595 0 I'd like to get moderately-priced Polynesian food. Restaurant-Inform(Food=polynesian;Price=moderate)
+SNG0595 2 Well is there perhaps a cheap option serving that type of food in the center? Restaurant-Inform(Price=cheap)
+SNG0595 4 How about British food? Restaurant-Inform(Food=british)
+SNG0595 6 No thank you. Can you recommend me one and give me their phone number and address? Restaurant-Request(Phone;Addr)
+SNG0595 8 As long as they serve British cuisine and moderately priced, that sounds great. Thanks for your help. Restaurant-Inform(Price=moderate)
+SNG0595 9 They are indeed. Is there anything else you need today? general-reqmore()
+SNG0595 10 No, that's everything. Thank you! general-thank()
+SNG0595 11 Thank you for contacting us and have a great day! general-bye()
+SNG0594 0 Can you help me find a cheap place to eat? Restaurant-Inform(Price=cheap)
+SNG0594 2 Indian would be good as long as it's in the center. I need to book a table for 2 people at 18:15 on a Sunday. Restaurant-Inform(Food=indian;Time=18:15;People=2;Day=sunday)
+SNG0594 10 How about 17:15? Restaurant-Inform(Time=17:15)
+SNG0594 11 I was able to book the table for you for your party of 2 on Sunday at 17:15. The reference number is Z16ZTXKY. Booking-Book(Day=Sunday;Ref=Z16ZTXKY;Time=17:15;People=2)
+SNG0594 12 Great. That'll be everything. Thank you! general-thank()
+SNG0594 13 Thank you, good bye. general-bye()
+SNG0599 0 I'm looking for some info on kohinoor. Restaurant-Inform(Name=kohinoor)
+SNG0599 2 Yes, I'd like to book a table for just me at 13:45 on Friday. Restaurant-Inform(Time=13:45;People=1;Day=friday)
+SNG0599 4 I could eat at 12:45. I hope that is available. Restaurant-Inform(Time=12:45)
+SNG0599 5 That worked out for you! Your reference number is IHQK49W4. Booking-Book(Ref=IHQK49W4)
+SNG0599 6 Great thank you for all your help general-thank()
+SNG0599 7 Thank you for calling, goodbye. general-bye()
+SNG0598 0 I'm looking to go to dinner tonight and am in the mood for some good Bistro in the centre of town, can you find me some options? Restaurant-Inform(Area=centre;Food=bistro)
+SNG0598 2 Hmm... let me think. Let's try maybe something italian instead. Restaurant-Inform(Food=italian)
+SNG0598 3 There are nine Italian restaurants in the centre of town! Are you looking for an Italian restaurant in any particular price range? Restaurant-Inform(Food=restaurants;Choice=nine;Area=centre of town)
+SNG0598 4 Which of those nine has the best ratings? Can I please have the address and postcode. Restaurant-Request(Post;Addr)
+SNG0598 6 No, that's all. Thanks. general-thank()
+SNG0598 7 Thank you! Goodbye. general-bye()
+PMUL2111 0 Can you find me a boat attraction in the north? Attraction-Inform(Area=north;Type=boat)
+PMUL2111 1 Riverboat georgina is available in the north. Attraction-Inform(Area=north;Name=Riverboat georgina)
+PMUL2111 2 Ok, great. Can you provide me with their address and phone number? Attraction-Request(Phone;Addr)
+PMUL2111 3 Address is cambridge passenger cruisers, jubilee house and the phone number is 01223902091. Attraction-Inform(Phone=01223902091;Addr=cambridge passenger cruisers;Addr=jubilee house)
+PMUL2111 4 Ok, I'm also looking for an inexpensive restaurant. One with Indian food. Restaurant-Inform(Food=indian)
+PMUL2111 6 Can I get more information about the one in the north? Restaurant-Inform(Area=north)
+PMUL2111 7 Royal Spice is a cheap indian restaurant. They are located on Victoria Avenue, Chesterton. Their postcode is cb41eh. You can reach them at 01733553355. Restaurant-Inform(Post=cb41eh;Phone=01733553355;Name=Royal Spice;Addr=Victoria Avenue;Addr=Chesterton;Food=Indian;Price=cheap)
+PMUL2111 9 What day would you like those reservations? Booking-Request(Day)
+PMUL2111 10 I would like it for Tuesday for 6 people at 15:15. Restaurant-Inform(Time=15:15;People=6;Day=tuesday)
+PMUL2111 12 That's what I needed for now. Thank you very much. Goodbye. general-bye()
+PMUL2111 13 Enjoy your visit! general-bye()
+PMUL2544 0 Can you help me find a moderately priced guesthouse? Hotel-Inform(Price=moderate;Type=guesthouse)
+PMUL2544 2 I'd like free wifi included please. Hotel-Inform(Internet=yes)
+PMUL2544 4 Yes. Please book for 8 people for 4 nights starting Thursday. Hotel-Inform(Stay=4)
+PMUL2544 6 Yes, I need the reference number. Hotel-Request(Ref)
+PMUL2544 7 You have reservation at acorn guest house for 8 people 4 nights starting Thursday.I will give you the reference number. Booking-Book(People=8;Stay=4 nights;Name=acorn guest house;Day=Thursday)
+PMUL2544 9 Your reference number is PJDTNB2Z. Booking-Book(Ref=PJDTNB2Z)
+MUL1868 0 Hey! I am looking for a train from Cambridge to Stevenage. Train-Inform(Depart=cambridge;Dest=stevenage)
+MUL1868 2 I need to travel on Wednesday, and I need to arrive by 16:45. Train-Inform(Day=wednesday;Arrive=16:45)
+MUL1868 4 The 15:21 sounds good. I think all I need will be the train ID. Train-Inform()
+MUL1868 5 The train ID for the 15:21 is TR7245. Train-Inform(Id=TR7245;Leave=15:21)
+MUL1868 6 Fantastic, can you also give me information on the Fitzwilliam Museum? Attraction-Inform(Name=the fitzwilliam museum)
+MUL1868 7 It has free admission and is in the centre area. Attraction-Inform(Area=centre;Fee=free)
+MUL1868 8 Can I have the phone number and the address of the museum? Attraction-Request(Phone;Addr)
+MUL1868 10 No that will be all for now. Thank you. general-thank()
+MUL1868 11 Thank you for using our system! general-bye()
+PMUL2117 0 Hello, I am looking for a cheap place to dine in the centre. Restaurant-Inform(Area=centre;Price=cheap)
+PMUL2117 3 What type of food would you like? Restaurant-Request(Food)
+PMUL2117 4 I would like Indian food. Restaurant-Inform(Food=indian)
+PMUL2117 6 Yes. Book that one for 3 people on Friday at 18:45. Restaurant-Inform(Time=18:45;People=3;Day=friday;Name=kohinoor)
+PMUL2117 8 I'm also looking for someplace to go in the same area as the restaurant. Can you help with that? Attraction-Inform(Area=centre)
+PMUL2117 10 Old churches would be nice thank you Attraction-Inform(Type=architecture)
+PMUL2117 14 That is all I need today, thank you. general-thank()
+PMUL2117 15 Thank you for using our system today! general-bye()
+PMUL4071 1 Good choice. What can i help you with? general-greet()
+PMUL4071 2 bridge guest house is what Im looking for for 7 people and 3 nights Hotel-Inform(Stay=3;Name=bridge guest house)
+PMUL4071 4 I'd like for it to start on Wednesday. Hotel-Inform(Day=wednesday)
+PMUL4071 6 I'm also looking for a train that gets in to cambridge that day. I won't be able to leave until after 13:15 though. Train-Inform(Dest=cambridge;Day=wednesday;Leave=13:15)
+PMUL4071 8 I'm looking to come from broxbourne. Train-Inform(Depart=broxbourne)
+PMUL4071 10 Pick the best one and please give price and Train ID. Train-Request(Price;TrainID)
+PMUL4071 11 How many tickets do you need? Train-Request(People)
+PMUL4071 12 I would just like the know the price per ticket please. And the train ID. Train-Request(Price;TrainID)
+PMUL4071 13 The train ID is TR3470 and the cost is 17.90 pounds. Train-Inform(Id=TR3470;Ticket=17.90 pounds)
+PMUL4071 14 Thanks so much. That was everything I needed at this time. general-thank()
+PMUL4071 15 enjoy your stay in cambridge! general-bye()
+SNG0100 0 Hello! I would like to book a taxi from hughes hall. Taxi-Inform(Depart=hughes hall)
+SNG0100 1 Great. Where would you like to go and what time do you want to leave or arrive by? Taxi-Request(Leave;Dest;Arrive)
+SNG0100 2 I'm going to Ali Baba from Hughes Hall. I would like the taxi to arrive at Hughes Hall at 2:45. Taxi-Inform(Depart=hughes hall;Dest=ali baba;Arrive=02:45)
+SNG0100 3 It sounds like you wish to depart Hughes Hall and arrive at Ali Baba by 2:45, is this correct? If so, I've booked a black Ford for you, contact 07392863087. Taxi-Inform(Depart=Hughes Hall;Dest=Ali Baba;Car=black Ford;Phone=07392863087;Arrive=2:45)
+SNG0100 4 That's great. Thanks. general-thank()
+SNG0100 5 Is there anything else you need help with? general-reqmore()
+SNG0100 7 Thank you. Enjoy your day. Good bye. general-bye()
+PMUL1926 0 Can you help me find a train leaving Tuesday from Norwich? Thanks. Train-Inform(Depart=norwich;Day=tuesday)
+PMUL1926 2 I want to leave after 20:15. Train-Inform(Leave=20:15)
+PMUL1926 3 At 20:16 a train leaves for Cambridge duration of which is 79 minutes. Train-Inform(Time=79 minutes;Leave=20:16;Dest=Cambridge)
+PMUL1926 4 I would like to making a booking for one please. Train-Inform(People=1)
+PMUL1926 7 Yes, I can help with that. What are your preferences of area, price range, and type of accommodation? Hotel-Request(Type;Price;Area)
+PMUL1926 9 That sounds great, I want to find you the perfect place! Is pricing a factor, do you have a part of the city in mind? Hotel-Request(Area;Price)
+PMUL1926 10 Price is no concern for me. I need it booked for 1 person for 4 nights starting on Tuesday please. Hotel-Inform(Stay=4)
+PMUL1926 11 I need more information please. What area of town? Hotel-Request(Area)
+PMUL1926 13 The allenbell in the east is a cheap hotel with 4 stars. Hotel-Inform(Type=hotel;Stars=4;Name=The allenbell;Area=east;Price=cheap)
+PMUL1926 14 Does it have free wifi? Hotel-Inform(Name=allenbell)
+PMUL1926 16 Yes please. I'm celebrating my anniversary with myself, so I need a room for 1 starting Tuesday for 4 nights. Hotel-Inform(Stay=4;People=1;Day=tuesday)
+PMUL1926 17 Booking was a success! Your reference number is: XJGR0GCN. Booking-Book(Ref=XJGR0GCN)
+PMUL1773 0 I need to take a train from Cambridge to London Kings Cross, it would need to be after 10. Train-Inform(Depart=cambridge;Dest=london kings cross)
+PMUL1773 1 Okay. What day will you be traveling? Train-Request(Day)
+PMUL1773 2 On Friday after 10. Train-Inform(Day=friday)
+PMUL1773 3 The TR1502 leaves friday at 11:00. Train-Inform(Day=friday;Leave=11:00;Id=TR1502)
+PMUL1773 5 A ticket is 23.60 pounds. Train-Inform(Ticket=23.60 pounds)
+PMUL1773 6 Can you also give me the travel time? Train-Request(Duration)
+PMUL1773 7 The travel time is 51 minutes. Train-Inform(Time=51 minutes.)
+PMUL1773 8 Thanks! Can you also see if there are any expensive, 4-star guesthouses in the north area of town? Hotel-Inform(Stars=4;Area=north;Price=expensive;Type=guesthouse)
+PMUL1773 10 No I want to stay in that area. What other hotel accomadations are in the area? Hotel-Inform()
+PMUL1773 12 Can you book it for 4 people and 4 nights starting from Monday? Hotel-Inform(Stay=4;People=4;Day=monday;Name=avalon)
+PMUL1773 13 Booking was successful.Reference number is : 1VF2W9YC. Booking-Book(Ref=1VF2W9YC)
+PMUL1773 14 Thank you! That is all. general-thank()
+PMUL1773 15 You're welcome. Call back if you need further bookings or assistance. general-welcome()
+PMUL1772 0 I'm looking for a train to cambridge. Train-Inform(Dest=cambridge)
+PMUL1772 1 What day will you be traveling? Train-Request(Day)
+PMUL1772 2 I would like to leave on Friday. Train-Inform(Day=friday)
+PMUL1772 4 I am leaving Thurtsday at 2pm and need three tickets Train-Inform(Day=thursday;Leave=14:00)
+PMUL1772 6 Actually, I never told you where I was leaving from. I need the train to depart from Kings Lynn. Train-Inform(Depart=kings lynn)
+PMUL1772 8 yes please, 7 people. And I'd like the reference number please. Train-Inform(People=7)
+PMUL1772 10 Yes, I'm also looking for a place to stay in the south. I'd like a guesthouse if possible. Hotel-Inform(Area=south;Type=guesthouse)
+PMUL1772 11 I can recommend the bridge guest house. Hotel-Recommend(Name=bridge guest house)
+PMUL1772 12 That sounds great. PLease book for 7 people for 5 nights starting on friday. Hotel-Inform(Stay=5)
+PMUL1772 13 I will book that for you now. Booking-Inform()
+PMUL1772 14 Thanks. I would also like the reference number, please. general-thank()
+PMUL1772 15 I have made your reservations and your reference numbers is 3FR3O8HO. Booking-Book(Ref=3FR3O8HO)
+PMUL1772 16 That will be all, thank you for your help today! general-thank()
+PMUL1772 17 Thank you, I'm glad we were able to help you. general-bye()
+PMUL1771 0 I am organizing my trip to cambridge and need a place to stay in the east in the cheap price range. Hotel-Inform(Area=east;Price=cheap)
+PMUL1771 2 I would prefer a hotel with 4 stars. Does Allenbell fit the bill? Hotel-Inform(Stars=4)
+PMUL1771 3 Yes it does would you like me to make a booking? Booking-Inform()
+PMUL1771 5 Allenbell is located at 517a coldham lane with a postcode of cb13js. Hotel-Inform(Addr=517a coldham lane;Post=cb13js;Name=allenbell)
+PMUL1771 6 I also need a train going to stevenage. Train-Inform(Dest=stevenage)
+PMUL1771 7 Okay! What day would you like to travel? I'm presuming you're coming from Cambridge? Train-Request(Day;Depart)
+PMUL1771 8 I would like to travel on Thursday leaving from Cambridge. Train-Inform(Depart=Cambridge;Day=thursday)
+PMUL1771 10 The train should arrive by 19:30 the latest. Train-Inform(Arrive=19:30)
+PMUL1771 11 The closest to 19:30 without being after is TR 4765, they arrive at 18:10, does that work for you? Train-Inform(Arrive=18:10;Id=TR 4765)
+PMUL1771 12 That will give me time to find my way, in case I get lost, so that's fine. I'll need you to book 6 tickets, please. Train-Inform(People=6)
+PMUL1771 13 Your total is 76.80 GBP, which you can pay at the station. Your Reference number is : 708IJWEK. Train-OfferBooked(Ref=708IJWEK;Ticket=76.80 GBP)
+PMUL1771 14 Thank you so much, that's all I need. general-thank()
+PMUL1777 0 I need to take a train from cambridge on thursday. Train-Inform(Depart=cambridge;Day=thursday)
+PMUL1777 1 Okay and where will you be traveling to? Train-Request(Dest)
+PMUL1777 2 I will be traveling to bishops stortford and need to leave after 12:00. Train-Inform(Dest=bishops stortford;Leave=12:00)
+PMUL1777 5 Would you like me to book that for you? Train-OfferBook()
+PMUL1777 6 No thank you. I am looking for a place to stay though. What 3 star hotels do you have available? Hotel-Inform(Stars=3;Stay=3)
+PMUL1777 8 Price range doesn't matter, I'd like free wifi though. Hotel-Inform(Internet=yes)
+PMUL1777 9 Do you want the hotel to be in a certain part of town? Hotel-Request(Area)
+PMUL1777 12 I'm sorry can you tell me the price and arrival time on the train? Train-Request(Price;Arrive)
+PMUL1777 14 How much is the train? Train-Inform()
+PMUL1777 15 10.10 pounds is the price for train TR0927 Train-Inform(Ticket=10.10 pounds;Id=TR0927)
+PMUL1777 16 I will also need a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL1777 19 How long is your stay, for how many people please? Booking-Request(People;Stay)
+PMUL1777 20 I just told you I need it for 6 people. And it'll be for 3 nights. Hotel-Inform(Stay=3)
+PMUL1777 22 Yes for monday. I will be staying one night. Hotel-Inform(Name=bridge guest house)
+PMUL1777 23 I am sorry, I am confused. Do you need the reservation for 6 people for 3 nights or for 1 person for 1 night? Booking-Inform(Stay=3;Stay=1;People=6;People=1)
+PMUL1777 24 I need it for 6 people for 3 nights starting monday. Hotel-Inform(Stay=3;People=6;Day=monday)
+PMUL1777 25 I have made that reservation for you. Your reference number is 3HUEDEZP. Booking-Book(Ref=3HUEDEZP)
+PMUL1777 26 Please book for 6 people staying for 3 nights starting on Monday. Sorry for the conflicting info. Hotel-Inform(Stay=3)
+PMUL1777 27 I have made that reservation for you. Is there anything else I can help with? Booking-Inform()
+PMUL1777 28 No. Thank you for helping me with the train and guesthouse. It saved me time. Goodbye. Train-Inform()
+PMUL1776 0 Can you help me find a hotel called El Shaddai? Thanks. Hotel-Inform(Name=el shaddai)
+PMUL1776 2 Yes, I think so. I hear a lot of good things about them. Can you book me a room for 7 people for 2 nights on Friday please? Hotel-Inform(Stay=2;People=7;Day=friday)
+PMUL1776 4 I also need a train going to stevenage and arriving there by 13:00. Train-Inform(Dest=stevenage;Arrive=13:00)
+PMUL1776 6 I'd like to leave cambridge on sunday, please. Train-Inform(Day=sunday)
+PMUL1776 7 TR8464 is your best bet. It leaves Cambridge at 11:21 on Sunday and arrives in Stevenage at 12:10. Train-Inform(Depart=Cambridge;Dest=Stevenage;Day=Sunday;Arrive=12:10;Leave=11:21;Id=TR8464)
+PMUL1776 8 May I please have the price for this train? Train-Request(Price)
+PMUL1776 10 No thanks that's all I need for today. Thanks for the help. general-thank()
+PMUL1775 0 I'm going to be leaving on monday and I need a train that leaves after 08:15. Train-Inform(Day=monday;Leave=08:15)
+PMUL1775 1 What is your destination? Train-Request(Dest)
+PMUL1775 2 I will be going from Stansted Airport headed into Cambridge. Train-Inform(Depart=stansted airport;Dest=cambridge)
+PMUL1775 3 The TR7360 leaves at 08:24. Train-Inform(Leave=08:24;Id=TR7360)
+PMUL1775 4 I would like to go ahead and book the TR7360 train for 5 people if avaliable. Can i please get a reference number for the booking when complete? Train-Inform(People=5)
+PMUL1775 6 I am interested in a hotel called Carolina Bed and Breakfast. Hotel-Inform(Name=carolina bed and breakfast)
+PMUL1775 7 Sure, what would you like to know? general-reqmore()
+PMUL1775 8 I am interested in booking for 5 people for 2 nights starting Monday. Can you check availability? Hotel-Inform(Stay=2;People=5;Day=monday)
+PMUL1775 10 No that is all for today, thank you. general-thank()
+PMUL1775 11 Ok, great. I hope you enjoy your stay. Goodbye. general-bye()
+PMUL1779 0 I need you to find a hotel so I have a place to stay. It doesn't need to include internet, but it should include free parking. Hotel-Inform(Parking=yes;Internet=dont care)
+PMUL1779 2 Can you tell me more about the Acorn guest house before we look at booking. I'm looking for a moderately priced room and some other amenities. Hotel-Inform(Price=moderate;Name=Acorn)
+PMUL1779 3 The Acorn has parking and free wifi. It's in the North part of town at 154 Chesterton Rd. It's a 4 star guesthouse. Hotel-Inform(Internet;Type=guesthouse;Parking;Area=North part of town;Name=The Acorn;Stars=4;Addr=154 Chesterton Rd)
+PMUL1779 4 Do you have anything that has a 3 star rating? Hotel-Inform(Stars=3)
+PMUL1779 6 Yes, I would like to stay in the centre please. Hotel-Inform(Area=centre)
+PMUL1779 8 I don't have a preference in what area of town. Hotel-Inform(Area=dont care)
+PMUL1779 10 Do they have free wifi, I was really looking for a hotel rather than a guesthouse though. Hotel-Inform(Internet=yes;Type=hotel)
+PMUL1779 14 Yes book it for 7 people on 3 nights starting from Friday. Hotel-Inform(Stay=3;People=7;Day=friday)
+PMUL1779 15 I was able to book it, your reference number is VI3DLQ64. Booking-Book(Ref=VI3DLQ64)
+PMUL1779 16 Great, can you help with trains, too? All 7 of us need to get there from Stevenage. Train-Inform(Depart=stevenage)
+PMUL1779 17 What day do you want to depart and what time do you want to leave from stevenage? Train-Request(Day;Leave)
+PMUL1779 18 I would like to depart sometime after 13:45 on Friday, please. Train-Inform(Day=friday;Leave=13:45)
+PMUL1779 20 Yes, that works. Can you book 7 tickets please? Train-Inform(People=7)
+PMUL1779 21 Booking was successful, the total fee is 89.6 GBP payable at the station . Reference number is : OS6SO15N. Train-OfferBooked(Ticket=89.6 GBP;Ref=OS6SO15N)
+PMUL1779 22 Thank you for all of your help with this. general-thank()
+PMUL1779 24 No, thank you. The lodging and train are all I need. You were so helpful. Goodbye. Train-Inform()
+PMUL1779 25 Have a nice day. general-bye()
+PMUL2542 0 Can you give me info on four start places, It doesn;t matter if they have free wifi or not. Hotel-Inform(Internet=yes)
+PMUL2542 2 Yes, I'd like to stay in the city center. I will be driving there. Hotel-Inform(Area=centre)
+PMUL2542 3 Do you have a star or price preference? Hotel-Request(Price;Stars)
+PMUL2542 4 I would like a 4 star. Hotel-Inform(Stars=4)
+PMUL2542 6 Could you book the hotel for 8 people for 2 nights starting Monday? Hotel-Inform(Stay=2;People=8;Day=monday)
+PMUL2542 8 Looking for places to go in the same area as the hotel, possibly a concerthall. Attraction-Inform(Type=concerthall)
+PMUL2542 9 There is only one concert hall in town. The Man on the Moon is located in the centre. Attraction-Inform(Type=concert hall;Area=centre;Name=The Man on the Moon;Choice=only one)
+PMUL2542 10 Well I guess that's where I'll be then. Can you tell me the address and entrance fee? Attraction-Request(Fee;Addr)
+PMUL2542 13 And where are you headed? Taxi-Request(Dest)
+PMUL2542 14 To my hotel. I want to leave the attraction by 08:45 please. Taxi-Inform(Leave=08:45;Dest=university arms hotel)
+MUL1866 0 Can you find a multiple sports attraction in the centre? Attraction-Inform(Area=centre)
+MUL1866 1 There's just one - the Cherry Hinton Village Centre on the east side of town. Attraction-Inform(Area=east;Name=Cherry Hinton Village Centre)
+MUL1866 2 Thank you very much, that is what I was looking for general-thank()
+MUL1866 3 Okay, Cherry Hinton Village Centre is on Colville Road, postcode cb19ej. The phone number is 01223576412. Attraction-Inform(Name=Cherry Hinton Village Centre;Phone=01223576412;Post=cb19ej;Addr=Colville Road)
+MUL1866 4 You know, I really wanted to visit the centre of town. Can you find a theatre in the center of town? Attraction-Inform(Area=centre;Type=theatre)
+MUL1866 5 There are numerous, would you be interested in this one? ADC Theatre, phone - 1223300085, postcode - cb58as, address - park street. Attraction-Recommend(Phone=1223300085;Name=ADC Theatre;Addr=park street;Post=cb58as)
+MUL1866 7 The entrance fee is unknown. You may have to call them and check. Their phone number is 01223300085. Attraction-Inform(Fee=unknown;Phone=01223300085)
+MUL1866 8 Hmm. Perhaps you could help me with a train. I'm coming in from Ely on Monday. Train-Inform(Depart=ely;Day=monday)
+MUL1866 9 What time do you want to depart or to arrive? Train-Request(Arrive;Leave)
+MUL1866 10 I need to arrive by 15:15. Train-Inform(Arrive=15:15)
+MUL1866 12 Could you make a reservation on that train please? Train-Inform()
+MUL1866 13 I would be happy to. How many people will be traveling? Train-Request(People)
+MUL1866 14 Just me for now please. Train-Inform(People=1)
+MUL1866 15 I've booked your ticket for TR4849. The fee is 4.4 GPB and you can pay at the station. Your reference number is W6ZVGNJN. Anything else I can help with? Train-OfferBooked(Id=TR4849;Ref=W6ZVGNJN;Ticket=4.4 GPB)
+MUL1866 16 That's all I needed today thank you. general-thank()
+MUL1866 17 You're welcome. Have a great day! general-welcome()
+MUL1866 18 Thank you. Goodbye. general-bye()
+MUL1866 19 Hope you have a great trip. general-bye()
+MUL0262 0 I am looking for an expensive priced Chinese restaurant Restaurant-Inform(Food=chinese;Price=expensive)
+MUL0262 1 There are a few places in the area you could try. The Ugly Duckling, Yu Garden, and Hakka have great food and are in your price range. Restaurant-Inform(Food=great;Name=The Ugly Duckling;Name=Yu Garden;Name=and Hakka)
+MUL0262 2 Okay, what is the address and phone number for Ugly Duckling? Restaurant-Request(Phone;Addr)
+MUL0262 3 The address is 12 St. Johns Street City Centre. We do not have the phone number available in our database. Restaurant-Inform(Addr=12 St. Johns Street City Centre)
+MUL0262 4 That's alright. I'm also looking for a train booking too. I need to go to cambridge from london liverpool street. Train-Inform(Depart=london liverpool street;Dest=cambridge)
+MUL0262 5 What day and time? Train-Request(Leave;Day)
+MUL0262 6 I need to arrive by 17:45 on Tuesday Train-Inform(Day=tuesday;Arrive=17:45)
+MUL0262 9 Your train is all booked, your reference number is 5482NXX6. Train-OfferBooked(Ref=5482NXX6)
+MUL0262 10 Ok, great that's everything I needed. Thank You! general-thank()
+MUL0262 11 Happy to be of service. Enjoy your day! general-bye()
+PMUL4070 0 I am looking for an expensive restaurant for us to eat at. Some place nice. Restaurant-Inform(Price=expensive)
+PMUL4070 2 I was thinking of having caribbean food Restaurant-Inform(Food=caribbean)
+PMUL4070 4 how about indian. yummy ! Restaurant-Inform(Food=indian)
+PMUL4070 6 Sure! I need a table for just me on Tuesday at 16:45, please. Restaurant-Inform(Time=16:45;People=1;Day=tuesday;Name=tandoori palace)
+PMUL4070 8 I'm also looking for places to go in the city centre. Attraction-Inform(Area=centre)
+PMUL4070 10 It should be in the same area as the restaurant. Restaurant-Inform()
+PMUL4070 13 Great Saint Mary's Church is located at Market Square in the city center. Attraction-Recommend(Name=Great Saint Mary's Church;Area=city center;Addr=Market Square)
+PMUL4070 14 That sounds good. Can you give me the address, postcode, and phone number please? Attraction-Request(Post;Phone;Addr)
+PMUL4070 16 No, thank you. I think I have everything I need at this time. general-thank()
+SNG0457 0 Hi! Are there any expensive Greek restaurants in town? Restaurant-Inform(Food=greek;Price=expensive)
+SNG0457 1 Unfortunately there are none. Would you like to try something else? Restaurant-NoOffer()
+SNG0457 2 Are there any expensive French restaurants in town? Restaurant-Inform(Food=french;Price=expensive)
+SNG0457 4 I'll take a table for 1 at 17:30 sunday at cote. Restaurant-Inform(Time=17:30;People=1;Day=sunday)
+SNG0457 6 Can I get a table at 16:30 instead? Restaurant-Inform(Time=16:30)
+SNG0457 7 Booked! The table will be reserved for 15 minutes. Reference number is 48AQQ83Y. Booking-Book(Ref=48AQQ83Y)
+SNG0457 8 Excellent, thank you! general-thank()
+SNG0457 9 You're welcome! Is there anything else I can help you with? general-reqmore()
+SNG0457 10 No, that will be all. Thanks again. Bye. general-bye()
+SNG0457 11 You're welcome, enjoy your meal. general-bye()
+PMUL3601 0 I'm looking for a specific hotel. Can you help me? Hotel-Inform()
+PMUL3601 1 Absolutely! Which hotel is it? Hotel-Request(Name)
+PMUL3601 3 It is in the cheap price range. Hotel-Inform(Price=cheap)
+PMUL3601 4 Thanks! I also need to find an expensive French restaurant to eat at. Restaurant-Inform(Food=french;Price=expensive)
+PMUL3601 5 Do you have an area preference? Restaurant-Request(Area)
+PMUL3601 8 No, but can you please give me their address with postcode and the phone number? I'd like to call them myself to ask about food allergies. Restaurant-Request(Post;Phone)
+PMUL3601 9 You can reach them at 01223351880. Their located at 22 Chesterton Road, Chesterton. Their postcode is cb43ax. Restaurant-Inform(Addr=22 Chesterton Road;Addr=Chesterton;Post=cb43ax;Phone=01223351880)
+PMUL3601 10 I would like to book a taxi to commute between the two places Taxi-Inform()
+PMUL3601 11 Sure, what time would you like the car for? Taxi-Request(Leave)
+PMUL3601 12 I'd like to leave the restaurant at 21:00. Restaurant-Inform()
+PMUL3600 0 Can you help me find a park on the east side please? Attraction-Inform(Area=east;Type=park)
+PMUL3600 1 cherry hinton water play is located in the east. It has a free entrance fee. Attraction-Inform(Fee=free;Area=east;Name=cherry hinton water play)
+PMUL3600 2 Sounds great. Can I get the address and postcode for them please? Attraction-Request(Post;Addr)
+PMUL3600 3 cherry hinton hall, cherry hinton road, cb18dw. Attraction-Inform(Post=cb18dw;Addr=cherry hinton hall;Addr=cherry hinton road)
+PMUL3600 4 Great can I get a train leaving after 09:15 on friday? Train-Inform(Day=friday;Leave=09:30)
+PMUL3600 5 I'll be glad to help you with that. Where would you like to leave from and arrive at? Train-Request(Depart;Dest)
+PMUL3600 6 I am leaving from Stevenage to cambridge. Train-Inform(Depart=stevenage;Dest=cambridge)
+PMUL3600 7 Okay the TR2860 leaves at 09:54 and arrives by 10:43. Train-Inform(Arrive=10:43;Id=TR2860;Leave=09:54)
+PMUL3600 9 Your reference number for the booking is YJ63IG8A and it will cost 25.6 GBP. Train-OfferBooked(Ref=YJ63IG8A;Ticket=25.6 GBP)
+PMUL3600 10 Great thanks. Goodbye general-bye()
+PMUL3605 0 My son is a junior in high school, we are looking at college. Can you tell me about what colleges are in cambridge? Attraction-Inform(Type=college)
+PMUL3605 2 What is located in the centre? Attraction-Inform(Area=centre)
+PMUL3605 3 I recommend downing college. It's free admission. Attraction-Recommend(Fee=free;Name=downing college)
+PMUL3605 4 Can you provide me with their address and phone number please? Attraction-Request(Phone;Addr)
+PMUL3605 5 Their address is agent street. their phone number is 01223334860 Attraction-Inform(Addr=agent street;Phone=01223334860)
+PMUL3605 6 I also need a train to Cambridge. Train-Inform(Dest=cambridge)
+PMUL3605 7 okay any particular time you would like to leave? Also where are you coming from? Train-Request(Leave;Depart)
+PMUL3605 8 I will be coming from Ely and would like to arrive in Cambridge by 11:00. Train-Inform(Depart=ely;Arrive=11:00)
+PMUL3605 9 Do you know which day you'd like to travel? Train-Request(Day)
+PMUL3605 10 Yes, on Sunday. Train-Inform(Day=sunday)
+PMUL3605 11 Okay the TR4212 arrives by 09:52. Train-Inform(Arrive=09:52;Id=TR4212)
+PMUL3605 12 Thanks very much! What time does it depart, and how long is the ride? general-thank()
+PMUL3605 14 No thank you! That's all I need. Thanks for all of your help! general-thank()
+PMUL3605 15 you are welcome all the time general-welcome()
+PMUL3605 16 Thanks again, thats all I need. general-thank()
+PMUL3604 0 Can you help me find a place called Hughes Hall? Attraction-Inform(Name=hughes hall)
+PMUL3604 2 What part of town is it located in? Are there any restaurants in that area? Restaurant-Inform()
+PMUL3604 5 The address for Hughes Hall is Wollaston Road. The phone number is 01223334898. Attraction-Inform(Name=Hughes Hall;Addr=Wollaston Road;Phone=01223334898)
+PMUL3604 6 Thanks. I also need a train for Sunday. Train-Inform(Day=sunday)
+PMUL3604 7 Okay, what is your destination and arrival preference? Train-Request(Dest;Depart)
+PMUL3604 8 I need to go to cambridge from kings lynn. Train-Inform(Depart=cambridge;Dest=kings lynn)
+PMUL3604 12 No thank you. Have a great day. Goodbye general-bye()
+PMUL3607 1 Great! What were you interested in doing while you're here? general-reqmore()
+PMUL3607 2 I'm looking for a train. I need it to bring me to Cambridge on Friday. Train-Inform(Dest=cambridge;Day=friday)
+PMUL3607 4 I want to leave after 18:45 and am heading to norwich. Train-Inform(Depart=cambridge;Dest=norwich;Leave=19:00)
+PMUL3607 8 I also need a hotel in the south area. Hotel-Inform(Area=south)
+PMUL3607 10 I want a 4 star moderately priced guesthouse. Hotel-Inform(Stars=4;Price=moderate;Type=guesthouse)
+PMUL3607 13 yes they do offer free parking Hotel-Inform(Parking)
+PMUL3607 14 Please give me aylesbray lodge's address. I am not booking now. Hotel-Request(Addr)
+PMUL3607 15 Sure, it is located at 5 Mowbray Road, postcode cb17sr. Hotel-Inform(Post=cb17sr;Addr=5 Mowbray Road)
+PMUL3607 16 Ok. Thanks. That is all my requests. general-thank()
+PMUL3606 0 I am looking for places to go for my upcoming trip. Are there any colleges in the centre of town? Attraction-Inform(Area=centre;Type=college)
+PMUL3606 4 I am also looking for a hotel with a star of 3 and includes free parking. Hotel-Inform(Stars=3;Parking=yes;Type=hotel)
+PMUL3606 6 I would also like it to be a guesthouse with free wifi. Hotel-Inform(Internet=yes;Type=guesthouse)
+PMUL3606 7 How about Hamilton lodge Hotel-Recommend(Name=Hamilton lodge)
+PMUL3606 8 Sure, could you book it for 5 people for 3 nights starting thursday? Hotel-Inform(Stay=4;People=5;Day=thursday;Name=hamilton lodge)
+PMUL3606 9 Your reservation for 5 people at the hamilton lodge on thursday for 4 days 3 nights was successful. Your Reference number is : NLC5RK0F. Booking-Book(Name=the hamilton lodge;People=5;Ref=NLC5RK0F;Day=thursday;Stay=4 days 3 nights)
+PMUL3606 10 Great. Thanks for all the help! general-thank()
+PMUL3606 11 Will that be all for today? general-reqmore()
+PMUL3606 12 Yes, thanks. Have a wonderful morning! Goodbye. general-bye()
+PMUL3609 0 I am looking for a hotel called huntingdon marriott hotel. Hotel-Inform(Name=huntingdon marriott hotel)
+PMUL3609 1 It is located at kingfisher way, hinchinbrook business park, huntingdon Hotel-Inform(Addr=kingfisher way;Addr=hinchinbrook business park;Addr=huntingdon)
+PMUL3609 2 Thank you. Can you book it for 5 people and 4 nights starting on Thursday? Hotel-Inform(Stay=4;People=5;Day=thursday)
+PMUL3609 4 I'm also looking for a train departing Cambridge and arriving at 8:30. Can you help out? Train-Inform(Depart=cambridge)
+PMUL3609 5 What day will you need the train and where are you traveling to and how many people will be traveling? Train-Request(Dest;People;Day)
+PMUL3609 6 We would like to go to peterborough on Friday. Train-Inform(Dest=peterborough;Day=friday)
+PMUL3609 8 Yes, please book it for 5 people. Train-Inform(People=5)
+PMUL3609 9 Booked it, your ref. # is IOEJEYMY Train-OfferBooked(Ref=IOEJEYMY)
+PMUL3609 10 Thank you for all your help. Have a great day. general-thank()
+PMUL3609 11 Thank you! general-greet()
+PMUL3608 0 I would like to stay at a guesthouse while I'm in cambridge. It doesn't need to have internet. Hotel-Inform(Internet=no;Type=guesthouse)
+PMUL3608 2 No thanks - not yet. Does it have free parking? Hotel-Inform(Parking=yes)
+PMUL3608 6 Yes, I do need to book a room. Hotel-Inform(Name=acorn guest house)
+PMUL3608 7 How many people will be joining you, if any? Booking-Request(People)
+PMUL3608 8 Actually, I'll book later. Can you help me find a train though? Train-Inform()
+PMUL3608 9 Where do you want to travel to and from? Train-Request(Dest;Depart)
+MUL0322 0 Hello. I am interested in finding some good local restaurants. Do you have any that you would suggest? Restaurant-Inform()
+MUL0322 2 I'm sorry, I actually need a train on Wednesday from Peterborough to Cambridge. I need to arrive by 10:00. Train-Inform(Depart=peterborough;Dest=cambridge;Day=wednesday;Arrive=10:00)
+MUL0322 4 Yes,please book it for 7 people. Train-Inform(People=7)
+MUL0322 6 Yes, I'm also looking for a moderately priced restaurants in the east part of town. Restaurant-Inform(Area=east;Price=moderate)
+MUL0322 9 pizza hut fen ditton offers italian cuisine. Restaurant-Inform(Food=italian;Name=pizza hut fen ditton)
+MUL0322 10 Is that in the east in the moderate price range? If it is I would like a table for the same day for 7 people at 20:00 please. Restaurant-Inform(Time=20:00;People=7;Day=wednesday)
+MUL0322 12 Yes, I will try for a little earlier, how about 19:00? I will need a reference number also. Restaurant-Inform(Time=19:00;Name=pizza hut fen ditton)
+MUL0322 13 I booked that for you and the reference number is: CXZ6IYHC. Booking-Book(Ref=CXZ6IYHC)
+MUL0322 14 Thank you that's all that I need! general-thank()
+MUL0322 15 Are you certain you don't need further assistance? general-reqmore()
+MUL0322 16 Yes. I do not need anymore assistance. Thank you. general-thank()
+MUL0322 17 Have a great day! general-bye()
+MUL0805 0 Are there any places that serve Christmas food? I heard there might be something like that around here. Restaurant-Inform(Food=christmas)
+MUL0805 2 How about some Chinese food? Restaurant-Inform(Food=chinese)
+MUL0805 4 No preference, just pick a nice one and provide me with the name and phone number please. Restaurant-Request(Phone)
+MUL0805 6 Ok, so their number is 01223244149? Is there any Chinese attractions around the same area as the Yu Garden? Attraction-Inform(Area=east)
+MUL0805 8 How about a boat attraction? Attraction-Inform(Type=boat)
+MUL0805 12 Nope, that's all I needed. Thanks so much! general-thank()
+MUL0805 14 No that is all thank you! general-thank()
+MUL0805 15 We are happy to help. Thank you for using our service. general-bye()
+MUL0804 0 I'm looking for a museum. Attraction-Inform(Type=museum)
+MUL0804 3 How about the whipple museum of the history of science? Attraction-Inform(Name=the whipple museum of the history of science)
+MUL0804 4 That sounds cool, I will just need the area it's in and the postcode. Oh, and how much is the cost to get in? Attraction-Request(Area;Post)
+MUL0804 6 Yes I am looking for an expensive Korean restaurant in the city center. Restaurant-Inform(Food=korean;Price=expensive)
+MUL0804 8 Yes please. I need a table for 2 on Wednesday at 11:15. Restaurant-Inform(Time=11:15;People=2;Day=wednesday)
+MUL0804 10 How about 10:15? Restaurant-Inform(Time=10:15)
+MUL0804 12 That will be all. Thank you. general-thank()
+MUL0807 0 Where can I find a Vietnamese restaurant in West Cambridge? Restaurant-Inform(Area=west;Food=vietnamese)
+MUL0807 2 Yes, please. I need a table for 8 on Thursday at 17:00. Restaurant-Inform(Time=17:00;People=8;Day=thursday)
+MUL0807 4 How about a table for 8 on Thurday at 16:00 Restaurant-Inform(Time=16:00)
+MUL0807 6 Yeah, I need a place to go. I want to go to the museum and it should be in the west area. Attraction-Inform(Area=west;Type=museum)
+MUL0807 8 Just the postcode for the Cambridge and Country Folk Museum, please. Attraction-Request(Post)
+MUL0807 9 The postcode is at cb30aq Attraction-Inform(Post=cb30aq)
+MUL0807 11 Is there a specific time you would like the taxi to arrive at the restaurant or museum? Taxi-Request(Arrive)
+MUL0807 14 I want to make sure that it will arrive by 16:00. Can you please confirm? Taxi-Inform(Arrive=16:00)
+MUL0807 16 No that will be all I need, thanks. general-thank()
+MUL0806 0 I was wondering if you could help me find a restaurant in Cambridge? Restaurant-Inform()
+MUL0806 2 Actually can you help look for a park in the south area? Attraction-Inform(Area=south;Type=park)
+MUL0806 6 Great. I am looking for a particular restaurant named la mimosa and I would like to book a table for 7 people. Restaurant-Inform(People=7;Name=la mimosa)
+MUL0806 7 I would be happy to book that for you. Which day would you like to dine and do you have a preferred time? Booking-Request(Time;Day)
+MUL0806 8 I'd like to dine at 16:00 on Friday, please. Restaurant-Inform(Time=16:00;Day=friday)
+MUL0806 10 Yes, can you give me the reference number on that reservation please? Restaurant-Request(Ref)
+MUL0806 12 Nope, thats it. Thanks! general-thank()
+MUL0806 13 Thank you for allowing me to assist you with your Cambridge TownInfo adventures. Enjoy you time, please let us know if there's anything we can assist with in the future. general-bye()
+PMUL1113 0 Hi, I want to visit a museum. Attraction-Inform(Type=museum)
+PMUL1113 2 Any area is fine. Perhaps the centre area if there is a good one there. Attraction-Inform(Area=centre)
+PMUL1113 4 yes phone number and postcode,thank uyou Attraction-Inform(Name=primavera)
+PMUL1113 6 As a matter of fact yes. I need a train that leaves after 13:15 on Saturday Train-Inform(Day=saturday;Leave=13:15)
+PMUL1113 7 What will your destination be? Train-Request(Dest)
+PMUL1113 8 I will be coming from Kings Lynn to Cambridge. Train-Inform(Depart=kings lynn;Dest=cambridge)
+PMUL1113 10 Yes please book that for 8 people. Train-Inform(People=8)
+PMUL1113 12 No, that will be all for today. Thanks for your help today. It's been appreciated. general-thank()
+MUL0800 0 Can you help me find a place to stay? I am looking for an expensive hotel, but it doesn't need free parking. Hotel-Inform(Parking=no;Price=expensive)
+MUL0800 1 Unfortunately there are no hotels available that fit that criteria. Hotel-NoOffer(Type=hotels)
+MUL0800 4 Does it have free wifi? Is it in the north? Hotel-Inform(Area=north;Internet=yes)
+MUL0800 6 Check for one in the moderate price range with that criteria. Book something for 1 person for 4 nights starting on monday. Hotel-Inform(Price=moderate;People=1;Day=monday)
+MUL0800 7 Would you prefer a hotel or a guesthouse? Hotel-Select(Type=hotel;Type=guesthouse)
+MUL0800 8 I am looking for a hotel please. Hotel-Inform()
+MUL0800 11 Unfortunately the booking was unsuccessful for the hotel Booking-NoBook()
+MUL0800 12 Will you please try to book the hotel for 2 nights starting from Monday? Hotel-Inform(Stay=2;Day=monday)
+MUL0800 14 Yes I also need to find a train out of Cambridge that arrives by 12:30 in norwich. Train-Inform(Depart=cambridge;Dest=norwich;Arrive=12:30)
+MUL0800 15 Which day do you require the train? Train-Request(Day)
+MUL0800 16 Wednesday. I will need 1 ticket. Train-Inform(People=1;Day=wednesday)
+MUL0800 18 No, that's it. Thanks! general-thank()
+MUL0800 19 Alright, thank you and goodbye! general-bye()
+MUL0803 0 I am looking for a place to eat by the name of City Stop Restaurant. Restaurant-Inform(Name=city stop restaurant)
+MUL0803 2 Can you get a table for one at 17:15 on Thursday? Restaurant-Inform(Time=17:15;Day=thursday)
+MUL0803 3 Of course, how many people would you like me to make the reservation for? Booking-Request(People)
+MUL0803 6 Thanks, I also need a cinema in the South for after my reservation please. general-thank()
+MUL0803 8 I need a cinema in the South for after my reservation. Attraction-Inform(Area=south;Type=cinema)
+MUL0803 10 Sure that sounds nice. Can you tell me about any entrance fees? Attraction-Request(Fee)
+MUL0803 12 Yes, please provide the phone number. Taxi-Request(Phone)
+MUL0803 13 The phone number is 00872208000 Attraction-Inform(Phone=00872208000)
+MUL0803 16 I'll be departing from the Cineworld cinema. Taxi-Inform(Depart=cineworld cinema)
+MUL0803 18 Can I get the contact number for the taxi, please? Thanks a lot. Taxi-Inform()
+MUL0803 20 Nope, that's everything. Thank you. general-thank()
+MUL0803 23 Thank you and enjoy your trip. general-bye()
+SNG0330 0 I am looking for a train departing from Cambridge. Train-Inform(Depart=cambridge)
+SNG0330 2 I need to get to Peterborough on Friday, and I have to leave after 12:30. Train-Inform(Dest=peterborough;Day=friday;Leave=12:30)
+SNG0330 4 I'd like to book this train for 7 people, if possible. Train-Inform(People=7)
+SNG0330 5 You're all booked! 7 tickets from Cambridge to Peterborough at 12:34. Your reference number is I9UBCZW2. Train-OfferBook(Dest=Peterborough;Ref=I9UBCZW2;Leave=12:34;Depart=Cambridge)
+SNG0330 6 Great. Thanks for all your help. general-thank()
+MUL0809 0 Hi, I am looking for places in west Cambridge that feature architecture. Attraction-Inform(Area=west;Type=architecture)
+MUL0809 1 I am sorry, I am unable to locate an attraction in your desired location? Attraction-NoOffer(Area=your desired location)
+MUL0809 2 How about a college then? Attraction-Inform(Type=college)
+MUL0809 4 Can you give me the phone number for Churchill? Attraction-Request(Phone)
+MUL0809 6 I am also looking for information about a restaurant called ugly duckling. Restaurant-Inform(Name=ugly duckling)
+MUL0809 9 The Ugly Duckling offers Chinese food. The address is 12 St. Johns Street City Centre. Their phone number is unavailable. Restaurant-Inform(Addr=12 St. Johns Street City Centre;Food=Chinese;Phone=unavailable;Name=The Ugly Duckling)
+MUL0809 10 Thank you for all your help today. general-thank()
+MUL0809 11 Is there anything else that I can assist you with today? general-reqmore()
+MUL0809 12 No, that would be all. Thank you. Have a good day. general-thank()
+MUL0808 2 You choose for me. I just need the address and postcode. Attraction-Request(Post;Addr)
+MUL0808 4 I don't think a Church is a place to have fun in town. Could you find me a restaurant instead? Restaurant-Inform()
+MUL0808 6 Yes I am looking for one called peking restaurant. I'd like a reservation for 8 on Friday. Restaurant-Inform(People=8;Day=friday;Name=peking restaurant)
+MUL0808 8 put me down for 12:30 Restaurant-Inform(Time=12:30;Name=peking restaurant)
+MUL0808 9 STAUDCT0 is your confirmation number Booking-Book(Ref=STAUDCT0)
+MUL0808 10 I'll also need a cab from the church to the restaurant, please. Restaurant-Inform()
+MUL0808 11 What time would you like to leave the church? Taxi-Request(Leave)
+MUL0808 13 I have booked a yellow toyota for you. Their number is 07739750198. I do not know how long the cab ride is, I apologize. Taxi-Inform(Phone=07739750198;Car=yellow toyota)
+MUL0808 14 Thank you, it's fine. general-thank()
+MUL0808 15 Do you need anything else today? general-reqmore()
+MUL0808 16 No, that's all. Thank you. general-thank()
+MUL0808 17 Thank you for using our service! Goodbye! general-bye()
+PMUL1119 4 Can I get the address for the Cinema please? Attraction-Request(Addr)
+PMUL1119 6 I am also looking for a train. Train-Inform()
+PMUL1119 7 Where will you be departing from? Train-Request(Depart)
+PMUL1118 0 I am in Cambridge for the week and want to know what museums that you guys have there. Attraction-Inform(Type=museum)
+PMUL1118 3 I would suggest byard art. Attraction-Recommend(Name=byard art)
+PMUL1118 7 The postcode is cb21sj. Attraction-Inform(Post=cb21sj)
+PMUL1118 8 What part of town is that on? I'll also need a train on Friday. Train-Inform(Day=friday)
+PMUL1118 9 Byard art is on the south end of town. Attraction-Inform(Area=south;Name=Byard art)
+PMUL1118 10 And a train for Friday? I need to leave Cambridge and arrive in Ely by 21:45. Train-Inform(Depart=cambridge;Dest=ely;Day=friday;Arrive=21:45)
+PMUL1118 12 No thank you. Can I please have the departure time? Train-Request(Leave)
+PMUL1118 13 I'm sorry it leaves at 19:50 Train-Inform(Leave=19:50)
+PMUL1118 14 thank you for your help general-thank()
+PMUL1118 15 Did you need any help with anything else or have I met your needs today? general-reqmore()
+PMUL1118 16 You have met my needs, thank you. general-thank()
+SNG0574 0 Know anywhere that has european food? Restaurant-Inform(Food=european)
+SNG0574 2 Yes actually, can we find something in the moderate price range? Restaurant-Inform(Price=moderate)
+SNG0574 6 No, you have been very helpful. Thank you. general-thank()
+SNG0574 7 Thank you for using our service. Have all of your needs been met? general-reqmore()
+SNG0574 8 That should be all I need, thank you. general-thank()
+SNG0574 9 You're welcome. Thank you for using the Cambridge Towninfo Centre. general-bye()
+SNG0574 10 Thanks I appreciate it. Bye! general-bye()
+SNG0574 11 Alright, thank you. Goodbye. general-bye()
+SNG0455 0 I am looking at a place to eat that serves venetian food in the centre. Restaurant-Inform(Area=centre;Food=venetian)
+SNG0455 2 Do you have any Chinese restaurants? Restaurant-Inform(Food=chinese)
+SNG0455 4 I was hoping for an expensive restaurant. Restaurant-Inform(Price=expensive)
+SNG0455 6 Can I book at the Ugly Duckling for 4 people, at 12:00 on wednesday please? Restaurant-Inform(Time=12:00;People=4;Day=wednesday)
+SNG0455 7 Great you're all set the reference number is 48MB42OD Booking-Book(Ref=48MB42OD)
+SNG0455 8 Thank you! Can't wait! general-thank()
+SNG0455 9 Is there anything else I can help you with? general-reqmore()
+SNG0455 10 That's all I needed. Thanks general-thank()
+SNG0455 11 You're quite welcome. Thanks for contacting the Cambridge TownInfo Centre and have a great day! general-bye()
+MUL2461 0 I am looking for college attractions in the centre. Attraction-Inform(Area=centre;Type=college)
+MUL2461 2 That is a wonderful suggestion. What is the address and may I have their phone number? Attraction-Request(Phone)
+MUL2461 3 They are located on saint john's street and their number is 01223338600. Attraction-Inform(Phone=01223338600;Addr=saint john's street)
+MUL2461 4 Great! Also I would like to find a place to eat. Somewhere in the same area and expensive. Restaurant-Inform(Area=centre;Price=expensive)
+MUL2461 8 That sounds great. Please book a table for 1 at 19:45 on Monday. Restaurant-Inform(Time=19:45;People=1;Day=monday)
+MUL2461 10 Nope, that's all I need today. Thank you for your help - goodbye! general-bye()
+MUL2461 11 You are very welcome. I hope you enjoy your trip and have a fantastic day! Call anytime for assistance. general-welcome()
+MUL1542 0 Hi I'd like to book a taxi Taxi-Inform()
+MUL1542 1 Do you mean book a train? general-reqmore()
+MUL1542 2 I would like to book a table for 3 at The Lucky Star on Monday at 12:00. Restaurant-Inform(Time=12:00;People=3;Day=monday;Name=the lucky star)
+MUL1542 4 Could you try Monday at 11:00? Restaurant-Inform(Time=11:00;Day=monday)
+MUL1542 5 The booking was successful your reference number is R7NXAOR7 Booking-Book(Ref=R7NXAOR7)
+MUL1542 6 Great! I do need a train, too. I need to leave from Cambridge and arrive at my destination by 9:45. Train-Inform(Depart=cambridge;Arrive=09:45)
+MUL1542 8 The train should go to london liverpool street Train-Inform(Dest=london liverpool street)
+MUL1542 9 Alright, what day will you be travelling? Train-Request(Day)
+MUL1542 10 I will be traveling Tuesday. Train-Inform(Day=tuesday)
+MUL1542 12 Yes please book for 3 people, I also need a reference number. Train-Inform(People=3)
+MUL1542 13 I have 3 tickets booked for you, the reference number is DRKY3X21. Train-OfferBooked(People=3;Ref=DRKY3X21)
+MUL1542 14 Thank you so much for your help today. I greatly appreciate it. general-thank()
+MUL1542 15 Okay, have a great day! general-greet()
+MUL2460 0 What types of colleges are there around the centre Attraction-Inform(Area=centre;Type=college)
+MUL2460 2 That is perfect, can I get the postcode please? Attraction-Request(Post)
+MUL2460 4 can you tell me where restaurant alimentum is Restaurant-Inform(Name=restaurant alimentum)
+MUL2460 6 Yes please, I need a table for 3 people at 16:45 on Wednesday. Restaurant-Inform(Time=16:45;People=3;Day=wednesday)
+MUL2460 9 I can definitely help you with that! I assume you would like to make it in time for that reservation, right? Taxi-Request(Arrive)
+MUL2460 11 All set! Your car is a blue ford and the contact number is 07068268863. Taxi-Inform(Phone=07068268863;Car=blue ford)
+MUL2460 12 Thank you so much. Goodbye! general-bye()
+MUL2460 13 You're welcome. Enjoy! general-bye()
+SNG01919 0 I need a taxi from the missing sock and I need to get to my destination by 08:30. Can you help? Taxi-Inform(Depart=the missing sock;Arrive=08:30)
+SNG01919 1 I can help you with that. where are you going? Taxi-Request(Dest)
+SNG01919 2 I'm going to el shaddai Taxi-Inform(Dest=el shaddai)
+SNG01919 3 Okay your booking is complete. Be on the lookout for a white volkswagen Taxi-Inform(Car=white volkswagen)
+SNG01919 6 No, thank you! general-thank()
+SNG01919 7 You are welcome. Thank you for contact us. Goodbye. general-bye()
+SNG01918 0 I need to find the nearest police station. Police-Inform()
+SNG01918 2 Great, thanks. Do you also have their telephone number? Police-Request(Phone)
+SNG01918 4 Do you have an address for them? Police-Request(Addr)
+SNG01918 6 Great, thanks very much for the help. general-thank()
+SNG01918 7 You're welcome. Is there anything else I can do for you? general-welcome()
+SNG01918 8 No, that is. Good bye. general-bye()
+SNG01918 9 Thanks for using our services. general-greet()
+SNG01839 0 Hi there, I'm looking for a train going to cambridge. Train-Inform(Dest=cambridge)
+SNG01839 1 I need to narrow down the search for you. Where are you heading? Train-Request(Dest)
+SNG01839 3 I'm sorry, to help narrow down the results please reply with where you will be departing from and your requested arrival/departure time. Train-Request(Leave;Arrive;Depart)
+SNG01839 4 I need to arrive by 14:00 Train-Inform(Arrive=14:00)
+SNG01839 5 There is a train depart at 13:11 and arrive by 13:58. Would that work for you? Train-Inform(Arrive=13:58;Leave=13:11)
+SNG01839 6 Yes, what is the ID? Train-Request(TrainID)
+SNG01839 8 Oh, I'll be departing from bishops stortford, yes, thanks. Train-Inform(Depart=bishops stortford)
+SNG01839 10 Yes please. I would like to travel on Tuesday Train-Inform(Day=Tuesday)
+SNG01839 12 Yes, please book for 2 people./ Train-Inform(People=2)
+SNG01839 14 No, thank you. That's all. Thanks! general-thank()
+SNG01839 15 thanks a lot general-bye()
+SNG01839 17 You too! Please let us know if there's anything else we can help you with. general-bye()
+SNG01913 2 I need their postcode also please. Police-Request(Post)
+SNG01913 4 Thanks, that's all. Good bye. general-bye()
+SNG01913 5 You are more than welcome! general-bye()
+SNG01911 0 Yes, I was wondering what the location is of Addenbrookes Hospital. Hospital-Inform()
+SNG01911 2 Thank you. Could you please get me the phone number? Hospital-Request(Phone)
+SNG01911 4 no, that's all thanks general-thank()
+SNG01734 0 I'm looking for a train please. Train-Inform()
+SNG01734 1 Certainly. On what day do you want me to look? Train-Request(Day)
+SNG01734 2 on tuesday from cambridge to norway leaving at 2030 hrs Train-Inform(Depart=cambridge;Day=tuesday)
+SNG01734 3 I'm sorry, could you confirm your destination so I can get an accurate schedule. Train-Request(Dest)
+SNG01734 4 I'm sorry, I meant norwich, not norway. Train-Inform(Dest=norwich)
+SNG01734 8 No, thank you. good bye general-bye()
+SNG01734 9 Okay, have a great time and be safe. general-bye()
+SNG01917 0 I want to leave for Cambridge by train on Wednesday. Train-Inform(Dest=cambridge;Day=wednesday)
+SNG01917 1 Okay, where are you departing from? Train-Request(Depart)
+SNG01917 2 I'll be coming from london kings cross Train-Inform(Depart=london kings cross)
+SNG01917 3 When do you want to leave London Kings Cross? Train-Request(Leave)
+SNG01917 5 how about TR5725 that leaves at 05:17? Train-Inform(Id=TR5725;Leave=05:17)
+SNG01917 6 That will work. Will you please book it for 5 people? Train-Inform(People=5)
+SNG01917 8 That is all I needed. Thanks! general-thank()
+SNG01917 9 You are more than welcome! general-welcome()
+SNG01916 0 Oh, hey, can you tell me where Parkside Police Station is located? Police-Inform()
+SNG01916 2 Thanks, that's all. Good bye. general-bye()
+SNG01916 3 Thank you for using our services. general-bye()
+SNG01915 0 I need a taxi to go to cambridge punter. Taxi-Inform()
+SNG01915 1 I can help you with that, where are you departing from? Taxi-Request(Depart)
+SNG01915 2 I'm leaving from addenbrookes hospital. Taxi-Inform(Depart=addenbrookes hospital)
+SNG01915 3 What time would you like to leave addenbrookes hospital? Taxi-Request(Leave)
+SNG01915 4 I want to leave the hospital after 08:15, please. Taxi-Inform(Leave=08:15)
+SNG01915 5 Your taxi is booked. Look for a blue Toyota. Taxi-Inform(Car=blue Toyota)
+SNG01915 8 No that was all, thank you! general-thank()
+SNG01915 9 You are welcome. Have a nice day. general-bye()
+SNG01914 0 I need a taxi after 21:45 to take me to jesus college. Taxi-Inform(Leave=21:45;Dest=jesus college)
+SNG01914 1 I'd be happy to help! Where are you coming from? Taxi-Request(Depart)
+SNG01914 2 I am coming from 4455 Woodbridge Road. It's the hotel next to the Shell gas station and Cambridge College. Hotel-Inform()
+SNG01914 3 What is the name of the hotel you are coming from? Taxi-Request(Depart)
+SNG01914 4 I'm coming from thanh binh. Taxi-Inform(Depart=thanh binh)
+SNG01914 5 I have that booked a yellow skoda with contact number 07116573501. Taxi-Inform(Car=yellow skoda;Phone=07116573501)
+SNG01914 6 Thank you for your help, goodbye. general-bye()
+SNG01914 7 My pleasure. Enjoy your day. general-bye()
+MUL2469 0 Hi, I am traveling to Cambridge and I am looking for things to do in the city centre. Can you help me find something to do? Attraction-Inform(Area=centre)
+MUL2469 2 I have no preference. Pick any for me and please tell me the attraction type, entrance fee and phone number. Attraction-Request(Phone;Fee;Type)
+MUL2469 3 All right. Great saint mary's church is one our many churches famous for Architecture. It's 2 pounds to get in, and their number is 01223350914. Attraction-Recommend(Fee=2 pounds;Phone=01223350914;Name=Great saint mary's church;Type=Architecture)
+MUL2469 6 No thank you. Can you provide me with their phone number? Restaurant-Request(Phone)
+MUL2469 7 Their phone number is 01223308681 Restaurant-Inform(Phone=01223308681)
+MUL2469 8 Thank you. Do you also book taxis? I would like one from Saint Mary's to the Little Seoul. Taxi-Inform(Dest=little seoul)
+MUL2469 9 What time would you like to travel by taxi? Taxi-Request(Depart)
+MUL2469 12 No that will be all for today. Thanks alot. Goodbye. general-bye()
+MUL2017 0 I'm planning a trip to Cambridge and looking for a train to get me there. Can you help me find one please? Train-Inform(Depart=cambridge;Dest=cambridge)
+MUL2017 1 We have many trains to cambridge, where are you departing from? Train-Request(Depart)
+MUL2017 2 I am departing from cambridge and I would like to go to london kings cross. I would like my train to arrive by 09:15 and leave on friday. Train-Inform(Depart=cambridge;Dest=london kings cross;Day=friday;Arrive=09:15)
+MUL2017 4 Yes please book a round trip ticket for 10 people. Train-Inform(People=10)
+MUL2017 6 I need a hotel with free parking and free wifi. Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+MUL2017 7 I have many hotels that fit those needs, is there a certain area of town you wanted me to book you near? Hotel-Request(Area)
+MUL2017 8 It does not matter but I would like it to have a star rating of 0. Hotel-Inform(Stars=0)
+MUL2017 10 What about a guesthouse? Hotel-Inform(Type=guesthouse)
+MUL2017 12 What is the price range of those hotels? Hotel-Request(Price)
+MUL2017 14 Not at this time. Thank you for all the information. I'm all set. Good bye. general-bye()
+MUL2017 15 Have a nice day, goodbye general-bye()
+MUL1462 0 I need train tickets that leave friday going to london liverpool street please, can you help me? Train-Inform(Dest=london liverpool street;Day=friday)
+MUL1462 2 I just need to arrive by 15:45 leaving from cambridge. Train-Inform(Depart=cambridge;Arrive=15:45)
+MUL1462 3 How many tickets will you need? Train-Request(People)
+MUL1462 4 Just one. Can you give me the train ID, please? Train-Request(TrainID)
+MUL1462 6 I'm also looking for a expensive restaurant located in the north. Restaurant-Inform(Area=north;Price=expensive)
+MUL1462 8 European food, please. Restaurant-Inform(Food=european)
+MUL1462 9 Ok I can book that for you, do you have a particular time you would like? Booking-Request(Time)
+MUL1462 10 No particular time. I just need the phone number. Restaurant-Request(Phone)
+MUL1462 12 No, thanks, you've been great, I don't need anything else. general-thank()
+MUL1462 13 Ok great! I hope that you enjoy your travels! Thank you for contacting the Cambridge TownInfo centre. general-bye()
+MUL2468 0 I am looking for information about a particular restaurant in Cambridge that people are talking about. It is named saint johns chop house. Restaurant-Inform(Name=saint johns chop house)
+MUL2468 2 No, thank you. I just need the area and phone number. Restaurant-Request(Area;Phone)
+MUL2468 3 They are located at 21 - 24 Northampton Street, postcode cb30ad and phone number 01223353110. Restaurant-Inform(Addr=21 - 24 Northampton Street;Phone=01223353110;Post=cb30ad)
+MUL2468 4 I am also looking for places to go in town. The attraction should be in the centre and should be in the type of theatre Attraction-Inform(Area=centre;Type=theatre)
+MUL2468 5 there is adc theatre, cambridge arts theatre, mumford theatre and the cambridge corn exchange theatre, which one could you prefer? Attraction-Select(Name=adc theatre;Name=cambridge arts theatre;Name=mumford theatre;Name=the cambridge corn exchange theatre)
+MUL2468 6 Pick one for me. I do meed address and entrance fee information, please. Attraction-Request(Fee;Addr)
+MUL2468 7 How about ADC Theatre on park street, cb58as? Attraction-Recommend(Name=ADC Theatre;Addr=park street;Post=cb58as)
+MUL2468 8 Sounds good. What is the entrance fee? Attraction-Request(Fee)
+MUL2468 9 we don't have that information with us Attraction-Inform(Fee=don't have that information)
+MUL2468 10 Alright. That's everything I needed. Thanks. general-thank()
+MUL2468 11 Are you certain you do not need anything else? general-reqmore()
+MUL2468 12 That would be all Thank you general-thank()
+SNG01830 0 I would like to find a hospital with a diabetes and endocrinology department please. Hospital-Inform(Department=diabetes and endocrinology)
+SNG01830 2 What is the postcode? Hospital-Request(Post)
+MUL2019 0 I am looking for a hotel to stay at in Cambridge. Can you recommend a place on the east side? Hotel-Inform(Area=east;Type=hotel)
+MUL2019 1 How about the Express by Holiday Inn Cambridge? Restaurant-Recommend(Name=Express by Holiday Inn Cambridge?)
+MUL2019 2 does it have free wifi and parking? Hotel-Inform(Parking=yes;Internet=yes)
+MUL2019 4 Could you please provide me the phone number of the hotel? Hotel-Request(Phone)
+MUL2019 6 I am also looking for a train on Saturday. Train-Inform(Day=saturday)
+MUL2019 8 From cambridge to norwich. Train-Inform(Depart=cambridge;Dest=norwich)
+MUL2019 10 I need to leave after 8:15, please. I also need the travel time for that Train-Request(Duration)
+MUL2019 12 No, I think I can do that myself. Thank you for all your help today. general-thank()
+MUL2019 13 You're welcome. Have a great day! general-welcome()
+MUL2019 14 You too, thanks! general-thank()
+MUL2019 15 Thank you for using Cambridge TownInfo centre. Please consider us for your future travel needs? general-greet()
+SNG1236 0 I am looking for a guesthouse that has free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+SNG1236 1 What price range are you looking for? Hotel-Request(Price)
+SNG1236 2 I don't care about that. I do want a place with a 4-star rating. Hotel-Inform(Stars=4;Price=dont care)
+SNG1236 4 That sounds good as long as it's got parking. Can you get me the address? Hotel-Request(Addr)
+SNG1236 5 How about the Allenbell? The address is 517a coldham lane. Hotel-Recommend(Name=the Allenbell;Addr=517a coldham lane)
+SNG1236 6 Sounds great. Thanks for your help, that is all I need. Bye. general-bye()
+MUL0207 0 I need a train leaving from Cambridge this Thursday Train-Inform(Depart=cambridge;Day=thursday)
+MUL0207 1 In order to better assist you, may I please have your destination? Train-Request(Dest)
+MUL0207 2 I'm going to king's lynn, and I need to arrive by 21:00. Train-Inform(Dest=kings lynn;Arrive=21:00)
+MUL0207 4 Please get me a ticket for one that leaves at 5:11 a.m and send me the reference number. Train-Inform(People=1)
+MUL0207 6 Yes! I am looking for a restaurant that serves corsica food and it should in the centre. Can you find me a place to dine? Restaurant-Inform(Area=centre;Food=corsica)
+MUL0207 8 Can you check if these is any corsica restaurants anywhere? Restaurant-Inform()
+MUL0207 10 Yes, how about something that serves indian food. Restaurant-Inform(Food=indian)
+MUL0207 12 That sounds great! Go head and make a reservation for 1 for 13:00 on Thursday, please. I would like the reference number as well. Restaurant-Inform(Time=13:00;People=1;Day=thursday)
+MUL0207 13 Great your reservation was successful the reference number is VC1IKXJ9. Booking-Book(Ref=VC1IKXJ9)
+MUL0207 14 Actually, I was looking for an cheap restaurant. Are there any cheap Indian restaurants. If so, let's cancel that reservation. Restaurant-Inform(Food=indian;Price=cheap)
+MUL0207 15 You have a new one at a cheap restaurant, reference 45J21VV5. Booking-Book(Ref=45J21VV5)
+MUL0207 16 What is the name of the restaurant? Restaurant-Inform()
+MUL0207 18 No, thanks. I am all set. general-thank()
+MUL0207 19 Great. Have a great day. general-bye()
+PMUL0648 0 Are there any pricey russian restaurants in cambridge? Restaurant-Inform(Food=russian;Price=expensive)
+PMUL0648 2 Yes I would like moderately priced European please. Restaurant-Inform(Food=european;Price=moderate)
+PMUL0648 3 How about Galleria at 33 Bridge Street? Restaurant-Inform(Addr=33 Bridge Street;Name=Galleria)
+PMUL0648 4 No you know what. how about Indian food instead? Restaurant-Inform(Food=indian)
+PMUL0648 5 Yes what area would you like it to be in? Restaurant-Request(Area)
+PMUL0648 8 I would like the Indian restaurant to be in the west. Restaurant-Inform(Area=west;Food=indian)
+PMUL0648 10 Yes can you please book a reservation for 3 people at 12:45 on Thursday? Restaurant-Inform(Time=12:45;People=3;Day=thursday)
+PMUL0648 12 I also need train tickets for my group. I need it to leave by 8:30 from norwich to cambridge. same day please. Train-Inform(Depart=norwich;People=3;Dest=cambridge;Day=thursday)
+PMUL0648 14 Yes please. I'll need 3 tickets. Train-Inform(People=3)
+PMUL0648 16 That's all, thanks a lot man! You were awesome! general-thank()
+PMUL0648 18 No thank you, that was everything! general-thank()
+PMUL0648 21 I am glad to have been assistance. general-bye()
+PMUL0649 0 I need a good place to eat dinner. I Like Italian, what do you suggest? Restaurant-Inform(Food=italian)
+PMUL0649 2 I do not have a preference in price. Train-Request(Price)
+PMUL0649 6 Great. I will be leaving London Kings Cross and want to get to Cambridge by 11:45 the day I eat at the restaurant. Train-Inform(Depart=london kings cross;Dest=cambridge;Day=thursday;Arrive=11:45)
+PMUL0649 7 I have a 9:17 train that will get you into Cambridge by 10:08. Train-Inform(Dest=Cambridge;Arrive=10:08;Leave=9:17)
+PMUL0649 8 Okay, may I please have the travel time and price? Train-Request(Duration;Price)
+PMUL0649 9 The travel time is 51 minutes and the per ticket price is 23.60GBP. Train-Inform(Ticket=23.60GBP;Time=51 minutes)
+PMUL0649 10 Thank you so much, I will book later. Have a great day, you have been helpful. general-thank()
+PMUL0649 11 feel free to contact us again should you need more assistance. goodbye. general-bye()
+PMUL0640 0 I'm going to Cambridge and I need a train that arrives by 16:00. Train-Inform(Dest=cambridge;Arrive=16:00)
+PMUL0640 1 Where will you be departing from and what time will you be leaving? Train-Request(Depart;Leave)
+PMUL0640 2 I will be departing from stansted airport and I want to leave on thursday Train-Inform(Depart=stansted airport;Day=thursday)
+PMUL0640 4 Yeah, book that one. Train-Inform(People=1)
+PMUL0640 5 How many tickets would you like me to book for you? Train-Request(People)
+PMUL0640 7 I have made the train reservations your reference number is HHQDGA03. Train-OfferBooked(Ref=HHQDGA03)
+PMUL0640 8 Thank you. I'm also looking for a restaurant that serves northern european food in the centre. Restaurant-Inform(Area=centre;Food=european)
+PMUL0640 10 How about northern european? Restaurant-Inform(Food=northern european)
+PMUL0640 12 Okay, how about italian food? Restaurant-Inform(Food=italian)
+PMUL0640 14 Probably cheap would be best Restaurant-Inform(Price=cheap)
+PMUL0640 18 Sure. Sounds good. I need to book it for the same group of people on the same day at 20:15. Can I please have the reference number as well? Restaurant-Inform(Time=20:15;People=6;Day=thursday;Name=zizzi cambridge)
+PMUL0640 19 Booking was successful. Reference number is : BE27DMZM. Booking-Book(Ref=BE27DMZM)
+PMUL0640 20 Thanks for your help! That is all I needed today. general-thank()
+PMUL0640 21 May I look anything else up for you? general-reqmore()
+PMUL0640 22 That is all I need today good bye. general-bye()
+PMUL0640 23 Thank you goodbye. general-bye()
+PMUL0641 0 I need a train leaving arriving in stevenage. Train-Inform(Dest=stevenage)
+PMUL0641 1 I'm sorry, can you clarify your departure and destination sites? Also, what day and time are you planning to leave? Train-Request(Depart;Leave;Dest;Day)
+PMUL0641 2 I am departing from Cambridge and going to Stevenage. This will be for Saturday and I want to arrive by 15:45 Train-Inform(Depart=cambridge;Dest=stevenage;Day=saturday;Arrive=15:45)
+PMUL0641 4 Yes. Please book for 6 people. Train-Inform(People=6)
+PMUL0641 8 Looking for something in the cheap price range that serves Danish food. If that is not available then Chinese food. Restaurant-Inform(Food=chinese;Price=cheap)
+PMUL0641 9 Charlie chan is a cheap Chinese place located in the centre. Restaurant-Inform(Food=Chinese;Area=centre;Price=cheap;Name=Charlie chan)
+PMUL0641 11 for the reservation, i need to know the day, number of guests and the time please. Booking-Request(People;Day;Time)
+PMUL0641 12 For 6 people at 11:15 on Saturday. Restaurant-Inform(Time=11:15;People=6;Day=saturday)
+PMUL0641 13 Table for 6 at 11:15 on Saturday at Charlie Chan. They will hold your table for up to 15 minutes after your reservation. Your Reference# is : UQQI88M8. Booking-Book(Time=11:15;Day=Saturday;People=6;Name=Charlie Chan;Ref=UQQI88M8)
+PMUL0641 14 Thank you that is all I needed. Good bye. general-bye()
+PMUL0641 15 Have a nice day, goodbye! general-bye()
+PMUL0642 0 Hi. Can you help me find a train? Train-Inform()
+PMUL0642 1 I sure can! Do you have a destination in mind? Train-Request(Dest)
+PMUL0642 2 I'm going to broxbourne. Train-Inform(Dest=broxbourne)
+PMUL0642 3 Ok. What day will you be traveling? Train-Request(Day)
+PMUL0642 4 I would like to leave on Tuesday. Train-Inform(Day=tuesday)
+PMUL0642 5 Where will you be leaving from? Train-Request(Depart)
+PMUL0642 7 Is there a certain time you would like to leave? Train-Request(Leave)
+PMUL0642 8 I'd like to leave at 20:15. There will be 8 people traveling with me. Train-Inform(People=8;Leave=20:15)
+PMUL0642 9 Booking was successful, the total fee is 143.19 GBP payable at the station . Reference number is : ZKT87GL0. Train-OfferBooked(Ref=ZKT87GL0;Ticket=143.19 GBP)
+PMUL0642 10 Can you also help me find some information on a restaurant? It is called Pizza express. Restaurant-Inform(Name=pizza express)
+PMUL0642 11 Is that just Pizza Express or Pizza Express Fen Ditton? Restaurant-Select(Name=Pizza Express;Name=Pizza Express Fen Ditton)
+PMUL0642 14 Yes please, 8 people at 12:30 on Tuesday. Restaurant-Inform(Time=12:30;People=8;Day=tuesday)
+PMUL0642 16 Can you try for Thursday then? Restaurant-Inform(Day=thursday)
+PMUL0642 18 That's all I needed today. Thanks for your help. Goodbye! general-bye()
+PMUL0642 19 I am always happy to assist! Bye! general-bye()
+PMUL0643 0 I need a Friday train, to arrive by 19:30. Train-Inform(Day=friday;Arrive=19:30)
+PMUL0643 2 I am heading to Broxbourne from Cambridge. Train-Inform(Depart=cambridge;Dest=broxbourne)
+PMUL0643 3 Is there a certain time you would like to leave? Train-Request(Leave)
+PMUL0643 6 yes please for four people Train-Inform(People=4)
+PMUL0643 8 Yes, I am looking for an expensive restaurant to dine at earlier the same day. Restaurant-Inform(Price=expensive)
+PMUL0643 9 Did you have a particular type of cuisine you were looking for? Restaurant-Request(Food)
+PMUL0643 10 I am flexible on the cuisine. But I would like something in the centre of town that is expensive. Restaurant-Inform(Area=centre)
+PMUL0643 12 book for the same group of people at 12:45 on the same day Restaurant-Inform(Time=12:45;Name=fitzbillies restaurant)
+PMUL0643 13 I will book it for you and get a reference number Booking-Inform()
+PMUL0644 0 Hello, I'd like some information on a restaurant in the centre. Restaurant-Inform(Area=centre)
+PMUL0644 2 I would like african food. Restaurant-Inform(Food=african)
+PMUL0644 4 yes, please. for 7 people starting at 11:15 on sunday. Restaurant-Inform(Time=11:15;People=7;Day=sunday;Name=bedouin)
+PMUL0644 6 I would also like to find a train that would arrive at 19:45 and depart from Cambridge. Train-Inform(Depart=cambridge;Arrive=19:45)
+PMUL0644 7 What is your destination and travel day? Train-Request(Day;Dest)
+PMUL0644 8 train should go to kings lynn and should leave on monday Train-Inform(Dest=kings lynn;Day=monday)
+PMUL0644 11 how many tickets should i book you for? Train-OfferBook()
+PMUL0644 12 i apologize. i dont need to book tickets. but can i please get the travel time. Train-Request(Duration)
+PMUL0644 13 The travel time is 47 minutes. Train-Inform(Time=47 minutes)
+PMUL0644 14 Thanks. That's really all I need. Goodbye. general-bye()
+PMUL0645 0 I looking for a restaurant in centre. Restaurant-Inform(Area=centre)
+PMUL0645 1 dojo noodle bar is a nice restaurant in the centre of town, it serves asian oriental food. Restaurant-Recommend(Area=centre of town;Name=dojo noodle bar;Food=asian oriental)
+PMUL0645 2 Is that restaurant moderately priced? Restaurant-Inform(Price=moderate)
+PMUL0645 3 What criteria are you searching for concerning dining? Restaurant-Request(Price;Food;Area)
+PMUL0645 4 I'm looking for a moderately priced European restaurant located near the centre? Restaurant-Inform(Area=centre;Food=european;Price=moderate)
+PMUL0645 5 great, i have 4 options for you to choose from! Restaurant-Inform(Choice=4)
+PMUL0645 6 Please make a suggestion and provide the postcode, address, and phone number. Restaurant-Request(Post;Phone;Addr)
+PMUL0645 7 The hotel du vin and bistro is my favorite. Address is 15 - 19 Trumpington Street cb21qa, phone 01223227330 Restaurant-Recommend(Phone=01223227330;Name=hotel du vin and bistro;Addr=15 - 19 Trumpington Street;Post=cb21qa)
+PMUL0645 8 I'm also looking for a train that leaves after 20:15 on Saturday. I need to go to Kings Lynn from Cambridge please. Do you have anything? Train-Inform(Depart=cambridge;Dest=kings lynn;Day=saturday;Leave=20:15)
+PMUL0647 0 Do you know where I can find the Peking Restaurant? Restaurant-Inform(Name=peking restaurant)
+PMUL0647 1 The Peking Restaurant is located at 10 Homerton Street in Centre. Restaurant-Inform(Area=Centre;Addr=10 Homerton Street;Name=The Peking Restaurant)
+PMUL0647 2 What is the price range? Restaurant-Request(Price)
+PMUL0647 4 What type of food do they serve? Restaurant-Request(Food)
+PMUL0647 6 Maybe but could I have the postcode,food preference and phone number fot this Indiana Restaurants? Restaurant-Request(Phone;Food)
+PMUL0647 7 I'm sorry, I don't see any Indiana restaurants. Restaurant-NoOffer(Food=Indiana)
+PMUL0647 10 That was all I needed. Thank you, general-thank()
+SNG0578 0 I am looking for some info on rice house restaurant. Restaurant-Inform(Name=rice house)
+SNG0578 2 Yes, I'd like a table for a party of 8 at 11:15 on Thursday. Restaurant-Inform(Time=11:15;People=8;Day=thursday)
+SNG0578 3 Booking was successful. The table will be reserved for 15 minutes. Reference number is : 5MA263EB. Booking-Book(Ref=5MA263EB)
+SNG0578 6 OK thank you very much for your help. general-thank()
+SNG0842 0 Are there any proper hotels in the south? Hotel-Inform(Area=south;Type=hotel)
+SNG0842 2 Ok, are there any hotels in the cheap price range in the south part of town? Hotel-Inform(Area=south;Price=cheap)
+SNG0842 4 Can we check for guesthouses? Hotel-Inform(Type=guesthouse)
+SNG0842 6 Yes, that will work. Hotel-Inform(Name=rosa's bed and breakfast)
+SNG0842 7 When would you like to visit? Booking-Request(Day)
+SNG0842 8 I don't need a reservation right now, but does Rosa's B&B have internet? Hotel-Request(Internet)
+SNG0842 10 I really need internet. Can you tell me if they have free wifi? Hotel-Request(Internet)
+SNG0842 14 No, that is all I need. Thank you. general-thank()
+SNG0842 15 Thank you for using our services & have a good day. general-bye()
+MUL1762 0 Hi, can you help me find a train out of Cambridge for my upcoming visit? Train-Inform(Depart=cambridge)
+MUL1762 1 Absolutely. Where would you be traveling to and for what day? Train-Request(Dest;Day)
+MUL1762 2 Monday, to Broxbourne. Train-Inform(Dest=broxbourne;Day=monday)
+MUL1762 3 there are several trains that leave that day what time would you like to leave and where will you be going Train-Request(Leave;Dest)
+MUL1762 4 i will be traveling to broxbourne and would like to leave after 20:45. Train-Inform(Dest=broxbourne;Leave=20:45)
+MUL1762 6 Yes for 5 people please. Train-Inform(People=5)
+MUL1762 7 The booking was successful the total price is 89.5 that you can pay at the station and your reference number is 4NA0WK3R. Train-OfferBooked(Ref=4NA0WK3R;Ticket=89.5)
+MUL1762 8 Great, thanks. Can you tell me some information on the Cambridge Arts Theatre please? Attraction-Inform(Name=cambridge arts theatre)
+MUL1762 11 Hours of operation are not available to us, you would have to call them, any other questions? general-reqmore()
+MUL1762 12 Yes I need their postcode. Attraction-Request(Post)
+MUL1762 14 And what area are they in? Attraction-Request(Area)
+MUL1762 15 They are located within the city center. Attraction-Inform(Area=city center)
+MUL1762 16 Thank you for your help. general-thank()
+MUL1762 17 Is there anything else you'd like my help with today? general-reqmore()
+MUL1762 18 No, that will be all. Goodbye. general-bye()
+MUL1762 19 Thanks and have a good day! general-bye()
+MUL0205 0 I want to get a train out of Cambridge that departs after 20:45 please. Train-Inform(Depart=cambridge;Leave=20:45)
+MUL0205 1 What is your destination and day of travel? Train-Request(Dest;Day)
+MUL0205 3 I'm sorry, but I can't help you with travel outside of Cambridge and the surrounding areas. Train-NoOffer()
+MUL0205 4 Ok. How about a train to the Stansted airport? Train-Inform(Dest=stansted airport)
+MUL0205 6 I would like to book the 21:40 train on Wednesday for one person please. I also need a reference number please. Train-Inform(People=1;Day=wednesday)
+MUL0205 8 Yes, I am also looking to eat some north african food. Can you help me find a restaurant? Restaurant-Inform(Food=north african)
+MUL0205 9 I cannot find any restaurant that serves north african food in the area. Restaurant-NoOffer(Food=north african)
+MUL0205 10 How about Thai food? Restaurant-Inform(Food=thai)
+MUL0205 12 The one in the west works please. Can you pleas book it for me on the same day at about 13:15. Restaurant-Inform(Area=west;Time=13:15;Day=wednesday)
+MUL0205 13 How many people will be dining? Booking-Request(People)
+MUL0205 16 Could you please check for a table at 12:15 and can I have the reference number? Restaurant-Inform(Time=12:15)
+MUL0205 18 No, that should be everything. Thank you very much! general-thank()
+SNG01642 0 I need a 16:30 taxi. Taxi-Inform(Leave=16:30;Arrive=16:30)
+SNG01642 1 I'd be happy to help with your request, will you be leaving at 16:30 and what is your departure site? Taxi-Request(Depart)
+SNG01642 2 Yes, I will be leaving at 16:30 from Bedouin. Taxi-Inform(Depart=bedouin)
+SNG01642 3 Great. And what is your destination? Taxi-Request(Dest)
+SNG01642 4 I am going to london liverpool street train station. Taxi-Inform(Dest=london liverpool street train station)
+SNG01642 5 I have booked your taxi Taxi-Inform()
+SNG01642 6 Thank you very much. general-thank()
+SNG01642 10 No thank you. general-thank()
+SNG01642 11 Thank you for contacting Cambridge TownInfo centre. Have a nice day! general-bye()
+SNG01641 0 i want to find a hospital in town Hospital-Inform()
+SNG01641 4 May I also have the general hospital number, too, just in case I need it? Hospital-Inform()
+SNG01641 7 Well thank you. I will, and I enjoyed talking to you as well. Have a great day! general-bye()
+SNG01641 8 I will, good bye. general-bye()
+SNG01641 9 Thank you for contacting Cambridge TownInfo Centre. Good-bye. general-bye()
+SNG01640 0 I've been robbed and need the police. Police-Inform()
+SNG01640 2 Thanks, can I also have the phone number and postcode? Police-Request(Post;Phone)
+SNG01640 4 Great, thank you for your help. I don't need anything further. general-thank()
+SNG01640 5 I'm sorry this happened to you, I really hope that the police are able to help. If there is anything else I can do for you don't hesitate to ask. general-bye()
+SNG01646 0 I am looking for a train departing from london kings cross Train-Inform(Depart=london kings cross)
+SNG01646 2 Yes departing from there heading to Cambridge on Saturday. Train-Inform(Dest=Cambridge;Day=Saturday)
+SNG01646 3 What time would you like to depart or arrive? Train-Request(Leave;Arrive)
+SNG01646 4 The train should go to cambridge and should arrive by 14:00. Train-Inform(Dest=cambridge;Arrive=14:00)
+SNG01646 5 I have train TR7309 departing London Kings Cross at 11:17 and arriving in Cambridge at 12:08. Train-Inform(Dest=Cambridge;Depart=London Kings Cross;Id=TR7309;Arrive=12:08;Leave=11:17)
+SNG01646 6 Please book that for 5 people. Train-Inform(People=5)
+SNG01646 7 Booking was successful, the total fee is 94.4 GBP payable at the station. Reference number is : 7UGGORNQ. Train-OfferBooked(Ticket=94.4 GBP;Ref=7UGGORNQ)
+SNG01646 8 Thank you, good bye. general-bye()
+SNG01646 9 Great! Have a nice day! general-bye()
+SNG01645 0 I need to find the nearest hospital please. Hospital-Inform()
+SNG01645 1 I have an Addenbrookes Hospital, would that be okay? general-reqmore()
+SNG01645 2 I need the address, postcode, and phone number. Hospital-Request(Post;Addr;Phone)
+SNG01645 4 No, that will be all. Thanks, good bye. general-bye()
+SNG01645 5 Great! Have a nice day! general-welcome()
+SNG01644 0 I need a taxi to come to broxbourne train station by 21:15. Taxi-Inform(Dest=broxbourne train station;Arrive=21:15)
+SNG01644 1 Sure! Where are you coming from? Taxi-Request(Depart)
+SNG01644 3 Please confirm. Are you departing from broxbourne train station or bankok city? Taxi-Request(Depart)
+SNG01644 4 To be picked up from bangkok city, must arrive at the broxbourne train station by 21:15. Please give me contact number and type of car as well. Taxi-Inform(Depart=bangkok city)
+SNG01644 6 That's all. Thank you very much. general-thank()
+SNG01649 0 I am looking for a taxi to the Stevenage train station. Taxi-Inform(Dest=stevenage train station)
+SNG01649 1 Sure thing, when would you like to arrive or leave by? Taxi-Request(Leave;Arrive)
+SNG01649 2 It's important that I arrive no later than 23:30. Taxi-Inform(Arrive=23:30)
+SNG01649 3 Where will you be departing from? Taxi-Request(Depart)
+SNG01649 4 I will be departing from frankie and bennys. Taxi-Inform(Depart=frankie and bennys)
+SNG01649 5 I have confirmed you booking for a taxi, a yellow ford will be picking you up. Taxi-Inform(Car=yellow ford)
+SNG01649 6 Thanks! What is the contact number? general-thank()
+SNG01649 8 No, that's all I need. Thank you for your help. general-thank()
+SNG01649 9 Have a safe trip! general-bye()
+SNG01648 0 I need a taxi at 24:00 to take me to Milton Country Park. Taxi-Inform(Leave=24:00;Dest=milton country park;Arrive=24:00)
+SNG01648 1 Where will you leave from? Taxi-Request(Depart)
+SNG01648 2 I'm departing from anatolia. Taxi-Inform(Depart=anatolia)
+SNG01648 4 No, thank you for your help! general-thank()
+SNG0119 0 where is the nearest police station? Police-Inform()
+SNG0119 2 Yes, could you also give me their postcode? Police-Request(Post)
+SNG0119 4 No, that will be all thank you. general-thank()
+SNG0119 5 I'm happy to help. Feel free to contact us should you need anything else. Have a good day. general-bye()
+SNG0118 0 I need to find the nearest police station. Police-Inform()
+SNG0118 2 Wonderful, thank you very much! general-thank()
+SNG0118 4 That will be all, thank you very much. general-thank()
+SNG0118 5 Thank you and hope your day gets better. general-bye()
+MUL0337 0 Do you happen to know of any trains leaving for Cambridge this wednesday? Train-Inform(Dest=cambridge;Day=wednesday)
+MUL0337 2 I will be leaving from norwich and I need to arrive by 8:15. Train-Inform(Depart=norwich;Arrive=08:15)
+MUL0337 4 Sure, can you book that for 2 people and provide my reference number? Train-Inform(People=2)
+MUL0337 5 Your booking has been completed, the reference number is FH111ZQU. Train-OfferBooked(Ref=FH111ZQU)
+MUL0337 6 Thanks, I'm also looking for a restaurant in the city centre. Restaurant-Inform(Area=centre)
+MUL0337 8 I don't really care what kind of food, but I am on a budget so cheap would be great. Restaurant-Inform(Price=cheap)
+MUL0337 9 How about dojo noodle bar? It meets your requirements. Restaurant-Inform(Name=dojo noodle bar)
+MUL0337 10 That sounds great. Can I get a table for 2 there on Wednesday at 18:15? Restaurant-Inform(Time=18:15;People=2;Day=wednesday)
+MUL0337 12 How about 17:15? Restaurant-Inform(Time=17:15)
+MUL0337 14 No, thanks. I have all I need. Enjoy your day. general-thank()
+MUL0337 15 Thank you for using our system! general-bye()
+MUL0488 0 I am trying to book a train to peterborough. Can you help me? Train-Inform(Dest=peterborough)
+MUL0488 2 I am not sure what time I need to leave but has to be Saturday and depart from cambridge to arrive by 11:45 Train-Inform(Depart=cambridge;Day=saturday;Arrive=11:45)
+MUL0488 3 I can book you for an arrival by 11:24 and leaves at 10:34. Would you like me to book that for you? Train-OfferBook(Arrive=11:24;Leave=10:34)
+MUL0488 5 How many tickets would you like? Train-Request(People)
+MUL0488 7 You're booked with 1 ticket on TR3596, departing cambridge at 10:34 on Saturday and arriving peterborough at 11:24. The reference number is F92QQR6F. Train-OfferBooked(Arrive=11:24;Day=Saturday;Ref=F92QQR6F;Depart=cambridge;People=1;Id=TR3596;Dest=peterborough;Leave=10:34)
+MUL0488 8 Thank You. I would also like to know about places to go? general-thank()
+MUL0488 10 Something that is for entertainment, cinemas, museums, theatres, please. Attraction-Inform(Type=entertainment)
+MUL0488 11 whipple museum of the history of science is a museum that has a free entrance fee and located in the centre. Attraction-Recommend(Name=whipple museum of the history of science;Area=centre;Fee=free;Type=museum)
+MUL0488 12 Great. Would you be able to provide me with their phone number? Attraction-Request(Phone)
+MUL0488 14 What is the postal code for the Whipple Museum? Attraction-Request(Post)
+MUL0488 15 The postcode is cb23rh. Attraction-Inform(Post=cb23rh)
+MUL0488 16 Thank you, that will be all I need for today. general-thank()
+SNG0115 3 i can imagine, sorry for your trouble! general-bye()
+SNG0115 5 You, too. Let me know if I can be of any more assistance. general-bye()
+SNG02176 0 Is there a local hospital that has a cardiology department? Hospital-Inform(Department=cardiology)
+SNG02176 2 I just need their address and postcode please Hospital-Request(Post;Addr)
+SNG02176 4 Thank you and goodbye. general-bye()
+SNG02176 5 You're welcome. I am glad I could assist you at TownInfo centre. Goodbye. general-bye()
+SNG02177 2 I appreciate your help. Do you know how quickly the police will respond? I may need some medical help as well. Police-Inform()
+SNG02177 4 No, I am not. this is all I need, thanks! good bye. general-bye()
+SNG02177 5 Hope your day gets better! general-greet()
+SNG02171 0 i need a taxi pick up at london kings cross train station going to saigon city Taxi-Inform(Depart=london kings cross train station;Dest=saigon city)
+SNG02171 1 Ok, what time do you want to leave by? Taxi-Request(Leave)
+SNG02171 2 I want to leave by 05:00. Taxi-Inform(Leave=05:00)
+SNG02172 0 I am looking for a place to stay. The hotel should have a star of 2 and should be in the moderate price range Hotel-Inform(Stars=2;Price=moderate;Type=hotel)
+SNG02172 6 No, I just need the address. Hotel-Request(Addr)
+SNG02172 7 That hotel is located at 74 chesterton road. Hotel-Inform(Addr=74 chesterton road)
+SNG02172 8 Ok thank you that is all I needed today. general-thank()
+SNG02172 9 You are most welcome! general-welcome()
+SNG02173 0 Can you help me find a hotel with free parking? Hotel-Inform(Parking=yes;Type=hotel)
+SNG02173 2 north area of town Hotel-Inform(Area=north)
+SNG02173 5 how about hamilton lodge? It sounds lovely. Hotel-Recommend(Name=hamilton lodge)
+SNG02173 6 Is it moderately priced? Area actually doesn't matter as long as it is a 3 star moderately priced guest house Hotel-Inform(Stars=3;Name=hamilton lodge)
+SNG02173 8 Yes, and I would also like the address? Hotel-Request(Addr)
+SNG02173 10 No that won't be necessary. Thanks for your help. general-thank()
+SNG02173 11 You are welcome. Do you need any more information or do you have any transportation needs? general-reqmore()
+SNG02173 12 Nope, that's it. Thanks again. general-thank()
+SNG02173 13 You're very welcome. Have a great time. general-greet()
+MUL0333 0 I am looking for a train departing from Cambridge that would arrive by 19:45. Train-Inform(Depart=cambridge;Arrive=19:45)
+MUL0333 2 Yes, I need a train that goes to Ely and leaves on Sunday. Train-Inform(Dest=ely;Day=sunday)
+MUL0333 4 That works, can you book 2 seats for me please? Train-Inform(People=2)
+MUL0333 6 I am also looking for a very expensive restaurant located in the Centre. Do you have any suggestions? Restaurant-Inform(Area=centre;Price=expensive)
+MUL0333 8 Yes, I'd prefer British food. Restaurant-Inform(Food=british)
+MUL0333 14 Can you try booking for 2 on Sunday at 13:15 instead? Restaurant-Inform(Time=13:15)
+MUL0333 16 Thanks so much - that's all I need today. You've been a great help! general-thank()
+SNG02178 2 Thanks, I need the phone number too please. Police-Request(Phone)
+SNG02179 0 Please book me a taxi to arrive by 12:45 to the city stop restaurant. Taxi-Inform(Dest=city stop restaurant;Arrive=12:45)
+SNG02179 1 And where are you departing from please. Taxi-Request(Depart)
+SNG02179 2 I'll be departing from jinling noodle bar Taxi-Inform(Depart=jinling noodle bar)
+SNG02179 3 That's great, thank you, have a nice day. general-greet()
+SNG02179 4 Ok I need to book this taxi and I need the contact number and car type please. Taxi-Request(Car)
+SNG02179 5 A grey Audi is booked to come pick you up. Taxi-Inform(Car=grey Audi)
+SNG02179 7 Certainly, the contact number is 07809487521. Is there anything else? Taxi-Inform(Phone=07809487521)
+SNG02179 8 That should cover it. Thanks for your help. Goodbye! general-bye()
+SNG02179 9 OK. I apologize for not getting the contact number for you the first time you asked. I hope you have a great day. general-greet()
+MUL0332 0 I am looking for a cheap place to dine that serves belgian food. Restaurant-Inform(Food=belgian)
+MUL0332 2 Let's try Indian food, but it needs to be near the centre of town. Restaurant-Inform(Area=centre)
+MUL0332 4 Is there a cheap Italian place in the centre instead? Restaurant-Inform(Area=centre;Food=italian;Price=cheap)
+MUL0332 5 Yes, I've got pizza hut city centre in that area. Would you like to try it? Restaurant-Inform(Name=pizza hut city centre)
+MUL0332 6 I want to book a table for 1 person at 16:30 on saturday. Restaurant-Inform(Time=16:30;People=1;Day=saturday)
+MUL0332 8 Thank you I also need a train arriving by 12:45 going to cambridge Train-Inform(Dest=cambridge;Arrive=12:45)
+MUL0332 10 Yes, I'll be leaving from Birmingham New Street on Saturday. Train-Inform(Depart=birmingham new street;Day=saturday)
+MUL0332 12 Whichever gets me there closest to 12:45 please. I need to book 1 ticket and I also need the reference number, please. Train-Inform(People=1;Arrive=12:45)
+MUL0332 14 Actually I don't need anything else. Thank you. general-thank()
+SNG0111 2 Can I get the address. I would like to go directly to the Station. Police-Request(Addr)
+SNG0111 5 I'm so glad to have helped. You have a pleasant time at the police station, now! general-bye()
+MUL0330 0 I want to find a cheap Hungarian restaurant. Restaurant-Inform(Food=hungarian;Price=cheap)
+MUL0330 1 I'm sorry, but there are no restaurants that match your criteria. Would you like to broaden your search? Restaurant-NoOffer()
+MUL0330 2 What kind of cheap restaurants are there in the center of town? Restaurant-Inform(Price=cheap)
+MUL0330 4 Ooh, Italian sounds good. Restaurant-Inform(Food=italian)
+MUL0330 6 Yes please I need a table for 7 people at 13:30 on thursday Restaurant-Inform(Time=13:30;People=7;Day=thursday)
+MUL0330 8 how about 12:30 then? Restaurant-Inform(Time=12:30)
+MUL0330 9 We have you booked for a party of 7 at zizi cambridge for 12:30. The reference number is F25II3N0. They hold the reservation for 15 minutes. Booking-Book(Name=zizi cambridge;Time=12:30;People=7;Ref=F25II3N0)
+MUL0330 10 Ok, great! Can you also help me find a train going to cambridge? Train-Inform(Dest=cambridge)
+MUL0330 12 I would like to depart from kings lynn. Train-Inform(Depart=kings lynn)
+MUL0330 16 I can make that arrival time work. Let's book it. And what is the total price and travel time, please? Train-Request(Duration;Price)
+MUL0330 17 Booking for your train is successful. The total will be 68.6 for 7 people and the travel time is 47 minutes. Train-OfferBooked(Time=47 minutes;People=7;Ticket=68.6)
+MUL0330 18 Thank you for all your help, that is all I need today. general-thank()
+MUL0330 19 Thanks for using our system! general-bye()
+PMUL3048 0 i want information about a place i can see local attractions. Attraction-Inform()
+PMUL3048 2 Come to think of it, let's put that off for now. I was thinking of trying some new cuisine while we are in town. Something expensive. Restaurant-Inform(Price=expensive)
+PMUL3048 4 I've got a couple of Jamaican buddies and I want to make them feel at home. Restaurant-Inform(Food=jamaican)
+PMUL3048 6 How about something that serves African food? Restaurant-Inform(Food=african)
+PMUL3048 9 the phone number is 01223367660 and the postcode is cb12bd Restaurant-Inform(Post=cb12bd;Phone=01223367660)
+PMUL3048 10 Thanks for that info. I also need attractions in the same section of town as the restaurant. Do you have any boat activities? Attraction-Inform(Type=boat)
+PMUL3048 11 There are 2 in that area. They are Scudamores Punting Co and The Cambridge Punter. Attraction-Inform(Choice=2;Name=Scudamores Punting Co;Name=The Cambridge Punter)
+PMUL3048 13 The postcode is cb21rs, and the phone number is 01223359750 Attraction-Inform(Phone=01223359750;Post=cb21rs)
+PMUL3048 14 cool, thanks. i don't need anything more. see ya! general-thank()
+SNG0437 0 I need a train out of London Kings Cross. Train-Inform(Depart=london kings cross)
+SNG0437 1 Traveling on what day and to where? Train-Request(Dest;Day)
+SNG0437 2 The train should go to Cambridge on Thursday. Train-Inform(Dest=cambridge;Day=thursday)
+SNG0437 3 Okay, and do you have a preferred time to leave or arrive? Train-Request(Leave;Arrive)
+SNG0437 4 I would like to leave after 13:00 for 5 people please. Train-Inform(Leave=13:00)
+SNG0437 6 Yes please. I would like 5 tickets please. Train-Inform(People=5)
+SNG0437 8 Great that was all I needed thank you for your help! general-thank()
+PMUL3043 0 I'm hoping you can help me find a restaurant. Restaurant-Inform()
+PMUL3043 1 sure, what kind of cuisine are you looking for? Restaurant-Request(Food)
+PMUL3043 2 I'd like Persian food. Restaurant-Inform(Food=persian)
+PMUL3043 3 I'm sorry I have no restaurants serving Persian food. Restaurant-NoOffer(Food=Persian)
+PMUL3043 4 Okay how about chinese food? Restaurant-Inform(Food=chinese)
+PMUL3043 6 Any type is fine can you just give me the postcode of it? Restaurant-Request(Post)
+PMUL3043 7 Rice House is in the center, is cheap, and post code is cb12bd. Restaurant-Recommend(Name=Rice House;Price=cheap;Post=cb12bd;Area=center)
+PMUL3043 8 i am also looking for a train. The train should leave on sunday and should go to bishops stortford. The train should depart from cambridge and should arrive by 17:30. Train-Inform(Depart=cambridge;Dest=bishops stortford;Day=sunday;Arrive=17:30)
+PMUL3043 9 Okay the TR3600 leaves at 15:26 and arrives by 16:07. Train-Inform(Arrive=16:07;Id=TR3600;Leave=15:26)
+PMUL3043 10 That's perfect. Can you book for 4 people please? Train-Inform(People=4)
+PMUL3043 11 Booking was successful, the total fee is 32.32 GBP payable at the station . Reference number is : 4YOCRING. Train-OfferBooked(Ticket=32.32 GBP;Ref=4YOCRING)
+PMUL3043 12 Thank you. That is all the information I need. general-thank()
+PMUL3043 13 Is there anything else that I can assist you with today? general-reqmore()
+PMUL3043 14 No thank you that will be all general-thank()
+PMUL3043 15 Thanks for using our services, have a lovely day. general-bye()
+PMUL3042 0 Hi, I need to find a hotel to stay at. It doesn't need to have wifi. Hotel-Inform(Internet=dont care)
+PMUL3042 1 sure, i have 33 options for you Hotel-Inform(Choice=33)
+PMUL3042 2 It needs to be a hotel and include free parking. Hotel-Inform(Parking=yes;Type=hotel)
+PMUL3042 4 no but should include free parking Hotel-Inform(Parking=yes)
+PMUL3042 6 Yes please, I need 3 people for 3 nights starting saturday Hotel-Inform(Stay=3;People=3;Day=wednesday)
+PMUL3042 7 Booking was successful. Reference number is : GWJTWC3Y. Booking-Book(Ref=GWJTWC3Y)
+PMUL3042 8 That's all I need today, thank you. general-thank()
+PMUL3041 3 That museum is located in the centre of town. Their address is University of Cambridge, Downing Street. They also offer free entrance. Attraction-Inform(Fee=free;Type=museum;Addr=University of Cambridge;Addr=Downing Street;Area=centre of town)
+PMUL3041 4 I also need to book a train for sunday Train-Inform(Day=sunday)
+PMUL3041 5 what time should it depart ? Train-Request(Leave)
+PMUL3041 6 I need to get from Ely to Cambridge, and I need to leave after 19:30. Train-Inform(Depart=Ely;Dest=Cambridge;Leave=After 19:30)
+PMUL3041 7 Yes please book a seat on the train from Ely to Cambridge leaving after 19:30. Thank you. Train-OfferBook(Dest=Cambridge;Depart=Ely;Leave=19:30)
+PMUL3040 1 OK, how can I help you? general-reqmore()
+PMUL3040 2 I need a train to Cambridge leaving after 13:45. Train-Inform(Dest=cambridge;Leave=13:45)
+PMUL3040 4 Not at all. I need a train departing from Peterborough to Cambridge. Train-Inform(Depart=peterborough;Dest=cambridge)
+PMUL3040 6 Is that train running on Sunday? I need to travel from Peterborough to Cambridge on Sunday. Train-Inform(Depart=peterborough;Dest=cambridge;Day=sunday)
+PMUL3040 8 Yes. I need to book that for 7 people and I need the reference number. Train-Inform(People=7)
+PMUL3040 10 Yes, I also need a cheap guest house. It should be 4 stars in any area. Hotel-Inform(Stars=4;Price=cheap)
+PMUL3040 12 Sunday, 2 nights. 7 people. Hotel-Inform(Stay=2)
+PMUL3040 16 Yes please, can I also have the reference number? Hotel-Inform(Name=leverton house)
+PMUL3040 17 Your all set! Ref # is 6C507J4U. Booking-Book(Ref=6C507J4U)
+PMUL3040 18 Great, thank you! Have a great day. Goodbye. general-bye()
+PMUL3047 0 I need an expensive restaurant in the centre Restaurant-Inform(Area=centre;Price=expensive)
+PMUL3047 1 Sure, what type of food do you want me to look for? Restaurant-Request(Food)
+PMUL3047 4 Yes, please. Would you book it for 8 people on Tuesday at 13:00? I need to be sure to get the reference number, please. Restaurant-Inform(Time=13:00;People=8;Day=tuesday)
+PMUL3047 5 Booking was successful. The table will be reserved for 15 minutes. Reference number is : P29I9V5T. Booking-Book(Ref=P29I9V5T)
+PMUL3047 6 Thank you. I'm also in need of a place to stay. I'd like it to be a hotel with a star of 2. Hotel-Inform(Stars=2;Type=hotel)
+PMUL3047 8 Does the hotel have free parking? Hotel-Inform(Type=hotel;Name=ashley hotel)
+PMUL3047 10 Yes please for 3 nights for 8 people on Tuesday. Hotel-Inform(Stay=3;People=8;Day=tuesday)
+PMUL3047 12 No, that is all. Thanks for being so helpful for my upcoming trip. Looking forward to my stay. Bye. general-bye()
+PMUL3047 13 Your welcome, I'm glad I could help. general-welcome()
+PMUL3046 0 Can you help me find a train leaving on saturday departing from london kings cross? Train-Inform(Depart=london kings cross;Day=saturday)
+PMUL3046 2 I am going to Cambridge and would like to leave after 11:45. Train-Inform(Dest=cambridge)
+PMUL3046 4 What is the travel time for TR5729? Train-Request(Duration)
+PMUL3046 5 The travel time is 51 minutes. Train-Inform(Time=51 minutes)
+PMUL3046 6 That's great, I also need a hotel with free wifi, I would prefer a 3 star place, please. Hotel-Inform(Stars=3;Internet=yes;Type=hotel)
+PMUL3046 7 Did you have a preference for the area? Hotel-Request(Area)
+PMUL3046 8 In the centre please. Hotel-Inform(Area=centre)
+PMUL3046 12 No that is it. Thank you. general-thank()
+PMUL3046 13 Enjoy your visit! general-bye()
+PMUL3045 0 I'm looking for information on a hotel called the lensfield hotel. Hotel-Inform(Name=the lensfield hotel)
+PMUL3045 2 Ummm...can you book that for me? Or do I have to call the hotel myself? Hotel-Inform()
+PMUL3045 3 I can definitely do that for you - when would you like to arrive? Booking-Request(Day)
+PMUL3045 4 I need to stay for 5 nights. We'll be arriving on Monday. Hotel-Inform(Stay=5;Parking=y)
+PMUL3045 5 how long is your stay? I am only showing the lensfield hotel, it has 3 stars and free internet and parking Hotel-Inform(Stars=3;Parking;Name=lensfield hotel;Internet)
+PMUL3045 6 Lensfield sounds perfect. I will need 5 nights please. Hotel-Inform(Stay=5)
+PMUL3045 7 And how many people will be staying? Booking-Request(People)
+PMUL3045 8 3 for 5 nights starting wednesday, and I need the reference # then too please Hotel-Inform(Stay=5;People=3;Day=wednesday)
+PMUL3045 9 your all set reference # is N970M2RY. Something else I can help you with? Booking-Request(People)
+PMUL3045 10 I need a cab by 12:30 too the contact # and car type will be most helpful Taxi-Request(Car)
+PMUL3045 11 Is it Monday then? I want to make sure this is correct. (roles are reversed) general-reqmore()
+PMUL3045 14 still need a cab by my booked time, 12:30 please Taxi-Inform(Leave=12:30)
+PMUL3045 15 I need to know where you are traveling to Taxi-Request(Dest)
+PMUL3045 17 I am sorry we didn't reserve a table for you at any restaurant, would you like to do that now? general-reqmore()
+PMUL3045 19 Sure, just need one more piece of info to complete your taxi booking. Which restaurant will the taxi be taking you to? Taxi-Request(Dest)
+PMUL3045 21 I reserved a table at cote for you, ref # is ZLK6W3CY. Booking-Book(Ref=ZLK6W3CY)
+PMUL3045 24 Thank you that is all I need general-thank()
+PMUL3044 1 Is there a certain area or price range you had in mind? Hotel-Request(Area;Price)
+PMUL3044 2 I really want to stay with something moderately priced. But, I want it to be 4 star rated if possible. Hotel-Inform(Stars=4;Price=moderate)
+PMUL3044 4 Maybe a guesthouse with free parking, I have 7 guests and that will be for 2 nights this Monday Hotel-Inform(Stay=2;Parking=yes;Type=guesthouse;Day=monday)
+PMUL3044 7 Carolina bed and breakfast is a moderate price, 4 star guesthouse in the east area with wifi and parking. Will that work? Hotel-Inform(Type=guesthouse;Internet;Parking;Stars=4;Name=Carolina bed and breakfast;Price=moderate;Area=east area)
+PMUL3044 9 I can try to see if we do. Can you provide when you want to stay and for how long? Booking-Request(Day;Stay)
+PMUL3044 10 book it for 7 people and 2 nights starting from monday. Hotel-Inform(Stay=2;People=7;Day=monday)
+PMUL3044 13 The entrance fee is 2.50 pounds and the address is saint john's street. Attraction-Inform(Fee=2.50 pounds;Addr=saint john's street)
+PMUL3044 15 It is located in the centre. Attraction-Inform(Area=centre)
+PMUL3044 16 Ok, I think that should be about it for me. Thank you for your help. general-thank()
+MUL0554 1 Which area do you prefer? Attraction-Request(Area)
+MUL0554 5 Where would you like to depart from? Train-Request(Depart)
+MUL0554 6 I need to leave from Leicester, and the train should arrive by 10:45 please. Train-Inform(Depart=leicester;Arrive=10:45)
+MUL0554 8 I don't care when I depart, please book me one that is closest to the 10:45 arrival in cambridge. I just need one ticket. Train-Inform(People=1;Dest=cambridge;Arrive=10:45)
+MUL0554 10 That will be all, thank you. Have a great day. general-thank()
+SNG0430 0 Hello! I'm looking for a train leaving on thursday departing from bishops stortford. Train-Inform(Depart=bishops stortford;Day=thursday)
+SNG0430 1 OK, and what time are you traveling? Train-Request(Arrive;Leave)
+SNG0430 2 I'd like to leave after 21:30. Train-Inform(Leave=21:30)
+SNG0430 3 Train TR3000 leaves Bishops Strotford for Cambridge on Thursday at 23:39. Will this suit your needs? Train-Inform(Day=Thursday;Leave=23:39;Depart=Bishops Strotford;Dest=Cambridge;Id=TR3000)
+SNG0430 4 That would work for me can I get tickets for 3 people? Train-Inform(People=3)
+SNG0430 6 No, that is all I really needed. Thanks. Have a great day! general-thank()
+SNG0430 7 Glad I could help! general-bye()
+PMUL4440 0 I'm looking for this restaurant called pizza hut fen ditton Restaurant-Inform(Name=pizza hut fen ditton)
+PMUL4440 2 No, but could you book a table for me? 3 people on Friday at 16:00, please. Restaurant-Inform(Time=16:00;People=3;Day=friday)
+PMUL4440 5 Can I help you with anything else? general-reqmore()
+PMUL4440 7 Can you please tell me what type of place and if you have any preferences? Hotel-Request(Type;Stars;Price;Area;Parking;Internet)
+PMUL4440 8 I want a guesthouse in the north with a moderate price range and 4 stars. Hotel-Inform(Stars=4;Price=moderate;Type=guesthouse)
+PMUL4440 10 Yes, that would be great. I'll need to book for Friday, 3 people, and for 3 nights. Hotel-Inform(Stay=3;Name=a and b guest house)
+PMUL4440 12 Would you check again for a guesthouse in the moderate price range, in the north with four stars, please? Hotel-Inform(Stars=4;Area=north)
+PMUL4440 15 I have booked your room here is your information:Booking was successful. Reference number is : WMSF8TU5 Booking-Book(Ref=WMSF8TU5)
+PMUL4440 16 thank you very much general-thank()
+PMUL4440 17 is there anything else i can do for you? general-reqmore()
+PMUL4440 18 Nope, that's all! Thanks! general-thank()
+PMUL4440 19 Thank you for using our services. Have a wonderful day! general-bye()
+SNG0431 0 I need a train from cambridge to ely. Train-Inform(Depart=cambridge;Dest=ely)
+SNG0431 1 No problem. What day will you be leaving, and is there a particular time you would like to board? Train-Request(Leave;Day)
+SNG0431 2 Yes, I need to leave on Friday sometime after 15:30. Train-Inform(Day=friday;Leave=15:30)
+SNG0431 4 Yes, I also would like the reference number. Train-Request(Ref)
+SNG0431 6 I'm sorry, I forgot to specify that I need 6 tickets. Could you change that for me? Train-Inform(People=6)
+SNG0431 8 Thanks I appreciate it. That's all I need! general-thank()
+SNG0431 9 You're welcome. Enjoy your trip! general-bye()
+MUL0005 0 Is there any expensive seafood restaurant in town? Restaurant-Inform(Food=seafood;Price=expensive)
+MUL0005 4 Yes, I also need a place to stay a 3 star preference and it does not have to have the internet, thanks for your help. Hotel-Inform(Stars=3;Internet=no)
+MUL0005 5 We have just the place. The alpha-milton guest house is a 3 star place that is located in the north. Will that be okay? Hotel-Inform(Area=north;Stars=3;Name=The alpha-milton guest house)
+MUL0005 6 No I need a hotel in the West. Can you search again please? Hotel-Inform(Area=west)
+MUL0005 7 Unfortunately there are no 3-star hotels in the west area. Hotel-NoOffer(Area=west;Stars=3-star;Type=hotels)
+MUL0005 8 Are there any hotels that fit that description with free wifi without three stars? Hotel-Inform(Stars=dont care;Internet=yes)
+MUL0005 9 We have just the place. The huntington marriott hotel is a 4 star place with wifi that is located in the west. Will that be okay? Hotel-Inform(Name=The huntington marriott hotel;Area=west;Internet;Stars=4)
+MUL0005 15 The car is a yellow Tesla. The contact number is 07855855225. Taxi-Inform(Phone=07855855225;Car=yellow Tesla)
+MUL0005 16 Thank you very much for all of your help today. general-thank()
+SNG1239 0 I need to book a train from stansted airport to cambridge, can you help me? Train-Inform(Depart=stansted airport;Dest=cambridge)
+SNG1239 1 Yes, what day will you be traveling? Train-Request(Day)
+SNG1239 2 monday, after 11:15 Train-Inform(Day=monday;Leave=11:15)
+SNG1239 4 Can you reserve 6 tickets on the next train after 11:15? Train-Inform(People=6;Leave=11:15)
+SNG1239 6 Great sounds perfect!! Thank you so much for all your help. general-thank()
+SNG1257 0 Thanks. I'm looking for a place to go on the south. Attraction-Inform(Area=south)
+SNG1257 1 Would you prefer a museum or a nightclub? Attraction-Select(Type=museum;Type=nightclub)
+SNG1257 2 A museum, please. Attraction-Inform(Type=museum)
+SNG1257 3 There's one museum called byard art that fits your needs. Attraction-Recommend(Name=byard art;Type=museum)
+SNG1257 4 Can I get the phone number for that? Attraction-Request(Phone)
+SNG1257 6 No, thanks so much! general-thank()
+SNG1257 7 Glad to help, please let us know if you need any further assistance. general-bye()
+PMUL3458 0 Hello, can you tell me about some colleges in town? Attraction-Inform(Type=college)
+PMUL3458 6 Yes, I would like to book a train for cambridge on tuesday Train-Inform(Dest=cambridge;Day=tuesday)
+PMUL3458 8 I'll be departing from london liverpool street, and I'd like to arrive by 18:45. Train-Inform(Depart=london liverpool street;Arrive=18:45)
+PMUL3458 10 Yes for five people please. Train-Inform(People=5)
+PMUL3458 12 No, I believe that's everything for now. Thank you for all of your help. general-thank()
+PMUL3459 0 I'm looking for a restaurant called restaurant two two? Restaurant-Inform(Name=restaurant two two)
+PMUL3459 2 yeah i need a reservation for wednesday Restaurant-Inform(Day=wednesday)
+PMUL3459 3 for how many and what time please Booking-Request(Time;People)
+PMUL3459 4 I'd like to eat at 14:45. It will be three people. Restaurant-Inform(Time=14:45;People=3)
+PMUL3459 5 your table has been reserved. The booking reference number is B1QT9YDW. Booking-Book(Ref=B1QT9YDW)
+PMUL3454 0 I wanted to find out about local restaurants in Cambridge. Restaurant-Inform()
+PMUL3454 1 kindly be more specific general-reqmore()
+PMUL3454 3 I cannot locate the restaurant you are speaking of. Restaurant-NoOffer()
+PMUL3454 5 their post code is cb11ly Attraction-Inform(Post=cb11ly)
+PMUL3454 6 I also need an expensive place to dine in the mid of town. Restaurant-Inform(Price=expensive)
+PMUL3454 8 I would like Italian food, if possible. Restaurant-Inform(Food=italian)
+PMUL3454 10 that will be ok once you find the restaurant book a table for 6 people Restaurant-Inform(People=6)
+PMUL3454 11 I would be more than elated to book a table for you, but what day and time would you like it for? Booking-Request(Day;Time)
+PMUL3454 14 No, that was everything. Thank you! general-thank()
+PMUL3454 15 Thank you for contacting us. Have a great day! general-greet()
+PMUL3455 0 I need a moderately priced restaurant in the centre. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL3455 2 I would like sometthing International. Restaurant-Inform(Food=international)
+PMUL3455 4 Yes there will be 8 of us at 17:15 on Wednesday. Restaurant-Inform(Time=17:15;People=8;Day=wednesday;Name=bloomsbury restaurant)
+PMUL3455 6 Can you help me find a train? Train-Inform()
+PMUL3455 8 I would like a train from Ely to Cambridge on Wednesday and I need to arrive before 10:45. Train-Inform(Depart=ely;Dest=cambridge;Day=wednesday;Arrive=10:45)
+PMUL3455 10 No thank you. I'll just need the travel time and train ID, please? Train-Request(Duration;TrainID)
+PMUL3455 11 The ID is TR2704 and the total travel time is 17 minutes. Anything else? Train-Inform(Time=17 minutes;Id=TR2704)
+PMUL3455 12 No. That will be all for now. Thank you for your help. general-thank()
+PMUL3456 0 I would like a place to eat in the expensive price range. Restaurant-Inform(Price=expensive)
+PMUL3456 1 Sure, what type of food are you interested in? Restaurant-Request(Food)
+PMUL3456 2 I'm not too picky, could you make a suggestion? One in the centre? Restaurant-Inform(Area=centre)
+PMUL3456 8 i also need the entrance fee and postcode. Attraction-Request(Post;Fee)
+PMUL3456 9 The postcode is cb42xh. I do not the entrance fee. Attraction-Inform(Fee=do not;Post=cb42xh)
+PMUL3456 10 That is all I need, thank you. general-thank()
+PMUL3456 11 welcome any time general-welcome()
+PMUL3456 12 thanks for helping have a good day general-thank()
+PMUL3456 13 Have a good day too. Goodbye. general-bye()
+PMUL3457 0 Do you know if there are any cheap places to eat in the North part of town? Restaurant-Inform(Area=north;Price=cheap)
+PMUL3457 2 Royal spice sounds interesting, can I get the food type, address and postcode please? Restaurant-Request(Post;Food;Addr)
+PMUL3457 3 The food price is cheap, postal cold cb41eh and address is victoria avenue chesterton. Restaurant-Inform(Addr=victoria avenue chesterton;Post=cb41eh;Area=cheap)
+PMUL3457 4 What kind of food do they serve there? Restaurant-Request(Food)
+PMUL3457 6 Yes, thank you. I'm also looking for a guesthouse in the same area as the restaurant. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL3457 8 I'm hoping for a 3 star place, don't care about internet. Hotel-Inform(Stars=3;Internet=no)
+PMUL3457 10 Yes please, 7 people for 2 nights starting on sunday. Hotel-Inform(Stay=2;People=7;Day=sunday;Name=hamilton lodge)
+PMUL3457 11 I have your party of 7 booked at Hamilton Lodge for 2 nights starting on Sunday. Your reference number is EW29SOTO. Booking-Book(Day=Sunday;Ref=EW29SOTO;Stay=2;Name=Hamilton Lodge;People=7)
+PMUL3457 12 Thank you for all your help! general-thank()
+PMUL3457 13 Will that be all today? general-reqmore()
+PMUL3457 15 I hope your stay is enjoyable. general-greet()
+PMUL3457 16 Thank you! I am sure it will be thanks to your help. general-thank()
+PMUL3457 17 excellent, have a great day! general-bye()
+PMUL3450 2 I would like a train Train-Inform()
+PMUL3450 3 Where will you be departing from and on what day? Train-Request(Day;Depart)
+PMUL3450 4 I want to leave bishops stortford on Monday, going to Cambridge. Train-Inform(Depart=bishops stortford;Dest=Cambridge;Day=Monday)
+PMUL3450 6 Yes, thank you. Are there any theatre on the east side of town? Attraction-Inform(Area=east;Type=theatre)
+PMUL3450 7 there are no theatre in the east Attraction-NoOffer(Area=east;Type=theatre)
+PMUL3450 9 I'm sorry there are many choices. Can you narrow it down for me a little bit. Restaurant-Inform(Choice=many)
+PMUL3450 11 I have 5 theatres in town, but they are all in the centre of town or the south. Attraction-Inform(Choice=5;Area=centre of town;Area=south;Type=theatres)
+PMUL3450 12 No thank you that will be all general-thank()
+PMUL3450 13 Okay happy i could assist. general-welcome()
+PMUL3450 16 Well, it would be but I realized my train needed to leave Bishops after 21:15. Please rebook that for me. Train-Inform(Leave=21:15)
+PMUL3450 17 Would a 21:29 be okay? Train-Select(Leave=21:29)
+PMUL3450 18 Yes that will be fine. Thank you! general-thank()
+PMUL3450 19 is there anything else i can help you? general-reqmore()
+PMUL3450 20 I just need a a new confirmation number, thanks. general-thank()
+PMUL3450 21 Sure your reference number is: PDGADKQI. Train-Inform(Ref=PDGADKQI)
+PMUL3450 22 Thank you! Okay, NOW we've covered everything. Have a great day! Thanks again for all the help! general-thank()
+PMUL3451 0 I'd like to treat myself by eating out so please find me an expensive restaurant in the centre Restaurant-Inform(Area=centre;Price=expensive)
+PMUL3451 1 Yes! What kind of cuisine would you like? Restaurant-Request(Food)
+PMUL3451 2 Any restaurant that you recommend will be great. Can I have the postcode for the one you pick too? Restaurant-Request(Post)
+PMUL3451 6 I would prefer to find one that is located in the north. Hotel-Inform(Area=north)
+PMUL3451 7 There are no expensive hotels in the north area with free parking. Hotel-NoOffer(Price=expensive;Area=north;Parking;Type=hotels)
+PMUL3451 10 I would prefer a hotel. Hotel-Inform(Type=hotel)
+PMUL3451 14 No thanks, I just need the address please. Hotel-Request(Addr)
+PMUL3451 15 the address is 74 chesterton road Hotel-Inform(Addr=74 chesterton road)
+PMUL3451 16 thanks for helping. have a great day general-thank()
+PMUL3452 0 List all thursday train times heading to cambridge. Train-Inform(Dest=cambridge;Day=thursday)
+PMUL3452 2 Okay, I guess that would be quite a lot of typing. How about this: I need a train leaving from Leicester sometime after 21:45 on Thursday. Train-Inform(Depart=leicester;Day=thursday;Leave=21:45)
+PMUL3452 3 What time would you like to leave? Train-Request(Leave)
+PMUL3452 5 I have train TR8149 leaving at 22:09,is that okay? Train-Select(Id=TR8149;Leave=22:09)
+PMUL3452 6 That is fine. Can you give me the price and travel time, please? Train-Request(Duration;Price)
+PMUL3453 1 Excellent choice, my fellow human. What can I help you with? general-reqmore()
+PMUL3453 2 I would like a european place in the west to eat please. Restaurant-Inform(Area=west;Food=european)
+PMUL3453 4 No thanks, could you just give me their phone number? Restaurant-Request(Phone)
+PMUL3453 6 I need a train to Stevenage on Sunday, please. I need to arrive by 08:00. Train-Inform(Dest=stevenage;Day=sunday;Arrive=08:00)
+PMUL3453 7 TR5390 train departs from Cambridge at 5:21 and arrives at Stevenage at 6:10. Train-Inform(Depart=Cambridge;Dest=Stevenage;Arrive=6:10;Id=TR5390;Leave=5:21)
+PMUL3453 8 Can you book me for 2 people? Train-Inform(People=2)
+PMUL3453 10 No, that's it. Thanks for your help. general-thank()
+PMUL3453 11 You are all set and enjoy you stay. general-bye()
+SNG1238 0 I need a taxi from london kings cross train station to the gonville hotel. Taxi-Inform(Depart=london kings cross train station;Dest=gonville hotel)
+SNG1238 1 Tell the customer what time the train departs from London kings cross train, and possible arrival time to gonville hotel. Train-Inform(Depart=London kings cross;Dest=gonville hotel)
+SNG1238 2 Um what? I need to arrive by 23:00. Can you help or not? Taxi-Inform(Arrive=23:00)
+SNG1238 3 I'm sorry about that. I have booked you a black audi arriving at the hotel by 23:00. The contact number is 07582132009. Taxi-Inform(Dest=the hotel;Car=black audi;Phone=07582132009;Arrive=23:00)
+SNG1238 4 That's okay, thanks so much for your help. Have a good day now, bye! general-bye()
+PMUL2370 0 I am in the center are of Cambridge, are there any Japanese restaurants in that part of town? Restaurant-Inform(Food=japanese)
+PMUL2370 5 What day and time would you like the reservation for? Booking-Request(Time;Day)
+PMUL2370 6 I need a table for 8 at 14:30 on thursday. Restaurant-Inform(Time=14:30;People=8;Day=tuesday)
+PMUL2370 8 Yes, I am looking for places to go in the same area as the restaurant. Possibly and entertainment type of venue. Attraction-Inform(Area=centre;Type=entertainment)
+PMUL2370 15 The phone number is 01223339485. Attraction-Inform(Phone=01223339485)
+PMUL2370 16 Great, thanks so much! Can you please book me a taxi from the college to the restaurant that arrives by the time of my reservation? Taxi-Inform(Arrive=14:30)
+PMUL2370 17 Your taxi has been booked. It will be a grey Volkswagen and their contact number is 07598698020. Taxi-Inform(Car=grey Volkswagen;Phone=07598698020)
+PMUL2370 19 Thank you. You as well! general-bye()
+MUL1459 0 I am looking to book a train. Train-Inform()
+MUL1459 1 I would be more than happy to help you find a train. Can you tell me where you will be departing from and where you would like to go? Train-Request(Depart;Dest)
+MUL1459 2 I'm looking for a train that goes to leicester and arrives on sunday. The train needs to leave after 6:45 from cambridge. Train-Inform(Depart=cambridge;Dest=leicester;Day=sunday;Leave=06:45)
+MUL1459 3 Is there a time you need to arrive by? Train-Request(Arrive)
+MUL1459 4 I need to leave after 18:45, not the time I said before. Train-Inform(Leave=18:45)
+MUL1459 6 Yes please. Book it for 5 people. What is the reference number? Train-Inform(People=5)
+MUL1459 8 Yes, I am also looking for a cheap place to dine. Restaurant-Inform(Price=cheap)
+MUL1459 10 Centre area, no food type preference, what do you recommend? Restaurant-Inform(Area=centre)
+MUL1459 11 I have several options. How about the Dojo noodle bar? It's located at 40210 Millers Yard City Centre. Restaurant-Inform(Addr=40210 Millers Yard City Centre;Name=Dojo noodle bar;Choice=several)
+MUL1459 12 Sounds great, I'd like to book for the same number of people at 10:00 on the same day. Restaurant-Inform(Time=10:00;People=5;Day=sunday;Name=dojo noodle bar)
+MUL1459 14 Please try 9:00 instead on the same day. Restaurant-Inform(Time=9)
+MUL1459 16 Are you quite certain you can't get me a table at 9:00? Restaurant-Inform(Time=09:00)
+MUL1459 17 I am certain. Their phone number is 01223363471, perhaps you can call and speak with someone. Restaurant-Inform(Phone=01223363471)
+MUL1459 18 thank you I will call them general-thank()
+MUL1459 19 You're welcome. Is there anything else needed? general-reqmore()
+MUL1459 25 That doesn't seem to be working either. Booking-NoBook()
+MUL1459 26 Can you please locate another restaurant for me please that is accepting reservations on sunday. Restaurant-Inform(Day=monday)
+MUL1459 28 Please recommend the cheapest restaurant that is available and book it. We need to eat! Thanks!!! Restaurant-Inform(Price=cheap)
+MUL1459 30 No, thank you. You were very helpful. general-thank()
+MUL1459 31 Thank you for contacting Cambridge TownInfo centre. Goodbye! general-bye()
+MUL1458 0 Hi, can you help me find a train from kings lynn on Monday? Train-Inform(Depart=kings lynn;Day=monday)
+MUL1458 2 Cambridge is my destination, please. Train-Inform(Dest=cambridge)
+MUL1458 3 How many tickets would you like? Train-Request(People)
+MUL1458 4 I will need 6 tickets. Train-Inform(People=6)
+MUL1458 6 Yes, is there a reference number? I also am looking for a place to dine in the north area of town that serves chinese food. Restaurant-Inform(Area=north;Food=chinese)
+MUL1458 8 Moderate please and thank you. Restaurant-Inform(Price=moderate)
+MUL1458 12 There will be 6 of us. Restaurant-Inform(People=6)
+MUL1458 14 Could you try for 13:30? Restaurant-Inform(Time=13:30)
+MUL1458 16 That will be all. Thank you so much for all of your help! general-thank()
+MUL1329 0 What is the best french expensive restaurant in town? Restaurant-Inform(Food=french;Price=expensive)
+MUL1329 2 I'd like to eat at the one that's in the north. Restaurant-Inform(Area=north)
+MUL1329 4 What is the phone number for the restaurant? Restaurant-Request(Phone)
+MUL1329 6 Yes, can you tell me a little about a hotel called Rosa's Bed and Breakfast? Hotel-Inform(Name=rosa's bed and breakfast)
+MUL1329 7 It is located at 53 roseford rd in the south area, rated 4 stars, they have internet and parking. The phone number is 01223512596. Hotel-Inform(Internet;Addr=53 roseford rd;Parking;Stars=4;Area=south area)
+MUL1329 8 Thank you for that information. Sounds like a good place. general-thank()
+MUL1329 9 Would you like me to make you a reservation? Booking-Inform()
+MUL1329 10 Hmm, no thank you. I will need a taxi though, can you help me with that? Taxi-Inform()
+MUL1329 11 Where are you traveling to and from? Taxi-Request(Depart;Dest)
+MUL1329 12 It's going to be from the restaurant to the hotel. I want to leave the restaurant by 4:45. Can you tell me what type of car and contact number? Taxi-Inform(Depart=restaurant two two;Dest=rosa's bed and breakfast)
+MUL1329 13 I've booked your taxi! A yellow Tesla will pick you up at the restaurant at 4:45, and the contact number is 07207525802. Taxi-Inform(Phone=07207525802;Depart=the restaurant;Car=yellow Tesla;Leave=4:45)
+MUL1329 14 Great! Thank you very much! general-thank()
+MUL1329 15 Is there anything else I can do to help you today? general-reqmore()
+MUL1329 16 No, that is it. Thanks. Bye. general-bye()
+MUL1329 17 Alright! Thanks for contacting Cambridge TownInfo centre! Have a great day! general-bye()
+MUL1328 0 Hi, do you have a listing for the copper kettle? It's a restaurant. Restaurant-Inform(Name=the copper kettle)
+MUL1328 2 yes please for 3 people on satruday around lunch time Restaurant-Inform(Time=12:00;People=3;Day=saturday)
+MUL1328 3 Do you have a specific time in mind? Booking-Request(Time)
+MUL1328 4 Actually, I don't need to reserve just yet. Can you please just give me the postcode and price range? Restaurant-Request(Post;Price)
+MUL1328 6 Yes that would be all. Thank you general-thank()
+MUL1328 7 Have a lovely day! general-bye()
+MUL1328 8 Oh, wait! While I have you, I can go ahead and check on hotels. I need a hotel with free parking. Hotel-Inform(Parking=yes)
+MUL1328 9 Sure, is there an area or a price range you are interested in? Hotel-Request(Area;Price)
+MUL1328 10 No but I do need to make sure it is a hotel and not a guesthouse. Hotel-Inform(Type=hotel)
+MUL1328 12 Sounds great. I need it for one person and three nights starting Saturday. Thank you! Hotel-Inform(Stay=3;People=1;Day=saturday;Name=ashley hotel)
+MUL1328 14 Yes, I need a taxi to take me to and from the hotel and the restaurant. I need to leave the restaurant by 10:45. What taxi do you have available? Taxi-Inform(Leave=10:45)
+MUL1328 15 Okay, what time do you want to arrive at the restaurant by? Taxi-Request(Arrive)
+MUL1328 16 I actually just need a taxi from the restaurant to the hotel after we eat. We will be done eating by 10:45, so please have the taxi for us by then. Taxi-Inform(Leave=10:45)
+MUL1328 19 The contact number is 07703313171 and the car is a white volkswagen. Taxi-Inform(Phone=07703313171;Car=white volkswagen)
+MUL1328 20 Okay great. That's all the information I need for now. Thanks. general-thank()
+MUL1327 0 Hi, I'm trying to find a good place to eat. I heard about restaurant alimentum. What can you tell me about it? Restaurant-Inform(Name=restaurant alimentum)
+MUL1327 2 I am not quite ready to reserve a table, but may I have the phone number for this European restaurant? Restaurant-Request(Phone)
+MUL1327 3 Their phone number is 01223413000 Restaurant-Inform(Phone=01223413000)
+MUL1327 4 Thank you. I also need to find a place to stay in the East. Restaurant-Inform(Area=east)
+MUL1327 5 What sort of place to dine would you prefer? Restaurant-Request(Food)
+MUL1327 6 I am looking for a moderate priced guesthouse with a 4 star rating in the east. Hotel-Inform(Stars=4;Area=east;Price=moderate;Type=guesthouse)
+MUL1327 8 Can you just get me the phone number, address, and postcode for the one you recommend? Hotel-Request(Post;Phone;Addr)
+MUL1327 10 That's all, thank you very much! general-thank()
+MUL1454 0 Can you help me get train tickets leaving london kings cross arriving by 18:30? Train-Inform(Depart=london kings cross;Arrive=18:30)
+MUL1454 1 What day would you like to travel? Train-Request(Day)
+MUL1454 3 TR5219 is leaving London Kings Cross at 05:17 and arriving by 06:08 at cambridge on friday Train-Inform(Arrive=06:08;Day=friday;Leave=05:17;Depart=London Kings Cross;Dest=cambridge;Id=TR5219)
+MUL1454 4 Can you tell me the price and travel time of that? Train-Request(Duration;Price)
+MUL1454 6 Thank you. I am also looking for a place to eat, called graffiti. Restaurant-Inform(Name=graffiti)
+MUL1454 8 I would like to make a booking for 1 people at 21:00 on the same day. Restaurant-Inform(Time=21:00;People=1;Day=friday)
+MUL1454 10 How about 20:00 instead? Restaurant-Inform(Time=20:00)
+MUL1454 12 If 21:00 and 20:00 are not available, I guess I am not interested in booking anything. Can you check one more time for 20:00? Restaurant-Inform(Time=19:30)
+MUL1454 14 No, unfortunately I need either 21:00 or 20:00. Thank you for checking. Restaurant-Inform(Time=21:00)
+MUL1454 17 I hope you have a lovely day. general-welcome()
+MUL1454 18 Thanks so much, but I just realized I am missing a crucial bit of info. What is the departure time on my train, please? The corrected train, that is. Train-Request(Leave)
+MUL1454 19 I don't believe we were able to complete a reservation. Would you like to try again? Train-OfferBook()
+MUL1454 20 Yes, a train to Cambridge from london kings cross on Thursday by 18:30. If you can get a table for 1 at Graffiti that day at 20:00 or 21:00 too, great. Train-Inform(Depart=london kings cross;People=2;Dest=cambridge;Day=thursday;Arrive=18:30)
+MUL1454 21 Booking was successful, the total fee is 47.2 GBP payable at the station . Reference number is : R8P7XT7B. Train-OfferBooked(Ticket=47.2 GBP;Ref=R8P7XT7B)
+MUL1454 22 That's all I need. Thanks. general-thank()
+MUL1325 0 I need to find a really cheap hotel can you help me find one? Hotel-Inform(Price=cheap;Type=hotel)
+MUL1325 2 I need to find a hotel in the west that has free wifi and located in the west please. Hotel-Inform(Area=west;Internet=yes;Type=hotel)
+MUL1325 4 Yes, can you book that for friday for 3 nights? Hotel-Inform(Stay=3;Day=friday)
+MUL1325 5 I'd love to - how many people in your party? Booking-Request(People)
+MUL1325 6 There will be 5 of us. Hotel-Inform(People=5)
+MUL1325 14 No, that's all. Thanks so much! Bye! general-bye()
+MUL1324 0 I would like to find a hotel in the east. Can you help me? Hotel-Inform(Area=east;Type=hotel)
+MUL1324 1 Sure, Express by holiday inn cambridge is located in the east. Free internet & parking 2 stars. Phone number is 01223866800 Hotel-Inform(Area=east;Name=Express by holiday inn cambridge;Internet;Parking;Phone=01223866800;Stars=2)
+MUL1324 2 I'd actually like to find a guesthouse in the east instead. I'd still like it to have free wifi. Hotel-Inform(Internet=yes;Type=guesthouse)
+MUL1324 7 The booking was unsuccessful do you have another choice? Booking-NoBook()
+MUL1324 8 Maybe just a one night stay then, try that. Hotel-Inform(Stay=1)
+MUL1324 10 Can you also find me an expensive British restaurant in the same area as the hotel? Restaurant-Inform(Area=east;Food=british;Price=expensive)
+MUL1324 12 Yes please. Could you provide me with their postcode, phone number, and address as well? Restaurant-Request(Post;Addr)
+MUL1324 14 Actually, no need to book. I just need the postcode, phone number and address for the Grafton Hotel Restaurant. Thanks. Restaurant-Request(Post;Phone;Addr)
+MUL1324 16 I'd like to book a taxi from the hotel at 18:30 to the restaurant. Taxi-Inform(Leave=18:30)
+MUL1324 18 No, I think that covers everything. Thanks so much for your help! general-thank()
+MUL1324 19 Thank you for using our system! general-bye()
+MUL1451 0 I am looking for a moderately priced restaurant please. Restaurant-Inform(Price=moderate)
+MUL1451 2 I would like to try Jamaican cuisine. Restaurant-Inform(Food=jamaican)
+MUL1451 4 Sure, I'd be happy with some European food. Restaurant-Inform(Food=european)
+MUL1451 6 No thank you, but I would like the phone number please. Restaurant-Request(Phone)
+MUL1451 7 Sure thing. The phone number is 01223362054. Restaurant-Inform(Phone=01223362054)
+MUL1451 8 I am also looking for a train. Train-Inform()
+MUL1451 9 Where are you leaving from and going to? Train-Request(Dest;Depart)
+MUL1451 10 I'm leaving from Cambridge and going to peterborough. Train-Inform(Depart=cambridge;Dest=peterborough)
+MUL1451 11 And when will you be travelling? Train-Request(Day)
+MUL1451 12 I am looking to leave Cambridge on Saturday. Train-Inform(Day=saturday)
+MUL1451 13 Do you have a time you want to leave or arrive by? Train-Request(Arrive;Leave)
+MUL1451 14 yes I need to arrive by 12:45, for 2 people Train-Inform(People=2;Arrive=12:45)
+MUL1451 15 You have tickets on TR1615, reference number 3GF53QET. Train-OfferBooked(Id=TR1615;Ref=3GF53QET)
+MUL1451 16 Thank you so much, you have been very helpful. That is everything. Have a nice day, bye. general-bye()
+MUL1451 17 Glad to have been of assistance! general-welcome()
+MUL1322 0 I'm looking for a hotel in the east, and I'd like free wifi please. Hotel-Inform(Area=east;Internet=yes;Type=hotel)
+MUL1322 1 I've found Express by Holiday Inn Cambridge. 15-17 norman way, coldhams business park Hotel-Inform(Name=Express by Holiday Inn Cambridge;Addr=15-17 norman way;Addr=coldhams business park)
+MUL1322 2 Does that hotel include free parking and have 2 stars? Hotel-Inform(Stars=2)
+MUL1322 3 Yes it does. Would you like me to book it? Booking-Inform()
+MUL1322 4 No, thank you, that's all I need. general-thank()
+MUL1322 5 Thank you for contacting Cambridge TownInfo centre. Have a nice trip! Goodbye! general-bye()
+MUL1322 6 Actually, I also need a moderate priced restaurant in the same area. Restaurant-Inform(Area=east;Price=moderate)
+MUL1322 8 Well, everyone said it s my choice, so I think I would like Italian. Restaurant-Inform(Food=italian)
+MUL1322 9 Okay the pizza hut fen ditton fits that criteria. It is located in Cambridge Retail Park. Restaurant-Inform(Addr=Cambridge Retail Park;Name=the pizza hut fen ditton)
+MUL1322 10 Could you provide me with the address, phone number and postcode? Restaurant-Request(Post;Phone;Addr)
+MUL1322 11 Sure. The address is Cambridge Retail Park Newmarket Road Fen Ditto, the postcode is cb58wr, and the phone number is 01223323737. Restaurant-Inform(Post=cb58wr;Addr=Cambridge Retail Park Newmarket Road Fen Ditto;Phone=01223323737)
+MUL1322 12 OK, thank you, that is everything that I need. general-thank()
+MUL1321 0 Hi, I need to find a hotel in north area that includes free wifi. Hotel-Inform(Area=north;Internet=yes;Type=hotel)
+MUL1321 2 Are either one of them a guesthouse? Hotel-Inform(Type=guesthouse)
+MUL1321 3 No, they are not. I do have 33 guesthouses that fit your needs. Hotel-Inform(Choice=33;Type=guesthouses)
+MUL1321 4 Can you give me the star rating of your top three guesthouses along with a price range? Hotel-Request(Price)
+MUL1321 5 They are all 4 star guesthouses that are moderately priced. Hotel-Inform(Stars=4;Price=moderately priced;Choice=all;Type=guesthouses)
+MUL1321 6 Can you give me the phone number for your favorite of those? Hotel-Request(Phone)
+MUL1321 8 I am also looking for information about a restaurant called The Hotpot. Can you help me with that? Restaurant-Inform(Name=the hotpot)
+MUL1321 10 Yes please. For 1 at 16:45 this Saturday. Restaurant-Inform(Time=16:45;People=1;Day=saturday)
+MUL1321 12 What was the reference number? Restaurant-Request(Ref)
+MUL1321 14 That would be everything. Thank you general-thank()
+MUL1321 16 Thank you, you too! general-thank()
+MUL1320 0 I am looking for a place to stay with free wifi. Hotel-Inform(Internet=yes)
+MUL1320 1 Certainly. What part of town are you wanting to stay in? Hotel-Request(Area)
+MUL1320 2 The north part of town please. Are there any guesthouses? Hotel-Inform(Area=north;Type=guesthouse)
+MUL1320 3 We have ten such places. Hotel-Inform(Choice=ten)
+MUL1320 4 Great! Could you book one of those for Sunday for me? Hotel-Inform(Stay=1;People=1;Day=sunday)
+MUL1320 6 How about just 1 night? Hotel-Inform(Stay=1)
+MUL1320 10 I need a hotel on sunday for 4 people for 3 nights. I need the hotel to be a guesthouse with free wifi. Hotel-Inform(Internet=yes;Type=guesthouse;People=4;Day=sunday)
+MUL1320 12 Try hotels in the north, then. Hotel-Inform(Area=north)
+MUL1320 14 Ok, can you try for just 1 night please? Hotel-Inform(Stay=1)
+MUL1320 16 I also am looking to dine out. Something European, and expensive. Restaurant-Inform(Food=european;Price=expensive)
+MUL1320 18 Nearest the hotel will be fine, I also need a cab after the restaurant Restaurant-Inform(Area=north)
+MUL1320 20 I would like to go back to the hotel after eating Taxi-Inform(Dest=acorn guest house)
+MUL1320 21 Can you tell me what time you would like the taxi to pick you up from the restaurant? Taxi-Request(Leave)
+MUL1320 24 I also need a taxi to commute between both places, and could you make sure it arrives at the restaurant by the booked time? Taxi-Inform(Arrive=15:45)
+MUL1320 26 That is all. Thank you! You were so helpful! general-thank()
+MUL0328 4 Yes please. I would like to book a table for 5 at 12:30 on Friday, please. Restaurant-Inform(Time=12:30;People=5;Day=friday)
+MUL0328 6 Is it available at 11:30? Restaurant-Inform(Time=11:30)
+MUL0328 8 Yes I'm also looking for a train to Kings Lynn on Saturday. Train-Inform(Dest=kings lynn;Day=saturday)
+MUL0328 9 Where are you departing from? Train-Request(Depart)
+MUL0328 10 I want to depart from Cambridge after 10:45. Train-Inform(Leave=10:45)
+MUL0328 11 I found one TR1817 leaving at 11:11 would that work for you? Train-Inform(Leave=11:11;Id=TR1817)
+MUL0328 13 7.84 pounds. What's your price point? Train-Inform(Ticket=7.84 pounds)
+MUL0328 14 That one will work just fine, thank you. general-thank()
+MUL0328 15 Ok, before booking I will need to know how many tickets you would like to purchase? Train-Request(People)
+MUL0328 16 No need, that's all I wanted. Thank you for the help! general-thank()
+MUL0328 17 Thank you. Have a great day. general-bye()
+MUL0329 0 I want to find an expensive Indian restaurant. Restaurant-Inform(Food=indian;Price=expensive)
+MUL0329 2 I'd like the restaurant to be in the centre. Restaurant-Inform(Area=centre)
+MUL0329 4 What is the postal code for the Curry Garden? Restaurant-Request(Post)
+MUL0329 5 The postcode for Curry Garden is cb21dp. Restaurant-Inform(Name=Curry Garden;Post=cb21dp)
+MUL0329 6 Ok, great thanks. Can you also help me find a train going to stevenage? Train-Inform(Dest=stevenage)
+MUL0329 8 Sorry, I'm looking for a train TO stevenage arriving by 14:00 on Friday. Train-Inform(Dest=stevenage;Day=friday;Arrive=14:00)
+MUL0329 10 No booking necessary, but could you tell me the travel time? Train-Request(Duration)
+MUL0329 11 The travel time between cambridge and stevenage is 49 minutes. Train-Inform(Time=49 minutes;Depart=cambridge;Dest=stevenage)
+MUL0329 12 Sounds good thank you. general-thank()
+MUL0498 0 Hi, could you recommend any local cinemas in the area? I'm looking for any places that are near the centre. Attraction-Inform(Area=centre;Type=cinema)
+MUL0498 2 Yes, please. I would also like to know the entrance fee and phone number for that cinema. Attraction-Request(Phone;Fee)
+MUL0498 3 The postcode is cb11ps. The address is the grafton centre, east road. The phone number is 08712240240. The entrance fee is not present in our database. Attraction-Inform(Post=cb11ps;Fee=not present in our database;Phone=08712240240;Addr=grafton centre;Addr=east road)
+MUL0498 4 I also want information on any trains that depart from broxbourne to cambridge. Train-Inform(Depart=broxbourne;Dest=cambridge)
+MUL0498 6 I want to leave on a Tuesday and arrive by 21:00. Train-Inform(Day=tuesday;Arrive=21:00)
+MUL0498 8 It doesn't matter when I leave by. Train-Request(Leave)
+MUL0498 10 No thanks, I'm just gathering information. Could you give me the ticket price of the 05:32? Train-Request(Price)
+MUL0498 11 The price is 17.90 pounds. Train-Inform(Ticket=17.90 pounds)
+MUL0498 12 Thank you very much for the help! general-thank()
+MUL0499 0 I am hoping to book a 5 star hotel in cambridge that is expensive. What ones are available to book for next Thursday through Sunday? Hotel-Inform()
+MUL0499 2 Actually, I'm not looking for a hotel at all. I'm looking for a train on Thursday that is departing Birmingham New after 12:15 to Cambridge. Is there anything available? Train-Inform(Dest=cambridge;Day=thursday;Leave=12:15)
+MUL0499 4 Anytime is fine by me. Can I have the train ID and travel time? Train-Request(Duration;TrainID)
+MUL0499 5 The train departing closest to 12:15 is the TR3498, which leaves at 12:40. The duration of the trip is 163 minutes. Train-Inform(Id=TR3498;Time=163 minutes;Leave=12:40)
+MUL0499 6 Yes also I am looking to visit one of the colleges on the wets side of town. Attraction-Inform(Type=college)
+MUL0499 7 I'm showing 5 colleges in the west end. 3 have free admission, 2 charge a 2.50 pounds fee. Attraction-Inform(Type=college;Area=west;Choice=5;Fee=free;Fee=2.50 pounds)
+MUL0499 8 Could you provide me with the address of each location including the entrance fee for them as well? Attraction-Request(Fee;Addr)
+MUL0499 9 Three are free: Churchill, at Storey's Way; Clare Hall, at Herschel Road; and Magdalene on Magdalene St. The others are 2.5P, Clare at Trinity Lane; and Queens' at Silver Street. Attraction-Inform(Fee=free;Fee=2.5P;Addr=Storey's Way;Addr=Herschel Road;Addr=Magdalene St.;Addr=Trinity Lane;Addr=Silver Street;Name=Churchill;Name=Clare Hall;Name=Magdalene;Name=Clare;Name=Queens')
+MUL0499 10 Thanks you have been very helpful. That's all I need for today. general-thank()
+SNG0104 4 Can I just have the address and postcode for the police station, please? Police-Request(Post;Addr)
+SNG0104 6 No, I think that's it for right now. Thanks. general-thank()
+SNG0104 7 Thanks for using our service, and I hope your day gets better! general-bye()
+MUL0497 0 Hi, I'm planning a trip to Cambridge and I'm looking for places to visit in the centre. Attraction-Inform(Area=centre)
+MUL0497 1 There are churches, colleges, and museums. Attraction-Inform(Type=churches;Type=colleges;Type=museums)
+MUL0497 2 I'm not sure which I'd like to visit, do you have any recommendations? Also, please let me know the entrance fee. Attraction-Request(Fee)
+MUL0497 6 I would like to travel on Sunday going to cambridge. Train-Inform(Dest=cambridge;Day=sunday)
+MUL0497 8 I'll be leaving from stevenage Train-Inform(Depart=stevenage)
+MUL0497 10 Yes please, for 4 people. Train-Inform(People=4)
+MUL0497 12 No. That will be all for today. Thank you. general-thank()
+MUL0497 13 Have a great day. general-bye()
+MUL0326 0 Hello, I'm looking for a train to Birmingham New Street that will leave on Wednesday. Train-Inform(Dest=birmingham new street;Day=wednesday)
+MUL0326 2 Departing time, no, but I'd like to arrive at birmingham new street by 16:45 Train-Inform(Dest=birmingham new street;Arrive=16:45)
+MUL0326 4 No. I require the travel time, price, and train ID. Train-Request(Duration;Price;TrainID)
+MUL0326 6 I'm looking for a place to dine, preferably an Indian restaurant. Restaurant-Inform(Food=indian)
+MUL0326 8 I'd like something cheap and in the centre, please. Restaurant-Inform(Area=centre;Price=cheap)
+MUL0326 10 Yes, please. I'd like a table for 1 on wednesday at 12:15 at The Kohinoor. Restaurant-Inform(Time=12:15;People=1;Day=wednesday)
+MUL0326 12 How about 11:15? Restaurant-Inform(Time=11:15)
+MUL0326 15 Sure, when do you want to be picked up? Taxi-Request(Leave)
+MUL0326 16 That was all I needed, thank you. general-thank()
+MUL0326 17 Thank you for using our system! general-bye()
+SNG0107 0 Hello, I need information for the nearest police station please. Police-Inform()
+SNG0107 2 Can I have the postcode please? Police-Request(Post)
+SNG0107 4 No, thank you for your help. general-thank()
+SNG0107 5 You are welcome. Please let us know if there's anything else we can assist you with in the future. general-bye()
+MUL0320 0 hi I want a train to Ely arrived by 13:45, can you help me do that? Train-Inform(Dest=ely;Arrive=13:45)
+MUL0320 1 What time do you want to depart? Train-Request(Leave)
+MUL0320 5 First, may I confirm that your departure site is Cambridge? Train-Request(Depart)
+MUL0320 6 That is correct. Train-Inform(Depart=cambridge)
+MUL0320 8 I also need a Thai restaurant in the moderate price range. Restaurant-Inform(Food=thai;Price=moderate)
+MUL0320 14 Sounds lovely. Thank you so much for all of your help! general-thank()
+MUL0320 15 Thank you for using this system. general-bye()
+MUL0321 0 I was wondering if you could point me in the direction of a local restaurant by the name of Wagamama. Restaurant-Inform(Name=wagamama)
+MUL0321 2 I need to book it for 8 people at 13:30 on wednesday. Restaurant-Inform(Time=13:30;People=8;Day=wednesday)
+MUL0321 6 Yes I need you to confirm what time my reservation is and give me the reference number. I thought you said 13:30 originally didn't work. I'm getting confused. Restaurant-Inform(Time=12:30)
+MUL0321 7 So sorry for the confusion, I was able to book for 12:30 on Wednesday for 8 at Wagamama. Your reference number is UFXHVHMX, it will be held 15 minutes. Booking-Book(Time=12:30;Ref=UFXHVHMX;Name=Wagamama;Day=Wednesday;People=8)
+MUL0321 8 Can you find me a train that departs from ely to Cambridge? I need to book a seat on the same day as my restaurant booking please. Train-Inform(Depart=ely;Dest=cambridge;Day=wednesday)
+MUL0321 10 I'd like to arrive by 8:00, please. Train-Inform(Arrive=08:00)
+MUL0321 12 The one that arrives at 7:52 is fine. I would like 8 tickets please. Can I get the reference number as well? Train-Inform(People=8)
+MUL0321 13 Alright, I have 8 tickets booked on TR9741, arriving at 7:52. The reference number is 6JRDO7P6. Train-OfferBooked(People=8;Ref=6JRDO7P6;Arrive=7:52;Id=TR9741)
+MUL0321 14 Excellent! That's everything I need, thank you for your help. general-thank()
+MUL0321 15 Great. I'm glad I could help. Please call again. general-bye()
+MUL0321 16 No Thanks for all your help. general-thank()
+MUL0321 17 Thank you for using our service and have a great day. general-bye()
+MUL0490 0 Hi, I need to book a train. Train-Inform()
+MUL0490 1 Great! Can you please provide where you will be departing from? Train-Request(Depart)
+MUL0490 2 I will be leaving bishops stortford and I would like to arrive by 16:30. Train-Inform(Depart=bishops stortford;Arrive=16:30)
+MUL0490 4 I would like a train for Tuesday going to Cambridge. The departure time doesn't matter. Train-Inform(Dest=cambridge;Day=tuesday)
+MUL0490 8 I am also looking for Kettle's Yard, can you help? Attraction-Inform(Name=kettle's yard)
+MUL0490 9 Yes, Kettle's Yard is in the west area located at castle street. Their phone number is 01223748100. Attraction-Inform(Phone=01223748100;Area=west;Addr=castle street;Name=Kettle's Yard)
+MUL0490 10 That's all I need, thank you. general-thank()
+SNG0103 0 Hi I was just robbed... Can I get some help? general-greet()
+SNG0103 2 Thank you, could you also give me the postcode? Police-Request(Post)
+SNG0103 4 No, that's it, thanks. general-thank()
+SNG0103 5 Okay. Hope things get better. Goodbye. general-bye()
+MUL0148 0 I am looking for a centrally located upscale restaurant. Restaurant-Inform()
+MUL0148 1 I can book you at the midsummer House Restaurant if you would like. Booking-Inform(Name=midsummer House Restaurant)
+MUL0148 4 Yes. I a place to stay. A upscale hotel please. Hotel-Inform(Type=hotel)
+MUL0148 6 I prefer upscale and want to stay in a hotel rather than a guesthouse. I also need free parking. Hotel-Inform(Parking=yes;Type=hotel)
+MUL0148 10 Not right now. Can I please have the address and phone number of the Huntingdon Marriott? Hotel-Request(Phone;Addr)
+MUL0148 12 No, that should be it, thanks! general-thank()
+MUL0149 0 I'm looking for information on the cambridge belfry hotel. Hotel-Inform(Name=the cambridge belfry)
+MUL0149 1 the cambridge belfry is cheap, located in the west, and has 4 stars. It has free internet and parking. Hotel-Inform(Area=west;Name=the cambridge belfry;Internet;Price=cheap;Parking;Stars=4)
+MUL0149 3 Sure, when were you looking to book for? Booking-Request(Day)
+MUL0149 4 I'm sorry i don't need that booked. Rather i need information on a place to dine. Preferably expensive and in the centre of town. Restaurant-Inform(Area=centre;Price=expensive)
+MUL0149 5 What about the Cambridge Chop House? It is located in the centre of town and has expensive food. Restaurant-Inform(Name=the Cambridge Chop House;Area=centre of town;Price=expensive)
+MUL0149 6 Sure that sounds great! Can you please give me their address, postcode and what type of food do they serve? Restaurant-Request(Post;Food;Addr)
+MUL0149 8 Please make a taxi reservation for me. Taxi-Inform()
+MUL0149 9 I'd be happy to assist you, but I will need some more information. Where are you departing from and when would you like to leave? Taxi-Request(Depart;Leave)
+MUL0149 10 I'm departing from the cambridge belfry and heading to the cambridge chop house. Taxi-Inform(Depart=the cambridge belfry;Dest=the cambridge chop house)
+MUL0149 11 What time would you like the taxi to arrive? Taxi-Request(Arrive)
+MUL0149 13 The car type is a white skoda and the contact number is 07572111702. Will that be all? Taxi-Inform(Phone=07572111702;Car=white skoda)
+MUL0149 14 That is all, thank you. I got all the information that I need. Thank you and have a good day. general-thank()
+MUL0140 0 I'm looking for a nice guesthouse to stay at during my trip to Cambridge. Anything with a 4 star rating will do. Hotel-Inform(Stars=4;Type=guesthouse)
+MUL0140 2 Possibly, does this guesthouse hotel offer free parking and free wifi? Hotel-Inform(Parking=yes;Internet=yes;Type=guesthouse)
+MUL0140 3 How about Allenbell? This meets all your criteria. Hotel-Recommend(Name=Allenbell)
+MUL0140 12 I just need the address for one of the restaurants. Restaurant-Request(Addr)
+MUL0140 13 The address for La Tasca is 14 -16 Bridge Street. Restaurant-Inform(Addr=14 -16 Bridge Street;Name=La Tasca)
+MUL0140 15 I'd be happy to help with your request, but first I will need to know what your destination is from the restaurant. Taxi-Request(Dest)
+MUL0140 16 I need to return back to the hotel from the restaurant. Taxi-Inform(Dest=allenbell)
+MUL0140 18 Yes I will also need the contact number for the taxi. Thanks Taxi-Inform()
+MUL0140 20 What is the car type that will be sent? Taxi-Request(Car)
+MUL0140 22 No, that is all! Thank you very much! general-thank()
+MUL0141 0 While in Cambridge I would really like to know where to find a place to eat called meghna. Restaurant-Inform(Name=meghna)
+MUL0141 1 Meghna is in the west, address 205 Victoria Road Chesterton, postcode cb43lf. Restaurant-Inform(Post=cb43lf;Area=west;Addr=205 Victoria Road Chesterton;Name=Meghna)
+MUL0141 3 What day and time would you like to make a reservation on and for how many people? Booking-Request(Day;Time;People)
+MUL0141 4 Scratch that, I'll book it myself. Now I just need to find a place to stay, a hotel with a 4 star rating. Hotel-Inform(Stars=4;Type=hotel)
+MUL0141 6 Yes I would prefer that it's in the west. And I need free parking. That is a hotel style correct? Hotel-Inform(Area=west;Parking=yes;Type=hotel)
+MUL0141 10 I would like the phone number and the address of the expensive one. Hotel-Request(Phone;Addr)
+MUL0141 12 No thank you, Would you book a taxi for me? I want to be picked up at Meghna and leave by 10:15. I would like the Contact Number and Car Type. Taxi-Inform(Depart=meghna;Leave=10:15)
+MUL0141 13 Where is your desired destination? Taxi-Request(Dest)
+MUL0141 15 I have booked you a red toyota taxi. The contact number is 07193902205 Taxi-Inform(Phone=07193902205;Car=red toyota)
+MUL0141 18 No, thank you very much for all of your help today. general-thank()
+MUL0142 0 Can you help me fine a local restaurant? I am looking for a moderately priced place to dine that is located somewhere near the centre. Restaurant-Inform(Area=centre;Price=moderate)
+MUL0142 2 No particular food style, but I need a reservation for 1 on Saturday at 11:30, once I decide on a place I will need a reference number. Restaurant-Inform(Time=11:30;Day=saturday)
+MUL0142 4 I am also looking for a place to stay. I need a guesthouse with free wifi. Hotel-Inform(Internet=yes)
+MUL0142 5 Booking was successful at yippee noodle bar. The table will be reserved for 15 minutes. Reference number is : K1103XE1. Booking-Book(Ref=K1103XE1;Name=yippee noodle bar)
+MUL0142 6 Thank you! Is there a guesthouse with free parking and wifi nearby? Hotel-Inform(Parking=yes;Internet=yes;Type=guesthouse)
+MUL0142 7 We have the Alexander Bed and Breakfast a 4 star guesthouse in the centre part of town in the cheap price range. Does this sound acceptable to book? Hotel-Inform(Type=guesthouse;Stars=4;Name=the Alexander Bed and Breakfast;Price=cheap;Area=centre part of town)
+MUL0142 8 Are there any hotels instead of guesthouses with the same criteria? Hotel-Inform(Type=guesthouse)
+MUL0142 9 The University Arms Hotel might be your best bet. It is an expensive 4-star hotel in the center of town with free wifi and free parking. Hotel-Inform(Name=The University Arms Hotel;Area=center of town;Internet;Type=hotel;Parking;Stars=4;Price=expensive)
+MUL0142 10 Actually, can you please book the Alexander Bed and Breakfast instead? I'll be arriving on Saturday and need a room for 4 nights. Just one person. Hotel-Inform(Stay=4;People=1;Day=saturday)
+MUL0142 12 Is it available for a single night stay? Hotel-Inform(Stay=1)
+MUL0142 13 Yes. I have booked your reservation for one night. The reference number is Q1BD4PP0 Booking-Book(Ref=Q1BD4PP0;Stay=one)
+MUL0142 14 I also need a taxi in order to commute Taxi-Inform()
+MUL0142 15 when do you want to depart and/or arrive? Taxi-Request(Leave;Arrive)
+MUL0142 17 I have booked you a taxi meeting your requirements. It is a yellow volkswagen and the contact number is 07340142322. Taxi-Inform(Car=yellow volkswagen;Phone=07340142322)
+MUL0142 18 Great. Thank you. That is all I need for today. general-thank()
+MUL0143 0 I'm looking for a moderate price hotel in the north part of town. Hotel-Inform(Area=north;Price=moderate)
+MUL0143 2 I don't care about star rating so much, but it the hotel needs to include free wifi. Hotel-Inform(Internet=yes)
+MUL0143 5 How about the acorn guest house? It has parking and wifi. Hotel-Inform(Parking;Name=the acorn guest house;Internet)
+MUL0143 6 That will work. What is the phone number, address, and star rating for the hotel? Hotel-Request(Phone;Addr)
+MUL0143 7 Sure, the phone number is 01223353888, the address is 154 Chesterton Road, and it has a 4 star rating. Hotel-Inform(Phone=01223353888;Addr=154 Chesterton Road;Stars=4)
+MUL0143 8 Thanks. I'm also looking for a restaurant in the same price range as the hotel can you help me out? Restaurant-Inform(Price=moderate)
+MUL0143 9 How about the the nirala? They are moderate price range and are in the north. Restaurant-Inform(Area=north;Price=moderate;Name=the nirala)
+MUL0143 12 That sounds good. I need a table for two at 16:00 on Thursday. Restaurant-Inform(Time=16:00;People=2;Day=thursday)
+MUL0143 13 Okay, I have that booked for you, Thursday at 16:00 for two people. Here is your reference number: W7R9KEYJ. They will hold your table for 15 minutes. Booking-Book(Time=16:00;Day=Thursday;People=two;Ref=W7R9KEYJ)
+MUL0143 18 From the hotel to the restaurant, please. Taxi-Inform(Depart=acorn guest house;Dest=nirala)
+MUL0143 20 Great thank you very much that's all the info I need. general-thank()
+MUL0144 0 I am looking for suggestions for a cheaper restaurant in the center of town. Restaurant-Inform(Price=cheap)
+MUL0144 4 Yes please, if that time doesn't work, we can try for 16:00. Restaurant-Inform(Time=16:00)
+MUL0144 6 I also need a hotel with free parking and free wifi. Hotel-Inform(Parking=yes;Internet=yes)
+MUL0144 7 What area of town and price range would you prefer? Hotel-Request(Price;Area)
+MUL0144 8 I prefer a guesthouse, and I need someplace cheap, please. Area doesn't matter. Hotel-Inform(Price=cheap;Type=guesthouse)
+MUL0144 10 Could you tell me the star of the hotel? Hotel-Inform()
+MUL0144 12 No thank you, that is all. general-thank()
+MUL0144 13 Thank you for using our service. Is there any further assistance you need? general-reqmore()
+MUL0144 14 No thanks. That's all I needed. Have a great day! general-thank()
+MUL0144 15 Have a good day! general-bye()
+MUL0145 0 I am looking for a restaurant in the moderate price range in the centre of town. Restaurant-Inform(Area=centre;Price=moderate)
+MUL0145 2 I would like it to serve food from the americas. Restaurant-Inform(Food=the americas)
+MUL0145 4 How about european food? Restaurant-Inform(Food=european)
+MUL0145 10 I need to book a table for 3 people at 16:00 on friday at galleria Restaurant-Inform(Time=16:00;People=3;Day=friday)
+MUL0145 12 I'm also looking for a hotel called hamilton lodge. Hotel-Inform(Name=hamilton lodge)
+MUL0145 14 Do they offer free parking? And can I get the phone number for them please. Hotel-Request(Phone;Parking)
+MUL0145 15 Yes, there is free parking at Hamilton Lodge. The phone number is 01223365664. Hotel-Inform(Parking;Name=Hamilton Lodge;Phone=01223365664)
+MUL0145 17 i have booked you a taxi, red tesla, phone number is 718 850 4433. Taxi-Inform(Car=red tesla;Phone=718 850 4433)
+MUL0145 18 Thank you that's all that I needed general-thank()
+MUL0145 19 Thank you have a great day. general-bye()
+MUL0146 0 Find a budget hotel with free parking in Cambridge. Hotel-Inform(Parking=yes)
+MUL0146 2 I would like it to have a four star rating and be located on the west side. Hotel-Inform(Stars=4;Area=west)
+MUL0146 4 Please book it for 5 people and 5 nights starting from wednesday. Hotel-Inform(Stay=5;People=5;Day=wednesday)
+MUL0146 6 Let's try 4 nights only please and I'll need a reference number. Hotel-Inform(Stay=4)
+MUL0146 8 I am also looking for a vietnamese place to dine in the same price range as the hotel. Restaurant-Inform(Food=vietnamese;Price=cheap)
+MUL0146 12 Yes I'd like to book for 5 at 13:00 on Wednesday as well. I will also need the reference number. Restaurant-Inform(Time=13:00;People=5;Day=wednesday)
+MUL0146 13 Great the reference is PDELCKQS. Thank you. Booking-Book(Ref=PDELCKQS)
+MUL0146 14 Thank You. That's all i need. general-thank()
+MUL0146 15 Have a good day, Goodbye general-bye()
+MUL0147 0 I'm planning to visit Cambridge and would like to know the options available for upscale Chinese dining. Restaurant-Inform(Food=chinese)
+MUL0147 2 I don't mind an expensive restaurant so that will be fine. I would like to reserve a table for 3 on Sunday at 15:00. Restaurant-Inform(Price=expensive;Day=sunday)
+MUL0147 3 How about yu garden? It's expensive and serves chinese food. Restaurant-Inform(Price=expensive;Name=yu garden;Food=chinese)
+MUL0147 4 That should be fine. Can you get the reference number? Restaurant-Request(Ref)
+MUL0147 5 Unfortunately there are no reservations left at that time. Would you like to change the restaurant? Booking-NoBook()
+MUL0147 6 Do you have reservations for 14:00 for Yu Garden since the 15:00 is full? Restaurant-Inform(Time=14:00)
+MUL0147 7 For 14:00, Booking was successful. The table will be reserved for 15 minutes. Reference number is : NHCRN6DS. Booking-Book(Time=14:00;Ref=NHCRN6DS)
+MUL0147 8 Thanks. I'm also looking for a guesthouse that includes free wifi and free parking. Hotel-Inform(Parking=yes;Internet=yes;Type=guesthouse)
+MUL0147 9 Certainly. What area of town do you prefer? Hotel-Request(Area)
+MUL0147 12 No, any price range is fine. Go ahead and book, and get me the postcode. Hotel-Request(Post)
+MUL0147 14 That's all I need for now. thanks! general-thank()
+MUL1121 0 I am excited about visiting a particular attraction in Cambridge. Can you help me? Attraction-Inform()
+MUL1121 2 I am looking for the fitzwilliam museum Attraction-Inform(Name=the fitzwilliam museum)
+MUL1121 4 Yes, please. What is the postcode? Attraction-Request(Post)
+MUL1121 6 Yes. I am looking for a place to stay that has 4 stars and includes free wifi. Hotel-Inform(Stars=4;Internet=yes)
+MUL1121 9 Ok, I can book you a room at the Arbury Lodge Guesthouse. Is that good? Hotel-Inform(Name=Arbury Lodge Guesthouse)
+MUL1121 11 I have confirmed your booking at arbury lodge guesthouse for 3 nights starting Monday. Your reference number is WAI4ET4D. Would you like help with anything else? Booking-Book(Day=Monday;Ref=WAI4ET4D;Stay=3;Name=arbury lodge guesthouse)
+MUL1121 12 No thank you, you been so helpful, have a wonderful day! general-thank()
+MUL1121 13 Thank you for using our system! general-bye()
+WOZ20521 0 Can you find me a cheap Spanish restaurant? Restaurant-Inform(Food=spanish;Price=cheap)
+WOZ20521 2 I am looking for a cheap restaurant. Restaurant-Inform(Price=cheap)
+WOZ20521 3 la raza is a spanish restaurant, in the cheap price range and in the centre part of town. Restaurant-Inform(Price=cheap;Name=la raza;Food=spanish;Area=centre part of town)
+WOZ20521 4 can you please give me the address? Restaurant-Request(Addr)
+WOZ20521 6 What is the area? Restaurant-Request(Area)
+WOZ20521 7 la raza's area is in the centre part of town Restaurant-Inform(Name=la raza's;Area=centre part of town)
+WOZ20521 8 Thank you. Good bye general-bye()
+WOZ20521 9 Thanks for using this system and enjoy your meal! Goodbye! general-bye()
+WOZ20520 0 I need a cheap restuarant. Probably in the west part of town Restaurant-Inform(Area=west;Price=cheap)
+WOZ20520 1 How about La Margherita? Restaurant-Recommend(Name=La Margherita)
+WOZ20520 2 What kind of food do they serve? Restaurant-Request(Food)
+WOZ20520 3 la margherita is an italian restaurant in the area of west in the cheap price range. Restaurant-Inform(Price=cheap;Name=la margherita;Food=italian;Area=the area of west)
+WOZ20520 4 That sounds good. What is their phone number? Restaurant-Request(Phone)
+WOZ20520 5 Their phone number is 01223 315232. Restaurant-Inform(Phone=01223 315232)
+WOZ20520 6 that was all I needed. Bye now. general-bye()
+WOZ20520 7 Goodbye general-bye()
+WOZ20523 0 I am looking for an expensive restaurant in the south part of town. Restaurant-Inform(Area=south;Price=expensive)
+WOZ20523 1 There is five restaurants to your request. Restaurant-Inform(Choice=five)
+WOZ20523 2 I would like Italian food. Restaurant-Inform(Food=italian)
+WOZ20523 4 Yes, what is their phone number and where are they located at? Restaurant-Request(Phone)
+WOZ20523 5 Their address is Cambridge Leisure Park Clifton Way Cherry Hinton and phone number is 01223 412430 Restaurant-Inform(Phone=01223 412430;Addr=Cambridge Leisure Park Clifton Way Cherry Hinton)
+WOZ20523 6 Thank you goodbye. general-bye()
+WOZ20523 7 Thank you for using our system. Good bye general-bye()
+WOZ20522 2 How about Vietnamese food? Restaurant-Inform(Food=vietnamese)
+WOZ20522 3 The only restaurant meeting your criteria is Thanh Binh in the west. Their phone number is 01223 362456. Restaurant-Inform(Name=Thanh Binh;Phone=01223 362456;Area=west)
+WOZ20525 0 I would like a restaurant in the west part of town. Restaurant-Inform(Area=west)
+WOZ20525 2 English food, please. Restaurant-Inform(Food=english)
+WOZ20525 4 How about british food? Restaurant-Inform(Food=british)
+WOZ20525 6 Yes, please. And can you also give me their phone number? Restaurant-Request(Phone)
+WOZ20525 7 Certainly. The phone number for Graffiti is 01223 277977 and address is hotel felix whitehouse lane huntingdon road . Restaurant-Inform(Phone=01223 277977;Name=Graffiti;Addr=hotel felix whitehouse lane huntingdon road)
+WOZ20525 8 I need the address, too. Restaurant-Request(Addr)
+WOZ20525 9 The address is Hotel Felix Whitehouse Lane Huntingdon Road Restaurant-Inform(Addr=Hotel Felix Whitehouse Lane Huntingdon Road)
+WOZ20525 10 Thank you goodbye. general-bye()
+WOZ20525 11 thank you good bye general-bye()
+WOZ20524 0 Could you recommend an expensive restaurant that serves Mediterranean food? Restaurant-Inform(Food=mediterranean;Price=expensive)
+WOZ20524 2 I don't care what part of town the restaurant is in. Restaurant-Inform(Area=don't care)
+WOZ20524 3 How about shiraz restaurant? Restaurant-Recommend(Name=shiraz restaurant)
+WOZ20524 4 What is their phone number and post code? Restaurant-Request(Post;Phone)
+WOZ20524 5 Their postcode is C.B 2, 1 D.P and their phone number is 01223307581. Restaurant-Inform(Phone=01223307581;Post=C.B 2;Post=1 D.P)
+WOZ20524 6 Thank you, goodbye. general-bye()
+WOZ20524 7 enjoy your meal . general-bye()
+WOZ20527 0 Hello, I am looking for a moderately priced restaurant on the north side of town. Restaurant-Inform(Area=north;Price=moderate)
+WOZ20527 1 Golden Wok is a moderately priced restaurant in the north part of town, that serves Chinese food. Restaurant-Inform(Food=Chinese;Price=moderately priced;Area=north part of town;Name=Golden Wok)
+WOZ20527 2 What is their address? Restaurant-Request(Addr)
+WOZ20527 4 Thank you good bye general-bye()
+WOZ20526 2 Thank You. general-thank()
+WOZ20526 3 thank you good bye general-bye()
+WOZ20526 4 Thank you, goodbye. general-bye()
+WOZ20526 5 Thank you, goodbye. general-bye()
+WOZ20529 0 I want to find a restaurant in any part of town and serves malaysian food. Restaurant-Inform(Food=malaysian)
+WOZ20529 3 gourmet burger kitchen is in the expensive price range their phone number is 01223 312598 and their address is Regent Street City Centre Restaurant-Inform(Price=expensive;Addr=Regent Street City Centre;Name=gourmet burger kitchen;Phone=01223 312598)
+WOZ20529 4 Thank you, goodbye general-bye()
+WOZ20529 5 Thank you for using Cambridge restaurant system. Enjoy your meal! general-bye()
+WOZ20528 0 Hello, I am looking for a restaurant on the south side of town that serves unusual food. Restaurant-Inform(Area=south;Food=unusual)
+WOZ20528 2 Yes, how about indian food Restaurant-Inform(Food=indian)
+WOZ20528 4 What is the phone number? Restaurant-Request(Phone)
+WOZ20528 6 No that is all. Thank you, goodbye. general-bye()
+WOZ20528 7 Thank for calling Cambridge restaurant system, goodbye. general-bye()
+PMUL1342 0 I need a train that is leaving on Friday. Train-Inform(Day=friday)
+PMUL1342 1 I can help you with that. Can you give me the departure/destination locations and a preferred timeframe? Train-Request(Depart;Leave;Dest)
+PMUL1342 2 I am traveling from Cambridge to Stansted Airport on Friday. I need to arrive by 9:15. Train-Inform(Depart=cambridge;Dest=stansted airport;Arrive=09:15)
+PMUL1342 4 No, I don't. Can you give me the earliest departure out of the 4 trains? Train-Inform()
+PMUL1342 7 Definitely! How many tickets do you need? Train-Request(People)
+PMUL1342 8 Actually I have all the information I need but I would like to find a type of multiple sports attraction on the east side. Attraction-Inform(Area=east;Type=multiple sports)
+PMUL1342 10 Are there any theatres? Attraction-Inform(Type=theatre)
+PMUL1342 12 Are there any churches or museums on the east side? Attraction-Inform(Area=east;Type=museum)
+PMUL1342 17 I don't have any information about their entrance fees, but you can call them at 01223576412 for more information. Attraction-Inform(Fee=don't have any information;Phone=01223576412)
+PMUL1342 18 That will be all for today. Thanks. Goodbye general-bye()
+PMUL1343 0 Any suggestions for entertainment? Attraction-Inform(Type=entertainment)
+PMUL1343 1 Is there a certain area you're looking at? Attraction-Request(Area)
+PMUL1343 2 Yes, I'm looking for something close to the center of town. Attraction-Inform(Area=centre)
+PMUL1343 4 Is there a college in the centre area that you could give me more information on? Attraction-Inform(Type=college)
+PMUL1343 6 Which one would you recommend for me to visit as a tourist? I need the postcode, entrance fee and phone number for it. Attraction-Request(Post;Phone;Fee)
+PMUL1343 7 I highly recommend downing college. It's free! The postcode is cb21dq and the phone number is 01223334860. Attraction-Recommend(Name=downing college;Fee=free;Phone=01223334860;Post=cb21dq)
+PMUL1343 8 sweet, brah. i'm also looking to book a train. Train-Inform()
+PMUL1343 9 Okay brah where you leaving from? Train-Request(Depart)
+PMUL1343 10 I will be leaving after 8:15 from london kings cross. Train-Inform(Depart=london kings cross)
+PMUL1343 12 I will travel in Tuesday. Arrival is not important. Train-Inform(Day=tuesday)
+PMUL1343 14 Thank you. Yes I would really love for you to book the train for 2 people. Train-Inform(People=2)
+PMUL1343 15 I have made that reservation and your reference number is IADFZDHY. Train-OfferBooked(Ref=IADFZDHY)
+PMUL1343 16 Great, thanks so much! That's all I'll be needing! Bye bye! general-bye()
+PMUL1343 17 Thank you for contacting us and have a nice day. general-bye()
+PMUL1341 0 I'm looking to book a train, if you could help me. Train-Inform()
+PMUL1341 2 depart from stevenage and should arrive by 15:30. Train-Inform(Depart=stevenage;Arrive=15:30)
+PMUL1341 3 I can certainly look that up for you, what is your destination? Train-Request(Dest)
+PMUL1341 5 I was able to book on train TR9263 for Tuesday leaving at 05:54 and arriving at 06:43. The total fee is 89.6 GBP and the reference number is 0QGD9JB5. Train-OfferBooked(Ref=0QGD9JB5;Day=Tuesday;Ticket=89.6 GBP;Arrive=06:43;Id=TR9263;Leave=05:54)
+PMUL1341 6 Thank you I also need to find a college to go to. Attraction-Inform(Type=college)
+PMUL1341 9 I recommend clare hall located at herschel road and has free entrance. Attraction-Recommend(Fee=free;Addr=herschel road;Name=clare hall)
+PMUL1341 10 What part of town is it in? Attraction-Inform(Name=clare hall)
+PMUL1341 12 Thank you! Can you please tell me the postcode? Attraction-Request(Post)
+PMUL1341 14 That is everything thank you so much. general-thank()
+PMUL1341 16 Yes, you have. Thank you. general-thank()
+PMUL1346 0 Hello looking for a good train that leaves on saturday after 19:00. Train-Inform(Day=saturday;Leave=19:00)
+PMUL1346 1 Sure. Where will you be departing from? Train-Request(Depart)
+PMUL1346 2 I'm departing from Cambridge. Train-Inform(Depart=cambridge)
+PMUL1346 3 Thank you. What destination are you traveling to? Train-Request(Dest)
+PMUL1346 4 I am going to Leicester after 19:00 on saturday. Train-Inform(Dest=leicester)
+PMUL1346 5 Train 4708 leaves at 19:21 and arrives at 21:06. Would that work for you? Train-Inform(Id=Train 4708;Arrive=21:06;Leave=19:21)
+PMUL1346 9 Its an exhibit and cb3ojg. Attraction-Inform(Type=exhibit;Post=cb3ojg)
+PMUL1346 10 Thanks, that's all I need today! general-thank()
+PMUL1346 11 Thank you for contacting us and have a nice day. general-bye()
+PMUL1347 0 I'm looking for places to go in town. I would like a boat attraction in the centre. Any suggestions? Attraction-Inform(Area=centre;Type=boat)
+PMUL1347 1 I recommend scudamores punting co they are located at granta place, mill lane. The entrance fee isn't listed. Attraction-Recommend(Fee=isn't listed;Addr=granta place;Addr=mill lane;Name=scudamores punting co)
+PMUL1347 2 What's their phone number and postcode? Attraction-Request(Post;Phone)
+PMUL1347 3 Sure their phone number is 01223359750 and their addres is 251a chesterton road. Attraction-Inform(Phone=01223359750;Addr=251a chesterton road)
+PMUL1347 4 that's the address. what's the postcode? Attraction-Request(Post)
+PMUL1347 6 I need a train ticket going to london liverpool st leaving cambridge anytime after 08:15 on sunday, can you help me with that? Train-Inform(Depart=cambridge;People=1;Day=sunday;Leave=08:15)
+PMUL1347 7 I have booked for you train TR9025 the total fee is 13.28 GBP payable at the station . Reference number is : HTSDZ9LL Train-OfferBooked(Ref=HTSDZ9LL;Ticket=13.28 GBP;Id=TR9025)
+PMUL1344 0 I'm looking to go somewhere in the centre to enjoy some entertainment. Can you help? Attraction-Inform(Area=centre;Type=entertainment)
+PMUL1344 2 No museums, what colleges are there around town? Attraction-Inform(Type=college)
+PMUL1344 3 Sure, there are 13 colleges in that area. Attraction-Inform(Type=college;Choice=13)
+PMUL1344 4 can i please get the phone number, postcode and entrance fee? Attraction-Request(Post;Phone;Fee)
+PMUL1344 6 I also need a train that leaves on Monday and arrives by 14:15. Train-Inform(Day=monday;Arrive=14:15)
+PMUL1344 8 I am leaving Ely and going to Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+PMUL1344 9 The first train leaves at 5:35. Train-Inform(Leave=5:35)
+PMUL1344 10 Can you book 4 tickets? Train-Inform(People=4)
+PMUL1344 11 Your reservation has been made. the total fee is 17.6 GBP payable at the station. Reference number is WOG8WD79 Train-OfferBooked(Ticket=17.6 GBP;Ref=WOG8WD79)
+PMUL1344 12 Ok, thank you. That' all the information I need today! general-thank()
+PMUL1344 13 I am glad I can help and enjoy. general-welcome()
+PMUL1344 14 Thank for your help. good bye. general-bye()
+PMUL1344 15 Thank you for contacting us have a nice day. general-bye()
+PMUL1345 0 I'm looking for a place to go in centre. Any ideas? Attraction-Inform(Area=centre)
+PMUL1345 1 There's lots of different attractions in the centre of town? Are you looking for anything specific? Attraction-Request(Type)
+PMUL1345 2 I want a museum. Attraction-Inform(Type=museum)
+PMUL1345 6 No certain time. I just can't leave until after 16:45 on Friday. Train-Inform(Day=friday;Leave=16:45)
+PMUL1345 7 and where is your destination? Train-Request(Dest)
+PMUL1345 8 I am traveling from Stansted Airport to Cambridge. Train-Inform(Dest=cambridge)
+PMUL1345 10 Not at this time. Thank you for your assistance. general-thank()
+PMUL1345 12 Thanks. Goodbye. general-bye()
+PMUL1345 13 You're very welcome. Please contact us again if you need further assistance for your visit to Cambridge. general-welcome()
+PMUL1348 0 Hello. What sort of attractions are available in the center of town? Attraction-Inform()
+PMUL1348 1 There are many! Does architecture interest you? Attraction-Inform(Type=architecture;Choice=many)
+PMUL1348 2 Yes that would be fine and I need the postcode of the one you suggest. Attraction-Request(Post)
+PMUL1348 4 That is everything I need. Attraction-Inform(Name=old schools)
+PMUL1348 5 Thank you for using our service today. general-bye()
+PMUL1349 0 I'm looking for a museum in town Attraction-Inform(Type=museum)
+PMUL1349 1 I have several museums listed, is there a specific type you are interested in? Attraction-Request(Type)
+PMUL1349 2 Nothing specific, please just send me the address, phone number and postcode of the one you would suggest. Attraction-Request(Post;Phone;Addr)
+PMUL1349 3 Ok Williams art and antiques is pretty universally enjoyed, gwydir street, no. 5 dale's brewery, postal cb12lj, phone, 01223311687, free admission, so that's good for the wallet. Attraction-Recommend(Fee=free admission;Fee=so that's good for the wallet;Post=cb12lj;Phone=01223311687;Addr=gwydir street;Addr=no. 5 dale's brewery;Name=Williams art and antiques)
+PMUL1349 4 Thank you so much! I also need info on trains that leave on Monday after 11:00. Train-Inform(Day=monday;Leave=11:00)
+PMUL1349 7 What time do you need to arrive by? Train-Request(Arrive)
+PMUL0433 0 I'm looking for a hotel in the south. Hotel-Inform(Area=south)
+PMUL0433 2 I am looking for a hotel with free wifi. It should be in the cheap price range, like a guesthouse. Hotel-Inform(Internet=yes;Price=cheap;Type=guesthouse)
+PMUL0433 4 Yes please. I would like it for 8 people for 5 nights starting from Monday. Hotel-Inform(Stay=5;People=8;Day=sunday)
+PMUL0433 5 Booking was successful. Reference number is : CYBPDKAZ. Booking-Book(Ref=CYBPDKAZ)
+PMUL0433 6 Great! I am also looking for a Tuscan restaurant, are there any in the same price range as the bed and breakfast? Restaurant-Inform(Food=tuscan;Price=cheap)
+PMUL0433 8 No Tuscan restaurants? I also like Italian food. Anything in the cheap price range? Restaurant-Inform(Food=italian;Price=cheap)
+PMUL0433 14 No that will be all. Thank you. general-thank()
+PMUL0433 15 You are welcome enjoy. general-welcome()
+PMUL0344 0 I'm looking for a restaurant that serves americas food. Restaurant-Inform()
+PMUL0344 1 Unfortunately, I cannot find an American restaurant. Restaurant-NoOffer(Food=American)
+PMUL0344 2 Is there a moderate priced restaurant in the east? Restaurant-Inform(Area=east;Price=moderate)
+PMUL0344 3 Yes, I have 3 moderately priced Indian restaurants. Restaurant-Inform(Choice=3;Price=moderately priced;Food=Indian)
+PMUL0344 5 curry prince is definitely my favorite, they have great vegan options! Restaurant-Recommend(Name=curry prince)
+PMUL0344 6 Sounds perfect. Are you able to book a table for us? I need a table for 5 at 13:15 this saturday. Restaurant-Inform(Time=13:15;People=5;Day=saturday)
+PMUL0344 8 No, I'll also need to find a place to stay with a 4 star rating please. Hotel-Inform(Stars=4)
+PMUL0344 10 I'd like a guesthouse and somewhere that is moderate in price. Hotel-Inform(Price=moderate;Type=guesthouse)
+PMUL0344 12 Do they all have free wifi? Hotel-Request(Internet)
+PMUL0344 15 Do you need parking? Hotel-Request(Parking)
+PMUL0344 16 That's not as important as the internet. Hotel-Request(Internet)
+PMUL0344 18 I just need to know if they have wifi. If they do I'll need the area and postcode. Hotel-Request(Area;Post;Internet)
+PMUL0344 19 a and b guest house does have internet. They are located in the east with postcode cb12dp. Hotel-Inform(Internet;Post=cb12dp;Area=east;Name=a and b guest house)
+PMUL0344 20 Thanks for all your help today! general-thank()
+PMUL0344 21 Did you need anything further today? general-reqmore()
+PMUL0344 22 Nope, that's all I needed. Goodbye! general-bye()
+PMUL0344 23 Happy to be of service, and I hope you enjoy your stay! general-bye()
+PMUL0347 0 I'm looking for a restaurant that serves Turkish food. Restaurant-Inform(Food=turkish)
+PMUL0347 2 I'm not picky about the price. Could you recommend one and give me the price range? Restaurant-Request(Price)
+PMUL0347 3 Sure. I recommend Efes Restaurant. It's menu is moderately priced and easy on the wallet. Restaurant-Recommend(Name=Efes Restaurant;Price=moderately priced)
+PMUL0347 4 I also need a guesthouse with 4 stars. Hotel-Inform(Stars=4;Type=guesthouse)
+PMUL0347 5 Which side of town would you prefer? Hotel-Request(Area)
+PMUL0347 8 Can I have the number to the hotel? Hotel-Inform(Name=alexander bed and breakfast)
+PMUL0347 9 Their phone number is 01223525725. Hotel-Inform(Phone=01223525725)
+PMUL0347 10 Can you tell me their address and let me know whether or not they have internet there? Hotel-Request(Internet;Addr)
+PMUL0347 12 That sounds great thank you. general-thank()
+PMUL0347 13 May I assist you with something else, today? general-reqmore()
+PMUL0347 14 No,that's all.Thanks and have a good day general-thank()
+PMUL0430 2 I would like to stay in the east and I am looking for a 4 star rating. Hotel-Inform(Stars=4)
+PMUL0430 3 What type of pricing would you like? Hotel-Request(Price)
+PMUL0430 4 I want a cheap guesthouse. Hotel-Inform(Price=cheap;Type=guesthouse)
+PMUL0430 6 That'll work. Please book me a room for one, checking in Monday for 2 nights Hotel-Inform(Stay=2)
+PMUL0430 8 One person for two nights and need the reference number. Also want to reserve a table at Travellers Rest for one on Monday at 13:45, the reference number as well. Hotel-Inform(Stay=2;People=1;Day=monday)
+PMUL0430 9 Okay. I have your reservation for the hotel and your reference number for this booking is JAS1X0DX. Booking-Book(Ref=JAS1X0DX)
+PMUL0430 10 Thank you so much for your help, that is all I need. general-thank()
+PMUL0430 11 Thank you i enjoyed serving you welcome again general-bye()
+PMUL0341 0 I am looking for information on a hotel called Carolina Bed and Breakfast. Hotel-Inform(Name=carolina bed and breakfast)
+PMUL0341 1 Yes, the Carolina Bed and Breakfast is located on 138 perne road and is located in the east. It has 4 stars and it's price range is moderate. Hotel-Inform(Area=east;Name=Carolina Bed and Breakfast;Addr=138 perne road;Price=moderate;Stars=4)
+PMUL0341 2 how is it rated and give me the phone number and post code Hotel-Request(Post)
+PMUL0341 4 Can I get the phone number for that please? I want to book directly through them. Hotel-Request(Phone)
+PMUL0341 5 The phone number is 01223247015 Hotel-Inform(Phone=01223247015)
+PMUL0341 6 Can you help me find a British restaurant in a moderate price range? Restaurant-Inform(Food=british;Price=moderate)
+PMUL0341 8 Area doesn't matter. You can pick one and then please book it for me for 2 people on sunday at 16:30 Restaurant-Inform(Time=16:30;People=2;Day=sunday)
+PMUL0340 0 I need a place to eat in the moderate price range. Restaurant-Inform(Price=moderate)
+PMUL0340 2 I'm interested in international food. Restaurant-Inform(Food=international)
+PMUL0340 3 I would suggest either the varsity restaurant or bloomsbury restaurant. Restaurant-Recommend(Name=varsity restaurant;Name=bloomsbury restaurant)
+PMUL0340 4 I will choose the Bloomsbury Restaurant, thanks. Restaurant-Inform()
+PMUL0340 5 Would you like me to book it for you? Booking-Inform()
+PMUL0340 7 Okay great. I will work on that now and be back with you shortly. Booking-Inform()
+PMUL0340 8 Sure, take your time. Restaurant-Inform(Time=11:45)
+PMUL0340 10 I also need a place to stay with free parking in the same price range as the restaurant. Hotel-Inform(Parking=yes;Price=moderate)
+PMUL0340 12 Yes, I prefer the north and I must have free wifi, please. Hotel-Inform(Internet=yes)
+PMUL0340 14 As long as it's moderately priced and meets my needs, I will take your recommendation. I don't care about star ratings or type of lodging. Hotel-Inform(Price=moderate)
+PMUL0435 0 I need a place to stay with free wifi. Hotel-Inform(Internet=yes)
+PMUL0435 2 I don't care about what part of town it is in, but I would like a 3 star guesthouse. Hotel-Inform(Stars=3;Type=guesthouse)
+PMUL0435 4 How expensive is it ? And is there any nearby attractions ? Attraction-Inform()
+PMUL0435 5 The Bridge Guest House is in the moderate price range, and we have attractions in all areas of Cambridge so I'm sure you will find something to your liking. Hotel-Inform(Price=moderate;Name=Bridge Guest House)
+PMUL0435 6 Can you make a reservation for 8 people for 5 nights starting from Wednesday? Hotel-Inform(Stay=5;People=8;Day=wednesday;Name=bridge guest house)
+PMUL0435 8 No, you've been very helpful. That's all I needed. Thank you very much. general-thank()
+PMUL0435 9 You are welcome. general-welcome()
+PMUL0435 10 Actually, I'm also looking for an expensive place to dine in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL0435 11 The Kymmoy is expensive and in the centre of town Restaurant-Inform(Area=centre of town;Name=Kymmoy;Price=expensive)
+PMUL0435 12 I need to book a table for the same group of people at 20:00 the same day. I need the reference number as well. Restaurant-Inform(Time=20:00;People=8;Day=wednesday)
+PMUL0435 14 Yeah, I'd like a taxi to take me from my hotel to the restaurant in time for my reservation. Please tell me the car type and contact number. Taxi-Request(Car)
+PMUL0435 16 yes, that's everything for me. Thanks for helping, goodbye general-bye()
+PMUL0435 17 Thank you for using our services. general-bye()
+PMUL0342 0 I'd like to find a good restaurant in the center. Restaurant-Inform()
+PMUL0342 5 The postcode is cb11lh. Restaurant-Inform(Post=cb11lh)
+PMUL0342 6 Thank you! I am also looking for a guesthouse in the same area as the restaurant. Can you help with that too? Hotel-Inform(Area=centre;Type=guesthouse)
+PMUL0342 8 I need it to have free parking and internet. Hotel-Inform(Parking=yes;Internet=yes)
+PMUL0342 11 How many days and for how many people? Booking-Request(People;Stay)
+PMUL0342 12 I'm sorry, no booking please, just need their postcode and phone number. Hotel-Request(Post;Phone)
+PMUL0342 14 Also, what is the price range of the hotel? Hotel-Request(Price)
+PMUL0342 15 The alexander bed and breakfast is in the cheap price range. Hotel-Inform(Name=alexander bed and breakfast;Price=cheap)
+PMUL0342 17 Of course, at what time would you like to arrive by? Taxi-Request(Arrive)
+PMUL0342 18 I want to leave the hotel by 5:15 Taxi-Inform(Leave=15:15)
+PMUL0342 19 Ok, a yellow audi is booked. Taxi-Inform(Car=yellow audi)
+PMUL0342 20 Thank you. Would you also give me the contact number for the taxi? Taxi-Inform()
+PMUL0342 21 Contact number for the taxi is 07491658422. Will there be anything else? Taxi-Inform(Phone=07491658422)
+PMUL0342 22 Thank you. That is all I need. general-thank()
+PMUL0342 23 Have a nice day. general-bye()
+PMUL0439 0 I need a place to stay located in the west of town. Hotel-Inform(Area=west)
+PMUL0439 4 If it could be a 4 star hotel with free wifi, that would be perfect. Hotel-Inform(Stars=4;Internet=yes)
+PMUL0439 5 The huntingdon Marriott hotel is a good option. Hotel-Recommend(Name=huntingdon Marriott hotel)
+PMUL0439 6 Can you book it for me for Thursday I'm staying 5 nights. Only one person is staying. Hotel-Inform(Stay=5;People=1;Day=thursday;Name=huntingdon marriott hotel)
+PMUL0439 8 I need a restaurant called the bedouin for the same group of people at 14:15 and I would need the reference number. Restaurant-Inform(Time=14:15;Name=bedouin)
+PMUL0439 10 I want to book it for 1 on 14:15 on Thursday. Restaurant-Inform(Time=14:15;People=1;Day=thursday)
+PMUL0439 12 Can you try for Tuesday? Restaurant-Inform(Day=tuesday)
+PMUL0439 14 That is all for now. Thank you for all your help. general-thank()
+PMUL0439 15 Thank you for using our services. general-bye()
+PMUL0438 2 Yes, can you check the north please? Hotel-Inform(Area=north)
+PMUL0438 4 can you book me at Ashley Hotel for 1 and 3 nights ? Hotel-Inform(Stay=3;Type=hotel)
+PMUL0438 5 No problem! What day are you wanting to check in? Booking-Request(Day)
+PMUL0438 7 Would you like me to book it for you? Booking-Inform()
+PMUL0438 12 Thank you, that'll be all today. general-thank()
+PMUL0349 0 Is the alpha-milton guest house still in operation? Hotel-Inform(Name=alpha-milton guest house)
+PMUL0349 2 Great. Can you reserve a room for me for Thursday? There will be 2 of us and we would like to stay for 2 nights. Hotel-Inform(Stay=2;People=2;Day=thursday)
+PMUL0349 4 I am also looking for thai food in centre please. Restaurant-Inform(Food=thai)
+PMUL0349 5 I can reserve at the restaurant named Bangkok City Booking-Inform(Name=Bangkok City)
+PMUL0349 6 Okay please book a table for the same group of people at 14:15 on the same day. Restaurant-Inform(Time=14:15;People=2;Day=friday;Name=bangkok city)
+PMUL0349 7 I have made those reservations and your reference number is S7RZRH3P. Booking-Book(Ref=S7RZRH3P)
+PMUL0349 8 Thank you. I also need a taxi to get between the two. Taxi-Inform()
+PMUL0349 9 sure, just to clarify: do you need a taxi to take you from the hotel to the restaurant? or vice versa? Taxi-Request(Depart;Dest)
+PMUL0349 10 i need to get from the hotel to the restaurant Taxi-Inform(Depart=alpha-milton guest house;Dest=bangkok city)
+PMUL0349 11 Okay, when do you want to leave the hotel? When do you want to arrive at the restaurant? Taxi-Request(Arrive;Leave)
+PMUL0349 14 No, that's all I need. Thank you for your help. general-thank()
+PMUL0349 15 Glad you chose us, enjoy your day. general-bye()
+PMUL0348 0 Hello, is lan hong house still in operation? general-greet()
+PMUL0348 2 Oops, sorry. Ian Hong is a restaurant. Restaurant-Inform()
+PMUL0348 5 How many people should I reserve for and at what time? Booking-Request(Time;People)
+PMUL0348 7 Booking was successful. The table will be reserved for 15 minutes. Reference number is : HPRELBW9. now let's find you a hotel! Booking-Book(Ref=HPRELBW9)
+PMUL0348 8 The hotel should be in the east and should have a star of 4 in the cheap price range and should include free wifi Hotel-Inform(Stars=4;Area=east;Internet=yes;Price=cheap)
+PMUL0348 10 Can you give me the address and postcode of one you'd recommend? Hotel-Request(Post;Addr)
+PMUL0348 12 OK, I'll talk to my sister about that recommendation. Thanks for you help today, that will be all I need. Bye. general-bye()
+MUL0002 2 I'd like to have some Chinese food. Restaurant-Request(Food)
+MUL0002 6 Before I commit I have a few questions. What area is the hotel located in? Hotel-Request(Area)
+MUL0002 7 The hotel is in the south area. Hotel-Inform(Area=south)
+MUL0002 9 Yes, free parking and free wifi! Hotel-Inform(Internet;Parking)
+MUL0002 11 The Bridge Guest House is a 3 star lodging. Hotel-Inform(Stars=3;Name=The Bridge Guest House)
+MUL0002 12 That was all the questions I had. Thank you very much for helping me. general-thank()
+MUL0002 13 I'm happy I could help you today. Have a wonderful day! general-bye()
+WOZ20428 0 I am searching for a Lebanese restaurant in the east part of town. Restaurant-Inform(Area=east;Food=lebanese)
+WOZ20428 3 Yu Garden is at 529 Newmarket Road Fen Ditton, postcode C.B 5, 8 P.A. The phone number is 01223 248882. Restaurant-Inform(Addr=529 Newmarket Road Fen Ditton;Name=Yu Garden;Phone=01223 248882;Post=C.B 5;Post=8 P.A.)
+WOZ20428 5 Yes, yu garden is in the east part of town. Restaurant-Inform(Name=yu garden;Area=east part of town)
+WOZ20428 6 Thank you good bye. general-bye()
+WOZ20428 7 Thank You general-bye()
+WOZ20428 8 That's all I need to know, then. Goodbye. general-bye()
+WOZ20428 9 Goodbye general-bye()
+WOZ20429 0 I'd like information about a restaurant in South that serves English food. Restaurant-Inform(Area=south;Food=english)
+WOZ20429 2 How about chinese food? Restaurant-Inform(Food=chinese)
+WOZ20429 6 Yes, I would like to know the address please Restaurant-Request(Addr)
+WOZ20429 8 Thank you, Goodbye. general-bye()
+WOZ20429 9 Thank you, goodbye! general-bye()
+WOZ20424 0 I'm trying to find a moderately priced restaurant in the East part of town. Can you recommend one to me? Restaurant-Inform(Area=east;Price=moderate)
+WOZ20424 2 can you suggest me some indian ones ? Restaurant-Inform(Food=indian)
+WOZ20424 3 I would recommend rajmahal, a nice indian place in the east . Restaurant-Inform(Name=rajmahal;Food=indian;Area=east)
+WOZ20424 4 Thank you, can you please give me the address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20424 6 Thank you, goodbye general-bye()
+WOZ20424 7 You're welcome. Good bye. general-bye()
+WOZ20425 0 Could you find me a welsh restaurant in the cheap price range ? Restaurant-Inform(Food=welsh;Price=cheap)
+WOZ20425 2 How about italian type of food? Restaurant-Inform(Food=italian)
+WOZ20425 3 In which area would you like to look? Restaurant-Request(Area)
+WOZ20425 4 Any area will be fine. Restaurant-Inform(Area=don't care)
+WOZ20425 5 Da vinci pizzeria serves Italian food in the cheap price range and it is in the North part of town. Restaurant-Inform(Food=Italian;Name=Da vinci pizzeria;Area=the North part of town;Price=cheap)
+WOZ20425 6 What is their address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20425 7 da vinci pizzeria is located at 20 milton road chesterton and the phone number is 01223 351707. Restaurant-Inform(Phone=01223 351707;Name=da vinci pizzeria;Addr=20 milton road chesterton)
+WOZ20425 8 OK thank you for your help! general-thank()
+WOZ20426 0 I'm looking for a moderately priced restaurant in the west part of town. Restaurant-Inform(Area=west;Price=moderate)
+WOZ20426 2 I have no preference. Can I get the phone number and address of one? Restaurant-Request(Phone;Addr)
+WOZ20426 4 No, thank you. That is all I needed. general-thank()
+WOZ20426 5 thank you, goodbye general-bye()
+WOZ20427 0 I'm trying to find a restaurant that serves crossover food. Can you recommend anything? Restaurant-Inform(Food=crossover)
+WOZ20427 1 What area were you looking for? Restaurant-Request(Area)
+WOZ20427 2 Anywhere really. Restaurant-Inform(Area=don't care)
+WOZ20427 3 Which price range are you looking for? Restaurant-Request(Price)
+WOZ20427 4 I am looking for something in the expensive price range. Restaurant-Inform(Price=expensive)
+WOZ20427 7 An expensive Italian restaurant is found in the center of town, Caffe Uno. The address is 32 Bridge Street City Centre. The phone number is 01223 448620. Restaurant-Inform(Phone=01223 448620;Name=Caffe Uno;Addr=32 Bridge Street City Centre;Area=center of town;Food=Italian;Price=expensive)
+WOZ20427 8 Thank you, goodbye general-bye()
+WOZ20427 9 Thank you for using this system. Goodbye. general-bye()
+WOZ20420 0 I want to find an expensive restaurant serving christmas food. Restaurant-Inform(Food=christmas;Price=expensive)
+WOZ20420 1 is there any area you prefer! Restaurant-Request(Area)
+WOZ20420 4 Are there European types of restaurants? Restaurant-Inform(Food=european)
+WOZ20420 5 Yes, there are four: cambridge lodge restaurant, eraina, and michaelhouse cafe serve european food, with darrys cookhouse and wine shop serving modern european food Restaurant-Inform(Choice=four;Food=modern european;Name=cambridge lodge restaurant;Name=eraina;Name=michaelhouse cafe;Name=darrys cookhouse and wine shop)
+WOZ20420 6 phone number and address of Cambridge Lodge Restaurant please Restaurant-Request(Phone;Addr)
+WOZ20420 7 Cambridge Lodge Restaurant is in the west part of town, at Cambridge Lodge Hotel 139 Huntingdon Road City Centre. Their phone number is 01223 355166. Restaurant-Inform(Phone=01223 355166;Name=Cambridge Lodge Restaurant;Addr=Cambridge Lodge Hotel 139 Huntingdon Road City Centre;Area=the west part of town)
+WOZ20420 8 Thank you, goodbye. general-bye()
+WOZ20421 1 Chiquito restaurant bar is at 2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton and their phone number is 01223 400170. Restaurant-Inform(Addr=2G Cambridge Leisure Park Cherry Hinton Road;Phone=01223 400170;Name=Chiquito restaurant bar)
+WOZ20421 2 Thank you, goodbye. general-bye()
+WOZ20422 0 I'm looking for a steakhouse restaurant in the east part of town. Restaurant-Inform(Area=east;Food=steakhouse)
+WOZ20422 1 What price range would you like? Restaurant-Request(Price)
+WOZ20422 2 Any price range will be fine. Restaurant-Inform(Price=don't care)
+WOZ20422 4 I really need something in the east part of town. How about Indian food? Restaurant-Inform(Food=indian)
+WOZ20422 5 Curry Prince is a moderately priced restaurant in the east of town that serves Indian food. Restaurant-Inform(Food=Indian;Name=Curry Prince;Area=east;Price=moderately priced)
+WOZ20422 6 Sounds great, what is their address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20422 7 Curry Prince is located at 451 Newmarket Road Fen Ditton; their phone number is 01223566388. Restaurant-Inform(Phone=01223566388;Name=Curry Prince;Addr=451 Newmarket Road Fen Ditton)
+WOZ20422 8 Thank you, goodbye. general-bye()
+WOZ20422 9 Thank you, goodbye. general-bye()
+WOZ20423 0 I'm looking for a restaurant that serves swiss food. Restaurant-Inform(Food=swiss)
+WOZ20423 2 How about vietnamese food? Restaurant-Inform(Food=vietnamese)
+WOZ20423 4 could I have the address and phone number please? Restaurant-Request(Phone;Addr)
+WOZ20423 5 thanh binh is located at 17 Magdalene Street City Centre and phone number is 01223 362456. Restaurant-Inform(Phone=01223 362456;Name=thanh binh;Addr=17 Magdalene Street City Centre)
+WOZ20423 6 what is the food type of that restaurant ? Restaurant-Inform()
+WOZ20423 7 They serve vietnamese food. Restaurant-Inform(Food=vietnamese)
+WOZ20423 9 They are in the cheap price range. Restaurant-Inform(Price=cheap)
+WOZ20423 10 Thank you, goodbye. general-bye()
+PMUL2493 0 Please help me find an expensive thai restaurant. Restaurant-Inform(Food=thai;Price=expensive)
+PMUL2493 1 Would you like to try sala thong? It is in the west part of town. Restaurant-Inform(Area=west part of town;Name=sala thong)
+PMUL2493 2 That sounds good. Can you book me a table on Thursday at 16:30? Restaurant-Inform(Name=sala thong)
+PMUL2493 3 Sure I can help with that. How many people shall I make the reservation for? Booking-Request(People)
+PMUL2493 4 There will be five people, can I get the phone number in case I have to change it? Attraction-Request(Phone)
+PMUL2493 5 01223323178 is the phone number Restaurant-Inform(Phone=01223323178)
+PMUL2493 6 Thanks, so can you make the reservation for me? general-thank()
+PMUL2493 8 Can you help me find a fun place to visit in the east part of town? Attraction-Inform(Area=east)
+PMUL2493 9 How about the Funky Fun House for entertainment? It's in the east, but I don't have any information on the entrance fee. Attraction-Inform(Fee=don't have any information;Type=entertainment;Area=east;Name=the Funky Fun House)
+PMUL2493 10 Can I get the Funky Fun House's phone number please? I think I'll call them and check on it. Attraction-Request(Phone)
+PMUL2493 11 The phone number is 01223304705. Attraction-Inform(Phone=01223304705)
+PMUL2493 12 Okay great! That's all I needed. Thank you! general-thank()
+PMUL2492 1 Is your ferret religious? Perhaps you'd like to visit a beautiful church and appreciate the architecture? Attraction-Select(Type=church;Type=architecture)
+PMUL2492 3 Does you atheist ferret have a preference of the area in town you may like to go? Attraction-Request(Area)
+PMUL2492 4 They like the West side of town. Attraction-Inform(Area=west)
+PMUL2492 5 Does your ferret plan on furthering their education? I have several colleges that are favorite attractions. Attraction-Inform(Type=colleges;Choice=several)
+PMUL2492 8 My ferret would prefer a museum. Attraction-Inform(Type=museum)
+PMUL2492 10 I need the address Attraction-Request(Addr)
+PMUL2492 11 The address is , 13 magdalene street Attraction-Inform(Addr=13 magdalene street)
+PMUL2492 12 I am also looking to eat some Catalan food. Restaurant-Inform(Food=catalan)
+PMUL2492 14 We like european food. Restaurant-Inform(Food=european)
+PMUL2492 16 Could you book me for one on Friday? Restaurant-Inform(Name=hotel du vin and bistro)
+PMUL2492 17 Yes, what time will you be dining? Booking-Request(Time)
+PMUL2492 19 I need to know for what time and the number who will be dining with you. Booking-Request(People;Time)
+PMUL2492 20 I literally JUST told you the time! And right before that I told you to book it for ONE. Please pay attention! My ferret hates unprofessional people! Restaurant-Inform(Time=19:00;People=1)
+PMUL2492 22 No, I just needed the reference number. Thanks for all your help! Restaurant-Request(Ref)
+PMUL2492 23 I hope you and your ferret will enjoy this time together. I did. general-bye()
+PMUL2491 0 I am looking for a expensive restaurant that serves modern european food. Restaurant-Inform(Food=modern european;Price=expensive)
+PMUL2491 5 The address is 40270 King Street City Centre and the phone number is 01223505015. Restaurant-Inform(Phone=01223505015;Addr=40270 King Street City Centre)
+PMUL2491 6 Thanks a lot. Can you also help me find a theatre in the centre of town also? Attraction-Inform(Area=centre;Type=theatre)
+PMUL2491 8 What is the exact address? Attraction-Request(Addr)
+PMUL2491 10 No. All set. Thanks. general-thank()
+PMUL2491 11 Alright, have a great day. general-bye()
+PMUL2497 0 Hi! I'd like to find a restaurant located in the centre please. Restaurant-Inform(Area=centre)
+PMUL2497 2 Modern European, please, and I'd like someplace moderately priced. Restaurant-Inform(Food=modern european;Price=moderate)
+PMUL2497 4 You pick and book me on Wednesday. 7 people at 19:30. Restaurant-Inform(Time=19:30;People=7;Day=wednesday)
+PMUL2497 6 I would also like to see somewhere fun to go in the centre of town. Attraction-Inform(Area=centre)
+PMUL2497 8 I would like to visit an entertainment attraction Attraction-Inform(Type=entertainment)
+PMUL2497 10 Can you search for a boat attraction instead then? And provide the phone number for me please. Attraction-Inform(Type=boat)
+PMUL2497 14 I need a cab too please, arriving by my booked time, car type and contact number would be helpful too please. Taxi-Request(Car)
+PMUL2497 15 You need a cab to get you to the restaurant before the booked time and where do you need cab to pick you up at? Taxi-Request(Depart)
+PMUL2497 16 From the Cambridge Punter, please. Taxi-Inform(Depart=the cambridge punter)
+PMUL2497 17 A black tesla is booked, with contact number 07774975314 Taxi-Inform(Car=black tesla;Phone=07774975314)
+PMUL2497 18 Thanks, that's all I need. Bye! general-bye()
+PMUL2496 0 Can you help me find Cambridge University Botanic Gardens? Thanks. Attraction-Inform(Name=cambridge university botanic gardens)
+PMUL2496 1 Yes, cambridge university botanic gardens is a park located in the centre of town, there is a 4 pound entrance fee. Attraction-Inform(Fee=4 pound;Type=park;Name=cambridge university botanic gardens;Area=the centre of town)
+PMUL2496 3 I'm sorry, I do not have that information. Attraction-Inform(Open=do not have that information)
+PMUL2496 4 am also looking for a particular restaurant. Its name is called the copper kettle Restaurant-Inform(Name=the copper kettle)
+PMUL2496 5 Ok. The cooper kettle is a british restaurant located at 4 Kings Parade in city centre. Restaurant-Inform(Name=The cooper kettle;Food=british;Addr=4 Kings Parade;Area=city centre)
+PMUL2496 6 what's the postcode? Restaurant-Request(Post)
+PMUL2496 8 I will need a taxi to get to the botanic gardens. Taxi-Inform()
+PMUL2496 9 Do you need it from the restaurant? What time would you like to leave? Taxi-Request(Depart;Leave)
+PMUL2496 11 I'm looking at Yellow Lexus that will pick you up from the restaurant. The contact number is 07336692498. Taxi-Inform(Car=Yellow Lexus;Depart=the restaurant;Phone=07336692498)
+PMUL2496 12 Great that's all I needed, thank you. general-thank()
+PMUL2495 0 Hello! I'm looking for a cheap restaurant that serves modern global food. Restaurant-Inform(Food=modern global;Price=cheap)
+PMUL2495 2 Well, that is disappointing but maybe we could try italian. Restaurant-Inform(Food=italian)
+PMUL2495 4 Centre of town please. I need to book a table for 7 people at 17:45 on Thuesday. Restaurant-Inform(Area=centre)
+PMUL2495 7 Sure thing, I will work on this and be back with you shortly. Booking-Inform()
+PMUL2495 8 When you're done working on it please give me a reference number for my records Restaurant-Request(Ref)
+PMUL2495 9 Unfortunately, I can't book anything without some more information from you. I would need to know the day and time you'd like to dine, as well as the number of people. Booking-Request(Day;Time;People)
+PMUL2495 10 I need a table for 7 people at 17:45 on Thursday. Restaurant-Inform(Time=17:45;People=7;Day=thursday)
+PMUL2495 12 I need a place to go in the south. Attraction-Inform(Area=south)
+PMUL2494 0 We need to find the address of a theater in the center of town. Restaurant-Request(Addr)
+PMUL2494 1 The Cambridge Corn Exchange is over on wheeler street. Attraction-Inform(Name=The Cambridge Corn Exchange;Addr=wheeler street)
+PMUL2494 2 can i get the postcode? Attraction-Request(Post)
+PMUL2494 6 I don't have a preference, but I would like something near The Cambridge Corn Exchange that is cheap. Restaurant-Inform(Food=dont care;Price=cheap)
+PMUL2494 8 Not at this time. Thank you. general-thank()
+PMUL2494 9 Is there anything else I can assist you with today? general-reqmore()
+PMUL2494 10 No, you've been very helpful. Thank you for your time. general-thank()
+PMUL2499 0 Where can I go that is located in the west in town? Attraction-Inform(Area=west)
+PMUL2499 1 What type of attraction or places are of interest for you? Attraction-Request(Type)
+PMUL2499 2 Churches could be interesting Attraction-Inform(Type=dont care)
+PMUL2499 4 Anything in the west will do. What's your favorite? Attraction-Inform(Area=west)
+PMUL2499 5 I'm so sorry, there must have been an error in our system. Clare Hall is a church in the west and is free to visit. Attraction-Inform(Type=church;Name=Clare Hall;Fee=free;Area=west)
+PMUL2499 7 their phone number is 01223332360 Attraction-Inform(Phone=01223332360)
+PMUL2499 8 Thank you! I'm also looking for an African restaurant, near Clare Hall. Can you help out with that? Restaurant-Inform(Food=african)
+PMUL2499 9 I'm sorry, we don't have an African restaurants near Clare Hall. Restaurant-NoOffer(Food=African;Area=near Clare Hall)
+PMUL2499 10 Okay, how about one that serves Indian food? Restaurant-Inform(Food=indian)
+PMUL2499 12 I want expensive please. Restaurant-Inform(Price=expensive)
+PMUL2499 14 My sister loves India House. That sounds great. Can you book a table for 8 at 12:30 on Saturday, please? Restaurant-Inform(Time=12:30;People=8;Day=saturday;Name=india house)
+PMUL2499 16 Do they have anything available at 11:30? Restaurant-Inform(Time=11:30)
+PMUL2499 18 That's all for now. Thank you general-thank()
+PMUL2499 19 Thank you and enjoy your stay in Cambridge! general-bye()
+PMUL2498 0 I am looking for information on attractions in the west side of town. Attraction-Inform(Area=west)
+PMUL2498 1 Do you have any attraction type in mind? Attraction-Request(Type)
+PMUL2498 3 You can visit the Cambridge and County Folk Museum, it is located at 2-3 castle street and the admission price is 3.50 pounds. Attraction-Inform(Name=the Cambridge and County Folk Museum;Fee=3.50 pounds;Addr=2-3 castle street)
+PMUL2498 4 thanks! can you help me find a restaurant in that area? I want to spend a lot of money Restaurant-Inform(Area=west)
+PMUL2498 5 What type of food are you interested in? Restaurant-Request(Food)
+PMUL2498 7 I would suggest graffiti Restaurant-Recommend(Name=graffiti)
+PMUL2498 8 Okay. Why type of food do they serve and I need the postcode then too please Restaurant-Request(Post;Food)
+PMUL2498 9 Graffiti serves British food, and they're located in postcode cb30lx. Restaurant-Inform(Food=British;Post=cb30lx;Name=Graffiti)
+PMUL2498 10 Great. Thanks for your assistance! general-thank()
+PMUL2498 12 that is all the information I need today thank you. general-thank()
+MUL1723 0 Hi there, I've heard of something fun to do in the city called Nusha but I'm not sure where it is. Can you help me figure out how to get there? Attraction-Inform(Name=nusha)
+MUL1723 2 No, I am familiar with the south side. Thanks for your help. That is all I really need to know. Bye. general-bye()
+MUL1723 3 Ok. Have a good day! general-greet()
+MUL1723 4 Oh, wait, can you help me find a train to Cambridge? Train-Inform(Dest=cambridge)
+MUL1723 5 Sure! Where are you coming from, what day are you coming, and what time do you want to get here? Train-Request(Depart;Arrive;Day)
+MUL1723 6 I'm leaving on Tuesday anytime after 14:45 and I'm coming from Ely. Train-Inform(Depart=ely;Day=tuesday;Leave=14:45)
+MUL1723 7 TR9420 will leave at 15:35 if that works for you. Train-Inform(Id=TR9420;Leave=15:35)
+MUL1723 8 What is the travel time, and what time will it arrive at? Train-Request(Duration;Arrive)
+MUL1723 12 no that's all thank you general-thank()
+MUL1723 13 I hope you enjoy your trip. Are you sure you have everything you need? general-reqmore()
+MUL1723 14 Yes, that is all I need right now. Thank you! general-thank()
+MUL1723 15 You are welcome. Goodbye. general-welcome()
+PMUL4088 0 I need to get to Cambridge by 10:30, is it possible to do that by train? Train-Inform(Dest=cambridge;Arrive=10:30)
+PMUL4088 1 Where are you leaving from? And what day do you need to leave? Train-Request(Depart;Day)
+PMUL4088 2 I'll be leaving from Ely on Monday. Train-Inform(Depart=ely;Day=monday)
+PMUL4088 4 What time would I need to leave in order to arrive by 10:30? Train-Inform(Arrive=10:30)
+PMUL4088 5 I would say you should leave by 09:35 Train-Inform(Leave=09:35)
+PMUL4088 6 Ok can i get the train ID and price? Train-Request(Price;TrainID)
+PMUL4088 7 TR2987, fare is 4.40 pounds and your trip will be 17 minutes. Train-Inform(Time=17 minutes;Ticket=4.40 pounds;Id=TR2987)
+PMUL4088 10 I don't have a preferred area, but I am looking for a hotel, not a guesthouse. Does that narrow it down? Hotel-Inform(Type=guesthouse)
+PMUL4088 12 Ok, a guesthouse will have to do. How many choices do I have? Hotel-Inform(Type=guesthouse)
+PMUL4088 14 Please pick the best option. I need a room for 8, for two nights and starting Monday. Hotel-Inform(Stay=2;People=8;Day=monday)
+PMUL4088 16 Not, that is all I will need today. Thanks. general-thank()
+PMUL4088 17 Is there anything else? general-reqmore()
+PMUL4088 18 no that will be all thanks so much. general-thank()
+PMUL4088 19 You're very welcome. Have a good day. general-welcome()
+PMUL4089 0 I like to play sports. Are there any facilities for that in the centre section? Attraction-Inform(Area=centre)
+PMUL4089 3 Sorry I am not finding anything like that, something else perhaps? Attraction-NoOffer()
+PMUL4089 4 How about at a college? Attraction-Inform(Type=college)
+PMUL4089 5 There you're in luck. We have quite a lot of colleges open to visitors, and most are free to visit. Attraction-Inform(Type=colleges;Choice=quite a lot of;Choice=most;Fee=free)
+PMUL4089 6 You know, actually I just remembered a place someone told me about. It's called Pembroke College. Is that in the centre area? Attraction-Inform(Name=pembroke college)
+PMUL4089 8 the centre and should be in the type of mutliple sport Attraction-Inform(Type=mutliple sports)
+PMUL4089 9 There is nothing which matches you search in that area. Attraction-NoOffer()
+PMUL4089 10 Ok, well what about a college in the centre instead? Attraction-Inform(Type=college)
+PMUL4089 14 Yes, I am looking for a moderately priced traditional restaurant in the same area as the college. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL4089 16 I said, traditional food please. Restaurant-Inform(Food=traditional)
+PMUL4089 18 What about one with European cuisine? Restaurant-Inform(Food=european)
+PMUL4089 19 I have four places. Would you like to know more about them? Restaurant-Inform(Choice=four)
+PMUL4089 21 I recommend riverside brasserie at the center of town. Their phone number is 01223259988 Restaurant-Recommend(Name=riverside brasserie;Area=center of town;Phone=01223259988)
+PMUL4089 23 Reference number is : IJHH4L8N. Restaurant-Inform(Ref=IJHH4L8N)
+PMUL4089 24 Thank you very much. that is all for now. general-thank()
+PMUL4089 25 you are welcome general-welcome()
+PMUL4089 26 thank you and goodbye general-bye()
+PMUL4086 0 Hello! I'm needing a place to stay in the center of town. Parking is not important to me. What do you have? Hotel-Inform(Parking=no)
+PMUL4086 2 No thanks, but can I just get some information about Cityroomz? general-thank()
+PMUL4086 3 Cityroomz is a moderatly priced 0-star hotel in the centre. They offer internet and parking and are located on station road. Hotel-Inform(Price=moderatly priced;Name=Cityroomz;Internet;Parking;Stars=0;Addr=station road)
+PMUL4086 4 I would like to book 5 nights on sunday for 5. Hotel-Inform(Stay=5;People=5;Day=sunday)
+PMUL4086 5 You're all set. Your Reference number is : T9VLKXV5. Booking-Book(Ref=T9VLKXV5)
+PMUL4086 6 Sounds great- thanks for your help! general-thank()
+PMUL4086 7 Have a great visit! general-greet()
+PMUL4087 0 i am looking for a place to stay. The hotel should be in the type of guesthouse and should include free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL4087 2 No, just have to be in the east. Hotel-Inform(Area=east;Price=dont care)
+PMUL4087 4 Yes, I need a reservation for 2 people for 4 nights please. Hotel-Inform(Stay=4;People=2;Name=allenbell)
+PMUL4087 5 I'll be happy to do that for you, what day will you plan on arriving for your stay? Booking-Request(Day)
+PMUL4087 6 I need the room starting on friday, please. Hotel-Inform(Day=friday)
+PMUL4087 7 I was able to book you. Your references number is HIASSAH9. Booking-Book(Ref=HIASSAH9)
+PMUL4087 8 Awesome. Thank you. Can you please find an architectural attraction for me in the centre of town? Attraction-Inform(Area=centre)
+PMUL4087 13 That has been booked. Be expecting a white Toyota. Should you need to reach them, please call 07017250356. Taxi-Inform(Phone=07017250356;Car=white Toyota)
+PMUL4087 14 That would be it and thanks a lot general-thank()
+PMUL4087 15 You have a great day. general-bye()
+PMUL4085 2 Nothern European food, please Restaurant-Inform(Food=northern european)
+PMUL4085 3 I was unable to find any northern european restaurants Restaurant-NoOffer(Food=northern european)
+PMUL4085 4 Ok. How about just european? Any luck there? Restaurant-Inform(Food=european)
+PMUL4085 5 what is your price range to narrow down our choices? Restaurant-Request(Price)
+PMUL4085 6 I would like to find a expensive one please. Restaurant-Inform(Price=expensive)
+PMUL4085 8 Whichever you recommend. Can I have the phone number, postcode, and address, please? Restaurant-Request(Post;Phone;Addr)
+PMUL4085 10 Okay. I;m looking for a train that departs from cambridge on tuesday and arrives by 08:00 in london kings cross. Train-Inform(Depart=cambridge;Dest=london kings cross;Day=tuesday;Arrive=08:00)
+PMUL4085 12 Yes please reserve a spot and give me the reference number after. Train-Request(Ref)
+PMUL4085 13 How many tickets will you need? Train-Request(People)
+PMUL4085 14 I will need two tickets. Train-Inform(People=2)
+PMUL4085 15 I have booked you 2 tickets. Train-OfferBooked(People=2)
+PMUL4085 16 What is the booking reference number? Train-Request(Ref)
+PMUL4085 18 No, thank you for your help today general-thank()
+PMUL4080 0 Hello, can you recommend any architecture that I could see in the Centre of town, please? Attraction-Inform(Area=centre;Type=architecture)
+PMUL4080 4 Yes I need to find a place to stay with a 4 star rating in the center of town please. Hotel-Inform(Stars=4)
+PMUL4080 6 I would want something expensive that has free parking. Do either have those? Hotel-Inform(Parking=yes;Price=expensive)
+PMUL4080 8 Yes please. Book for 2 people for 3 night starting Sunday. Hotel-Inform(Stay=3;People=2;Day=sunday)
+PMUL4080 9 Your stay at the University Arms Hotel has been booked for 3 nights starting Sunday, for 2 people. Your confirmation code is FU4Z3J7P. Booking-Book(Name=the University Arms Hotel;People=2;Ref=FU4Z3J7P;Day=Sunday;Stay=3)
+PMUL4080 10 Thank you, that will be all. general-thank()
+PMUL4081 0 I'm looking for a museum to visit in the centre. Attraction-Inform(Area=centre;Type=museum)
+PMUL4081 1 The Broughton House Gallery is located in the centre of town and has free admission. Would you like the address and postcode? Attraction-Inform(Fee=free admission;Area=centre of town;Name=The Broughton House Gallery)
+PMUL4081 3 Their postcode is cb11ln and their address is 98 king street. Attraction-Inform(Post=cb11ln;Addr=98 king street)
+PMUL4081 4 I also need a restaurant in the same area? Crossover food sounds good. Restaurant-Inform(Area=centre;Food=crossover)
+PMUL4081 6 What else do you have that is cheap? Restaurant-Inform(Price=cheap)
+PMUL4081 7 What type of food? Restaurant-Request(Food)
+PMUL4081 8 Hmmm, I'm hungry for some portuguese food... Have anything like that? Restaurant-Inform(Food=portuguese)
+PMUL4081 10 Thank you! Please book a table for 8 people at 14:00 on Thursday. Restaurant-Inform(Time=14:00;People=8;Day=thursday;Name=nandos city centre)
+PMUL4081 12 Thank you goodbye general-bye()
+PMUL4114 0 Hi, I am looking for a concerthall in the east. Attraction-Inform(Area=east;Type=concerthall)
+PMUL4114 1 we don't have a concert hall in the east, can I check another area? Attraction-NoOffer(Area=east;Type=concert hall)
+PMUL4114 2 Let's check for a museum, then Attraction-Inform(Type=museum)
+PMUL4114 3 There are four museums in the east. Cambridge artworks, Gallery at twelve a high street, and Saint barnabas press gallery are all free. Cambridge museum of technology is 5 pounds. Attraction-Inform(Name=Cambridge artworks;Name=Gallery at twelve a high street;Name=Saint barnabas press gallery;Name=Cambridge museum of technology;Type=museums;Fee=free;Fee=5 pounds;Choice=four;Area=east)
+PMUL4114 7 Sure thing, what kind of cuisine are you looking for? Restaurant-Request(Food)
+PMUL4114 9 YOu would need to select food then I can look that up. Restaurant-Request(Food)
+PMUL4114 10 I would like it to be crossover food. Restaurant-Inform(Food=crossover)
+PMUL4114 12 Sure, let's try Chinese then please. And I'd also like the restaurant to be expensive. Restaurant-Inform(Food=chinese;Price=expensive)
+PMUL4114 16 Is it available on Friday? Restaurant-Inform(Name=ugly duckling)
+PMUL4114 18 I would like a table for 5 at 11:00. Restaurant-Inform(Time=11:00;People=5)
+PMUL4114 19 Your reference code is KU6JQCL9. You will have 15 minutes to arrive to your table. Restaurant-Inform(Ref=KU6JQCL9)
+PMUL4114 20 Thank you. I didn't get an address and postcode for Cambridge museum of technology. Can you provide it, please? Attraction-Request(Post;Addr)
+PMUL4114 22 NO, that was everything I needed thank you. general-thank()
+PMUL3583 0 I want to find an attraction called Primavera. Attraction-Inform(Name=primavera)
+PMUL3583 2 Great can I get the postcode for it? Attraction-Request(Post)
+PMUL3583 3 their postcode is cb21sj Attraction-Inform(Post=cb21sj)
+PMUL3583 4 Thank you. Have you heard of a particular restaurant, I think it's called Gourmet Burger Kitchen? Restaurant-Inform(Name=gourmet burger kitchen)
+PMUL3583 6 Yes I would, could you book a table for 2 at 18:15 on Tuesday? Restaurant-Inform(Time=18:15;People=2;Day=tuesday)
+PMUL3583 7 I was able to make a booking for you. Your reference number is TD2BO4CX. Booking-Book(Ref=TD2BO4CX)
+PMUL3583 8 Thank you, goodbye, have a great day general-bye()
+PMUL3583 9 Do you need me to book anything else or look up anymore info? general-reqmore()
+PMUL4554 0 i am looking for places to go in town. The attraction should be in the east and should be in the type of park. Attraction-Inform(Area=east;Type=park)
+PMUL4554 1 How about Cherry Hinton Water Play. It is located at Cherry Hinton Hall, Cherry Hinton Road, postcode cb18dw. Attraction-Inform(Name=Cherry Hinton Water Play;Post=cb18dw;Addr=Cherry Hinton Hall;Addr=Cherry Hinton Road)
+PMUL4554 4 I could use some help finding a room somewhere in town. In the east preferably. Hotel-Inform(Area=east)
+PMUL4554 5 There is one option for a hotel and 6 for a guesthouse. Can you tell me more about the amenities you're looking for? Hotel-Inform(Choice=one;Choice=6;Type=hotel;Type=guesthouse)
+PMUL4554 6 Wfif,free parking and room service Hotel-Inform(Parking=yes)
+PMUL4554 7 How about the express by holiday inn cambridge? They are an expensive hotel. Hotel-Inform(Type=hotel;Name=the express by holiday inn cambridge;Price=expensive)
+PMUL4554 8 As long as it has free internet and parking it's fine. Can you book it for 1 I'm checking in Friday and staying 4 nights. Hotel-Inform(Stay=4;Parking=yes;Internet=yes;People=1;Day=friday;Name=express by holiday inn cambridge)
+PMUL4554 10 No, that will be all. Thank you! general-thank()
+PMUL4554 11 thank you for inquiring with us. general-welcome()
+PMUL4554 12 Good Bye. Thanks. general-bye()
+PMUL4555 2 I actually prefer the south. If there are none of those, do you have any theatres in the south? Attraction-Inform(Area=south;Type=theatre)
+PMUL4555 6 I also need a train for Monday. Train-Inform(Day=monday)
+PMUL4555 7 Could you please provide me with your departure site and destination site. Also your departure time and arrival time. Train-Request(Leave;Dest;Depart;Arrive)
+PMUL4555 8 I am departing from kings lynn to cambridge. Train-Inform(Depart=kings lynn;Dest=cambridge)
+PMUL4555 9 Do you know either what time you'd like to depart or what time you want to arrive by? Train-Request(Arrive;Leave)
+PMUL4555 10 I would like to arrive by 13:15. Train-Inform(Arrive=13:15)
+PMUL4555 13 I will work on getting that booked and be right back with you. Train-OfferBook()
+PMUL4555 14 Okay, great. Can I have the reference number? Train-Request(Ref)
+PMUL4555 15 I was able to book it, reference number is 55SC2R8Z. Train-OfferBooked(Ref=55SC2R8Z)
+PMUL4555 16 Great, thanks so much, that's all I need! general-thank()
+PMUL4556 0 I am looking for a train to cambridge that leaves on Saturday. Train-Inform(Dest=cambridge;Day=saturday)
+PMUL4556 1 I am getting the train schedule on my computer as we speak, where will you be coming from and what time? Train-Request(Depart;Leave)
+PMUL4556 2 I'm leaving Ely and want to be in Cambridge by 12:15. Train-Inform(Depart=ely;Dest=cambridge;Arrive=12:15)
+PMUL4556 4 No, I don't need to leave by a particular time. I want to arrive by 12:15 though. Train-Inform(Arrive=12:15)
+PMUL4556 5 TR3052 will arrive at 11:52, would that work for you? Train-Select(Arrive=11:52;Id=TR3052)
+PMUL4556 6 Yes, it would. Please make a booking for 3 people and provide the reference number. I will also need a place to stay. Train-Inform(People=3)
+PMUL4556 8 I am also looking for a place to stay. The hotel should be in the type of guesthouse and should have a star of 4. Hotel-Inform(Stars=4;Type=guesthouse)
+PMUL4556 12 Yes please, 4 people for 5 nights on saturday. Hotel-Inform(Stay=5;People=4;Day=saturday;Name=alexander bed and breakfast)
+PMUL4556 14 Thank you goodbye general-bye()
+PMUL4556 15 Happy to be of help, and enjoy your stay in Cambridge! general-bye()
+PMUL1778 0 I want a train leaving from norwich. Train-Inform(Depart=norwich)
+PMUL1778 1 When will you be traveling? Train-Request(Day)
+PMUL1778 2 I will be traveling by train, on Friday. Train-Inform(Day=friday)
+PMUL1778 4 Yes, my destination is Cambridge. I would love to arrive by 08:30 please. Train-Inform(Arrive=08:30)
+PMUL1778 5 TR3339 is your best bet. It will arrive in Cambridge at 07:35. Train-Inform(Id=TR3339;Dest=Cambridge;Arrive=07:35)
+PMUL1778 6 Okay. Could you also help me with a a place to stay. I am looking for a guesthouse with 3 stars. Hotel-Inform(Stars=3;Type=guesthouse)
+PMUL4550 0 Please find a restaurant called Galleria. Restaurant-Inform(Name=galleria)
+PMUL4550 1 galleria serves european food in the centre. It is of moderate price. Would you like a phone number or the address? Restaurant-Inform(Food=european;Price=moderate;Area=centre;Name=galleria)
+PMUL4550 2 I think it would be great to try European food. Do you think they would accept a reservation for a party of 7? Restaurant-Inform(Food=european)
+PMUL4550 3 Yes! Would you like to book a table? Booking-Inform()
+PMUL4550 6 I'm also looking for a college to visit in the west. Attraction-Inform(Area=west;Type=college)
+PMUL4550 8 pick one that is free and give me the address and phone number Attraction-Request(Phone;Addr)
+PMUL4550 12 Thank you. That's all I need for now. general-thank()
+MUL1720 0 I am looking for places to go in town located in the centre of town. Attraction-Inform(Area=centre)
+MUL1720 1 There is the Vue Cinema downtown. If that interests you, their phone number is 08712240240. Attraction-Inform(Phone=08712240240;Name=the Vue Cinema downtown)
+MUL1720 3 The address is the grafton centre, east road. Unfortunately, there isn't an entrance fee listed. Would you like information on an alternate attraction? Attraction-Inform(Fee=there isn't an entrance fee listed;Addr=grafton centre;Addr=east road)
+MUL1720 4 No that's okay. However, I am also looking for a train from Cambridge to Ely, could you help me find one? Train-Inform(Depart=cambridge;Dest=ely)
+MUL1720 6 Yes, i would like to leave Saturday after 11:30 Train-Inform(Day=saturday;Leave=11:30)
+MUL1720 8 Yes, can you provide me the travel time and the price as well? Train-Request(Duration;Price)
+MUL1720 9 Price is 3.52 pounds. Duration is 17 minutes. Train-Inform(Ticket=3.52 pounds;Time=17 minutes)
+MUL1720 10 ok thank you so much general-thank()
+MUL1720 12 That is all I need today thank you for your help. general-thank()
+PMUL4552 0 I need a train that leaves after 17:30 on Thursday Train-Inform(Day=thursday;Leave=17:30)
+PMUL4552 1 Where are you leaving from and going on thursday? Train-Request(Depart;Dest)
+PMUL4552 2 I'll be heading from London Liverpool Street to Cambridge. Train-Inform(Depart=london liverpool street;Dest=cambridge)
+PMUL4552 6 Sure, book it for 3 people please. Train-Inform(People=3)
+PMUL4552 7 Booking was successful, the total fee is 49.8 GBP payable at the station . Reference number is : N1C90WGA. Train-OfferBooked(Ref=N1C90WGA;Ticket=49.8 GBP)
+PMUL4552 8 Could you recommend a college for me to visit while I'm in town? Attraction-Inform(Name=college)
+PMUL4552 9 Christ's College is in Centre. Admission is free. Phone 01223334900. Attraction-Inform(Fee=free;Phone=01223334900;Area=Centre;Name=Christ's College)
+PMUL4552 10 Thank you so much that will be all, looking forward to Cambridge. general-thank()
+PMUL4552 11 enjoy your time in cambridge general-bye()
+PMUL4553 0 I need a train departing from cambridge arriving by 17:45. Train-Inform(Depart=cambridge;Arrive=17:45)
+PMUL4553 1 Okay! What is your destination? Train-Request(Dest)
+PMUL4553 2 I would like to go to Stansted Airport, please. Train-Inform(Dest=stansted airport)
+PMUL4553 3 On what day do you need to travel from cambridge to stansted airport? Train-Request(Day)
+PMUL4553 5 Yes the train that departs at 16:40 has an ID of TR7062, and a travel time of 28 minutes and a price of 10.10 pounds. Train-Inform(Ticket=10.10 pounds;Id=TR7062;Time=28 minutes;Leave=16:40)
+PMUL4553 6 Thank you! I'm also looking for a place to stay in the north. I'll need it to have a star of 2. Hotel-Inform(Stars=2;Area=north)
+PMUL4553 8 That sounds great, thanks! Hotel-Inform(Name=ashley hotel)
+PMUL4553 9 Would you like me to book it for you? Booking-Inform()
+PMUL4553 10 Actually, I am not ready to book yet. But, can you please tell me the phone number and postcode? Hotel-Request(Post;Phone)
+PMUL4553 12 No that's all I need for now. Thank you! general-thank()
+PMUL4553 13 You're welcome! Have a great trip! general-welcome()
+PMUL4553 14 Thank you so much! Goodbye. general-bye()
+PMUL4553 15 Bye for real this time! general-bye()
+MUL2090 0 Yes thank you. I'd like to stay in Cambridge. We're looking for a hotel with free parking and free wifi. Hotel-Inform(Parking=yes;Internet=yes)
+MUL2090 4 yes, please. For 6 people for 3 nights starting on friday. Hotel-Inform(Stay=3;People=6;Day=friday)
+MUL2090 6 I need information on a train as well. It should leave after 18:45. Train-Inform(Leave=18:45)
+MUL2090 7 Could you please clarify your departure location and arrival destination? Train-Request(Dest;Depart)
+MUL2090 8 Coming to Cambridge from broxbourne on Friday. Train-Inform(Depart=broxbourne;Dest=cambridge;Day=friday)
+MUL2090 10 Yes, that would work for me.I will just need the price, train id and travel time. Train-Request(Duration;Price;TrainID)
+MUL2090 11 TR5056 costs 17.90 pounds and the duration is 60 minutes. Train-Inform(Time=60 minutes;Ticket=17.90 pounds;Id=TR5056)
+MUL2090 12 Okay thank you that's all I needed. general-thank()
+MUL2090 13 It was a pleasure serving you. I do so hope that your stay in Cambridge is pleasant. Goodbye! general-bye()
+MUL2091 0 Hi, are you familiar with the Avalon hotel? Hotel-Inform(Name=avalon)
+MUL2091 2 I would love that. Can you book me a room starting on Friday night? Hotel-Inform(Day=friday)
+MUL2091 4 I need a train that stops at london liverpool street and should arrive by 12:45, will you book it for me Train-Inform(Dest=london liverpool street;Arrive=12:45)
+MUL2091 6 I need to depart on Wednesday. I'll need to arrive by 1245. Train-Inform(Day=wednesday)
+MUL2091 8 Yes, I'd like five tickets, please. Train-Inform(People=5)
+MUL2091 10 Thank you very much. That is all I need. Bye. general-bye()
+MUL2092 0 I'd like a train from Birmingham New Street that will arrive by 12:45, please. Train-Inform(Depart=birmingham new street;Arrive=12:45)
+MUL2092 1 What is your destination and what day would you like to leave? Train-Request(Dest;Day)
+MUL2092 2 I am coming to cambidge on friday. Train-Inform(Dest=cambridge;Day=friday)
+MUL2092 4 Yes please, I need 6 tickets and a reference number for my purchase when you are done. Thanks! Train-Inform(People=6)
+MUL2092 6 I am also looking for a hotel. I think it is called Kirkwood House. Hotel-Inform(Name=kirkwood house)
+MUL2092 10 Can you check for 2 nights instead? And I need the reference number. Hotel-Inform(Stay=2)
+MUL2092 12 No, thank you. Have a great day! general-thank()
+MUL2092 13 You too, enjoy your stay in Cambridge. general-bye()
+MUL2093 0 Hi, I'd like a guesthouse in the expensive range. Hotel-Inform(Price=expensive;Type=guesthouse)
+MUL2093 2 Yes. I would like a hotel with free parking. Hotel-Inform(Parking=yes;Type=hotel)
+MUL2093 4 no thanks, what about something in the moderate range? Hotel-Inform(Price=moderate)
+MUL2093 6 That would be fine can you give me the address, postcode and phone number please? Hotel-Request(Post;Phone;Addr)
+MUL2093 7 The address is gonville place and the postcode is cb11ly. Their phone number is 01223366611 Hotel-Inform(Phone=01223366611;Post=cb11ly;Addr=gonville place)
+MUL2093 8 Great, thanks. I need a train as well - it needs to leave on friday after 17:45. Train-Inform(Day=friday;Leave=17:45)
+MUL2093 9 Where will you be departing and what is your destination? Train-Request(Dest;Depart)
+MUL2093 10 I'd like to leave on friday after 17:45. From birmingham new street going to cambridge Train-Inform(Depart=birmingham new street;Dest=cambridge)
+MUL2093 11 The TR8903 departs at 18:40 and arrives at 21:23. Train-Inform(Leave=18:40;Arrive=21:23;Id=TR8903)
+MUL2093 12 Please book it for 4 people. Train-Inform(People=4)
+MUL2093 14 No thank you, that will be everything today. general-thank()
+MUL2093 16 You to, thanks for the help! general-thank()
+MUL2094 0 Hi, I would like to purchase a train ticket to Peterborough. Train-Inform(Dest=peterborough)
+MUL2094 2 I would like to travel on Tuesday and leave sometime after 11:15. Train-Inform(Day=tuesday;Leave=11:15)
+MUL2094 3 Is there a time you need to arrive by? Train-Request(Arrive)
+MUL2094 4 Not really. Can I also please have the travel time of the train. Train-Request(Duration)
+MUL2094 9 Yes, the Gonville does offer free parking. Hotel-Inform(Name=the Gonville;Parking)
+MUL2094 10 Excellent. Thanks for the help. general-thank()
+MUL2094 13 Thanks for contacting us. Have a nice day! general-bye()
+MUL2095 0 I'm looking for a place to stay in the north. Hotel-Inform(Area=north)
+MUL2095 1 Acorn guest house is in the north, would that work for you? Hotel-Inform(Area=north;Name=Acorn guest house)
+MUL2095 5 How about Ashley Hotel in the north part of town? It's on Chesterton Road. Hotel-Inform(Addr=Chesterton Road;Area=north;Name=Ashley Hotel)
+MUL2095 6 Sounds good. Can you book it for four nights starting on Tuesday? Hotel-Inform(Stay=4;Day=tuesday;Name=ashley)
+MUL2095 8 Can we try it for 1 night? Hotel-Inform(Stay=1)
+MUL2095 10 Yes. I need a train from Ely to Cambridge. Train-Inform(Depart=Ely;Dest=Cambridge)
+MUL2095 12 I need to be in cambridge by 21:45. Could you find me close to that time? Train-Inform(Dest=cambridge;Arrive=21:45)
+MUL2095 13 And which day would you like to leave on? Train-Request(Day)
+MUL2095 15 Your best bet would be TR1537 which arrives in Cambridge at 19:52. The price is 4.40 pounds per ticket and the departure time is 19:35. Train-Inform(Arrive=19:52;Leave=19:35;Ticket=4.40 pounds;Id=TR1537;Dest=Cambridge)
+MUL2095 16 That is all I need. Thank you. general-thank()
+MUL2096 0 I'd like a 4 star hotel in the west, please. Hotel-Inform(Stars=4;Area=west)
+MUL2096 1 finches bed and breakfast is a guesthouse in the cheap range. huntingdon marriott hotel is in the expensive range and the cambridge belfry is a hotel in the cheap range. Hotel-Inform(Price=cheap;Price=expensive;Price=cheap;Name=finches bed and breakfast;Name=huntingdon marriott hotel;Name=the cambridge belfry;Type=guesthouse;Type=hotel)
+MUL2096 2 which of these hotels include free parking? Hotel-Inform()
+MUL2096 3 They all have free parking and free wifi. Hotel-Inform(Choice=all;Internet;Parking)
+MUL2096 4 I'd like to book one for 4 people for 3 nights starting sunday. Will that be possible? Hotel-Inform(Stay=3;People=4;Day=sunday)
+MUL2096 6 Yes can you try one night instead? Hotel-Inform(Stay=1)
+MUL2096 7 Perfect! You have been booked and your reference number is DQ0XVS0Z. Booking-Book(Ref=DQ0XVS0Z)
+MUL2096 8 Awesome. I'm also looking for a train. Train-Inform()
+MUL2096 9 I can help you with a train as well. When would you like this scheduled for? Where will you be departing and arriving? Train-Request(Dest;Day;Depart)
+MUL2096 10 Depart from cambridge and should arrive by 20:00. Train-Inform(Depart=cambridge;Arrive=20:00)
+MUL2096 11 What is your destination? Train-Request(Dest)
+MUL2096 12 It is leicester. Train-Inform(Dest=leicester)
+MUL2096 13 What day would you like to travel? Train-Request(Day)
+MUL2096 14 I would like to travel on Monday. Train-Inform(Day=monday)
+MUL2096 15 Booking was successful, the total fee is 37.79 GBP payable at the station . Reference number is : 4GVI1B9L. Train-OfferBooked(Ref=4GVI1B9L;Ticket=37.79 GBP)
+MUL2096 16 Thank you for all your help today. I have all I need at this time. general-thank()
+MUL2097 0 Hi, I'd like a hotel with a star of 4 on the east side of town. Hotel-Inform(Stars=4;Area=east)
+MUL2097 4 I want to book for 5 people and 2 nights starting from Saturday if available. Hotel-Inform(Stay=2;People=5;Day=saturday)
+MUL2097 6 I also need a train leaving Cambridge after 17:15 going to Birmingham New Street. Train-Inform(Depart=cambridge;Dest=birmingham new street;Leave=17:15)
+MUL2097 8 I would like to travel on Monday. Train-Inform(Day=monday)
+MUL2097 10 Yes can I please book that train for 5 people? Train-Inform(People=5)
+MUL2097 11 The booking was successful, the total fee is 375.5 GBP payable at the station. Reference number is : U7IJQAP3. Train-OfferBooked(Ticket=375.5 GBP;Ref=U7IJQAP3)
+MUL2097 12 That is all I need, good bye. general-bye()
+MUL2097 13 Thank you for using our system! general-bye()
+SNG0535 0 I am looking for a particular restaurant. It's Efes Restaurant. Restaurant-Inform(Name=efes restaurant)
+SNG0535 2 Yes I would, for 3 people Wednesday at 18:15. Restaurant-Inform(Time=18:15;People=3;Day=wednesday)
+SNG0535 4 Can you check for 17:15 on the same day? Restaurant-Inform(Time=17:15)
+SNG0535 6 No, that's all I need today. I appreciate your help - goodbye! general-bye()
+SNG0535 7 Thank you for using this system! general-bye()
+MUL2234 0 I am looking for an expensive 4 star hotel. Hotel-Inform(Stars=4;Price=expensive)
+MUL2234 2 I need one in the north and a guesthouse. Hotel-Inform(Area=north;Type=guesthouse)
+MUL2234 4 Is there a 4 star guesthouse in the north that is in the moderate price range instead? Hotel-Inform(Stars=4;Area=north;Price=moderate;Type=guesthouse)
+MUL2234 6 Oh great thanks, that's all I needed! general-thank()
+MUL2234 8 Hold on, is there any trains leaving Cambridge that arrives by 11:30? Train-Inform(Depart=cambridge;Arrive=11:30)
+MUL2543 0 Hello! I'm staying in Cambridge for the first time and I'm looking for places to go that are near me. Can you help me find multiple sports? general-greet()
+MUL2543 1 There is one multiple sports attraction in Cambridge and it is in the east area: The cherry hinton village centre. Attraction-Inform(Addr=cherry hinton village centre;Area=east;Type=multiple sports;Choice=one)
+MUL2543 2 Bummer, are there any nightclubs in the city centre instead? Attraction-Inform(Area=centre;Type=nightclub)
+MUL2543 6 Thank you! Can you also help me find a cheap place to stay while I am there? Hotel-Inform(Price=cheap)
+MUL2543 7 No problem, do you want to stay in the centre as well? Hotel-Request(Area)
+MUL2543 8 No, but I'd like a guesthouse of the 4 star range that offers free WiFi. Hotel-Inform(Stars=4;Internet=yes)
+MUL2543 9 How does the alexander bed and breakfast sound? It's in the city centre. It has free internet and free parking. Hotel-Recommend(Internet;Area=city centre;Name=alexander bed and breakfast;Parking)
+MUL2543 10 It sounds good! Can you book for 5 people and 5 nights starting from Saturday? Hotel-Inform(Stay=5;People=5;Day=saturday)
+MUL2543 12 Yes, I need a taxi from the hotel to the nightclub, I want ot leave the hotel by 13:30 Taxi-Inform(Leave=13:30)
+MUL2540 0 Hi. I'm looking for some moderately priced rooms for the night in the centre of town. Where can I go for that? Hotel-Inform(Area=centre;Price=moderate)
+MUL2540 2 No thank you, I'm just looking for now. That's everything I needed. general-thank()
+MUL2540 4 Is Cityrooms 4 stars? I'm sorry I forgot to specify, but I do require it. Hotel-Inform(Stars=4)
+MUL2540 5 It isn't, and unfortunately I don't have a hotel that matches that criteria. Hotel-NoOffer(Type=hotel)
+MUL2540 6 Okay, how about one in the cheap price range? Hotel-Inform(Price=cheap)
+MUL2540 8 Alexander Bed and breakfast, can I get the address and hotel type please? Hotel-Request(Type;Addr)
+MUL2540 11 It's a boat attraction in the centre area. Do you want their phone number? Attraction-Inform(Area=centre;Type=boat attraction)
+MUL2540 12 No, I just need a taxi to get between the two places. Taxi-Inform()
+MUL2540 13 Sure. What time would you like to leave and from which destination? Taxi-Request(Depart;Leave)
+MUL2540 14 I'd like to leave the hotel by 11:45 please. Taxi-Inform(Leave=11:45)
+MUL2540 17 I hope you enjoy your visit to Cambridge! See you soon! general-bye()
+MUL2541 0 I'd like to find a college to visit. Attraction-Inform(Type=college)
+MUL2541 2 Yes somewhere in Cambridge. Attraction-Inform(Area=centre)
+MUL2541 6 Hobson's House sounds interesting. What is their phone number? Hotel-Request(Phone)
+MUL2541 8 That sounds good, thank you. general-thank()
+MUL2541 9 Would you like me to book a room for you at Hobson's House? Booking-Inform(Name=Hobson's House)
+MUL2541 10 No, thank you. I just only need the information of the guesthouse. general-thank()
+MUL2541 12 That will be all. Thank you! general-thank()
+MUL2541 13 Please contact us again if there is anything else you should need. general-reqmore()
+MUL2541 14 That seems to be all I need. Thank You. general-thank()
+MUL2546 2 Do you have one in the centre area. That would be nice. Attraction-Inform(Area=centre)
+MUL2546 4 Yes, how much is the entrance fee and can I get their number as well? Attraction-Request(Fee)
+MUL2546 5 Of course, I'd be happy to provide that information. Unfortunately our system does not have information about their entrance fee, but their phone number is 01223446100 so you can ask directly. Attraction-Inform(Phone=01223446100;Fee=our system does not have information)
+MUL2546 6 Great I am also looking for some info on a hotel called city centre north b and b Hotel-Inform(Name=city centre north b and b)
+MUL2546 8 Thank you but I would just like the address of the hotel for now. I will also need a taxi to be booked, though. Hotel-Request(Addr)
+MUL2546 9 The address of the hotel is at 328a histon road and its postal code is cb43ht. Hotel-Inform(Post=cb43ht;Addr=328a histon road)
+MUL2546 10 I also need a taxi to pick me up from the attraction by 22:30 Taxi-Inform(Leave=22:30)
+MUL2546 12 No that is everything I needed. Take care. Thanks! general-thank()
+MUL2546 13 We hope you have a great time. general-bye()
+MUL2547 0 I'm looking for a place to go in Cambridge. Are there any good museums nearby? Attraction-Inform(Area=cambridge;Type=museum)
+MUL2547 6 Yes, I don't really need any specific area. Can you go ahead and find a museum in another part of town? Attraction-Inform(Area=east)
+MUL2547 7 I think you may like Cambridge Artworks in the east. It is located on 5 greens road. Attraction-Recommend(Name=Cambridge Artworks;Addr=5 greens road;Area=east)
+MUL2547 8 Perfect. Can I get a phone number to Cambridge Artworks? Attraction-Request(Phone)
+MUL2547 9 Yes, their phone number is 01223902168. Attraction-Inform(Phone=01223902168)
+PMUL1919 0 I am trying to find when the train is leaving Sunday Cambridge can you help me? Train-Inform(Depart=cambridge;Day=sunday)
+PMUL1919 1 Ok, and where are you heading to? Train-Request(Dest)
+PMUL1919 2 I am heading to Ely. Train-Inform(Dest=ely)
+PMUL1919 3 What time do you want to arrive by? Train-Request(Arrive)
+PMUL1919 4 Oh, not Ely, sorry. I need to leave after 16:00 going to London Liverpool Street. Train-Inform(Dest=london liverpool street;Leave=16:00)
+PMUL1919 6 That is good, I also need a place to stay with a cheap price and free parking. Hotel-Inform(Parking=yes;Price=cheap)
+PMUL1919 8 A guesthouse in the east, please Hotel-Inform(Area=east;Type=guesthouse)
+PMUL1919 10 Can you give me the phone number and postcode please? Hotel-Request(Post;Phone)
+PMUL1919 14 No, that's all I need from you today, Thanks a bunch! general-thank()
+PMUL1919 15 Thank you. Feel free to call back if you need assistance. general-bye()
+PMUL4438 0 Please find me a train to Cambridge. Make sure it leaves after 15:45 Train-Inform(Dest=cambridge;Leave=15:45)
+PMUL4438 2 I'm departing from stansted airport. Train-Inform(Depart=stansted airport)
+PMUL4438 4 Yes. Please book tickets for 8. Train-Inform(People=8)
+PMUL4438 5 Okay, 8 tickets have been reserved! Your reference number is 3YRAS11J. Train-OfferBooked(Ref=3YRAS11J;People=8)
+PMUL4438 6 Perfect! I also have one more question. Can you tell me a little about a place called the Yippee Noodle Bar? Restaurant-Inform(Name=yippee noodle bar)
+PMUL4438 8 Thanks, I would like to book a table for 8 on wednesday, please. Restaurant-Inform(People=8;Day=wednesday)
+PMUL4438 9 Sure, what time should I make the reservation for? Booking-Request(Time)
+PMUL4438 10 20:15 on wednesday, thanks. Restaurant-Inform(Time=20:15)
+PMUL4438 11 Booking was successful. The table will be reserved for 15 minutes. Reference number is : YP33ONP5. Booking-Book(Ref=YP33ONP5)
+PMUL4438 12 That's all, thank you. general-thank()
+PMUL4438 13 Have a great dinner. general-bye()
+PMUL1917 0 Yes I'm looking for a train that departs on Wednesday from Peterborough. Train-Inform(Depart=peterborough;Day=wednesday)
+PMUL1917 1 And where will the destination be? Train-Request(Dest)
+PMUL1917 2 I would like to go to Cambridge. Train-Inform(Dest=cambridge)
+PMUL1917 4 i want to leave after 13:00 Train-Inform(Leave=13:00)
+PMUL1917 6 I don't need a ticket right now, but could you tell me the travel time and price? Train-Request(Duration;Price)
+PMUL1917 10 I am also looking for more info into a hotel. The Cambridge Belfry. Hotel-Inform(Name=the cambridge belfry)
+PMUL1917 14 Sure! I will be staying Wednesday and Thursday. Hotel-Inform(Stay=2;Day=wednesday)
+PMUL1917 15 How many people will be staying at the hotel? Booking-Request(People)
+PMUL1917 16 I don't need it booked but whats the address? Hotel-Request(Addr)
+PMUL1917 18 No that will be all. Thanks for all your help! Bye! general-bye()
+PMUL1917 19 No problem, thank you for letting me assist you today. Have a good day! general-bye()
+PMUL4436 0 I'm looking for a hotel with free parking in the north. Hotel-Inform(Area=north;Parking=yes)
+PMUL4436 1 Yes, I can help you with that. What is your price range? Hotel-Request(Price)
+PMUL4436 2 I would like a moderately priced hotel. Preferably a guesthouse. Hotel-Inform(Price=moderate;Type=guesthouse)
+PMUL4436 3 How many stars would you like it to have? Hotel-Request(Stars)
+PMUL4436 4 That doesn't matter. Can you book a room for 4 people at your favorite? We'll arrive on Friday and stay for 3 nights. Hotel-Inform(Stay=3;People=4;Day=friday)
+PMUL4436 6 The four of us want to take a train on Sunday from Cambridge to bishops stortford. Sometime after 15:00. Train-Inform(Depart=cambridge;Dest=bishops stortford;Day=sunday;Leave=15:15)
+PMUL4436 8 Yeah, book the one that leaves at 15:29 please, for 4 people. Give me the reference number too. Train-Inform(People=4)
+PMUL4436 9 It has been booked for you and your reference number is P56PSPSX. Train-OfferBooked(Ref=P56PSPSX)
+PMUL4436 10 Thanks a bunch, that'll be it for today. Bye general-bye()
+PMUL4436 11 You are quite welcome, goodbye! general-welcome()
+PMUL1915 0 Find me a place to stay. I need a hotel in the moderate price range with a star of 4. Hotel-Inform(Price=moderate;Type=hotel)
+PMUL1915 1 What area of town interests you most ? Hotel-Request(Area)
+PMUL1915 2 Any area is fine, as long as the place has free wifi. Hotel-Inform(Internet=yes)
+PMUL1915 3 Will you need free parking as well? Hotel-Request(Parking)
+PMUL1915 4 Yes, I will also need free parking. Hotel-Inform(Parking=yes)
+PMUL1915 6 Just check moderate price range then please! Hotel-Inform(Price=moderate)
+PMUL1915 8 Yes just for me. For four nights please Hotel-Inform(Stay=4;Name=ashley hotel)
+PMUL1915 9 What day would you like you stay to start? Booking-Request(Day)
+PMUL1915 10 I would like my reservations to start on sunday. Hotel-Inform(Day=sunday)
+PMUL1915 12 i also want a train to take me to ely Train-Inform(Dest=ely)
+PMUL1915 13 On what day do you need to go to Ely? Train-Request(Day)
+PMUL1915 14 Thursday, please. I need to leave from Cambridge. Train-Inform(Depart=cambridge;Day=thursday)
+PMUL1915 16 Yes, I would like to arrive by 20:15. Train-Inform(Arrive=20:15)
+PMUL1915 18 Yes please. I need one ticket. Train-Inform(People=1)
+PMUL1915 21 Thank you for contacting us and have a nice day. general-bye()
+MUL2549 2 Not really, but I do want a 4-star hotel with free parking and wifi. Hotel-Inform(Stars=4;Parking=Yes;Internet=yes)
+MUL2549 4 I would prefer a hotel, thank you. Hotel-Inform(Type=hotel)
+MUL2549 7 How many are in your party? Booking-Request(People)
+MUL2549 8 I'll need rooms for 6 people for 4 nights beginning Tuesday. Hotel-Inform(Stay=4;People=6;Day=tuesday)
+MUL2549 11 The Place is a nightclub and the postcode is cb23hg. The entrance fee is unknown, though. Attraction-Inform(Post=cb23hg;Name=The Place;Fee=unknown)
+MUL2549 12 Great. Can you give me the address and phone number for The Place? Thank you for your help. general-thank()
+MUL2549 14 No that was it. Thank you so much. general-thank()
+MUL2238 0 Yes I'm looking for a train to cambridge that leaves on monday, would you please help me with that? Train-Inform(Dest=cambridge;Day=monday)
+MUL2238 2 I am travelling from Peterborough. I would also like to arrive by 15:00. Train-Inform(Depart=peterborough;Arrive=15:00)
+MUL2238 4 Book it for 6 people. Train-Inform(People=6)
+MUL2238 7 Do you have an area, price range, or star rating in mind? Hotel-Request(Stars;Price;Area)
+MUL2238 8 A FOUR STAR RATING,WITH A PRICE RANGE IN THE NEIGHBORHHOOD OF 1000 POUNDS. PLEASE I WOULD LIKE TO BE IN THE LONDON,ENGLAND AREA IF I MAY TO BE NEAR THE CLUBS. Hotel-Inform(Price=expensive)
+MUL2238 9 Just for clarification would you like to be in the city centre? Hotel-Request(Area)
+MUL2238 10 Just as long as it is located in the south. Hotel-Inform(Area=south)
+MUL2238 11 With a 4-star rating and located in the south, I have 2 options. Both are guesthouses. One is Aylesbray Lodge Guest House and the other is Rosa's Bed & Breakfast. Hotel-Inform(Area=south;Stars=4;Name=Aylesbray Lodge Guest House;Name=Rosa's Bed & Breakfast;Type=guesthouses;Choice=2)
+MUL2238 12 Either one works, I need to book for 6 people for 5 nights starting on monday. I'll also need a reference number. Hotel-Inform(Stay=5;People=6;Day=monday)
+MUL2238 14 Thank you so much! Goodbye general-bye()
+PMUL4432 0 Do you have any trains leaving after 09:45 on Sunday? Train-Inform(Day=sunday;Leave=09:45)
+PMUL4432 1 Definitely! What are your departure and arrival stations? Train-Request(Depart;Dest)
+PMUL4432 2 I'm travelling from London Liverpool Street to Cambridge. Train-Inform(Depart=london liverpool street;Dest=cambridge)
+PMUL4432 4 Yes, I need 5 tickets. Train-Inform(People=5)
+PMUL4432 6 Thanks. I also need a moderately priced italian restaurant please. Restaurant-Inform(Food=italian;Price=moderate)
+PMUL4432 8 No thank you. Please, just pick one. I'll need a table for 5 people on Sunday at 12:30. Restaurant-Inform(Time=12:30;People=5;Day=sunday)
+PMUL4432 10 Great! You were very helpful. Thank you. Have a good day. Bye. general-bye()
+PMUL4431 0 I am traveling to Cambridge and looking forward to try local restaurants. Restaurant-Inform()
+PMUL4431 2 Great! The restaurant should serve scandinavian food and should be in the east. Restaurant-Inform(Area=east;Food=scandinavian)
+PMUL4431 4 How about Indian food? Restaurant-Inform(Food=indian)
+PMUL4431 5 I have 4 different indian places to eat. Two are moderately priced and two are expensive. Do you have a preference? Restaurant-Inform(Choice=4;Price=moderately priced;Price=expensive;Food=indian)
+PMUL4431 8 Thank you. Could I also have information on trains that depart from Cambridge on Wednesday? Train-Inform(Depart=cambridge;Day=wednesday)
+PMUL4431 9 Where will you be headed? Train-Request(Dest)
+PMUL4431 10 I need arrive in stevenage by 15:00. Train-Inform(Dest=stevenage;Arrive=15:00)
+PMUL4431 12 I'd like the price and travel time, please? Train-Request(Duration;Price)
+PMUL4431 14 No, thank you for your help! general-thank()
+PMUL4430 1 Sure. What is your price range and what side of town will you be interested in? Hotel-Request(Area;Price)
+PMUL4430 4 I'm not concerned about the area but it doesn't need to include internet. Hotel-Inform(Area=dont care;Internet=yes)
+PMUL4430 6 Either one is fine. I need to book it for 5 nights on Wednesday. There are 4 people. Hotel-Inform(Stay=5;People=4;Day=wednesday)
+PMUL4430 7 I will work on that and be back with you in a moment. Booking-Inform()
+MUL1726 2 Somewhere in the Centre, entertainment. Attraction-Inform(Area=centre;Type=entertainment)
+MUL1726 3 There aren't any attractions of that type in the Centre unfortunately, do you have an alternative preference? Attraction-NoOffer(Type=Centre)
+MUL1726 4 I could also go to a college instead. Attraction-Inform(Type=college)
+MUL1726 5 What about Christ's college? it's free to get in. Attraction-Inform(Name=Christ's college;Fee=free)
+MUL1726 6 Can you give me the address for Christ's college please? Attraction-Request(Addr)
+MUL1726 8 Yes, I need a train coming from Ely on Friday. Train-Inform(Depart=ely;Day=friday)
+MUL1726 10 Yes, it will need to leave after 12:30. I'll just book it for one person to cambridge. Train-Inform(People=1;Dest=cambridge;Leave=12:30)
+MUL1726 12 Yes. I need to book for one. Train-Inform(People=1)
+MUL1726 14 That is all. Thank you for your help. general-thank()
+SNG02348 0 I need to get a taxi out of holy trinity church. Taxi-Inform(Depart=holy trinity church)
+SNG02348 1 What is your destination? Taxi-Request(Dest)
+SNG02348 2 I'm going to saint johns chop house. Taxi-Inform(Dest=saint johns chop house)
+SNG02348 3 I can help you with that. When do you need to leave? Taxi-Request(Leave)
+SNG02348 4 I need to arrive at the chop house by 22:30. Taxi-Inform(Arrive=22:30)
+SNG02348 5 Your taxi is booked. Look for a yellow Volkswagen. Taxi-Inform(Car=yellow Volkswagen)
+SNG02348 8 No that is all Thank you goodbye. general-bye()
+SNG02348 9 Please call us anytime. Good Bye. general-bye()
+SNG02347 0 I am looking for a train. Train-Inform()
+SNG02347 1 I'd be happy to help with your request. What day will you be travelling and what is your destination? Train-Request(Dest;Day)
+SNG02347 2 I'll be heading to peterborough on thursday Train-Inform(Dest=peterborough;Day=thursday)
+SNG02347 4 Thank you for your help general-thank()
+SNG02347 5 You're very welcome! Make sure to let us know if you'd like to book anything! general-bye()
+SNG02346 0 I need a train going to Cambridge. Train-Inform(Dest=cambridge)
+SNG02346 1 Where are you leaving from? Train-Request(Depart)
+SNG02346 2 The train should depart from kings lynn and should leave on thursday. Train-Inform(Depart=kings lynn;Day=thursday)
+SNG02346 3 There are 19 total trips available to you Train-Inform(Choice=19)
+SNG02346 5 How about TR3447? Train-Inform(Id=TR3447)
+SNG02346 6 can i get the price and time travel please Train-Request(Price)
+SNG02346 8 Would you be able to send that in a different format? I just need a price and travel time, that list is confusing. Train-Request(Duration;Price)
+SNG02346 10 No, that is all. Good bye. general-bye()
+SNG02345 0 I need a hospital please! I've been hurt! Hospital-Inform()
+SNG02345 2 Thank you Goodbye. general-bye()
+SNG02345 3 You're welcome. Is there anything else I can help you with? general-reqmore()
+SNG02343 0 I need to find the Parkside Police Station Police-Inform()
+SNG02343 2 Sorry, what is the street address? Police-Request(Addr)
+SNG02343 4 Thank you for your assistance. general-thank()
+SNG02343 5 welcome. at your service next time general-bye()
+SNG02343 6 Thanks, that's all. Good bye. general-bye()
+SNG02343 7 Thank you, Goodbye general-bye()
+SNG02342 0 I need to book a taxi to pick me up at Funky Fun House to go to Huntingdon Marriott Hotel. Taxi-Inform(Depart=funky fun house;Dest=huntingdon marriott hotel)
+SNG02342 1 What time would you like to leave? Taxi-Request(Leave)
+SNG02342 2 I prefer to leave after 09:15 Taxi-Inform(Leave=09:15)
+SNG02342 3 Booking is complete, a black ford will be picking you up. The contact number is 07635853272. Thank You!. Taxi-Inform(Car=black ford;Phone=07635853272)
+SNG02342 4 Great, thanks for your help! general-thank()
+SNG02342 5 I can also recommend restaurants and book trains. Are you interested? general-reqmore()
+SNG02342 6 Not at this time. Thanks, though. Good bye. general-bye()
+SNG02342 7 It was a pleasure to help you. Don't hesitate to contact the TownInfo centre again. Goodbye. general-bye()
+SNG02341 0 I would like to book a taxi please. Taxi-Inform()
+SNG02341 1 Okay, I need more information. When are you wanting to leave and arrive? Taxi-Request(Leave;Arrive)
+SNG02341 2 I want to get to Anatoilia by 09:15. Taxi-Inform(Arrive=09:15)
+SNG02341 3 I'd be happy to help! Where are you coming from? Taxi-Request(Depart)
+SNG02341 4 I am actually leaving from cote. Taxi-Inform(Depart=cote)
+SNG02341 6 Those were my concerns. Thanks a lot. Goodbye. general-bye()
+SNG02341 7 You're welcome. If you think of anything else you need don't hesitate to ask. general-bye()
+MUL0241 0 I need a list of available trains leaving from Cambridge after 2pm. Train-Inform(Depart=cambridge)
+MUL0241 1 I have a train leaving at 15:00 on friday from london kings cross. Train-Inform(Depart=london kings cross;Day=friday;Leave=15:00)
+MUL0241 2 I actually need to leave from Cambridge and go to Kings lynn. I also need to travel on Wednesday. Train-Inform(Depart=cambridge;Dest=kings lynn;Day=wednesday)
+MUL0241 4 What's the soonest arrival time? Train-Request(Arrive)
+MUL0241 5 The soonest arrival time I have is 14:58. Train-Inform(Arrive=14:58)
+MUL0241 8 Yes, please. I would also like a place to eat that serves european food, is expensive, and in centre area please. Restaurant-Inform(Area=centre;Food=european;Price=expensive)
+MUL0241 9 there are two expensive european restaurants and one expensive modern european restaurants in the centre Restaurant-Inform(Food=european;Food=modern european;Area=centre;Choice=two;Choice=one;Price=expensive;Price=expensive)
+MUL0241 10 I would like one of the European ones, please. Restaurant-Inform(Food=european)
+MUL0241 12 I would like the eraina, can I get the reference number please? Restaurant-Request(Ref)
+MUL0241 13 I can certainly book that, how many people will be dining? Booking-Request(People)
+MUL0241 16 Thank you for your assistance! I will definitely use this service again. Have a good day. general-thank()
+SNG0536 0 Hello! I'm looking for a moderately priced restaurant in the centre. Restaurant-Inform(Area=centre;Price=moderate)
+SNG0536 2 I want asian oriental food. Restaurant-Inform(Food=asian oriental)
+SNG0536 5 Yes it is moderately priced. Restaurant-Inform(Price=moderately priced)
+SNG0536 6 That sounds perfect. I don't need a reservation right now, but could you give me the address, phone number, and postcode, please? Restaurant-Request(Post;Phone;Addr)
+SNG0536 8 No, I'm all set. Thanks for your help! general-thank()
+SNG0536 9 I'm glad we were able to help you today. Have a wonderful weekend! general-bye()
+SNG0531 0 I'm looking for the information on a restaurant called Saigon City, can you provide me with their info? Restaurant-Inform(Name=saigon city)
+SNG0531 1 Absolutely! Saigon City is an asian oriental restaurant in the north. It is a little expensive but worth it. It's located at 169 High Street Chesterton. Their phone number is 01223356555. Restaurant-Inform(Food=asian oriental;Price=a little expensive but worth it;Area=north;Addr=169 High Street Chesterton;Name=Saigon City;Phone=01223356555)
+SNG0531 2 Thanks! That's all I needed. general-thank()
+SNG0531 3 Okay great. I am glad I could help you. general-bye()
+SNG0614 0 Hi, I'm looking for a restaurant in the moderate price range that sells north indian food. Restaurant-Inform(Food=north indian;Price=moderate)
+SNG0614 3 My apologies. I meant to say restaurant not hotel. Unfortunately, there aren't any restaurants that are that price range that serve north indian food. Restaurant-NoOffer(Food=north indian)
+SNG0614 4 Okay. How about one that serves italian food? Restaurant-Inform(Food=italian)
+SNG0614 7 The Pizza Hut in Cambridge Retail Park Newmarket Road Fen Ditton seems to meet your requirements. Restaurant-Inform(Name=Pizza Hut;Addr=Cambridge Retail Park Newmarket Road Fen Ditton)
+SNG0614 8 Sounds good, can I get the phone number and postcode, please? Restaurant-Request(Post;Phone)
+SNG0614 10 That is all! Thank you! general-thank()
+SNG0614 11 You're welcome, enjoy your meal. general-welcome()
+PMUL2259 1 Sure can, do you have a type of food, area, or price range you'd like? Restaurant-Request(Area;Food;Price)
+PMUL2259 2 I am looking for cheap Chinese food in centre. Restaurant-Inform(Area=centre;Food=chinese)
+PMUL2259 4 I would like to find something cheap. Is Charlie Chan cheap? Restaurant-Inform(Price=cheap)
+PMUL2259 6 Yes can you please get me a reservation? Restaurant-Inform(Name=charlie chan)
+PMUL2259 7 Yes. How many people in your party and when would you like this for? Booking-Request(People;Day)
+PMUL2259 8 There are 5 people, and we'd like it for Friday at 18:15 Restaurant-Inform(Time=18:15;People=5;Day=friday)
+PMUL2259 10 Can I have the reference number please? Restaurant-Request(Ref)
+PMUL2259 15 I can book your taxi I need to know the time you would like to travel, the departure and destination. Taxi-Request(Leave;Dest;Depart)
+PMUL2259 16 i would like it to arrive at the restaurant by the booking time Taxi-Inform(Depart=charlie chan;Arrive=18:15)
+PMUL2259 17 Where will you be departing from? Taxi-Request(Depart)
+PMUL2259 18 I will be departing from saint catharine's college. Taxi-Inform(Depart=saint catharine's college)
+PMUL2259 19 A grey tesla will pick you up at 18:15. You can contact the driver at 07764615987 Taxi-Inform(Phone=07764615987;Car=grey tesla)
+PMUL2259 20 Thanks! That's all I needed! Bye! general-bye()
+PMUL2259 21 Thank you, and have a good evening! general-bye()
+PMUL2258 0 I am hoping you can help me find a British restaurant at which to dine during my visit to Cambridge. Restaurant-Inform(Food=british)
+PMUL2258 2 I will be in the west and it needs to be moderately priced. Restaurant-Inform(Area=west;Price=moderate)
+PMUL2258 7 The address for Camboats is the plough, green end, fen ditton and the postcode is cb58sx. Attraction-Inform(Post=cb58sx;Addr=the plough;Addr=green end;Addr=fen ditton;Name=Camboats)
+PMUL2258 8 thank you that is all i need for today. general-thank()
+PMUL2255 0 I am seeking a concerthall in the west part of town. Attraction-Inform(Area=west;Type=concerthall)
+PMUL2255 1 There are none available at this time. Attraction-NoOffer()
+PMUL2255 2 Ok. Could you try for a museum. Attraction-Inform(Type=museum)
+PMUL2255 4 please provide me with entrance fee and postcode Attraction-Request(Post;Fee)
+PMUL2255 5 Cambridge and County folk museum is 3.50 pounds for the entrance fee and the postcode is cb30aq. Attraction-Inform(Name=Cambridge and County folk museum;Fee=3.50 pounds;Post=cb30aq)
+PMUL2255 6 Thanks. I am also looking for a moderate restaurant in the same area as that museum. Restaurant-Inform(Area=west;Price=moderate)
+PMUL2255 8 Just a moderately priced restaurant, I need to book for 6 people at 12:15 on Monday. Restaurant-Inform(Time=12:15;Price=moderate;People=6;Day=monday)
+PMUL2255 9 Your booking at the Prezzo was successful. The reference number is OUHSKNG7. Your table will be reserved for 15 minutes. Booking-Book(Name=Prezzo;Ref=OUHSKNG7)
+PMUL2255 10 Are there any moderate restaurants in the same area as the concert hall in the west side of Cambridge? Restaurant-Inform(Area=west;Price=moderate)
+PMUL2255 12 That is all I needed today thank you. general-thank()
+PMUL2254 0 I'd like to dine at an expensive restaurant in the city center. Restaurant-Inform(Price=expensive)
+PMUL2254 2 I am really looking for something that offers Japanese food. Restaurant-Inform(Food=japanese)
+PMUL2254 4 Yes. Book for 3 people on Monday at 17:30. Restaurant-Inform(Time=17:30;People=3;Day=monday)
+PMUL2254 6 No, that's all I needed. Thank you for the help! general-thank()
+PMUL2257 0 I'm looking for a moderately priced restaurant in the Cambridge city centre. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL2257 2 Yes I am interested in British food. Restaurant-Inform(Food=british)
+PMUL2257 6 I am looking for something to do in the centre area of town. I was thinking maybe a nightclub. Attraction-Inform(Area=centre;Type=nightclub)
+PMUL2257 8 That sounds great, can I please get the phone number and postcode? Attraction-Request(Post;Phone)
+PMUL2257 10 I'll also need a taxi. It should leave The Fez by 1:00. Please include the contact number and car type. Taxi-Request(Car)
+PMUL2257 11 Where are you going? I can help you book a taxi once you give me your destination Taxi-Request(Dest)
+PMUL2257 12 I'm traveling between the restaurant and nightclub. I need to leave the nightclub by 1:00. Taxi-Inform(Dest=the copper kettle)
+PMUL2257 13 I have booked that taxi look for a yellow honda. The contact number is 07354152897. Taxi-Inform(Phone=07354152897;Car=yellow honda)
+PMUL2257 15 Have a nice day. general-bye()
+PMUL2256 0 I am looking for a restaurant serving seafood, in the center of the town. Restaurant-Inform(Food=seafood)
+PMUL2256 2 No, I want expensive Italian food instead. Restaurant-Inform(Food=italian;Price=expensive)
+PMUL2256 4 Yes I need a table for 8 Sunday at 16:45. Restaurant-Inform(Time=16:45;Day=sunday)
+PMUL2256 5 ok, first let's verify which restaurant you would like out of the four. Restaurant-Inform(Choice=four)
+PMUL2256 6 Please give me the names of the 4 choices and I'll make my selection. Needs to be an expensive Italian restaurant in the Centre. Thanks! Restaurant-Inform(Area=centre;Food=italian;Price=expensive)
+PMUL2256 7 stazione restaurant and coffee bar, don pasquale pizzeria, clowns cafe, caffe uno Restaurant-Inform(Name=stazione restaurant and coffee bar;Name=don pasquale pizzeria;Name=clowns cafe;Name=caffe uno)
+PMUL2256 8 I would like to book a reservation for 8 on Sunday at 16:45 at Stazione Restaurant and coffee bar. Restaurant-Inform(Time=16:45;People=8;Day=sunday)
+PMUL2256 10 Can I please get the reference number and then can you help me find some places to go near the restaurant? Restaurant-Request(Ref)
+PMUL2256 12 Im sorry for being so loop, how about a college in that area, whatever you recommend. Attraction-Inform(Type=college)
+PMUL2256 14 I also need to book a taxi. Taxi-Inform()
+PMUL2256 15 For the taxi, please specify a place of departure, a destination, and a time by which to leave or arrive Taxi-Request(Leave;Dest;Arrive;Depart)
+PMUL2256 16 I would be leaving the restaurant. Taxi-Inform(Depart=stazione restaurant and coffee bar;Leave=10:00;Dest=corpus christi)
+PMUL2256 17 Your taxi is booked. Your car type is a grey tesla and the contact number is 07621703476 Taxi-Inform(Car=grey tesla;Phone=07621703476)
+PMUL2256 19 Your taxi is booked. Your car type is a grey tesla and the contact number is 07621703476 Taxi-Inform(Phone=07621703476;Car=grey tesla)
+PMUL2256 20 Just one more thing. What is the entrance fee for the college? Attraction-Request(Fee)
+PMUL2256 21 The entrance fee for Corpus Christi College is 2 pounds. Attraction-Inform(Fee=2 pounds;Name=Corpus Christi College)
+PMUL2256 22 Thanks, I'm good to go now. I appreciate your help, bye! general-bye()
+PMUL2256 23 Have a wonderful trip. general-bye()
+PMUL2253 0 I'm looking for a restaurant that serves Indian food in the centre of town. Restaurant-Inform(Area=centre;Food=indian)
+PMUL2253 1 I can help you with that. What is your price range? Restaurant-Request(Price)
+PMUL2253 2 I am looking for Indian food in the cheap price range. Restaurant-Inform(Price=cheap)
+PMUL2253 5 Sure. The Kohinoor Restaurant is located at 74 Mill Road. The postcode is cb12as, and the phone number is 01223323639. Restaurant-Inform(Phone=01223323639;Name=The Kohinoor Restaurant;Post=cb12as;Addr=74 Mill Road)
+PMUL2253 7 I regret to inform you: there are sports attractions nearby of any kind, sorry. Attraction-NoOffer(Area=nearby;Type=sports attractions)
+PMUL2253 8 Are there any museums nearby? Attraction-Inform(Type=museum)
+PMUL2253 9 Primavera is a very popular place. Would you like more information? Attraction-Inform(Name=Primavera)
+PMUL2253 11 There is no entrance fee for the Primavera and their phone number is 01223357708 Attraction-Inform(Name=the Primavera;Phone=01223357708;Fee=no entrance fee)
+PMUL2253 12 Thanks, I won't need any further help today. Take care! general-thank()
+PMUL2252 0 Hi, I am so excited to see some local tourist attractions on my upcoming trip. Can you help me find a place to dine when I am there? Attraction-Inform()
+PMUL2252 2 I would like expensive italian food. What do you suggest? Restaurant-Inform(Food=italian;Price=expensive)
+PMUL2252 4 I would like the one in the South. Restaurant-Inform(Area=south)
+PMUL2252 6 Please book that one for 5 people on Thursday at 17:30. Restaurant-Inform(Time=17:30;People=5;Day=thursday;Name=frankie and bennys)
+PMUL2252 7 Booking was successful. The table will be reserved for 15 minutes on Thursday at 17:30. Your reference number is IIL1W17L Booking-Book(Time=17:30;Ref=IIL1W17L;Day=Thursday)
+PMUL2252 10 Where is the area the swimming pool is? Also can i have contact number and Car type of a taxi to commute between these to place on time. Attraction-Request(Area)
+PMUL2252 13 Ok that is reserved the car type is a white skoda and contact number is 07749508592. Taxi-Inform(Phone=07749508592;Car=white skoda)
+PMUL2252 14 Great thank you, that was all I needed today. general-thank()
+PMUL2252 15 I hope you have a great trip! general-bye()
+MUL0061 0 I am looking for a restaurant in Cambridge that serves Turkish food and is located in the west. Restaurant-Inform(Area=west;Food=turkish)
+MUL0061 2 is there a restaurant serving indian food? Restaurant-Inform(Area=dont care;Food=indian)
+MUL0061 4 Either price range is fine, can you tell me more about some of the restaurants you mentioned? Restaurant-Request(Price)
+MUL0061 5 Yes I found five restaurants in the west four in the expensive range and one in the moderate price range. Restaurant-Inform(Choice=five;Choice=four;Choice=one;Area=west;Price=expensive;Price=moderate)
+MUL0061 6 Can you give me the address, price range, and phone number of the best one? Restaurant-Request(Phone;Price;Addr)
+MUL0061 8 Thank you. I am also looking for a place to stay. I am specifically look for a four star hotel. Hotel-Inform(Stars=4)
+MUL0061 12 Please book it for 6 people and 5 nights starting from sunday. Hotel-Inform(Stay=5;People=6;Day=sunday)
+MUL0061 15 I would be happy to help with finding a taxi. Can I ask where you will be traveling too? That way we can find the best taxi company for you! Taxi-Request(Dest)
+MUL0061 17 I have booked a black Skoda for you at 7:30 at the restaurant. The contact number is 07889958021. Taxi-Inform(Car=black Skoda;Phone=07889958021;Leave=7:30)
+MUL0061 18 Thank you so much for your assistance today I think that will be all. general-thank()
+SNG01458 0 Hi. Help me with a train schedule, please. Train-Inform()
+SNG01458 1 I'd be happy to help. Let's start with a few questions; which station would you like to depart from and where would you like to go? Train-Request(Depart;Dest)
+SNG01458 2 I am looking to depart from Cambridge, and I am going to London Kings Cross. Train-Inform(Depart=cambridge;Dest=london kings cross)
+SNG01458 3 Okay, great. What day are you wanting to travel? Train-Request(Day)
+SNG01458 4 I would like to go on Wednesday. Train-Inform(Day=wednesday)
+SNG01458 5 how about TR3702 that leaves at 05:00? Train-Inform(Id=TR3702;Leave=05:00)
+SNG01458 7 Could you please confirm if you need to arrive by any particular time? Train-Request(Arrive)
+SNG01458 8 I really must arrive by 18:15 to make my meeting. Train-Inform(Arrive=18:15)
+SNG01458 9 TR3843 will arrive by 17:51, does this suit your needs? Train-Inform(Arrive=17:51;Id=TR3843)
+SNG01458 12 That's everything. Thanks so much for your help. Goodbye. general-bye()
+SNG01458 13 Thank you for contacting Cambridge TownInfo centre. Have a nice day! general-bye()
+SNG01459 0 I need an expensive place to stay that includes wifi. Hotel-Inform(Internet=yes;Price=expensive)
+SNG01459 2 It doesn't really matter. I would like a guesthouse, though. Hotel-Inform(Type=guesthouse)
+SNG01459 3 I could not find a guesthouse available in the expensive price range. Is there a different price range you would accept? Hotel-NoOffer(Type=guesthouse;Price=expensive)
+SNG01459 4 how about moderate price range? Hotel-Inform(Price=moderate)
+SNG01459 8 book it for 3 people and 4 nights starting from wednesday. Hotel-Inform(Stay=4;People=3;Day=wednesday)
+SNG01459 9 Booking was successful. Reference number is : 9ZW11UHM. Booking-Book(Ref=9ZW11UHM)
+SNG01459 10 Great, thanks for your help! general-thank()
+SNG01459 12 No that was all for now. Thanks general-thank()
+SNG01459 13 Thank you for using our services. general-bye()
+SNG01456 0 Hi there, can you help me find a restaurant in the centre of town? Someplace with British food? Restaurant-Inform(Area=centre;Food=british)
+SNG01456 2 What price range is that restaurant? Restaurant-Inform()
+SNG01456 4 No that won't be necessary, could you just give me the address and postcode please? Restaurant-Request(Post;Addr)
+SNG01456 5 Sure, the address is 183 East Road City Centre and the postcode is cb11bg. Restaurant-Inform(Addr=183 East Road City Centre;Post=cb11bg)
+SNG01456 6 Great, that's all for now. Thanks! general-thank()
+SNG01456 7 You are very welcome. Have a great day! general-welcome()
+SNG01457 0 I would like to book a taxi to arrive by 13:45 to go to carolina bed and breakfast. Taxi-Inform(Dest=carolina bed and breakfast;Arrive=13:45)
+SNG01457 1 I can help you with that, but can you please let me know where you will be leaving from? Taxi-Request(Depart)
+SNG01457 2 I'm leaving from mahal of cambridge. Taxi-Inform(Depart=mahal of cambridge)
+SNG01457 4 No, that's all. thank you! general-thank()
+SNG01457 5 We are happy to help, thank you for using our services! general-welcome()
+SNG01457 6 Thank you so much! general-thank()
+SNG01457 7 You're welcome. Goodbye. general-bye()
+SNG01454 0 I am trying to find a train leaving after 15:15 to go to broxbourne. Train-Inform(Dest=broxbourne;Leave=15:15)
+SNG01454 1 TR5694 cambridge broxbourne friday 16:01 17:01 17.90 pounds 60 minutes Train-Inform(Id=TR5694;Depart=cambridge;Day=friday;Ticket=17.90 pounds;Dest=broxbourne;Leave=16:01;Arrive=17:01;Time=60 minutes)
+SNG01454 3 Which day were you planning to travel to Broxbourne? Train-Request(Day)
+SNG01454 4 I am looking at traveling on Sunday. Train-Inform(Day=sunday)
+SNG01454 6 Yes, I am leaving from Cambrige. How long is the travel time? Train-Request(Duration)
+SNG01454 7 Booking was successful, the total fee is 14.32 GBP payable at the station . Reference number is : EWSOVUHU. Train-OfferBooked(Ticket=14.32 GBP;Ref=EWSOVUHU)
+SNG01454 8 Could you please tell me the train ID, arrival time, and travel time? Train-Request(Duration;Arrive;TrainID)
+SNG01454 9 The travel time is 60 minutes. Train-Inform(Time=60 minutes)
+SNG01454 10 I need all three things please, train id, arrival time and travel time. Train-Request(Duration;Arrive;TrainID)
+SNG01454 11 Read the previous lines please! number TR6870, arrival 17:01, travel time 60 minutes. Train-Inform(Time=60 minutes;Id=TR6870;Arrive=17:01)
+SNG01454 12 Okay. Thank you for all of your help. Have a good day now. general-thank()
+SNG01454 13 Thank you, good bye general-bye()
+SNG01453 0 I'd like a taxi please. I'll be wanting it to leave after 15:45 Taxi-Inform(Leave=15:45;Arrive=15:45)
+SNG01453 1 I'd be happy to help! Where are you coming from? Taxi-Request(Depart)
+SNG01453 2 I'm coming from the gandhi. Taxi-Inform(Depart=the gandhi)
+SNG01453 3 And can you tell me your destination please? Taxi-Request(Dest)
+SNG01453 4 I'll be going to adc theatre. Taxi-Inform(Dest=adc theatre)
+SNG01453 5 What time would you like to leave? Taxi-Request(Leave)
+SNG01453 6 I would like to leave some time after 15:45, please. Taxi-Inform(Leave=after 15:45)
+SNG01453 8 No. That's it thanks! general-thank()
+SNG01453 9 You're welcome, have a great day! general-bye()
+SNG01450 0 am looking for a train,it should go to cambridge and should depart from norwich Train-Inform(Depart=norwich;Dest=cambridge)
+SNG01450 1 What time and day are you looking to travel? Train-Request(Arrive;Leave;Day)
+SNG01450 2 Yes, I would like travel on Monday and I would need to arrive by 08:30. Train-Inform(Day=monday;Arrive=08:30)
+SNG01450 3 TrainID TR9020 leaves norwich on monday and arrives in cambridge at 06:35. Train-Inform(Arrive=06:35;Day=monday;Depart=norwich;Id=TR9020)
+SNG01450 4 What is the price for the train? Train-Request(Price)
+SNG01450 6 What time does the train leave? Train-Request(Leave)
+SNG01450 7 it leaves at 05:16 Train-Inform(Leave=05:16)
+SNG01450 8 Thanks, that's all. Good bye. general-bye()
+SNG01450 9 Goodbye and thanks for using the help desk. general-bye()
+SNG01451 0 I am looking for a place to stay. The hotel should be in the centre and should be in the cheap price range Hotel-Inform(Area=centre;Price=cheap;Type=hotel)
+SNG01451 2 The hotel should be in the type of hotel and should have a star of 4, Hotel-Inform(Stars=4;Area=dont care)
+SNG01451 4 I need to be in the centre. Is there a guesthouse available, if there are no hotels? Hotel-Inform(Area=centre;Type=guesthouse)
+SNG01451 5 The alexander bed and breakfast is a 4 star guesthouse, located at 56 saint barnabas road. Hotel-Recommend(Stars=4;Name=The alexander bed and breakfast;Type=guesthouse;Addr=56 saint barnabas road)
+SNG01451 6 Great! I want to book it for 5 people and 3 nights starting from tuesday. Hotel-Inform(Stay=3;People=5;Day=tuesday)
+SNG01451 8 how about thursday? Hotel-Inform(Day=thursday)
+SNG01451 9 Booking was successful. Reference number is : TFAJJNJF Booking-Book(Ref=TFAJJNJF)
+SNG01451 10 Thanks, that's all I need. Goodbye. general-bye()
+SNG01552 2 Yes, thank you for your help. general-thank()
+SNG01552 3 enjoyed your services. keep that up general-bye()
+SNG01552 4 That's all I need for today. Good bye. general-bye()
+SNG01552 5 Glad I could help. Have a great day. general-bye()
+MUL1846 0 I'm looking for information about Sidney Sussex college. Attraction-Inform(Name=sidney sussex college)
+MUL1846 2 What area of the city is this in? Attraction-Request(Area)
+MUL1846 4 Thanks. I'm also looking for a train. It should depart from leicester and leave after 20:15. Train-Inform(Depart=leicester;Leave=20:15)
+MUL1846 5 Was that heading into Cambridge? And what day do you need that train? Train-Request(Dest;Day)
+MUL1846 6 Yes, heading for Cambridge on Thursday. Train-Inform(Dest=cambridge;Day=thursday)
+MUL1846 8 That would be great, but I'll need to reserve 4 seats, actually. Train-Inform(People=4)
+MUL1846 9 I managed to book you for four on that train. Your confirmation number is 0W0NYOLZ. The total fee 151.19. Train-OfferBooked(Ref=0W0NYOLZ;Ticket=151.19)
+MUL1846 10 Great! We're all set. Thanks so much! general-thank()
+MUL1847 0 I'm looking for things to do, specifically a theatre in the north, what kinds of things are there to see like that? Attraction-Inform(Area=north;Type=theatre)
+MUL1847 2 What kind of parks are available in the north? Attraction-Inform(Area=north;Type=park)
+MUL1847 3 I have just one park. It is Milton Country Park located in the north. They offer free admission. They are located at Milton Country Park, Milton. Their phone number is 01223420060. Attraction-Inform(Type=park;Fee=free admission;Choice=just one;Phone=01223420060;Name=Milton Country Park;Addr=Milton Country Park;Addr=Milton;Area=north)
+MUL1847 4 Great! Thanks for the information! general-thank()
+MUL1847 5 Do you need help with anything else? general-reqmore()
+MUL1847 6 Yes, I'm looking for a train departing Cambridge on Tuesday. Train-Inform(Depart=cambridge;Day=tuesday)
+MUL1847 8 I'm going to peterborough. I need to be there by 8:30 Train-Inform(Dest=peterborough)
+MUL1847 9 I have train TR0162 that departs at 07:06 and would get you there by 07:56. Would that work for you? Train-Inform(Id=TR0162;Arrive=07:56;Leave=07:06)
+MUL1847 11 Yes your reference number is CDE66IYU. and your reservation is set. Train-OfferBooked(Ref=CDE66IYU)
+MUL1847 14 Thank you! That should be all I need today. general-thank()
+MUL1844 0 Hello I am looking for a theatre in Cambridge. Attraction-Inform(Type=theatre)
+MUL1844 2 Can I get their address, phone number and postcode please? Attraction-Request(Post;Phone;Addr)
+MUL1844 3 Sure the ADC theatre is located at park street, postcode cb58as, their phone number 01223300085. Attraction-Inform(Name=ADC theatre;Post=cb58as;Phone=01223300085;Addr=park street)
+MUL1844 4 Thanks. I also need assistance with finding a train leaving Cambridge. Train-Inform(Depart=cambridge)
+MUL1844 5 I can help with that. To what destination are you traveling and on what day? Train-Request(Dest;Day)
+MUL1844 6 I am going to stansted airport on friday. Train-Inform(Dest=stansted airport;Day=friday)
+MUL1844 12 Can you confirm how long that train ride is please? Train-Inform()
+MUL1844 13 Yes, it is 28 minutes long. Train-Inform(Time=28 minutes long)
+MUL1844 16 Nope that is all for today. According to my list I did not really need to book that train but it saves me time! Thank you so much! Train-Inform()
+MUL1844 17 Thank you for contacting us! Please let us know if we can be of any more assistance to you. general-greet()
+MUL1845 0 I need a train to Ely, please. Train-Inform(Dest=ely)
+MUL1845 1 What day will you be traveling? Train-Request(Day)
+MUL1845 2 I will be leaving Sunday after 19:30. Train-Inform(Day=sunday;Leave=19:30)
+MUL1845 3 Can I ask where you are leaving from? Train-Request(Depart)
+MUL1845 4 I will be leaving from Cambridge on Sunday after 19:30. Train-Inform(Depart=cambridge)
+MUL1845 5 I have train TR3544 leaving at 19:50 and arriving by 20:07. Would this work for you? Train-Inform(Id=TR3544;Arrive=20:07;Leave=19:50)
+MUL1845 7 OK. Can I help you with anything else today, then? general-reqmore()
+MUL1845 8 Yes. I am looking for places to go on the west side of town. Attraction-Inform(Area=west)
+MUL1845 9 Yes I have many colleges there. Can I suggest something for you? Attraction-Inform(Type=college;Choice=many)
+MUL1845 10 Can you suggest some good architecture attractions? Attraction-Inform(Type=architecture)
+MUL1845 12 What type of colleges are available? Attraction-Inform(Type=college)
+MUL1845 16 I think that is all I need. Thank you for your help. Goodbye. general-bye()
+MUL1842 0 I am looking for architectural spots to visit on my trip to Cambridge. On the east side. Attraction-Inform(Area=east)
+MUL1842 2 No, that's okay. Are there any Museums in the East instead? Attraction-Inform(Area=east;Type=museum)
+MUL1842 3 I can recommend four different museums in the east area. How about Cambridge artworks? It is popular. Attraction-Recommend(Area=east;Choice=4;Name=Cambridge artworks;Type=museums)
+MUL1842 4 That sounds interesting. What is the entrance fee for this museum? Attraction-Request(Fee)
+MUL1842 6 Can you give me their phone number and postcode, please? Attraction-Request(Post;Phone)
+MUL1842 7 Absolutely. Their phone number is 01223902168 and they are in postcode cb13ef. Attraction-Inform(Post=cb13ef;Phone=01223902168)
+MUL1842 8 Excellent. I'm also looking for a train as well. Train-Inform()
+MUL1842 9 Certainly. Do you have a destination in mind? Train-Request(Dest)
+MUL1842 11 I need to narrow the search down. What day will you be traveling? Train-Request(Day)
+MUL1842 12 On Monday please. Train-Inform(Day=monday)
+MUL1842 14 Nope, that's everything. Thank you! general-thank()
+MUL1842 15 You're welcome, have a great day! general-welcome()
+MUL1843 0 What is a fun place to go in the west of town? Attraction-Inform(Area=west)
+MUL1843 1 May I suggest Whale of a Time located at Unit 8, viking way, Bar Hill? Attraction-Recommend(Addr=Unit 8;Addr=viking way;Addr=Bar Hill;Name=Whale of a Time)
+MUL1843 2 What type of attraction is it, and what does it cost to get in? Attraction-Request(Type)
+MUL1843 3 It's an entertainment type. I do not know the entrance fee, sorry. Attraction-Inform(Type=entertainment;Fee=do not know)
+MUL1843 4 Okay, thanks. Can you also help me find a train to Cambridge on Thursday? Train-Inform(Dest=cambridge;Day=thursday)
+MUL1843 5 I can do that! Where are you leaving from, and what time would you like to travel? Train-Request(Leave;Depart)
+MUL1843 6 Ely, I'd like to leave after 15:15. Train-Inform(Leave=15:15)
+MUL1843 7 There are many trains during that time, where are you leaving from? Train-Request(Depart)
+MUL1843 8 ely is the departing city Train-Inform(Depart=ely)
+MUL1843 10 That would work. Can you book me 3 tickets for that train? Train-Inform(People=3)
+MUL1843 11 Yes I certainly can. Your reservation number is D48H3C4X. Train-OfferBooked(Ref=D48H3C4X)
+MUL1843 12 Awesome. Thank you for all your help. general-thank()
+MUL1843 13 Of course, is there anything else that I can help you with today? general-reqmore()
+MUL1843 14 No thank you. Goodbye. general-bye()
+MUL1843 15 Thank you for using our system today! general-bye()
+MUL1840 0 Hello, I'm planning a trip to Cambridge and I'm looking to book a train for Sunday at 9:45, at or after. Can you help? Train-Inform(Depart=cambridge;Dest=cambridge;Day=sunday)
+MUL1840 1 Yes I can,can you tell me where you will be departing from? Train-Request(Depart)
+MUL1840 2 Yes, I'll be leaving Cambridge and going to Norwich. Train-Inform(Depart=cambridge;Dest=norwich)
+MUL1840 3 I can get you on a 10:36 to Norwich aboard TR9533. Train-OfferBook(Leave=10:36;Id=TR9533)
+MUL1840 6 Are there any attractions on the west? Attraction-Inform(Area=west)
+MUL1840 8 Not really. I would also like to know the entrance fee. Attraction-Request(Fee)
+MUL1840 9 Churchhill College is a very nice place to visit and the entrance fee is free. It is located in the west, on Storey's Way. Attraction-Recommend(Fee=free;Addr=Storey's Way;Area=west;Name=Churchhill College)
+MUL1840 10 That sounds great. Are there any other attractions in the West? Attraction-Inform(Area=west)
+MUL1840 11 Cambridge and county folk museum are available. Attraction-Inform(Name=Cambridge and county folk museum)
+MUL1840 12 That's all I need today. Thanks for your help. general-thank()
+MUL1840 15 Have a great day! general-bye()
+MUL1841 0 I'm looking for places to go in the centre of Cambridge. Attraction-Inform(Area=centre)
+MUL1841 2 What's the postcode for your favorite one? Attraction-Request(Post)
+MUL1841 4 I also need to book a train. Train-Inform()
+MUL1841 5 i have plenty of trains, can i get more information please? Train-Request(Depart;Dest;Leave;People;Arrive;Day)
+MUL1841 6 I need to leave on sunday after 12:30 from cambridge to stevenage Train-Inform(Depart=cambridge;Dest=stevenage;Day=sunday;Leave=12:30)
+MUL1841 7 The first train after 12:30 is the TR0523, which leaves Cambridge at 13:21. Train-Inform(Depart=Cambridge;Id=TR0523;Leave=13:21)
+MUL1841 8 Great, can I get two tickets on it, please? Train-Inform(People=2)
+MUL1841 10 No, thank you. You've been very helpful! Goodbye. general-bye()
+MUL1841 11 Thank you for contacting Cambridge TownInfo centre. I hope you have a pleasant trip! Goodbye! general-bye()
+PMUL1828 0 Well, I am planning a trip and need some help with a train. Train-Inform()
+PMUL1828 1 Of course, do you know your departure location and time? Train-Request(Depart;Leave)
+PMUL1828 2 I weill departing on thursday from cambridge and need to arrive by 10:30 in stevenage. Train-Inform(Depart=cambridge;Dest=stevenage;Day=thursday;Arrive=10:30)
+PMUL1828 5 Train TR0552 arrives by 10:10 the ticket price is 12.80 pounds and the travel time is 49 minutes. Train-Inform(Ticket=12.80 pounds;Id=TR0552;Arrive=10:10;Time=49 minutes)
+PMUL1828 6 Perfect. I am also looking for a place to stay with free parking Hotel-Inform(Parking=yes)
+PMUL1828 7 No problem, how many nights will you be staying? Booking-Request(Stay)
+PMUL1828 8 I'm not sure of that yet. It does need to be in the north. Hotel-Inform(Area=north)
+PMUL1828 9 Would you prefer a guest house or hotel? Hotel-Select(Type=guest house;Type=hotel)
+PMUL1828 11 how about acorn guest house? it's 4 stars. Hotel-Inform(Stars=4;Name=acorn guest house)
+PMUL1828 12 Thank you, I'll take it. Can you book me for that hotel? Hotel-Inform(Type=hotel;Name=acorn guest house)
+PMUL1828 13 I would be happy to- I just need to know for which nights and for how many people. Booking-Request(People;Day)
+PMUL1828 15 2 nights starting on Thursday? Booking-Request(Day;Stay)
+PMUL1828 16 Actually I am just calling for information not a booking. I need a hotel, not guesthouse, in the north with free parking. Can you recommend a hotel? Hotel-Inform(Area=north;Type=hotel)
+PMUL1828 17 I don't have any hotels in the north that meet your criteria. Would you like me to look in a different area? Hotel-NoOffer(Area=north;Type=hotels)
+PMUL1828 18 I'm really needing something in the north. Please try again. Hotel-Inform(Area=north)
+PMUL1828 23 Does the number of stars matter? Hotel-Request(Stars)
+PMUL1828 24 Not really, can you give me the number of stars and whether or not they have internet? Hotel-Request(Stars;Internet)
+PMUL1828 25 Ashley hotel, it has two stars and yes they have internet Hotel-Inform(Name=Ashley hotel;Stars=two;Internet)
+PMUL1828 27 Thank you for calling today. Please call again if you have anything else that you need. Goodbye. general-bye()
+PMUL0350 0 I need a hotel to stay in the East area. Hotel-Inform(Area=east)
+PMUL0350 2 I definitely want a hotel, and I'd like a place that has 4 stars. Hotel-Inform(Stars=4)
+PMUL0350 6 And there are no hotels? Just guesthouses? Hotel-Inform(Type=hotel)
+PMUL0350 10 No, I don't need to book just yet. But I was also looking for a place to eat in the same area of town. Restaurant-Inform(Area=east)
+PMUL0350 12 As long as it is in the moderate price range, I am open to your recommendation. Restaurant-Inform(Price=moderate)
+PMUL0350 14 Let's go with the italian place. Make me a reservation for Friday for 8 at 15:15 please. Restaurant-Inform(Food=italian;Time=15:15;People=8;Day=friday)
+PMUL0350 15 You're all set! Your reference number is NEZN98ZC. Booking-Book(Ref=NEZN98ZC)
+PMUL0350 16 thank you that will be all for now general-thank()
+PMUL0350 17 Okay. Glad I could be of help. general-welcome()
+MUL1848 0 Hello. I need train to London liverpool Street. Train-Inform(Dest=london liverpool street)
+MUL1848 1 Where are you departing from and do you have a time preference? Train-Request(Depart;Arrive;Leave)
+MUL1848 2 Yes, I'd like to leave Cambridge sometime after 12:15. Train-Inform(Depart=cambridge;Leave=12:15)
+MUL1848 3 What day would you like to travel? Train-Request(Day)
+MUL1848 4 It would need to be on Thursday. Do you have anything? Train-Inform(Day=thursday)
+MUL1848 5 I have one that leaves at 13:59 and 4 more that depart every two hours after. Train-Inform(Choice=4;Leave=13:59;Leave=every two hours)
+MUL1848 7 A ticket for that train is 16.60 pounds. Train-Inform(Ticket=16.60 pounds)
+MUL1848 12 Any type is fine, can I just get the attraction type, entrance fee, and phone number of one? Attraction-Request(Phone;Fee;Type)
+MUL1848 13 How about Cambridge Contemporary Art? It is free, and the phone number is 01223324222. Attraction-Inform(Fee=free;Phone=01223324222;Name=Cambridge Contemporary Art)
+MUL1848 14 That sounds like something I would enjoy. Thank you! I think you covered everything. general-thank()
+MUL1848 15 Have a great day! general-greet()
+MUL1849 0 Hi there, I'm in the centre of town and I'm bored. Can you tell me about what sorts of things to do there are around here? Attraction-Inform(Area=centre)
+MUL1849 2 Could I have the addresses and postcodes for all of them please? Attraction-Request(Post;Addr)
+MUL1849 3 I can give you that information once we narrow down your interest to a few locations. What type of attraction are you looking for? Attraction-Request(Type)
+MUL1849 8 Yes, I need a train. I'll be departing from broxbourne on friday. Train-Inform(Depart=broxbourne;Day=friday)
+MUL1849 10 Yes, my destination is cambridge. I need to get there by 15:45. Train-Inform(Dest=cambridge;Arrive=15:45)
+MUL1849 12 What is the price? Train-Request(Price)
+MUL1849 14 Yes I would like to book that ticket for Friday please. Train-Inform(Day=friday)
+MUL1849 15 Booking was successful, the total fee is 17.89 GBP payable at the station . Reference number is : 458XMYMR. Train-OfferBooked(Ref=458XMYMR;Ticket=17.89 GBP)
+MUL1849 16 Thank you, that't all I needed. general-thank()
+MUL1849 17 Thank you and enjoy your visit to cambridge. Have a good day. general-bye()
+MUL1849 18 Thanks again for all your help. Goodbye. general-bye()
+MUL1849 19 Thank you you too general-bye()
+SNG1198 0 Yes, I'm looking for a moderately priced restaurant in the centre. Restaurant-Inform(Area=centre;Price=moderate)
+SNG1198 2 No, maybe you could book me at your favorite for Saturday? There will be 8 of us, at 17:30. Restaurant-Inform(Time=17:30;People=8;Day=saturday)
+SNG1198 4 Great, thanks so much! general-thank()
+SNG1198 6 No that was all I needed thanks for the help. Have a great day. general-thank()
+SNG1198 7 Thank you, enjoy your visit, goodbye! general-bye()
+SNG1199 0 I'm looking for a park in the centre of town to visit. Attraction-Inform(Area=centre;Type=park)
+SNG1199 2 That sounds great, can I get its address and phone number? Attraction-Request(Phone;Addr)
+SNG1199 4 No, that is all. Thanks! general-thank()
+SNG1190 0 I need information on trinity college Attraction-Inform(Name=trinity college;Type=college)
+SNG1190 2 I need to know the attraction type and address. Attraction-Request(Type;Addr)
+SNG1190 4 No, that is all I need today. Thank you very much! general-thank()
+SNG1190 6 Thanks. You too! Goodbye. general-bye()
+SNG1191 0 I need information on the home from home hotel. Hotel-Inform(Name=home from home)
+SNG1191 2 Thanks so much for your help. That's all. general-thank()
+SNG1192 0 I would like to book a train for Tuesday at 18:45 departing at bishops stortford and arrive at Cambridge. Train-Inform(Depart=bishops stortford;Dest=cambridge;Day=tuesday;Leave=18:45)
+SNG1192 1 What time would you like to arrive by? Train-Request(Arrive)
+SNG1192 4 Can you please book it for 4 people? Train-Inform(People=4)
+SNG1192 6 No, thank you for your help. general-thank()
+SNG1193 0 Are there any colleges I could visit? Attraction-Inform(Type=colleges)
+SNG1193 1 Is there a specific area you looking for? Attraction-Request(Area)
+SNG1193 4 There are no colleges in all of Cambridge? I don't believe that is true Attraction-Inform(Type=college)
+SNG1193 5 I'm sorry, my system went down for a minute. I can recommend Churchill College in the west. And it's free! Attraction-Recommend(Price=free;Area=west;Name=Churchill College)
+SNG1193 6 That sounds perfect. Thank you for all your help today. That's all I need. Goodbye. general-bye()
+SNG1193 7 Good bye. general-bye()
+SNG1194 0 Would you be able to help me with a particular attraction? Attraction-Inform()
+SNG1194 1 Sure, what's it called? Attraction-Request(Name)
+SNG1194 4 What is the area? Attraction-Request(Area)
+SNG1194 6 Yes, that will be all. Thanks for your help. Bye. general-bye()
+SNG1195 0 Hey there! Can you give me some options for trains leaving Wednesday from Norwich? We are going to Cambridge. Train-Inform(Depart=norwich;Dest=cambridge;Day=wednesday)
+SNG1195 2 I need to arrive by 19:45. I need to book for 5 people. Train-Inform(People=5;Arrive=19:45)
+SNG1195 4 No that's all. Thanks for your help! general-thank()
+SNG1196 0 Hi, i need to book a taxi. I need to go to cambridge corn exchange and need to arrive by 11:45. Taxi-Inform(Arrive=11:45)
+SNG1196 1 Of course, from where will you be departing? Taxi-Request(Depart)
+SNG1196 2 I will leave from Little Seoul. Taxi-Inform(Depart=little seoul)
+SNG1196 4 No, that's it. Thanks for all your help. Goodbye. general-bye()
+SNG1197 0 I need a taxi to pick me up at curry prince at 08:15. Taxi-Inform(Depart=curry prince;Leave=08:15)
+SNG1197 1 Where is your destination and what time would you like to arrive by? Taxi-Request(Dest;Arrive)
+SNG1197 3 Ok, I have booked you a grey Audi for an 8:15 pickup. The contact number is 07249275156. Taxi-Inform(Car=grey Audi;Phone=07249275156;Leave=8:15)
+SNG1197 4 That is all I needed, thank you. general-thank()
+SNG0823 0 I'm looking for a place to stay in the center of town that has free wifi. Hotel-Inform(Internet=yes)
+SNG0823 3 Yes, the Alexander B&B is a guest house, and offers both free WiFi and free parking. Hotel-Inform(Name=Alexander B&B;Internet;Type=guest house;Parking)
+SNG0823 4 Wonderful. Can you book a room for 6 people coming in on Friday for 5 nights? Hotel-Inform(Stay=5;People=6;Day=friday)
+SNG0823 6 Thanks, that's all I need today. Bye. general-bye()
+SNG0823 7 Thank you booking with us. Have a great stay. general-bye()
+SNG0822 0 Hi there. I'll be coming into the centre of town to visit relatives. Can you help me find a place to stay? Hotel-Inform(Area=centre)
+SNG0822 2 I'd like it to be expensive. 4 star rated. Hotel-Inform(Stars=4;Price=expensive)
+SNG0822 4 Can you see if it's available for 4 nights from Wednesday for 5 people Hotel-Inform(Stay=4;People=5;Day=wednesday;Name=university arms hotel)
+SNG0822 5 It is available for four nights for five people! I've taken the liberty of booking these rooms for you. Is that agreeable to you? Booking-Book(People=5;Stay=4)
+SNG0822 6 That's wonderful. What is the reference number for that booking? Hotel-Request(Ref)
+SNG0822 8 I haven't the faintest. But do you have a reference number for the booking you made? Hotel-Request(Ref)
+SNG0822 9 8L6LVYYT is your reference number. Booking-Book(Ref=8L6LVYYT)
+SNG0822 10 Thanks, that's all I need today! general-thank()
+SNG0822 11 Perfect. You've made an excellent choice. Enjoy! general-greet()
+SNG0821 0 I need a hotel on the north side with free parking. Hotel-Inform(Area=north;Parking=yes)
+SNG0821 2 I'd prefer a moderate price guesthouse. Hotel-Inform(Price=moderate;Type=guesthouse)
+SNG0821 4 That sounds fine. Would you make a reservation for 4 people, 3 nights starting Monday? Hotel-Inform(Stay=3;People=4;Day=monday)
+SNG0821 6 No, that about covers it. Thanks for your help today. general-thank()
+SNG0821 7 You are welcome. Thank you for using Cambridge TownInfo Centre. Goodbye. general-welcome()
+SNG0820 0 I'm looking for a place to stay on the south side of town that has free wifi. Hotel-Inform(Area=south;Internet=yes)
+SNG0820 2 It should be a hotel rather than a guesthouse, other than what I mentioned I have no preferences. Hotel-Inform(Type=hotel)
+SNG0820 4 First let me ask if they have free parking. Also, can you please tell me the star rating? Hotel-Request(Parking)
+SNG0820 6 That sounds perfect. I will book it myself if I decide on it. That is all I need today. Thank you. general-thank()
+SNG0820 7 Not a problem! If you need more assistance, please let me know! general-bye()
+SNG0827 0 Hi, can you help me find a place to stay on the north side? Hotel-Inform(Area=north)
+SNG0827 2 Yes, are there any expensive ones? I also would like free parking as well. Hotel-Inform(Parking=yes;Price=expensive)
+SNG0827 3 Unfortunately I can't find any expensive hotels with free parking. Hotel-NoOffer(Type=hotels;Price=expensive;Parking)
+SNG0827 4 How about something in the moderate range? Hotel-Inform(Price=moderate)
+SNG0827 6 That sounds great! Can you see if you can get me a room starting Friday? We'll be staying 4 nights, and there will be 2 of us. Hotel-Inform(Stay=4;People=2;Day=friday)
+SNG0827 9 Have a great day! general-bye()
+SNG0826 0 I'm looking for the Avalon. Hotel-Inform(Name=avalon)
+SNG0826 1 The Avalon is a 4-star, moderately priced guesthouse on the north side of town. They offer free parking and free internet. Hotel-Inform(Area=north;Name=The Avalon;Internet;Price=moderately priced;Parking;Type=guesthouse;Stars=4)
+SNG0826 2 Great. Would you please see if you can book a party of 8 for 5 nights beginning Thursday? Hotel-Inform(Stay=5;People=8;Day=thursday)
+SNG0826 3 Booking was successful. You're reference number is TLLGQVMH. Booking-Book(Ref=TLLGQVMH)
+SNG0826 4 Great, thanks. general-thank()
+SNG0826 5 Is there anything else I can help you with? general-reqmore()
+SNG0826 6 No, that's it. Thank you for your help! general-thank()
+SNG0826 7 You are very welcome! Enjoy your stay! Goodbye! general-bye()
+SNG0825 0 I need a cheap hotel. Hotel-Inform(Price=cheap)
+SNG0825 2 Hmm, I'm not sure. I am looking for a guesthouse type, though, and it doesn't need to have free parking. Hotel-Inform(Parking=dont care;Type=guesthouse)
+SNG0825 3 I have 9 that matches your needs. Shall I recommend a nice one? Hotel-Inform(Choice=9)
+SNG0825 5 The alexander bed and breakfast is a good option. Hotel-Recommend(Name=The alexander bed and breakfast)
+SNG0825 6 Does The Alexander have internet? Hotel-Request(Internet)
+SNG0825 8 Not yet, can I get the phone number? Hotel-Request(Phone)
+SNG0825 9 Their number is 01223525725. Hotel-Inform(Phone=01223525725)
+SNG0825 10 That's all. Thanks! general-thank()
+SNG0825 11 Thank you, good day to you. general-greet()
+SNG0824 0 I'm looking for a cheap hotel on the east side of the city. Can you recommend anything? Hotel-Inform(Area=east;Price=cheap)
+SNG0824 1 The Allenbell is a good choice for you. Would you like more information on the Allenbell? Hotel-Inform(Name=The Allenbell)
+SNG0824 3 Yes, it does! Would you like to book a room? Booking-Inform()
+SNG0824 4 Yes please. I'll need the address, postcode, and whether they have internet also. Hotel-Request(Post;Internet;Addr)
+SNG0824 5 Yes, the Allenbell has Internet. The address is 517a Coldham Lane and the postcode is cb13js. What are your travel details? Hotel-Inform(Addr=517a Coldham Lane;Post=cb13js;Name=the Allenbell;Internet)
+SNG0824 6 That's all I need for now. I think I will wait to actually book a room. Thank you! general-thank()
+SNG0824 7 You're quite welcome. Thanks for contacting the Cambridge TownInfo Centre and have a great day! general-bye()
+SNG0829 0 I need a place to stay on the west side of town, and I definitely need free wifi. Hotel-Inform(Area=west;Internet=yes)
+SNG0829 1 I will be more than happy to help you find one. Do you prefer a certain price range? Hotel-Request(Price)
+SNG0829 2 Price doesn't really matter, but I'd like it to include internet and parking please. Hotel-Inform(Parking=yes;Internet=yes;Price=dont care)
+SNG0829 4 A hotel, please. Hotel-Inform(Type=hotel)
+SNG0829 5 We have two: Huntingdon Marriott Hotel, and the Cambridge Belfry. Hotel-Inform(Choice=two;Name=Huntingdon Marriott Hotel;Name=the Cambridge Belfry)
+SNG0829 8 No, that's all I need. I will give them a call myself. Thank you! general-thank()
+SNG0829 9 You're very welcome. Have a nice day! Bye! general-bye()
+PMUL0355 0 Hi, yes, I'm looking for a 4 star hotel to stay in. The only amenity it has to have is free wifi. Hotel-Inform(Stars=4;Internet=yes;Type=hotel)
+PMUL0355 2 Does that also have free parking? And I forgot to mention I'd prefer a guesthouse. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL0355 3 In that case, the Cambridge Belfry would not work. It's a hotel, not a guesthouse. The Acorn Guesthouse has wifi, parking, is moderately priced and has 4 stars. Hotel-Inform(Price=moderately priced;Internet;Type=hotel;Type=guesthouse;Parking;Name=the Cambridge Belfry;Name=The Acorn Guesthouse;Stars=4)
+PMUL0355 4 Book for me 1 person and 2 nights starting from wednesday. Hotel-Inform(Stay=2;People=1;Day=wednesday)
+PMUL0355 6 Yes I am looking for someplace to eat that serves Scottish food that is in the expensive price range. Restaurant-Inform(Food=scottish;Price=dont care)
+PMUL0355 8 Is there a French restaurant? Restaurant-Inform(Food=french)
+PMUL0355 11 I have made the reservations and your reference number is 4WK86HPM. Booking-Book(Ref=4WK86HPM)
+PMUL0355 12 thanks alot. have a good day general-thank()
+PMUL4917 1 Okay, what area would you like to stay in and what is your price range? Hotel-Request(Area;Price)
+PMUL4917 2 I am looking for a 4 star guesthouse with free parking in the expensive range. Hotel-Inform(Stars=4;Parking=yes;Price=expensive;Type=guesthouse)
+PMUL4917 3 I'm sorry I don't have anything that matches that criteria. Hotel-NoOffer()
+PMUL4917 4 Okay. Do you have anything matching that description in the moderate price range instead? Hotel-Inform(Price=moderate)
+PMUL4917 5 Yes, I have 9 options for you! Hotel-Inform(Choice=9)
+PMUL4917 6 Can you suggest one and make me a booking for 5 people for 5 nights starting from Sunday? Hotel-Inform(Stay=5;People=5;Day=sunday)
+PMUL4917 10 I'm actually looking for a place that's considered an entertainment venue. Attraction-Inform(Type=entertainment)
+PMUL4917 12 How about a college instead? Attraction-Inform(Type=college)
+PMUL4917 14 Great. Can you get me a taxi to the college. Taxi-Inform()
+PMUL4917 15 Sure, are you wanting to depart from Club Salsa? When do you want to arrive by? Taxi-Request(Arrive;Depart)
+PMUL4917 16 I want to leave from the college by 21:45. Taxi-Inform(Leave=21:45)
+PMUL4917 18 No, that'll be it for me. Bye general-bye()
+PMUL4917 19 Okay, goodbye and have a great day general-bye()
+SNG1037 0 I'm looking for a guesthouse to stay at with free wifi please. Hotel-Inform(Internet=yes;Type=guesthouse)
+SNG1037 2 In the north area, please. Hotel-Inform(Area=north)
+SNG1037 4 No, I don't care about price, but I do need to have free parking. Hotel-Request(Parking)
+SNG1037 5 I believe I would like Worth house. Hotel-Recommend(Name=Worth house.)
+SNG1037 6 That`s fine. What is their address, please? Hotel-Request(Addr)
+SNG1037 8 No thank you. Do they offer free parking? Hotel-Request(Parking)
+SNG1037 9 Yes, they do. Hotel-Inform(Parking)
+SNG1037 10 Wonderful. I just need their postcode then please. Hotel-Request(Post)
+SNG1037 11 Yes, it is cb41da. Hotel-Inform(Post=cb41da)
+SNG1037 12 That is it, thanks. general-thank()
+SNG1037 13 Thank you & have a good day general-greet()
+SNG1036 0 I wasn't planning to stay in town tonight, but it looks like I'm going to have to. Can you help me find a pretty cheap room? Hotel-Inform(Price=cheap)
+SNG1036 2 I am looking for a cheap place to stay including free parking Hotel-Inform(Parking=yes;Price=cheap)
+SNG1036 4 How many stars does it have? I'd like a cheap place in the west with 4 stars and free parking. Hotel-Inform(Stars=4;Area=west;Parking=yes)
+SNG1036 5 Yes, the Cambridge Belfry is a cheap 4 star hotel that includes free parking. Hotel-Inform(Stars=4;Parking;Price=cheap;Name=the Cambridge Belfry;Type=hotel)
+SNG1036 8 Sure you can book that for me, thank you! general-thank()
+SNG1036 9 I would be happy to book a room. Please let me know your arrival day, how many nights you're staying, and the number of people who will be staying. Booking-Request(Day;Stay;People)
+SNG1036 10 Actually, I'm not ready to book yet. I think I have the information I need, thank you! general-thank()
+SNG1036 11 It was a pleasure. general-welcome()
+SNG1334 0 I am looking for a moderate priced place to stay. Hotel-Inform(Price=moderate)
+SNG1334 1 Yes, let me help you with that. In what area of town would you like to stay? Hotel-Request(Area)
+SNG1334 2 I would like a place in the centre with free parking. Hotel-Inform(Area=centre;Parking=yes)
+SNG1334 4 Sure, let's try the north instead please Hotel-Inform(Area=north)
+SNG1334 6 Yes and book it for 3 people and 3 nights starting from wednesday. Hotel-Inform(Stay=3;People=3;Day=wednesday)
+SNG1334 8 You've been great, that is all I needed. Thank you, goodbye! general-bye()
+SNG1334 9 I hope you enjoy your stay in Cambridge! general-bye()
+SNG1335 0 I need to book a train for Monday from Ely to Cambridge to arrive by 14:00 for 6 people. Train-Inform(Depart=ely;People=6;Dest=cambridge;Day=monday;Arrive=14:00)
+SNG1335 1 What time would you like to leave by? Train-Request(Leave)
+SNG1335 2 Anytime as long as i arrive by 14:00. Can you provide me with a reference number after booking? Train-Request(Ref)
+SNG1335 3 Great. I booked six tickets on TR4095 departing at 11:35 and arriving in cambridge at 11:52. Your confirmation number is W6PWPYOP. Train-OfferBooked(Ref=W6PWPYOP;People=six;Id=TR4095;Leave=11:35;Dest=cambridge;Arrive=11:52)
+SNG1335 5 Have a great day! general-bye()
+MUL1156 0 I'm looking for the Cherry Hinton Hall and Grounds. Attraction-Inform(Name=cherry hinton hall and grounds)
+MUL1156 2 Yes, could you give me the postcode please? Attraction-Request(Post)
+MUL1156 4 I want to find a hotel in the west. It needs to have free parking. Hotel-Inform(Area=west;Parking=yes;Type=hotel)
+MUL1156 7 Would you like me to book you a room at the huntingdon marriott hotel? Booking-Inform(Name=the huntingdon marriott hotel)
+MUL1156 8 Yes, I need a room starting on tuesday. Hotel-Inform(Day=tuesday)
+MUL1156 9 How many nights would you like it to be reserved, and how many will be in your party? Booking-Request(Stay;People)
+MUL1156 10 I will need three nights and with 5 people. Hotel-Inform(Stay=3;People=5)
+MUL1156 12 Actually I was mistaken, I need it to be booked for 6 people for 2 nights starting Tuesday. Hotel-Inform(Stay=2;People=6)
+MUL1156 14 Yes please. One day is fine. Hotel-Inform(Stay=1)
+MUL1156 16 I also need a taxi to get me between the two places please. Taxi-Inform()
+MUL1156 17 When would you like to leave or arrive? Taxi-Request(Leave;Arrive)
+MUL1156 20 That takes care of everything. Thank You! general-thank()
+MUL1156 21 Thank you for using our system! general-bye()
+MUL1157 0 Could you help me find a place to stay? I am looking for a hotel in the east part of town and it needs free wifi. Hotel-Inform(Area=east;Internet=yes)
+MUL1157 2 I have no preference, but the place does need to include free parking. Hotel-Inform(Parking=yes)
+MUL1157 4 Yes. I need to make a reservation there for 8 people, arriving Friday night and departing Wednesday morning. Hotel-Inform(Stay=5;People=8;Day=friday)
+MUL1157 8 I guess you can try for four nights. Hotel-Inform(Stay=4)
+MUL1157 10 Yes, I am also looking for places to go in town specifically a college. Attraction-Inform(Type=college)
+MUL1157 11 What part of town would you like it Attraction-Request(Area)
+MUL1150 0 I need a hotel that is 4 stars on the east side of town. Hotel-Inform(Stars=4;Area=east)
+MUL1150 2 I don't care about the price range, but I would like free parking. Hotel-Inform(Parking=yes)
+MUL1150 8 Yes, I also need something to do in the east part of town as well please. Attraction-Inform(Area=east)
+MUL1150 10 No, not really just get me the address to something good. Attraction-Request(Addr)
+MUL1150 11 There are 4 museums that are in the area would you like information on them? Attraction-Inform(Choice=4;Type=museum)
+MUL1150 12 Sure. I just need the address to a place to go that is in the same area as my hotel. Attraction-Request(Addr)
+MUL1150 13 Cambridge artworks is located at 5 greens road Attraction-Inform(Name=Cambridge artworks;Addr=5 greens road)
+MUL1150 14 Thanks, that's all I need. Have a nice day. general-thank()
+MUL1150 15 Thank you for calling. Enjoy your stay. general-bye()
+SNG1331 0 Hi, I am looking for a entertainment attraction to visit. Do you have any recommendations? Attraction-Inform(Type=entertainment)
+SNG1331 1 What area will you be going to? Attraction-Request(Area)
+SNG1331 3 How about the cherry hinton hall and grounds? Attraction-Select(Name=cherry hinton hall and grounds)
+SNG1331 6 Yes, I also need their postcode and phone number. Attraction-Request(Post;Phone)
+SNG1331 8 Great, thank you for all of your help. general-thank()
+SNG1331 9 No, problem. Will that be all for you today? general-reqmore()
+SNG1331 10 Yes, thank you. Goodbye. general-bye()
+SNG1331 11 Thank you, goodbye. general-bye()
+SNG1332 0 I'm looking for a place to go in the centre of town. Attraction-Inform(Area=centre)
+SNG1332 2 I'd like a nightclub please. Attraction-Inform(Type=nightclub)
+SNG1332 3 I recommend the club salsa? Here is their phone number, 07782218745 Attraction-Recommend(Phone=07782218745;Name=club salsa)
+SNG1332 4 What is their address and the entrance fee? Attraction-Request(Fee;Addr)
+SNG1332 6 That's all for now. Thank you for the information. general-thank()
+MUL1153 0 what museum would you recommend in the east part of cambridge? Attraction-Inform(Area=east;Type=museum)
+MUL1153 6 That's ok. I can take care of booking myself. Would you know a place in the centre of town where we could go for boating? Attraction-Inform(Area=centre;Type=boat)
+MUL1153 9 I do not know the entrance fee. You can call them directly at 07807718591. Attraction-Inform(Fee=do not know;Phone=07807718591)
+MUL1153 11 Okay. Thank you for calling. general-bye()
+PMUL4913 1 What type of information would like to know? general-greet()
+PMUL4913 2 I am wanting to find out what nightclubs you have in the city? Attraction-Inform(Type=nightclub)
+PMUL4913 3 There are 6 different nightclubs. Do you want me to give you any specific info on any of them? Attraction-Inform(Type=nightclub;Choice=6)
+PMUL4913 4 I just need a phone number for one you recommend. Attraction-Request(Phone)
+PMUL4913 6 I would love some information on a train to get me to Ely on Thursday. Train-Inform(Dest=ely;Day=thursday)
+PMUL4913 7 Did you have a preference for departure or arrival times? Train-Request(Leave;Arrive)
+PMUL4913 8 Yes, I need the train to arrive by 10:45. Train-Inform(Arrive=10:45)
+PMUL4913 10 That would be great. Can I book 5 seats for that train? Train-Inform(People=5)
+PMUL4913 12 Thank you. That is all I need for today. general-thank()
+PMUL4913 13 Have a great day general-bye()
+MUL1158 0 Could you help me find a college to visit? Attraction-Inform(Type=college)
+MUL1158 2 I would like to visit one in the centre. Attraction-Inform(Area=centre)
+MUL1158 3 Christ's College is a free college on Saint Andrew's street. If you would like to call, the number is 01223334900. Attraction-Inform(Name=Christ's College;Type=college;Fee=free;Phone=01223334900;Addr=Saint Andrew's street)
+MUL1158 5 Christ's college is on saint andrew's street. The postcode is cb23bu. Attraction-Inform(Name=Christ's college;Addr=saint andrew's street;Post=cb23bu)
+MUL1158 6 Thank you. I had a friend recommend a hotel called the City Centre North B and B. Can you tell me if there are any rooms available there? Hotel-Inform(Name=city centre north b and b)
+MUL1158 7 What night, for how long and for how many people? Booking-Request(People;Stay;Day)
+MUL1158 8 Book it for Thursday night, 3 nights, and 4 people. Thank You! Hotel-Inform(Stay=3;People=4;Day=thursday)
+MUL1158 10 Actually, I'd like to book there Monday for 1 night with 8 people. Hotel-Inform(Stay=1;People=8;Day=monday)
+MUL1158 11 It's all booked your reference is YB0KDAKW. Booking-Book(Ref=YB0KDAKW)
+MUL1158 14 I believe that takes care of everything, thanks! general-thank()
+MUL1158 15 Okay. Glad I could help. Please call again. general-bye()
+SNG1339 0 am looking for a train. The train should leave on monday and should depart from cambridge. Train-Inform(Depart=cambridge;Day=monday)
+SNG1339 2 I would like to travel on Monday after 12:00. Train-Inform(Day=monday;Leave=12:00)
+SNG1339 3 What is your destination? Train-Request(Dest)
+SNG1339 4 I want to go to leicester. Train-Inform(Dest=leicester)
+SNG1339 6 I'd just like the travel time and train ID for that one please. Train-Request(Duration;TrainID)
+SNG1339 8 Yes, can you please tell me the train ID that departs at 12:21? Train-Request(TrainID)
+SNG1339 10 That is all for now. Thank you so much for the information. general-thank()
+SNG0337 0 I need a to find a train departing from stansted airport going to cambridge. Train-Inform(Depart=stansted airport;Dest=cambridge)
+SNG0337 1 Do you want the earliest train? Train-Request(Leave)
+SNG0337 7 Okay I have a 10:24 that arrives at 10:52. Train-Inform(Arrive=10:52;Leave=10:24)
+SNG0337 8 Can you give me the train ID for the 10:24? Train-Request(TrainID)
+SNG0337 9 Sure, the TR2635 train leaves at 10:24 and arrives at 10:52 with a travel time of 28 minutes. Train-Inform(Id=TR2635;Arrive=10:52;Time=28 minutes;Leave=10:24)
+SNG0337 10 Thank you very much. I appreciate your help. general-thank()
+SNG0337 11 Did you need anything else today, or may I close this conversation in our system? general-reqmore()
+SNG0337 12 That's all. Thank you. general-thank()
+SNG0337 13 Thank you, have a good day. Goodbye. general-bye()
+MUL0799 0 I am looking for a hotel with a 4 star rating and free parking Hotel-Inform(Stars=4;Parking=yes)
+MUL0799 2 I'm looking for a cheap hotel, please. Hotel-Inform(Price=cheap)
+MUL0799 5 How about the Allenbell? Hotel-Recommend(Name=Allenbell)
+MUL0799 6 Perfect! what's the phone number, postcode, and address for that place? Hotel-Request(Post;Phone;Addr)
+MUL0799 8 Yes, I need a train to Ely from Cambridge on Sunday, leaving at 11:30. Train-Inform(Depart=ely;Dest=cambridge;Day=sunday;Leave=11:30)
+MUL0799 10 Is this train going to Ely or departing Ely? I believe I made a mistake is saying going to Ely when I should be departing Ely arriving in Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+MUL0799 11 That is departing ely and arriving in cambridge Train-Inform(Depart=ely;Dest=cambridge)
+MUL0799 12 Alright, all I need the travel time and that should be all, thanks! Train-Request(Duration)
+MUL0798 0 I was wondering if you could help me find a hotel in the south part of town. Hotel-Inform(Area=south)
+MUL0798 2 The hotel should be in the cheap price range and should have a star of 4 with free wifi. Hotel-Inform(Stars=4;Internet=yes;Price=cheap)
+MUL0798 3 Great, I've found one that fits just that. How about Rosa's Bed and Breakfast? Hotel-Inform(Name=Rosa's Bed and Breakfast;Choice=one)
+MUL0798 4 Is that a hotel or a guesthouse? Hotel-Inform()
+MUL0798 6 Actually first I would like you to help me find a train that goes between Peterborough and Cambridge on Saturday. Train-Inform(Depart=peterborough;Dest=cambridge;Day=saturday)
+MUL0798 8 I'd like to arrive by 20:45 if possible. Train-Inform(Arrive=20:45)
+MUL0798 10 I am not looking to make a booking, I just want to know what the travel time is. Train-Request(Duration)
+MUL0798 11 The travel time from peterborough to cambridge is 50 minutes, for all 38 trips. Train-Inform(Time=50 minutes;Depart=peterborough;Choice=38;Dest=cambridge)
+MUL0798 12 That is all I need. Thank you. general-thank()
+SNG0336 0 I am looking for a train to peterborough. Train-Inform(Dest=peterborough)
+SNG0336 1 OK, and what day and time are you looking for? Train-Request(Arrive;Leave;Day)
+SNG0336 2 I am looking to go from cambridge to peterborough and leave after 14:15 Train-Inform(Depart=cambridge;Leave=14:15)
+SNG0336 4 I'll be traveling on Tuesday. Train-Inform(Day=tuesday)
+SNG0336 7 Yes certainly. I have you booked and your reference number is 8CRQIYB0. Train-OfferBooked(Ref=8CRQIYB0)
+SNG0336 8 Thank you so much! Goodbye! general-bye()
+SNG0336 9 Have a great day! general-bye()
+MUL0795 0 Hi, where can I find the Autumn House hotel? Hotel-Inform(Name=autumn house)
+MUL0795 2 Not yet but can I get the postcode and address please? Hotel-Request(Post;Addr)
+MUL0795 3 Address is 710 Newmarket road with a postcode of cb58rs Hotel-Inform(Post=cb58rs;Addr=710 Newmarket road)
+MUL0795 4 Thank you. I also require information on trains going into Cambridge next thursday. Train-Inform(Dest=cambridge;Day=thursday)
+MUL0795 5 I can certainly help, where will you be departing from, and do you need to arrive or depart at a certain time? Train-Request(Depart;Leave;Arrive)
+MUL0795 6 Bishops stortford, it needs to leave after 12:15 Train-Inform(Depart=bishops stortford;Leave=12:15)
+MUL0795 7 TrainID TR0141 leaves Bishops Stortford at 13:29 and arrives in Cambridge at 14:07 on Thursday. Does that work for you? Train-Inform(Depart=Bishops Stortford;Dest=Cambridge;Day=Thursday;Arrive=14:07;Id=TR0141;Leave=13:29)
+MUL0795 8 I think so. How long is the travel time for that train? Train-Request(Duration)
+MUL0795 9 The travel time is 38 minutes. Train-Inform(Time=38 minutes)
+MUL0795 10 That is all of the information that I needed. Thank you. general-thank()
+MUL0794 0 Yeah, could you find me a train? I'm in Cambridge, and I'd like to go over to Birmingham New Street. Train-Inform(Depart=cambridge;Dest=birmingham new street)
+MUL0794 2 Yes, I'd like to leave after 21:00 on Wednesday. Train-Inform(Day=wednesday;Leave=21:00)
+MUL0794 5 I have successfully booked you for the TR7935 train leaving at 21:01. Your reference number is E9ZIOMAN. Train-OfferBooked(Ref=E9ZIOMAN;Leave=21:01;Id=TR7935)
+MUL0794 6 Great, thank you! I'd like to find a place to stay, too. I'm thinking of something in the moderate range with free parking. Any ideas? Hotel-Inform(Parking=yes;Price=moderate)
+MUL0794 8 No preference on area, but can you see if there are any that have 4 stars? Hotel-Inform(Stars=4)
+MUL0794 9 I have 3 in the north, 1 in the south, and 1 in the east. Hotel-Inform(Area=north;Area=south;Area=east;Choice=3;Choice=1;Choice=1)
+MUL0794 10 I'll take whichever one doesn't include Internet. Hotel-Inform(Internet=dont care)
+MUL0794 15 What day would you like to book the hotel for? Booking-Request(Day)
+MUL0794 16 Does it have four stars? Hotel-Inform(Stars=4)
+MUL0794 17 Yes, it has 4 stars and includes free parking. Hotel-Inform(Stars=4;Parking)
+MUL0794 18 That sounds perfect. Can I have the postcode and phone number please? Hotel-Request(Post;Phone)
+MUL0794 20 No that sounds perfect. Thank you for all your help. general-thank()
+MUL0797 6 Can I have the address? Also do they offer internet? Hotel-Request(Internet;Addr)
+MUL0797 8 No thank you. I am also looking for a train though going from Cambridge to Kings Lynn. Train-Inform(Depart=cambridge;Dest=kings lynn)
+MUL0797 9 What day and time are you wanting to travel? Train-Request(Day;Leave)
+MUL0797 10 I'm leaving on Thursday, but to clarify, I want to DEPART from Kings Lynn and ARRIVE in Cambridge. Train-Inform(Depart=kings lynn;Dest=cambridge)
+MUL0797 12 I will be travelling on Thursday, and I'd like to arrive by 21:30. Train-Inform(Day=thursday;Arrive=21:30)
+MUL0797 17 I was able to book the train for you. The reference number is ZPN560FR. Train-OfferBooked(Ref=ZPN560FR)
+MUL0797 18 Thank you very much for helping me today! general-thank()
+MUL0796 0 Hi! I need a train to Broxbourne after 10:30. Train-Inform(Dest=broxbourne;Leave=10:30)
+MUL0796 1 I'd be happy to help you with that. What day do you want to travel? Train-Request(Day)
+MUL0796 2 I need the train for Tuesday departing from Cambridge after 10:30. Train-Inform(Depart=cambridge;Day=tuesday;Leave=10:30)
+MUL0796 4 Can I just get the train ID of one of them please? Train-Request(TrainID)
+MUL0796 6 I'm looking for a hotel to stay at in the West area of town. Are there any hotels that have free wifi over there? Hotel-Inform(Area=west;Internet=yes)
+MUL0796 8 Cheap, it needs free parking also. Hotel-Inform(Parking=yes;Price=cheap)
+MUL0796 10 Can I just get the address, star rating, and phone number? Hotel-Request(Phone;Addr)
+MUL0796 11 The Cambridge Belfry is a 4 star hotel at back lane, cambourne cb236bw. Their number is 01954714600. Hotel-Inform(Phone=01954714600;Stars=4;Addr=back lane;Name=The Cambridge Belfry;Post=cb236bw)
+MUL0796 12 Thank you for your help. Have a good day! general-thank()
+MUL0796 13 No problem. Goodbye. general-bye()
+MUL0791 0 Hi, I need a train Wednesday that will arrive by 19:45. Train-Inform(Day=wednesday;Arrive=19:45)
+MUL0791 1 There are many trains that meet that requirement. Where are you headed? Train-Request(Dest)
+MUL0791 2 I'm headed from Cambridge to Broxbourne. Train-Inform(Depart=cambridge;Dest=broxbourne)
+MUL0791 3 When would you like to depart? You can select any hour between 05:01 and 18:01. Train-Request(Leave)
+MUL0791 8 How about a moderately priced 3 star guesthouse? Hotel-Inform(Stars=3)
+MUL0791 10 Yes I'll take the one in the south, thanks for your help. general-thank()
+MUL0791 12 No, that's okay. Could you get me the reference number for my train tickets, though? Train-Request(Ref)
+MUL0791 13 Your booking was successful. the total fee is 53.7 GBP and your reference number is ZLBJ2U2O. Train-OfferBooked(Ref=ZLBJ2U2O;Ticket=53.7 GBP)
+MUL0791 14 Great, thank you! That's all I needed. general-thank()
+MUL0791 15 Thank you and enjoy your visit. general-bye()
+PMUL1115 0 Where's the train that leaves around 14:45? It should also be going to cambridge as well. Train-Inform(Dest=cambridge;Leave=14:45)
+PMUL1115 1 I need more info on the departure site, date and time, please Train-Request(Depart;Leave;Day)
+PMUL1115 2 I want to leave from Stevenage on Thursday. Train-Inform(Depart=stevenage;Day=thursday)
+PMUL1115 3 The TR1596 leaves stevenage at 15:54. Train-Inform(Leave=15:54;Depart=stevenage;Id=TR1596)
+PMUL1115 4 How long is the travel time? Train-Request(Duration)
+PMUL1115 7 I can help with that. Is there a certain type or location you are looking for these attractions? Attraction-Request(Type;Area)
+PMUL1115 8 I am looking for something in the west and in the theatre. Attraction-Inform(Area=west;Type=theatre)
+PMUL1115 10 Ok, what about an entertainment venue instead? Attraction-Inform(Type=entertainment)
+PMUL1115 11 I found an entertainment venue called "Whale of at Time" in the west. Does this interest you? Attraction-Inform(Area=west;Name=Whale of at Time)
+PMUL1115 12 That's great, can you give me the phone number, postcode, and if there's an entrance fee? Attraction-Request(Post;Phone;Fee)
+PMUL1115 14 No that's it for today! Bye bye general-bye()
+MUL0793 0 I am looking for a train arriving by 9:45 on Tuesday. Train-Inform(Day=tuesday)
+MUL0793 1 May I get your departure and destination information please? Train-Request(Depart;Dest)
+MUL0793 2 I am going from Cambridge to Leicester. Train-Inform(Depart=cambridge;Dest=leicester)
+MUL0793 5 It costs 37.80 pounds per ticket. Train-Inform(Ticket=37.80 pounds)
+MUL0793 6 I'm sorry, we have that mixed up. I need to depart from leicester and go to cambridge. Do you have a train that arrives by 09:45 in cambridge? Train-Inform(Depart=leicester;Dest=cambridge;Arrive=09:45)
+MUL0793 8 Can you verify the cost for train TR6954 for me? Train-Inform()
+MUL0793 12 Can you help me find a 5-star room somewhere that offers free parking and wifi? Hotel-Inform(Stars=5;Parking=yes;Internet=yes)
+MUL0793 14 Yes, 4 stars would be fine. Hotel-Inform(Stars=4)
+MUL0793 16 Yes please. There are 5 of us total and we need 4 nights in a row. Thank you. Hotel-Inform(Stay=4;People=5)
+MUL0793 17 What day would like to start your stay? Booking-Request(Day)
+MUL0793 18 I'd like to start my stay on Tuesday, please. Hotel-Inform(Day=tuesday)
+MUL0793 20 Nope, that'll take care of everything, thanks! general-thank()
+MUL0792 0 I need a train on Sunday, arriving by 16:30, please. Train-Inform(Day=sunday;Arrive=16:30)
+MUL0792 1 What are your departure and arrival stations? Train-Request(Depart;Dest)
+MUL0792 2 I will be departing from Leicester and arriving in Cambridge. Train-Inform(Depart=leicester;Dest=cambridge)
+MUL0792 4 Yes. I would like a booking for 3 people please. Train-Inform(People=3)
+MUL0792 5 I have successfully booked this train for you. You will be responsible for a 90.72 GBP fee payable at the station. Your reference number is GJ9R5F0E. Train-OfferBooked(Ref=GJ9R5F0E;Ticket=90.72 GBP)
+MUL0792 6 Ok, I also need a hotel in the moderate price range that's a guesthouse. Nothing else matters, just pick one. Hotel-Inform(Price=moderate;Type=guesthouse)
+MUL0792 10 I do not have preferences for location, star rating, or parking availability. I need the booking for 3 people for 5 nights starting from Sunday. Hotel-Inform(Stay=5;People=3;Day=sunday)
+MUL0792 12 No that is all thanks . general-thank()
+MUL0792 14 Bye and have a great day. general-bye()
+MUL0792 15 have a great day! general-bye()
+SNG0334 0 I am looking for a train going to Broxbourne. Train-Inform(Dest=broxbourne)
+SNG0334 1 Certainly. Where will you be departing from? Train-Request(Depart)
+SNG0334 2 I am leaving from Cambridge heading to Broxbourne. Train-Inform(Depart=cambridge)
+SNG0334 4 I'd like to leave after 10:30. Train-Inform(Leave=10:30)
+SNG0334 5 What day are you traveling? And is this a booking just for yourself? Train-Request(People;Day)
+SNG0334 8 That would be perfect, thank you. general-thank()
+SNG0334 11 Thank you for using our service. Have all of your needs been met? general-reqmore()
+SNG0334 13 Thank you for using Cambridge TownInfo Centre. Have a nice day! general-bye()
+SNG0333 0 I need a train to Cambridge. Train-Inform(Dest=cambridge)
+SNG0333 1 Ok. Where will you be departing from? Train-Request(Depart)
+SNG0333 2 I want to leave from Ely on Friday. Train-Inform(Depart=ely;Day=friday)
+SNG0333 3 Okay, do you have a desired time for departure or arrival? Train-Request(Leave;Arrive)
+SNG0333 4 I need to leave after 09:45. Train-Inform(Leave=09:45)
+SNG0333 6 What time does it arrive? Train-Request(Arrive)
+SNG0333 8 No, I just needed the information. I am all set, thanks. Have a nice day. general-thank()
+SNG0333 9 Great! Thank you for using the Cambridge TownInfo centre. Have a wonderful day! general-bye()
+SNG0332 0 I need some help finding a train. I'm going to Cambridge on Tuesday. Train-Inform(Depart=cambridge;Dest=cambridge;Day=tuesday)
+SNG0332 1 Certainly. Where are you departing from? Train-Request(Depart)
+SNG0332 2 I's sorry, I meant to say LEAVING from Cambridge on Tuesday, heading to King's Lynn. I need to arrive by 16:00. Train-Inform(Depart=cambridge;Arrive=16:00)
+SNG0332 6 Okay thank you very much. general-thank()
+SNG0332 7 We are happy to help. Can I assist you with anything else? general-reqmore()
+SNG0332 9 I'm sorry, I may have misunderstood. The train hasn't been booked yet, should I book it for you now? Train-OfferBook()
+SNG0332 10 Sure, go ahead. Thank you. general-thank()
+SNG0332 12 No, that's all, thank you! general-thank()
+SNG0332 13 How many people will need a ticket for the train? Train-Request(People)
+SNG0332 14 I am so sorry for the misunderstanding. I don't wish to book at the moment. I am all set. Have a great day. Bye. general-bye()
+SNG0332 15 No problem. You have a great day also. Bye. general-bye()
+PMUL1759 0 Book me a train from birmingham new street that leaves after 19:15. Train-Inform(Depart=birmingham new street;Leave=19:15)
+PMUL1759 1 I'd be happy to help you with booking that. Can you tell me what day you will be traveling? And to what destination are you wanting to go? Train-Request(Dest;Day)
+PMUL1759 2 I need to leave on Tuesday to arrive in Cambridge. Train-Inform(Dest=cambridge;Day=tuesday)
+PMUL1759 4 I don't need it booked just now. Can you let me know the travel time and arrival time for TR5859? Train-Request(Duration;Arrive)
+PMUL1759 7 We have plenty of options for places to stay in cambridge. Would you rather stay in a hotel or guest house? Hotel-Select(Choice=plenty;Type=hotel or guest house)
+PMUL1759 8 A guest house with free parking, it doesnt matter whether or not wifi is included. Hotel-Inform(Parking=yes;Internet=dont care)
+PMUL1759 10 Yes can you please. Hotel-Inform(Name=acorn guest house)
+PMUL1759 11 What day will you be arriving and how many nights are you staying? Booking-Request(Day;Stay)
+PMUL1759 12 Ill be arriving tuesday and ill need 4 nights for 4 people. Hotel-Inform(Stay=4;People=4;Day=tuesday)
+PMUL1759 13 I have made reservations and the reference number is K8EETTJF. Booking-Book(Ref=K8EETTJF)
+PMUL1759 14 Thank you so much you have been a tremendous help! general-thank()
+PMUL1759 15 Can I look up anything else for you today? general-reqmore()
+PMUL1759 16 no, that will be all. thank you! general-thank()
+PMUL1759 17 I am glad I could be of help. Have a great day! general-bye()
+PMUL1758 0 I need help finding a hotel, please. Hotel-Inform()
+PMUL1758 1 I can help you with anything you need. What hotel are you looking for? Hotel-Request(Name)
+PMUL1758 2 I need a hote on the north with free wifi. Hotel-Inform(Area=north;Internet=yes)
+PMUL1758 3 Ok, thanks for that information. What is your price range for the hotel? Hotel-Request(Price)
+PMUL1758 4 I am looking for a moderately priced hotel. Hotel-Inform(Price=moderate)
+PMUL1758 6 No star preference but it should also have free parking. Hotel-Inform(Parking=yes)
+PMUL1758 8 Yes the cheapest will be fine,thank you general-thank()
+PMUL1758 9 What area do you need to be in? Hotel-Request(Area)
+PMUL1758 10 I would like a hotel in the north, but please remember it needs to be moderately priced and include free parking & wifi. Hotel-Inform(Area=north;Parking=yes;Internet=yes;Price=moderate)
+PMUL1758 12 yes a 3 star rating at least Hotel-Inform(Stars=3)
+PMUL1758 13 Hamilton Lodge is available, would you like me to book you? Booking-Inform(Name=Hamilton Lodge)
+PMUL1758 14 No but I would like to find a train for Sunday going to Liverpool Street from Cambridge, leaving after 20:30. Train-Inform(Depart=cambridge;Day=sunday;Leave=20:30)
+PMUL1758 15 Sure thing would you like me to book that for you? Train-OfferBook()
+PMUL1758 18 Yes lets finish booking the train. I need to book for 4 people. Train-Inform(People=4)
+PMUL1758 19 I have booked it Reference number is 8R9CJHWQ. Train-OfferBooked(Ref=8R9CJHWQ)
+PMUL1758 20 Thanks, that's all I needed today. Goodbye! general-bye()
+PMUL1758 21 I hope you have a nice trip. Goodbye. general-bye()
+SNG0331 0 I am looking for a train on Friday that leaves after 21:45. Train-Inform(Day=friday;Leave=21:45)
+SNG0331 1 Sure. Where are you leaving from? Train-Request(Depart)
+SNG0331 2 I'll be leaving from Cambridge and I want to go to Stansted Airport. Train-Inform(Depart=cambridge;Dest=stansted airport)
+SNG0331 3 For an arrival of what time? Train-Request(Arrive)
+SNG0331 5 How about TR3864, which leaves at 22:40? They arrive at 23:08. Train-Inform(Id=TR3864;Arrive=23:08;Leave=22:40)
+SNG0331 7 The travel time for that train will be 28 minutes. Train-Inform(Time=28 minutes)
+SNG0331 8 Alright. thank you very much general-thank()
+SNG0331 9 May I help with anything else? general-reqmore()
+SNG0331 10 No, that's it for now. Have a good day. Bye! general-bye()
+SNG0331 11 Okay. Glad we could help! general-bye()
+PMUL1750 0 I need to find a train leaving Cambridge after 12:15. Train-Inform(Depart=cambridge;Leave=12:15)
+PMUL1750 1 Okay. What is the destination? Train-Request(Dest)
+PMUL1750 2 That will be London King's Cross, and I'll be travelling on Tuesday. Train-Inform(Dest=london kings cross;Day=tuesday)
+PMUL1750 4 Yes, I need 6 of them. Train-Inform(People=6)
+PMUL1750 5 That booking was successful and your reference number is A7PJEHZW. Train-OfferBooked(Ref=A7PJEHZW)
+PMUL1750 6 I also need a hotel. Do not need Free Parking. Hotel-Inform(Parking=no;Type=hotel)
+PMUL1750 8 I need something in the south area. Hotel-Inform(Area=south)
+PMUL1750 10 Maybe try one with free parking. Hotel-Inform(Parking=yes)
+PMUL1750 12 That would be fine. Can you book that for the same group of people for 2 nights starting on sunday. Hotel-Inform(Stay=2;People=6;Day=wednesday;Name=rosa's bed and breakfast)
+PMUL1750 14 Thank you, that will be all. good bye. general-bye()
+PMUL1750 15 I hope you enjoy your stay! general-bye()
+PMUL1753 2 Yes, I'm thinking I'd like it to be in the north. Does that help? Hotel-Inform(Area=north)
+PMUL1753 4 What about any in the cheap range? Hotel-Inform(Price=cheap)
+PMUL1753 6 Yes, can you please book it for 5 people and 5 nights starting from thursday? Hotel-Inform(Stay=5;People=5;Day=thursday)
+PMUL1753 7 I booked the room for 5 people and five nights starting on Thursday. The Reference number is : MCS14SHL. Booking-Book(Ref=MCS14SHL;Stay=five;Day=Thursday;People=5)
+PMUL1753 8 Thank you that is all I need, goodbye general-bye()
+PMUL1753 9 great, have a wonderful day! general-bye()
+PMUL1752 0 I want a train leaving on sunday. Train-Inform(Day=sunday)
+PMUL1752 2 I am leaving from Stevenage going to Cambridge. Train-Inform(Depart=stevenage;Dest=cambridge)
+PMUL1752 4 I would like to arrive by 12:00 please. Train-Inform(Arrive=12:00)
+PMUL1752 5 Okay, how about the TR7802? It departs at 09:54. Train-Inform(Id=TR7802;Leave=09:54)
+PMUL1752 6 That's fine. Could you book this for me, there will be 5 people. Train-Inform(People=5)
+PMUL1752 7 I have booked 5 tickets from Stevenage to Cambridge living on Sunday at 9:54 and arriving at 10:53. Your total fee is 51.2 GBP. Reference # is GZ0LOZQV Train-OfferBooked(Arrive=10:53;Day=Sunday;Ref=GZ0LOZQV;Depart=Stevenage;Ticket=51.2 GBP;People=5;Dest=Cambridge;Leave=9:54)
+PMUL1752 8 Thank you. Can you also help me find a place to stay? general-thank()
+PMUL1752 10 I would like to find a moderately priced hotel in the center with free parking and wifi. Hotel-Inform(Area=centre;Parking=yes;Internet=yes;Price=moderate)
+PMUL1752 12 How about one in the north? Hotel-Inform(Area=north)
+PMUL1752 13 Yes, there are 9 places to stay! Would you like to stay in a hotel, or in a guesthouse? Hotel-Inform(Choice=9;Type=hotel;Type=guesthouse)
+PMUL1752 14 It doesn't matter to me. Whichever place you recommend will be fine. I'll need to book for the same people, same day, and 3 nights. Hotel-Inform(Stay=3;People=5;Day=sunday)
+PMUL1752 15 Booking was successful.Reference number is : S9RCTPPN Booking-Book(Ref=S9RCTPPN)
+PMUL1755 0 I'm looking for a train ticket, do you book those? Train-Inform()
+PMUL1755 1 Yes, where will you be leaving from and going to? Train-Request(Depart;Dest)
+PMUL1755 2 I'm leaving from Cambridge and going to bishops stortford. Train-Inform(Depart=cambridge;Dest=bishops stortford)
+PMUL1755 3 On what day will you be traveling? Do you prefer a specific time as well? Train-Request(Leave;Day;Arrive)
+PMUL1755 5 Absolutely! You are booked for 8 seats on TR5643 leaving at 13:29 and arriving at 14:07. The cost is 64.64 GBP due at the station. Reference: Y6865OET Train-OfferBooked(Ref=Y6865OET;People=8;Leave=13:29;Ticket=64.64 GBP;Arrive=14:07;Id=TR5643)
+PMUL1755 6 Thank you! I'm also looking for a hotel with free parking and internet. Can you find one? Hotel-Inform(Parking=yes;Internet=yes)
+PMUL1755 7 Yes I have many options. What side of town did you want to stay on and what price range are you looking for. Hotel-Request(Price;Area)
+PMUL1755 10 Just a couple more questions. What is the star rating? Also, I need to know the area of town and the phone number please. Hotel-Request(Area;Phone)
+PMUL1755 12 No, I just need the information for now. Thanks! general-thank()
+PMUL1755 13 Do you have everything you need? general-reqmore()
+PMUL1755 14 Yes, thank you for all your help today. Goodbye. general-bye()
+PMUL1755 15 My pleasure! Please call us back if you need anything else. general-bye()
+PMUL1754 0 Hi, I'm looking for a train departing cambridge that leaves after 21:45. Can you help me with a reservation? Train-Inform(Depart=cambridge;Leave=21:45)
+PMUL1754 1 Absolutely I can help with that. What day and to what destination are you traveling? Train-Request(Dest;Day)
+PMUL1754 2 I am traveling to london kings cross from cambridge. Train-Inform(Dest=london kings cross)
+PMUL1754 5 Do you have a day you will be traveling? Train-Request(Day)
+PMUL1754 6 I will be traveling on Saturday. Train-Inform(Day=saturday)
+PMUL1754 8 Yes for five please. Train-Inform(People=5)
+PMUL1754 9 I made reservations for you your reference number is 0F1R2M73. Train-OfferBooked(Ref=0F1R2M73)
+PMUL1754 10 Thanks! I also need a guesthouse to stay in in the north. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL1754 14 Yes I would like to book it for 5 people. Hotel-Inform(People=5;Name=limehouse)
+PMUL1754 15 What day will you be checking in? Booking-Request(Day)
+PMUL1754 16 I actually don't need to book. I would just like the phone number, postcode, and price range. Hotel-Request(Post;Phone;Price)
+PMUL1754 18 No that's everything I needed. Thank you! general-thank()
+PMUL1754 19 Thank you, Have a great day. general-bye()
+PMUL1757 0 need a hotel with free wifi please Hotel-Inform(Internet=yes;Type=hotel)
+PMUL1757 1 Is there a specific area you would like to stay in? Hotel-Request(Area)
+PMUL1757 2 I would like a place with a 4 star rating. Hotel-Inform(Stars=4)
+PMUL1757 4 Could you just pick one and book it for 6 people for 2 nights from Friday? Hotel-Inform(Stay=2;People=6;Day=friday)
+PMUL1757 5 Did you want it to be in a specific area of town? Hotel-Request(Area)
+PMUL1757 8 Yes, I'll need a train to Cambridge that same day, please. I'll be leaving from Bishops Stortford after 12:45. Train-Inform(Depart=bishops stortford;Dest=cambridge;Day=friday;Leave=12:45)
+PMUL1757 10 Can you just give me the price on it please? Train-Request(Price)
+PMUL1757 12 No, that's it. Thanks! general-thank()
+PMUL1757 13 Alright. Have a great day. general-greet()
+PMUL1756 0 Can you help me find a train departing out of cambridge this saturday? Train-Inform(Depart=cambridge;Day=saturday)
+PMUL1756 2 I'm going to Peterborough and want to leave after 12:00. Train-Inform(Dest=peterborough;Leave=12:00)
+PMUL1756 3 There are multiple trains leaving that day after 12. First one departs at 12:06. Train-Inform(Choice=multiple;Leave=12;Leave=First one departs at 12:06)
+PMUL1756 4 Book the first one for 8 people please. Train-Inform(People=8)
+PMUL1756 5 I have booked it and here is the information-Booking was successful, the total fee is 105.6 GBP payable at the station . Reference number is : SLAC2W0W. Train-OfferBooked(Ref=SLAC2W0W;Ticket=105.6 GBP)
+PMUL1756 6 Thank you that is all I need general-thank()
+PMUL1756 7 Thank you for contacting us. Have a nice day. general-bye()
+PMUL1756 8 Oh I almost forgot can you help me find a 5 star hotel with free internet? Hotel-Inform(Internet=yes;Type=hotel)
+PMUL1756 11 huntingdon marriott hotel is a 4 star hotel Hotel-Inform(Stars=4;Name=huntingdon marriott hotel;Type=hotel)
+PMUL1756 14 Yes please! I want to book it for 8 people for 4 nights starting tuesday Hotel-Inform(Stay=4;People=8;Day=tuesday)
+PMUL1756 16 That is all for now. Thank you so much. general-thank()
+PMUL1287 0 Currently planning to come out there but need to find a train that leaves after 15:30 and that will depart from Norwich. Train-Inform(Depart=norwich;Leave=15:30)
+PMUL1287 1 What day do you want to travel on? Train-Request(Day)
+PMUL1287 2 I would like to leave on Monday. Train-Inform(Day=monday)
+PMUL1287 4 Yes. I will need two tickets. Train-Inform(People=2)
+PMUL1287 5 Al set, your reference number is ZIY4Y3CA, the cost is 17.60 pounds per person payable at the station. Train-OfferBooked(Ref=ZIY4Y3CA;Ticket=17.60 pounds)
+PMUL1287 6 Can I also get information on wandlebury country park. Attraction-Inform(Name=wandlebury country park)
+PMUL1287 8 That is all that I needed. Thank you so much for the assistance. general-thank()
+PMUL1287 9 You are welcome. Please comeback if we can do anything more for you! general-welcome()
+PMUL1287 10 I will. Thanks again. Good-bye. general-bye()
+PMUL1287 11 My pleasure. Enjoy your time in Cambridge. Goodbye. general-bye()
+PMUL1286 0 Where can I find the best architecture? Attraction-Inform(Type=architecture)
+PMUL1286 1 You must see great saint mary's church!! Attraction-Recommend(Name=saint mary's church)
+PMUL1286 5 I'm sorry, I do not understand your request. Would you like help with anything else? general-reqmore()
+PMUL1286 6 Yes, could you suggest some thai restaurants in the area? Attraction-Request(Area)
+PMUL1286 8 I am looking for a train from London Kings Cross to Cambridge. I need to leave after 15:15 on Friday. Train-Inform(Depart=london kings cross;Dest=cambridge;Day=friday;Leave=15:15)
+PMUL1286 12 Can you call the police because my purse was snatched as i sitting on this bench talking to you. Police-Inform()
+PMUL1286 13 Absoluting I will get right on that. general-welcome()
+PMUL1286 14 Jaja.. You're funny. Thanks for all your help today. Have a great day! Goodbye general-bye()
+PMUL1285 0 I need information on trains leaving on Friday. Train-Inform(Day=friday)
+PMUL1285 2 I'm going from Ely to Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+PMUL1285 3 What time would you like to leave by? Train-Request(Leave)
+PMUL1285 4 If at all possible, I would like to leave after 16:45. Train-Inform(Leave=16:45)
+PMUL1285 6 What is the price? Train-Request(Price)
+PMUL1285 8 No thank you. I need info on cafe jello gallery. Attraction-Inform(Name=cafe jello gallery)
+PMUL1285 9 They are a museum in the west. They offer free entrance. They are located at 13 Magdalene Street. Their postcode is cb30af. Their phone number is 01223312112. Attraction-Inform(Fee=free;Phone=01223312112;Type=museum;Area=west;Addr=13 Magdalene Street;Post=cb30af)
+PMUL1285 10 Thank you for your help. That will be all. general-thank()
+PMUL1284 2 I'm actually looking for a train. I need to go from Kings Lynn to Cambridge on Tuesday. I need to leave after 19:15. Train-Inform(Depart=kings lynn;Dest=cambridge;Day=tuesday;Leave=19:15)
+PMUL1284 3 TR4809 departs at 20:11, would that work for you? Train-Inform(Leave=20:11;Id=TR4809)
+PMUL1284 4 That would be great. I need to reserve seats for 4 people on that train. Train-Inform(People=4)
+PMUL1284 5 You are all set. The total fee is 39.2 GBP payable at the station the Reference number is 1I1USKBS Train-OfferBooked(Ref=1I1USKBS;Ticket=39.2 GBP)
+PMUL1284 6 Thanks! Oh, I'm also looking for places to go in town at the city centre. I need some form of entertainment. Can you help? Attraction-Inform(Area=centre)
+PMUL1284 8 An entertainment attraction would be nice. Attraction-Inform(Type=entertainment)
+PMUL1284 9 Sorry, I got no results for entertainment in Centre, is there something else I can look for? Attraction-NoOffer(Area=Centre;Type=entertainment)
+PMUL1284 10 Can you search for a theatre instead? Attraction-Inform(Type=theatre)
+PMUL1284 11 There are 4 theaters in the area, the ADC Theatre, Cambridge Arts Theatre, Mumford Theatre and the Cambridge Corn Exchange. Let me know if any of those appeal to you. Attraction-Inform(Choice=4;Name=ADC Theatre;Name=Cambridge Arts Theatre;Name=Mumford Theatre;Name=Cambridge Corn Exchange;Type=theaters)
+PMUL1284 12 Can you give me the phone #, address, and postcode for the ADC theatre? Attraction-Request(Post;Phone;Addr)
+PMUL1284 13 The phone number is 01223300085. Attraction-Inform(Phone=01223300085)
+PMUL1284 14 I also need their address and postcode as I asked before please. Attraction-Request(Post;Addr)
+PMUL1284 15 Their postcode is cb58as and their address is park street. Attraction-Inform(Post=cb58as;Addr=park street)
+PMUL1284 16 Thank you. That is all I need. general-thank()
+PMUL1283 0 I would like to get some information about colleges to visit? Attraction-Inform(Type=college)
+PMUL1283 1 There is Christ's College, Churchill College, Clare College, Clare Hall, Corpus Christi, Downing College, Emmanuel College, and Huges Hall. Would you like me to list more? Attraction-Inform(Name=Christ's College;Name=Churchill College;Name=Clare College;Name=Clare Hall;Name=Corpus Christi;Name=Downing College;Name=Emmanuel College;Name=Huges Hall)
+PMUL1283 2 May I please have entrance fees, phone numbers, and post codes? Attraction-Request(Post;Phone;Fee)
+PMUL1283 4 I would like to know the entrance fee. Attraction-Request(Fee)
+PMUL1283 6 I also need a train leaving on Friday. I will be departing from Birmingham New Street and going to Cambridge. I would like to arrive by 16:30. Train-Inform(Depart=birmingham new street;Dest=cambridge;Day=friday;Arrive=16:30)
+PMUL1283 7 TR6359 leaves at 13:40 and arrives 16:23, will this one work for you? Train-Inform(Arrive=16:23;Id=TR6359;Leave=13:40)
+PMUL1283 8 Yes I need 6 tickets. Train-Inform(People=6)
+PMUL1283 10 That will be all. Thank you for all your help. general-thank()
+PMUL1282 0 Please help me find a train departing Stansted Airport and going to Cambridge. Thanks. Train-Inform(Depart=stansted airport;Dest=cambridge)
+PMUL1282 1 Certainly. What day and time will you be traveling? Train-Request(Arrive;Leave;Day)
+PMUL1282 2 I would like to leave on Monday after 17:15. Train-Inform(Day=monday;Leave=17:15)
+PMUL1282 4 I just need to know the price please. Train-Request(Price)
+PMUL1282 6 Can you tell me where the scott polar museum is located. Attraction-Inform(Name=scott polar museum;Type=museum)
+PMUL1282 7 Sure thing, lensfield road. Attraction-Inform(Addr=lensfield road)
+PMUL1282 8 I need their phone number please. Attraction-Request(Phone)
+PMUL1282 10 That's it! Thank you for your help. general-thank()
+PMUL1281 0 Hi, I'm coming into town and looking for some things to do and places to go on the south side of Cambridge. Do you have any suggestions? Attraction-Inform(Area=south)
+PMUL1281 1 There are several interesting things to do in that part of town. How about a park? Attraction-Inform(Type=park;Choice=several)
+PMUL1281 3 I have wandlebury country park located at wandlebury ring, gog magog hills, babraham postcode cb223a. The phone number is 01223243830. Attraction-Inform(Name=wandlebury country park;Post=cb223a;Phone=01223243830;Addr=wandlebury ring;Addr=gog magog hills;Addr=babraham)
+PMUL1281 4 First of all, I need a train to get there from london kings cross. Can you help find one? Train-Inform(Depart=london kings cross)
+PMUL1281 6 I'll be leaving on Thursday and I need to arrive by 21:30. Train-Inform(Day=thursday;Arrive=21:30)
+PMUL1281 7 what time do you need to leave by? Train-Request(Leave)
+PMUL1281 10 Yes, please, for 6 people! Train-Inform(People=6)
+PMUL1281 11 Okay I booked it reference number is R4UEAGTZ. Train-OfferBooked(Ref=R4UEAGTZ)
+PMUL1281 12 Thanks for your help today! general-thank()
+PMUL1281 15 All right. Have a nice day. Good bye. general-bye()
+PMUL1280 0 I need a thursday train that arrives by 8:30. Train-Inform(Day=thursday;Arrive=08:30)
+PMUL1280 1 Where are you leaving from and going to? Train-Request(Depart;Dest)
+PMUL1280 2 I need to go from cambridge to stevenage. Train-Inform(Depart=cambridge;Dest=stevenage)
+PMUL1280 4 Either one is fine. I need 8 tickets please. Train-Inform(People=8)
+PMUL1280 5 Would you like a reference number? general-reqmore()
+PMUL1289 0 I'm looking for an attraction in the centre of town. Do you have any suggestions? Attraction-Inform(Area=centre)
+PMUL1289 2 Not really. What's the phone number, fee, and address for your favorite? Attraction-Request(Phone;Addr)
+PMUL1289 3 all saints church is architecture in the centre. Phone is 01223452587. Adress, post code first: b58bs Jesus lane. Entrance is free Attraction-Inform(Type=architecture;Post=b58bs;Fee=free;Phone=01223452587;Name=all saints church;Addr=Jesus lane;Area=centre)
+PMUL1289 4 Sounds like a good choice. I also need help securing a train. Train-Inform()
+PMUL1289 5 Sure, What stations will you be using? Train-Request(Dest;Depart)
+PMUL1289 6 The train should depart from cambridge and should leave on thursday Train-Inform(Depart=cambridge;Day=thursday)
+PMUL1289 8 i need to leave after 19:15 Train-Inform(Leave=19:15)
+PMUL1289 9 Where are you heading? Train-Request(Dest)
+PMUL1289 10 I'm headed to Bishop Stortford. Train-Inform(Dest=bishops stortford)
+PMUL1289 11 I have train TR7961 leaving at 19:29 and arriving at 20:07. Train-Inform(Leave=19:29;Arrive=20:07;Id=TR7961)
+PMUL1289 13 The travel time is 38 minutes. Train-Inform(Time=38 minutes)
+PMUL1289 14 Thanks so much. That will be all for today. Goodbye general-bye()
+PMUL1288 0 Where can I find a swimming pool in the north of town? Attraction-Inform(Area=north)
+PMUL1288 3 I am unsure if there is an entrance fee but their phone number is 01223353248, I'm sure they will be able to tell you of any entrance fee. Attraction-Inform(Fee=unsure;Phone=01223353248)
+PMUL1288 4 Thank you for your help. general-thank()
+PMUL1288 6 Yes, I am looking for a train that departs from cambridge on wednesday. I would like to leave after 17:15 and my destination is stansted airport. Train-Inform(Depart=cambridge;Dest=stansted airport;Day=wednesday;Leave=17:15)
+PMUL1288 7 I have train TR8893 that leaves at 17:40 and arrives at the airport by 18:08. Would this work for you? Train-Inform(Dest=the airport;Arrive=18:08;Id=TR8893;Leave=17:40)
+PMUL1288 8 Yes that sounds perfect. Please secure passage for 8 people on the TR8893. Train-Inform(People=8)
+PMUL1288 10 That is all, thank you for your help general-thank()
+PMUL4015 1 sure! how about allenbell? i hear it's lovely. Hotel-Recommend(Name=allenbell)
+PMUL4015 2 Is it in the moderate price range? I need a hotel in the west with a star rating of a 3. Hotel-Inform(Stars=3;Area=west;Price=moderate;Type=hotel)
+PMUL4015 3 We don't have any 3 star hotels on the west part of town. Do you want to try searching for something else? Hotel-NoOffer(Type=hotels;Area=west part of town;Stars=3)
+PMUL4015 4 Okay, how about just moderate price and three stars in any part of town? Hotel-Inform(Stars=3;Price=moderate)
+PMUL4015 5 There aren't any hotels like that, but I do have 4 guesthouses. 2 in the north, 1 in the west, and 1 in the south. Hotel-Inform(Area=north;Area=west;Area=south;Choice=4;Type=guesthouses)
+PMUL4015 7 the postal code is cb39lh Hotel-Inform(Post=cb39lh)
+PMUL4015 10 No, I think that's it. Thank you very much! general-thank()
+SNG0557 1 What would you like to eat? Restaurant-Request(Food)
+SNG0557 2 Indian food in the centre, please. Restaurant-Inform(Area=centre;Food=indian)
+SNG0557 4 I don't have a price range in mind. Can you recommend just one restaurant matching my criteria? Restaurant-Request(Price)
+SNG0557 6 That sounds great. Can you just give me the postcode? Restaurant-Request(Post)
+SNG0557 8 One more thing, what's the price range? Restaurant-Request(Price)
+SNG0557 9 Kohinoor is a cheap restaurant. Restaurant-Inform(Price=cheap;Name=Kohinoor)
+SNG0557 11 Great. Have a wonderful evening! general-bye()
+WOZ20454 0 I would like a moderately priced restaurant in the east part of town Restaurant-Inform(Area=east;Price=moderate)
+WOZ20454 1 May I suggest curry prince, a moderately priced indian restaurant in the east? Restaurant-Recommend(Price=moderately priced;Area=east;Name=curry prince;Food=indian)
+WOZ20454 2 No, the west part of town Restaurant-Inform(Area=west)
+WOZ20454 4 What is the address? Restaurant-Request(Addr)
+WOZ20454 6 I don't have a preference as long as it's moderately priced and in the west part of town. Restaurant-Inform(Area=west;Price=moderate)
+WOZ20454 7 Meghna is an Indian restaurant, it is in the moderate price range, and it is in the west part of town. The address is 205 Victoria Road Chesterton. Restaurant-Inform(Name=Meghna;Addr=205 Victoria Road Chesterton;Area=west part of town;Food=Indian;Price=moderate)
+PMUL3667 1 Great! There are lots of things to do here! Did you have a certain activity in mind? Attraction-Request(Type)
+PMUL3667 7 How about the Museum of Archaeology and Anthropology? Attraction-Recommend(Name=Museum of Archaeology and Anthropology)
+PMUL3667 8 That sounds great! Can I get their address and phone? And is there a fee to get in? Attraction-Request(Phone;Addr)
+PMUL3667 9 Of course. It's free to get in. The phone number is 0122333516 and their address is University of Cambridge, Downing Street. Attraction-Inform(Fee=free;Phone=0122333516;Addr=University of Cambridge;Addr=Downing Street.)
+PMUL3667 10 Thanks. I also need to find a cheap restaurant in the same area. Restaurant-Inform(Area=centre;Price=cheap)
+PMUL3667 12 Hmmm...malaysian is sounding pretty good right now. Restaurant-Inform(Food=malaysian)
+PMUL3667 15 I have booked a table for you at Ask and your reference number is X9V8FWH8. Booking-Book(Ref=X9V8FWH8;Name=Ask)
+PMUL3667 16 Thank you for your help that's all I need today. general-thank()
+PMUL3667 17 Great if you need further assistance, you can always contact us. general-reqmore()
+PMUL3666 1 Great! Can I help you with transportation, lodging or attractions while here? general-reqmore()
+PMUL3666 2 I am looking for an attraction called cambridge university botanic gardens. Attraction-Inform(Name=cambridge university botanic gardens)
+PMUL3666 5 Okay the post code is cb21jf and phone number is 01223336265. Attraction-Inform(Phone=01223336265;Post=cb21jf)
+PMUL3666 6 I need a train that leaves on Tuesday after 9:30 and arrives in London Liverpool street. Train-Inform(Dest=london liverpool street;Day=tuesday)
+PMUL3666 7 What time would you like to arrive by? Train-Request(Arrive)
+PMUL3666 8 I don't need to arrive at a specific time, as long as the train leaves after 9:30. Train-Inform()
+PMUL3666 10 Great can I get 6 tickets for that? Train-Inform(People=6)
+PMUL3666 11 Booking was successful, the total fee is 99.6 GBP payable at the station . Reference number is : PAR7KYOS. Train-OfferBooked(Ticket=99.6 GBP;Ref=PAR7KYOS)
+PMUL3666 12 Great, thanks, that's everything I need. general-thank()
+PMUL3666 13 You're welcome, have a great day! general-welcome()
+PMUL3665 0 Can you help me find a place to stay in the south that is cheap? Hotel-Inform(Area=south;Price=cheap)
+PMUL3665 3 Yes, it is. general-greet()
+PMUL3665 4 I need a reservation for 8 people for 2 nights starting from Friday and need the reference number. Hotel-Inform(Stay=2;People=8;Day=friday)
+PMUL3665 6 Yes, I'm also looking for a train. I will need it to be on the same day as the hotel. I'm going to Cambridge. Train-Inform(Dest=cambridge;Day=friday)
+PMUL3665 7 Where will you be departing from and what time do you want to arrive on Friday? Train-Request(Arrive;Depart)
+PMUL3665 8 I am leaving from Birmingham New Street. I don't care when I arrive. I just want to leave after 13:00, please. Train-Inform(Depart=birmingham new street;Leave=13:00)
+PMUL3665 10 That is fine please book for 8 people. Train-Inform(People=8)
+PMUL3665 11 I will gladly book that for you now. Train-OfferBook()
+PMUL3665 13 Your reference number is 7LTOLNV4. The total fee of 600.79 is payable at the station. Train-OfferBooked(Ref=7LTOLNV4;Ticket=600.79)
+PMUL3665 14 Thanks for your help, that's all I need today! general-thank()
+PMUL3665 15 Okay, enjoy the rest of your day, goodbye. general-bye()
+PMUL3664 0 I'm interested in booking a train for Tuesday please. I need one that arrives by 09:15 Train-Inform(Day=tuesday;Arrive=09:15)
+PMUL3664 1 Ok.. where will you be departing from? Train-Request(Depart)
+PMUL3664 2 The train should depart from Ely and arrive at Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+PMUL3664 4 I want the train that arrive in Cambridge by 07:52, can you bookm it for me ? Train-Inform(Dest=cambridge)
+PMUL3664 5 I sure can, for how many people? Train-Request(People)
+PMUL3664 6 Actually, I don't need the ticket right now. Could you recommend a museum in the centre, though? Attraction-Inform(Area=centre;Type=museum)
+PMUL3664 10 Great, that's all I need thank you! general-thank()
+PMUL3664 12 You too, goodbye, this should be the end of our chat. general-bye()
+PMUL3663 0 Hello, I need a train to Ely on Sunday please Train-Inform(Dest=ely;Day=sunday)
+PMUL3663 2 How about one arriving by 13:00 departing from cambridge. Train-Inform(Depart=cambridge;Arrive=13:00)
+PMUL3663 5 Booking was successful, the total fee is 28.16 GBP payable at the station . Reference number is : HDX8IX63. Train-OfferBooked(Ref=HDX8IX63;Ticket=28.16 GBP)
+PMUL3663 6 I'm also looking for a museum. Can you recommend one? Attraction-Inform(Type=museum)
+PMUL3663 10 You were great today. Thanks so much for all the help. That is all. Goodbye. general-bye()
+PMUL3662 0 could you give me information about kings hedges learner pool. Attraction-Inform(Name=kings hedges learner pool)
+PMUL3662 2 Yes, please. I need the postcode. Attraction-Request(Post)
+PMUL3662 3 Sure, the postcode is CB42XH. Attraction-Inform(Post=CB42XH)
+PMUL3662 4 Thanks. Can you tell me a little bit about a restaurant called the Good Luck Chinese Food Takeaway? Restaurant-Inform(Name=the good luck chinese food takeaway)
+PMUL3662 6 Yes, please. I'd like a reservation for 2 at 18:00 on Friday. Restaurant-Inform(Time=18:00;People=2;Day=friday)
+PMUL3662 7 Okay, the booking was successful. The table will be reserved for 15 minutes. Your reference number is : JBWY3KBQ. Booking-Book(Ref=JBWY3KBQ)
+PMUL3662 8 thanks! that's all i need general-thank()
+PMUL3662 9 Thanks for using our service! general-bye()
+PMUL3661 0 Can you suggest something to do on the east side of town? Attraction-Inform(Area=east)
+PMUL3661 2 Something that is entertainment, please. Attraction-Inform(Type=entertainment)
+PMUL3661 4 Yes I would like more information about the Funky Fun House. Attraction-Inform(Name=funky fun house)
+PMUL3661 5 They are an entertainment attraction in the east. They are located at 8 Mercers Row, Industrial Estate. The postcode is cb58hy. Attraction-Inform(Type=entertainment;Addr=8 Mercers Row;Addr=Industrial Estate;Post=cb58hy;Area=east)
+PMUL3661 6 I'm also looking for a guesthouse in the North area of town, something on the less expensive side, if possible. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL3661 8 yes book for 6 people for 3 nights starting from Friday Hotel-Inform(Stay=3;People=6;Day=friday;Name=acorn guest house)
+PMUL3661 10 That would be all thank you goodbye general-bye()
+PMUL3660 0 could you provide some information about the colleges you have in town? Attraction-Inform(Type=college)
+PMUL3660 1 Okay! What part of town would you like to visit? Attraction-Request(Area)
+PMUL3660 3 christ's college is a beautiful college. You would love it ! Attraction-Inform(Name=christ's college;Type=college)
+PMUL3660 5 Christ's college is in the centre of town. Their address is saint andrew's street Attraction-Inform(Name=Christ's college;Addr=saint andrew's street;Area=centre of town)
+PMUL3660 6 i am looking for a place to dine. The restaurant should be in the west and should be in the expensive book a table for 1 people at 14:30 on saturday Restaurant-Inform(Area=west;Time=14:30;Price=expensive;People=1;Day=saturday)
+PMUL3660 8 Hm, I guess a chinese place would be good. Restaurant-Inform(Food=chinese)
+PMUL3660 9 I'm sorry but I have no Chinese in this area. Could we try another area or type of food? Restaurant-NoOffer(Food=Chinese)
+PMUL3660 10 Indian food sounds good as well, how about that? The area and price must stay the same. Really anything is fine I don't care. Restaurant-Inform(Food=Italian)
+PMUL3660 11 I'm sorry, there are no expensive Italian restaurants in the area either. How about a cheaper option? Restaurant-NoOffer(Food=Italian;Price=expensive)
+PMUL3660 12 Well then find me another type of expensive restaurant. Book it for 1 person for Saturday at 14:30. Restaurant-Inform(Time=14:30;Price=expensive;People=1;Day=saturday)
+PMUL3660 16 Thanks. That is all I need for today. Bye. general-bye()
+PMUL3660 17 Bye, have a good time. general-bye()
+SNG0338 0 I need a train that leaves on Wednesday with an arrival of 12:30. Train-Inform(Day=wednesday;Arrive=12:30)
+SNG0338 1 Where will you be travelling to and from? Train-Request(Depart;Dest)
+SNG0338 2 I'm traveling from Cambridge to the London Liverpool Street. Train-Inform(Depart=cambridge;Dest=london liverpool street)
+SNG0338 3 The TR1047 leaves at 05:59 and arrives by 07:27. Is that alright? Train-Inform(Arrive=07:27;Leave=05:59;Id=TR1047)
+SNG0338 4 Yes, that sounds fine. I need 7 tickets please. Train-Inform(People=8)
+SNG0338 6 Thanks, that's all I need. Have a nice day. general-thank()
+SNG0338 7 You're very welcome. Have a safe trip! general-bye()
+PMUL3668 0 Are there any cheap Indian restaurants available? Restaurant-Inform(Food=indian;Price=cheap)
+PMUL3668 2 Can you book a table for me there? Wednesday at 18:30, please, and I'll be dining solo. Restaurant-Inform(Time=18:30;People=1;Day=wednesday)
+PMUL3668 4 Yes, I am also looking for somewhere to go in the centre of town. Attraction-Inform(Area=centre)
+PMUL3668 5 what type of attraction do you want? Attraction-Request(Type)
+PMUL3668 6 What would you suggest? Attraction-Inform(Type=college)
+PMUL3668 7 I would suggest visiting one of the famous colleges. Attraction-Recommend(Type=colleges)
+PMUL3668 10 Which one would you suggest and I need the postcode. Attraction-Request(Post)
+PMUL3668 13 christ's college 's post code is cb23bu Attraction-Inform(Post=cb23bu;Name=christ's college)
+PMUL3668 14 Thank you, that is all the information I need. general-thank()
+PMUL1139 0 I want to go somewhere in the east part of town. Can you give me information on places to go and attractions there? Attraction-Inform(Area=east)
+PMUL1139 3 I think everybody enjoys the Funky Fun House. It is a great entertainment type of attraction. Attraction-Recommend(Name=Funky Fun House;Type=entertainment)
+PMUL1139 5 the phone number is 01223304705. the postcode is cb58hy. unfortunately, i do not have information about the entrance fee. Attraction-Inform(Phone=01223304705;Fee=i do not have information;Post=cb58hy)
+PMUL1139 6 ok, i'm also looking for a train to cambridge. Train-Inform(Dest=cambridge)
+PMUL1139 7 Where will you be departing from? Train-Request(Depart)
+PMUL1139 8 I would be departing from stansted airport. Train-Inform(Depart=stansted airport)
+PMUL1139 9 There are trains departing every hour. If you can provide me with the day and time you would like to travel, I'm sure we can find something fitting your needs. Train-Request(Day;Leave)
+PMUL1139 10 I will be leaving on Thursday and I need to arrive by 10:00. Train-Inform(Day=thursday;Arrive=10:00)
+PMUL1139 12 What's the travel time for TR0031? Train-Request(Duration)
+PMUL1139 14 No that's all I need thanks for the help. general-thank()
+PMUL1139 15 You are welcome happy that I could assist. general-welcome()
+PMUL1139 16 Thanks very much, goodbye! general-bye()
+PMUL1139 17 Bye! Enjoy your trip! general-bye()
+PMUL1138 0 Hey, are there any cinemas in the city centre? I want to catch a flick. Attraction-Inform(Area=centre;Type=cinema)
+PMUL1138 4 I also need a train. Train-Inform()
+PMUL1138 5 I can help with that. Can you tell me where you will be departing from and heading to? Train-Request(Depart;Dest)
+PMUL1138 6 depart from leicester and should arrive by 08:00. The train should go to cambridge and should leave on sunday Train-Inform(Depart=leicester;Dest=cambridge;Day=sunday;Arrive=08:00)
+PMUL1138 7 Ok I will book that for you and get you a confirmation number Train-OfferBook()
+PMUL1135 0 I am checking on the train schedule from Peterborough to Cambridge. Train-Inform(Depart=peterborough;Dest=cambridge)
+PMUL1135 2 I want to leave after 10:00. Train-Inform(Leave=10:00)
+PMUL1135 3 What day do you want to depart? Train-Request(Day)
+PMUL1135 4 i want to depart on thursday. Train-Inform(Day=thursday)
+PMUL1135 7 OK - is there anything else I can help you with today? general-reqmore()
+PMUL1135 8 I also need an attraction. Attraction-Inform()
+PMUL1135 9 Ok, I can help you with that. What type of attraction are you looking for? Attraction-Request(Type)
+PMUL1135 10 I'm just looking for something fun to do in the centre of town. Do you have any recommendations? Attraction-Inform(Area=centre)
+PMUL1135 11 I'd recommend Vue Cinema. Would you like more information? Attraction-Recommend(Name=Vue Cinema)
+PMUL1135 14 No thank you. That is all for today. Goodbye general-bye()
+PMUL1135 15 thank you and enjoy your stay. general-bye()
+PMUL1134 0 I'm looking for general information on places to go in the east area of town. Attraction-Inform(Area=east)
+PMUL1134 1 the camboats and the funky fun house are both located in the east side of town. Attraction-Inform(Area=east;Name=camboats and the funky fun house)
+PMUL1134 4 No need, but I am looking for a train from kings lynn to cambridge. Can you please find one for me. Train-Inform(Depart=kings lynn;Dest=cambridge)
+PMUL1134 5 I'd be happy to help with your request, can you be more specific on the day you're travelling and what time you'd like to depart? Train-Request(Leave;Day)
+PMUL1134 6 I will be traveling on monday and I want to arrive by 21:45 . Train-Inform(Day=monday;Arrive=21:45)
+PMUL1134 8 Whichever you that leaves the latest but still gets me in by 21:45 Train-Inform(Arrive=21:45)
+PMUL1134 10 Yes, please book this train for 2 people. Train-Inform(People=2)
+PMUL1134 11 Booking was successful, the total fee is 19.6 GBP payable at the station .Reference number is : FC8I7U3O. Train-OfferBooked(Ticket=19.6 GBP;Ref=FC8I7U3O)
+PMUL1134 12 That's all I need. Thanks you so much for your help. general-thank()
+PMUL1134 13 Thank you for using our system today! general-bye()
+PMUL1137 0 I want to find a nightclub. Attraction-Inform(Type=nightclub)
+PMUL1137 1 There are 6 nightclubs in the centre. Would you like a recommendation? Attraction-Inform(Area=centre;Type=nightclubs;Choice=6)
+PMUL1137 2 May I please have the postcode, and entrance fees for the nightclubs? Attraction-Request(Post;Fee)
+PMUL1137 4 Actually, yes. I'm looking for a train from ely. Train-Inform(Depart=ely)
+PMUL1137 5 Okay, where is your destination? Train-Request(Dest)
+PMUL1137 6 My destination is Cambridge and I would like to arrive by 11:30 on Thursday. Train-Inform(Dest=cambridge;Day=thursday;Arrive=11:30)
+PMUL1137 8 The one for 7:35 is fine. Can I get the ID # and price, too? Train-Request(Price;TrainID)
+PMUL1137 9 The ID is TR7745. Train-Inform(Id=TR7745)
+PMUL1137 10 Thank you. Have a good day. general-thank()
+PMUL1137 11 Is there anything else you need? general-reqmore()
+PMUL1137 12 I still need the price for the train. Train-Request(Price)
+PMUL1137 13 The price is 4.40 pounds. Train-Inform(Ticket=4.40 pounds)
+PMUL1137 14 thanks so much for everything today, you have been very helpful general-thank()
+PMUL1136 0 Hi, I'm looking for a train that departs from Cambridge and arrives at Kings Lynn. Train-Inform(Depart=cambridge;Dest=kings lynn)
+PMUL1136 1 When will you be traveling? Train-Request(Day)
+PMUL1136 2 I'll be traveling on Friday. I want to arrive by 19:15 if possible. Train-Inform(Day=friday;Arrive=19:15)
+PMUL1136 4 Can you give me the price, travel time and departure time first? Train-Request(Duration;Price;Leave)
+PMUL1136 5 I actually fount the TR2764 to be a better choice. It leaves at 08:11 to and arrives at 08:58 at a cost of 9.80 pounds. Train-Inform(Ticket=9.80 pounds;Id=TR2764;Arrive=08:58;Leave=08:11)
+PMUL1136 6 Yes but what is the exact travel time? Train-Request(Duration)
+PMUL1136 8 Not right now, but I am interested in seeing some attractions while I am in town. Attraction-Inform()
+PMUL1136 9 What area of town would you like to find a attraction? Attraction-Request(Area)
+PMUL1136 10 i don't care, but i want to look at some architecture. i especially like old churches. Attraction-Inform(Type=architecture)
+PMUL1136 11 i have some really pretty churches you can visit. would you like a number for All Saints Church? Attraction-Inform(Choice=some;Type=church;Name=All Saints Church)
+PMUL1136 12 Yes please. How much does it cost? Attraction-Inform(Name=all saints church)
+PMUL1136 13 There appears to be no entrance fee for All Saints Church. Attraction-Inform(Fee=no;Name=All Saints Church)
+PMUL1136 14 Sounds good. Lets get back to booking that train now. Train-Inform()
+PMUL1136 16 Can I have the phone number for All Saints Church please? Attraction-Request(Phone)
+PMUL1136 17 yes the phone number is 01223452587 Attraction-Inform(Phone=01223452587)
+PMUL1131 0 I need a train going into Cambridge, arriving by 17:45. Train-Inform(Dest=cambridge;Arrive=17:45)
+PMUL1131 1 Where are you departing from and what day are you travelling on? Train-Request(Depart;Day)
+PMUL1131 2 I am leaving from Bishops Stortford on Sunday. Train-Inform(Depart=bishops stortford;Day=sunday)
+PMUL1131 3 And what time would you like to leave? Train-Request(Leave)
+PMUL1131 4 I would prefer to leave at 15:00. Train-Inform(Leave=15:00)
+PMUL1131 6 Does it arrive in Cambridge by 17:45. That is the most important thing. Train-Inform(Dest=cambridge;Arrive=17:45)
+PMUL1131 7 Yes, it does. Train-Inform()
+PMUL1131 8 What is the price for the train ticket? Train-Request(Price)
+PMUL1131 9 The price is 8.08 pounds. Train-Inform(Ticket=8.08 pounds)
+PMUL1131 10 Thank you. I also need to find a place to go in the centre of town. The type of attraction should be entertainment. Attraction-Inform(Area=centre;Type=entertainment)
+PMUL1131 13 How about the Funky Fun House or Cherry Hinton Hall and Grounds in the east? Attraction-Recommend(Name=Funky Fun House;Name=Cherry Hinton Hall and Grounds;Area=east)
+PMUL1131 14 Are there any boat attractions? Attraction-Inform(Type=boat)
+PMUL1131 15 I have the cmbridge punter boat located in the centre. Attraction-Inform(Area=centre;Name=cmbridge punter boat)
+PMUL1131 16 That sounds great. Can I get the phone number, address, and entrance fee? Attraction-Request(Phone;Fee;Addr)
+PMUL1131 17 Unfortunately, I don't have information on the entrance fee, but you can call them at 07807718591 to find out. The post code is cb41as Attraction-Inform(Post=cb41as;Phone=07807718591)
+PMUL1131 18 Okay thank you for your help. general-thank()
+PMUL1130 2 What I'd really like is to find a swimmingpool. Attraction-Inform(Type=swimmingpool)
+PMUL1130 4 Any area is fine. Which of the 4 swimming pools do you suggest? Attraction-Request(Area)
+PMUL1130 6 Can I get the postcode as well? Attraction-Request(Post)
+PMUL1130 8 I also need a train leaving after 11:00 on friday Train-Inform(Day=friday;Leave=11:00)
+PMUL1130 10 My destination is london kings cross Train-Inform(Dest=london kings cross)
+PMUL1130 11 Where will you be departing from? Train-Request(Depart)
+PMUL1130 12 I am departing from Cambridge. Train-Inform(Depart=cambridge)
+PMUL1130 15 I have made that reservation and your reference number is 1702SDBO. Train-OfferBooked(Ref=1702SDBO)
+PMUL1130 16 Thanks. That was all I needed. Goodbye. general-bye()
+PMUL1130 17 You're welcome, glad I could help. general-welcome()
+PMUL1133 0 I'm looking for a train leaving on Saturday after 7:30 PM. Can you help me? Train-Inform(Day=saturday)
+PMUL1133 2 No. I need to leave after 19:30 on saturday from london liverpool street and then go to cambridge. Try again please. Train-Inform(Depart=london liverpool street;Dest=cambridge)
+PMUL1133 4 Yes, I need 7 tickets, please. Train-Inform(People=7)
+PMUL1133 6 Yes, I am looking for some fun things to do while we're in the Centre. Is there anything you can recommend? Attraction-Inform(Area=centre)
+PMUL1133 8 No could you recommend one and can i get the postcode for it. Attraction-Request(Post)
+PMUL1133 9 What price point would you like? Attraction-Request(Price)
+PMUL1133 11 How about All Saints Church on Jesus Lane. Their postcode is cb58bs Attraction-Inform(Addr=Jesus Lane;Post=cb58bs;Name=All Saints Church)
+PMUL1133 12 Thank you, I am all set, that is everything I need. general-thank()
+PMUL1133 13 Thank y for calling in today. Have a good day. general-bye()
+PMUL1132 0 Hi I need a train to go to Norwich, I need to leave after 17:45. Train-Inform(Dest=norwich;Leave=17:45)
+PMUL1132 1 Where are you departing from? Train-Request(Depart)
+PMUL1132 2 I'll be leaving from Cambridge on Tuesday. Train-Inform(Day=tuesday)
+PMUL1132 4 Sounds great. Can you buy me two tickets? Train-Inform(People=2)
+PMUL1132 7 What type of food do you like ? Restaurant-Request(Food)
+PMUL1132 8 Did I say food? Sorry, I meant places to go. I'm looking for entertainment in the centre of town. Attraction-Inform(Area=centre)
+PMUL1132 10 What options do you have for entertainment? Attraction-Inform(Type=entertainment)
+PMUL1132 12 I am looking for an attraction in the centre of the city. Attraction-Inform(Area=centre)
+PMUL1132 13 I'm sorry we have no entertainment attractions in centre. Should I look for another type of attraction? Attraction-NoOffer(Area=centre;Type=entertainment)
+PMUL1132 16 Great, can I please have the address for All Saints church? Attraction-Request(Addr)
+PMUL1132 17 The address is jesus lane in centre. Attraction-Inform(Area=centre;Addr=jesus lane)
+PMUL1132 18 Great! Thank you for all your help! general-thank()
+PMUL1132 19 Is there anything else you need today? general-reqmore()
+PMUL1132 20 That is it for today, thank you. Bye general-bye()
+SNG0311 0 I am looking for a train departing from Bishops Stortford. Train-Inform(Depart=bishops stortford)
+SNG0311 1 There are 70 trains departing from that location, would you like to narrow it down some? Train-Inform(Choice=70)
+SNG0311 2 I am looking to go to cambridge on thursday. Train-Inform(Dest=cambridge;Day=thursday)
+SNG0311 4 I need to leave on Thursday and get there by 9:15, is that OK? Train-Inform(Day=thursday;Arrive=09:15)
+SNG0311 5 Yes. There are two available trains. One leaves at 5:29 and arrives by 6:07 and the other leaves by 7:29 and arrives by 8:07. Which would you prefer? Train-Inform(Arrive=6:07;Arrive=8:07;Choice=two;Leave=5:29;Leave=7:29)
+SNG0311 6 I'd like the later one, please. I'll need 8 tickets. Train-Inform(People=8)
+SNG0311 8 Okay great! Thanks for all your help. general-thank()
+SNG0311 9 It's my pleasure. Goodbye! general-bye()
+SNG0310 0 I'm looking for a train on Sunday that leaves after 17:15. Train-Inform(Day=sunday;Leave=17:30)
+SNG0310 1 What are your departure and arrival destinations? Train-Request(Depart;Dest)
+SNG0310 2 I'll be leaving from cambridge and heading to stansted airport. Train-Inform(Depart=cambridge;Dest=stansted airport)
+SNG0310 6 Yes, book it for 7 people at 17:40 Train-Inform(People=7)
+SNG0310 9 have a safe trip, bye. general-bye()
+SNG0313 0 I need to book a train departing from Cambridge after 9:15. Train-Inform(Depart=cambridge)
+SNG0313 1 Where are you heading to? Train-Request(Dest)
+SNG0313 2 I am going to Stevenage, on Wednesday. Train-Inform(Dest=stevenage;Day=wednesday)
+SNG0313 4 Could you tell me what the price of this trip is? Train-Request(Price)
+SNG0313 6 Yes, what's the train ID and what time does it arrive? Train-Request(Arrive;TrainID)
+SNG0313 7 TR8913 will arrive by 10:10. Train-Inform(Id=TR8913;Arrive=10:10)
+SNG0313 9 Okay. Glad I could be of assistance. general-bye()
+SNG0312 0 Hello, I'd like to find a train to Cambridge on Thursday please. Train-Inform(Dest=cambridge;Day=thursday)
+SNG0312 1 And where will you be leaving from? Train-Request(Depart)
+SNG0312 2 I would like to leave from Stansted Airport after 11:45. Train-Inform(Depart=stansted airport;Leave=11:45)
+SNG0312 3 I can book you on train TR9775 leaving Stansted Airport going to Cambridge Thursday at 12:24, will that work? Train-OfferBook(Leave=12:24;Day=Thursday;Depart=Stansted Airport;Dest=Cambridge;Id=TR9775)
+SNG0312 4 How much does it cost and when does it arrive? Train-Request(Arrive)
+SNG0312 6 Not at this time thank you. general-thank()
+SNG0312 7 Ok. Is there anything else I can help you with today? general-reqmore()
+SNG0312 8 Nope, that's all I need. Thanks! general-thank()
+SNG0312 9 Thank you and have a great day! general-bye()
+SNG0315 0 Hi, I'm looking for some train information. Could you tell me what trains leave on Wednesday for Norwich? Train-Inform(Dest=norwich;Day=wednesday)
+SNG0315 5 How many seats would you like? Train-OfferBook()
+SNG0315 6 just one. Train-Inform(People=1)
+SNG0315 7 You have been booked! Train-OfferBooked()
+SNG0315 8 thanks! general-thank()
+SNG0315 9 Can I assist you with anything else today? general-reqmore()
+SNG0315 10 No, thank you very much! general-thank()
+SNG0314 0 I'd like to find a train Tuesday departing from Leicester. Train-Inform(Depart=leicester;Day=tuesday)
+SNG0314 2 I would like to leave after 11:15. Train-Inform(Leave=11:15)
+SNG0314 4 Yes I would like to go from leicester to cambridge and leave after 11:15 please. Train-Inform(Dest=cambridge)
+SNG0314 6 Yes I'll need 4 tickets please. Train-Inform(People=4)
+SNG0314 9 Okay enjoy your visit. general-bye()
+SNG0317 0 Can you help me book a train? I would like to leave after 10:15 on Saturday. Train-Inform(Day=saturday;Leave=10:15)
+SNG0317 1 I can help with that! What are your departure and arrival stations? Train-Request(Depart;Dest)
+SNG0317 2 I'm coming into Stansted Airport and i want to go to Cambridge. Is there a train for that? Train-Inform(Depart=Stansted Airport;Dest=cambridge)
+SNG0317 4 No, thank you. general-thank()
+SNG0317 5 Is there anything else that I can assist with? general-reqmore()
+SNG0317 9 The travel time of the journey is going to be 28 minutes. Train-Inform(Time=28 minutes)
+SNG0317 12 No thank you, that is all I needed. general-thank()
+SNG0317 13 Have a great day! general-bye()
+SNG0316 0 I am looking for a train to leave on Monday. Train-Inform(Day=monday)
+SNG0316 1 Sure. Where are you looking to go? Train-Request(Dest)
+SNG0316 2 I need to arrive at bishops stortford by 20:00. Train-Inform(Dest=bishops stortford;Arrive=20:00)
+SNG0316 3 We have 7 such entries. Do you have a preference further? Train-Inform(Choice=7)
+SNG0316 4 I just need the train ID, departure time, and price of one please Train-Request(Price;TrainID;Leave)
+SNG0316 5 TR4283 leaves Cambridge at 05:29 and arrives in bishops stortford by 06:07. Is this okay? Train-Inform(Dest=bishops stortford;Depart=Cambridge;Id=TR4283;Arrive=06:07;Leave=05:29)
+SNG0316 6 Can I get the price of the ticket please? Train-Request(Price)
+SNG0316 8 No thank you. That is all. general-thank()
+SNG0316 9 OK, have a great day. Bye. general-bye()
+SNG0319 0 Are there any trains leaving from Cambridge on Thursday? Train-Inform(Depart=cambridge;Day=thursday)
+SNG0319 1 Yes there are. What is your destination? Train-Request(Dest)
+SNG0319 2 I'm heading to Broxbourne. Train-Inform(Dest=broxbourne)
+SNG0319 4 I am looking for one that will arrive by 15:00 Train-Inform(Arrive=15:00)
+SNG0319 6 Yes, I would also like the reference number for the booking please. Train-Request(Ref)
+SNG0319 7 Okay, how many tickets would you like? Train-Request(People)
+SNG0319 8 I need that for 6 people. Train-Inform(People=6)
+SNG0319 9 You have 6 tickets on TR125 leaving Thursday at 9:01. Reference number is PPP9YI7K. 107.4 GBP will be payable at the station. Can I help you further? Train-OfferBooked(Id=TR125;Leave=9:01;Ref=PPP9YI7K;Ticket=107.4 GBP;People=6;Day=Thursday)
+SNG0319 10 No, I think I'm all set. Thank you very much for your help! general-thank()
+SNG0319 11 Have a great day! general-greet()
+SNG0318 0 I am looking for a train to Cambridge please. Train-Inform(Dest=cambridge)
+SNG0318 2 I'll be departing from Norwich on Sunday. Train-Inform(Depart=Norwhich;Day=Sunday)
+SNG0318 4 I can leave at 10:45. Train-Inform(Arrive=10:45;Leave=10:45)
+SNG0318 5 I apologize for the earlier confusion. We have several trains that will meet your needs. TR6419 departs Norwich on Sunday at 11:16. Will that work for you? Train-Inform(Day=Sunday;Id=TR6419;Choice=several;Leave=11:16;Depart=Norwich)
+SNG0318 6 Yes. can you tell me the total travel time as well? Train-Request(Duration)
+SNG0318 7 It is going to be 79 minutes total. Train-Inform(Time=79 minutes)
+SNG0318 8 Great, that's all I need. Goodbye! general-bye()
+SNG0318 9 Have a nice day. general-bye()
+MUL1969 0 I'd like a train leaving from London Liverpool Street on Wednesday, please. Train-Inform(Depart=london liverpool street;Day=wednesday)
+MUL1969 1 Of course. What's your destination? Also when do you wish to leave and arrive by? Train-Request(Arrive;Leave;Dest)
+MUL1969 2 I am going to cambridge & leaving after 11:15. Train-Inform(Dest=cambridge)
+MUL1969 4 I'd like the train ID, price, and arrival time please. Train-Request(Price;Arrive;TrainID)
+MUL1969 7 I have booked you a seat on the train leaving at 11:39 and arriving in Cambridge by 13:07. Total cost is 16.6 GBP. The reference # is Q0IMH7R0. Train-OfferBooked(Arrive=13:07;Ref=Q0IMH7R0;Ticket=16.6 GBP;Dest=Cambridge;Leave=11:39)
+MUL1969 8 Thanks. Could you also look up information for Jesus College? Attraction-Inform(Name=jesus college)
+MUL1969 9 They are a college located in the centre area, at jesus lane. Their entrance fee is free. Attraction-Inform(Fee=free;Type=college;Area=centre area;Addr=jesus lane)
+MUL1969 11 Great, glad I could help! general-bye()
+MUL1968 0 Hi, I'm looking for a train that leaves Saturday after 10:15. Can you help? Train-Inform(Day=saturday;Leave=10:15)
+MUL1968 2 I would like to leave Cambridge and go to Kings Lynn. Train-Inform(Depart=cambridge;Dest=kings lynn)
+MUL1968 3 TR1817 leaves at 11:11 Train-Inform(Leave=11:11;Id=TR1817)
+MUL1968 4 I need five tickets. Train-Inform(People=5)
+MUL1968 6 Yes, I am also looking for an attraction called Primavera. Do you have any information on this? Attraction-Inform(Name=primavera)
+MUL1968 8 No, that's everything. Thanks! general-thank()
+MUL1968 9 Thank you for contacting us, have a good day. general-bye()
+PMUL2036 0 Hello! I would like to get some Italian food, somewhere in the center of town. Restaurant-Inform(Food=italian)
+PMUL2036 1 Sure, did you want someone in a certain price range? Restaurant-Request(Price)
+PMUL2036 4 Yes, can you please reserve me a table for 1 person for Friday at 11:30? Restaurant-Inform(Time=10:30;People=1;Day=friday)
+PMUL2036 5 The Booking was successful. The table will be reserved for 15 minutes. Reference number is : WJCH2IJP. Booking-Book(Ref=WJCH2IJP)
+PMUL2036 6 Great, could you also help me find somewhere to visit near the restaurant, possibly architecture to look at? Attraction-Inform(Type=architecture)
+PMUL2036 8 Can you please recommend one and provide me with their entrance fee and address? Attraction-Request(Fee;Addr)
+PMUL2036 9 Sure, I suggest old schools. Its address is trinity lane and its free. Attraction-Recommend(Fee=free;Addr=trinity lane;Name=old schools)
+PMUL2036 10 I also need to book a taxi. Taxi-Inform()
+PMUL2036 11 Okay, I'll just need a departure location and a destination as well as a pick up or drop off time Taxi-Request(Depart;Arrive;Leave;Dest)
+PMUL2036 12 I want to arrive at pizza express for my restaurant reservation after visiting old schools, please. Taxi-Inform(Depart=old schools;Dest=pizza express;Arrive=11:30)
+PMUL2036 15 Thank you and enjoy your stay. general-greet()
+SNG01931 0 I am hurt a need to find a hospital nearby. Hospital-Inform()
+SNG01931 3 Okay, what is your departure site? Taxi-Request(Depart)
+SNG01931 4 I don't need a taxi, I'm sorry. I just needed the postcode for the hospital. Hospital-Request(Post)
+SNG01931 6 Thanks for your help, that's all I needed. general-thank()
+SNG01930 0 Am looking for the Addenbrookes Hospital Hospital-Inform()
+SNG01930 2 I just need the main phone number for the Addenbrookes Hospital please. Hospital-Request(Phone)
+SNG01930 4 Thank you. That is all I need today. general-thank()
+SNG01930 5 Thank you for allowing me to help you. Have a great day. general-bye()
+SNG01933 0 I need a taxi to come at 1:45 to rice boat. Taxi-Inform(Depart=rice boat;Dest=rice boat)
+SNG01933 1 I'd be happy to help! Where are you coming from? Taxi-Request(Depart)
+SNG01933 2 I am coming from rice boat and need to get to limehouse by 01:45 Taxi-Inform(Depart=rice boat)
+SNG01933 3 I have you in a red Toyota, contact is 07737828007. Taxi-Inform(Car=red Toyota;Phone=07737828007)
+SNG01933 4 That is all I need, thank you! general-thank()
+SNG01933 5 Ok I have a red toyota and the contact number is 07737828007. Taxi-Inform(Car=red toyota;Phone=07737828007)
+SNG01933 6 Thank you, have a great day. general-thank()
+SNG01933 7 Have a safe trip! general-bye()
+SNG01932 0 Where is the Parkside Police Station? Police-Inform()
+SNG01932 2 Thank you, what is their phone number? Police-Request(Phone)
+PMUL4016 0 I would like information on the Gonville hotel. Hotel-Inform(Name=gonville hotel)
+PMUL4016 2 Sure, I need a reservation for 4 people and 3 nights starting on Saturday. Hotel-Inform(Stay=3;People=4;Day=sunday)
+PMUL4016 3 I was able to reserve that for you. Your reference number is 28PZGFFT. Booking-Book(Ref=28PZGFFT)
+PMUL4016 4 Thank you so much! general-thank()
+PMUL4016 5 Thank you. Is there anything else? general-reqmore()
+PMUL4016 6 Are there any expensive thai paces in the area? Restaurant-Inform(Area=centre;Food=thai;Price=expensive)
+PMUL4016 7 There is bangkok city in the centre would you like me to make you a reservation? Booking-Inform(Name=bangkok city in the centre)
+PMUL4016 8 Is that in the west? Restaurant-Inform(Name=bangkok city)
+PMUL4016 9 It is in the centre, not the west. Restaurant-Inform(Area=centre)
+PMUL4016 10 I need something in the West Restaurant-Inform(Area=west)
+PMUL4016 12 What postcode is that? Restaurant-Request(Post)
+PMUL4016 14 I also need a taxi that will leave the restaurant by 09:15 Taxi-Inform(Leave=09:15)
+PMUL4016 15 Okay, what time do you need to leave? Taxi-Request(Leave)
+PMUL4016 16 I need to leave the restaurant by 09:15 to go the hotel. Can you book a taxi for me? Taxi-Inform(Leave=09:15)
+PMUL4016 18 No that's it, thank you. general-thank()
+PMUL4016 19 Thanks again for using our service, enjoy your stay! general-bye()
+SNG01934 0 Can you arrange for a taxi that will take me from ugly duckling to ely train station? Taxi-Inform(Depart=ugly duckling;Dest=ely train station)
+SNG01934 1 Sure! What time will this be for? Taxi-Request(Leave;Arrive)
+SNG01934 2 I would like to leave after 01:00 please. Taxi-Inform(Leave=01:00)
+SNG01934 4 That is all I needed. Thanks. general-thank()
+SNG01934 5 Glad I could help, if that is all I can do for you, you have a nice day. Goodbye. general-bye()
+SNG01937 0 I need a taxi please. I'll be departing from grafton hotel restaurant Taxi-Inform(Depart=grafton hotel restaurant)
+SNG01937 1 Sure! when would you like to arrive? Taxi-Request(Arrive)
+SNG01937 2 I need to leave after 16:45. Taxi-Inform(Leave=16:45)
+SNG01937 3 May I ask your destination? Taxi-Request(Dest)
+SNG01937 4 I would like to get to the Jinling Noodle Bar. Taxi-Inform(Dest=jinling noodle bar)
+SNG01937 6 Nope, that'll do for now. Thank you! general-thank()
+SNG01937 7 You are more than welcome! general-bye()
+SNG01936 0 I am looking for city centre north b and b Hotel-Inform(Name=city centre north b and b)
+SNG01936 1 I have found the guesthouse you were wanting. Would you like me to book this for you? Booking-Inform()
+SNG01936 2 Yes, please book it for 1 person and for 5 nights starting Friday. Hotel-Inform(Stay=5;People=1;Day=friday)
+SNG01936 3 Your booking was successful. The reference number is : BE1VD9EH. Booking-Book(Ref=BE1VD9EH)
+SNG01936 4 Great, thank you so much. general-thank()
+SNG01936 5 You are very welcome! general-welcome()
+SNG01939 0 I need to be picked up by a taxi at la margherita today sometime today after 14:00 Taxi-Inform(Depart=la margherita;Leave=14:00;Dest=la margherita)
+SNG01939 1 Ok where is your departure site? Taxi-Request(Depart)
+SNG01939 2 I'm leaving the la margherita. Taxi-Inform(Depart=alexander bed and breakfast)
+SNG01939 3 You are booked. Your car is a yellow audi and your contact number is 07421829709 Taxi-Inform(Car=yellow audi;Phone=07421829709)
+SNG01939 4 Thank you very much! general-thank()
+SNG01939 5 Happy to help! Is there anything else I can do for you? general-reqmore()
+SNG01939 6 Just want to make sure that the taxi will go to avalon. Thank you very much, goodbye. Taxi-Inform(Dest=avalon)
+SNG01939 7 We have the destination as la margherita and departing from alexander b&b. Taxi-Inform(Dest=la margherita;Depart=alexander b&b)
+SNG01938 0 I am looking for a particular hotel. Its name is called worth house. Hotel-Inform(Name=worth house)
+SNG01938 3 I've successfully booked your room for Friday, 1 person, staying 3 days. Your reference number is: F2X024Q6 Booking-Book(Stay=3;People=1;Day=Friday;Ref=F2X024Q6)
+SNG01938 4 Thank you so much for your help today. general-thank()
+SNG01938 5 Thank you goodbye general-bye()
+PMUL0088 0 I need a place to stay that is cheap. Hotel-Inform(Price=cheap)
+PMUL0088 1 Okay and what area will you be staying in? Hotel-Request(Area)
+PMUL0088 2 I need a place in the center of town, and I would prefer a hotel over a guesthouse. Hotel-Inform(Area=centre;Type=hotel)
+PMUL0088 4 I want to book one of the expensive ones. Hotel-Inform(Price=expensive)
+PMUL0088 5 The expensive ones are the Gonville Hotel and University Arms Hotel. Both offer free wifi and parking. The Gonville is 3 star rated, and the University Arms is 4 star. Hotel-Inform(Stars=3;Stars=4;Parking;Name=the Gonville Hotel;Name=University Arms Hotel;Internet)
+PMUL0088 6 Great. Can I book the University Arms for 2 nights for 4 people starting Sunday please? I'll need a reference number. Hotel-Inform(Stay=2;People=4;Day=sunday)
+PMUL0088 8 Can you help me find a Hungarian restaurant, also in the centre of town? Restaurant-Inform(Area=centre;Food=Hungarian)
+PMUL0088 10 Is there and Indian restaurant available in that area? Restaurant-Inform(Food=indian)
+PMUL0088 12 I would like expensive please.l Restaurant-Inform(Price=expensive)
+PMUL0088 13 There are several options in that area. How about Curry Garden? I hear it's great. Restaurant-Inform(Choice=several;Name=Curry Garden)
+PMUL0088 14 Can you book a reservation for me? Restaurant-Inform(Name=curry garden)
+PMUL0088 15 Absolutely, what day would you like reservations? Booking-Request(Day)
+PMUL0088 16 I would like to book it fro Sunday at 14:45. Restaurant-Inform(Time=14:45;Day=sunday)
+PMUL0088 17 How many people will be dining? Booking-Request(People)
+PMUL0088 18 4 people will be dining. Restaurant-Inform(People=4)
+PMUL0088 20 I think that is all I need today. Thank you for all your help. Good Bye. general-bye()
+PMUL0088 21 Have a pleasant trip and, as always, we are here if you need us. general-bye()
+PMUL0089 0 Can you help me find a cheap place to stay in the east part of town? Hotel-Inform(Area=east;Price=cheap)
+PMUL0089 6 find me a nice one and book for 5 people and 3 nights from thursday Hotel-Inform(Stay=3)
+PMUL0089 10 Thank you. I am also looking for a restaurant that serves Chinese and that is in the same area as the hotel. Restaurant-Inform(Area=east;Food=chinese)
+PMUL0089 12 Yes. Same group of people, at 19:45 on the same day please. Restaurant-Inform(Time=19:45;People=5;Day=thursday)
+PMUL0089 14 That was all I needed. Thanks. Bye. general-bye()
+PMUL0082 0 Could you help me find a restaurant with middle-eastern cuisine? Restaurant-Inform()
+PMUL0082 2 maybe one that serves chinese food. and it should be located in the centre Restaurant-Inform(Area=centre;Food=chinese)
+PMUL0082 3 Charlie chan is an affordable option. Restaurant-Recommend(Name=Charlie chan;Price=affordable)
+PMUL0082 4 Ok, sounds good. Could I make a reservation for 3 for thursday at 13:30? Can you send me a reference number as well. Thanks! Restaurant-Inform(Time=13:30;People=3;Day=thursday)
+PMUL0082 6 I also need a place to stay with free wifi and in the same area as the restaurant. Hotel-Inform(Area=centre;Internet=yes)
+PMUL0082 8 It doesn't matter but I would like a guesthouse with free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL0082 12 Yes please make those for 5 nights on the same day for the same people. Hotel-Inform(Stay=5)
+PMUL0082 13 i will work on getting this booked. Booking-Inform()
+PMUL0082 14 i also need a taxi to commute between these two places Taxi-Inform()
+PMUL0082 15 I was able to complete this transaction for you. Reference number is 4AMSSSO2, Booking-Book(Ref=4AMSSSO2)
+PMUL0082 16 Can I get the number for the taxi and the car type? Taxi-Request(Car)
+PMUL0082 17 Your booking is complete. You will have a grey toyota and the contact number is:07579620224. Taxi-Inform(Car=grey toyota;Phone=07579620224)
+PMUL0083 0 I'm looking for a certain restaurant, can you help? Restaurant-Inform()
+PMUL0083 1 Sure, what is the name of the restaurant? Restaurant-Request(Name)
+PMUL0083 3 The lang hong house is located in the centre of town. Restaurant-Inform(Name=The lang hong house;Area=centre of town)
+PMUL0083 4 What is the price range of the lan hong house? Restaurant-Request(Price)
+PMUL0083 7 How many people and what day and time? Booking-Request(People;Time;Day)
+PMUL0083 8 Nevermind. Not at this time. Can you help me find the postcode for the Holiday Inn Cambridge? Hotel-Request(Post)
+PMUL0083 9 Yes, sorry for the wait, the postcode is cb13lh. Hotel-Inform(Post=cb13lh)
+PMUL0083 10 I also need a taxi Taxi-Inform()
+PMUL0083 11 Ok, to confirm, you'd like a taxi from Lang Hong House to Holiday Inn Cambridge? And what time would you like this for? Taxi-Request(Depart;Leave;Dest)
+PMUL0083 12 I need it to leave the restaurant by 19:30. Taxi-Inform(Depart=lan hong house;Leave=19:30;Dest=express by holiday inn cambridge)
+PMUL0083 14 Great, that's all I need, thanks so much for your help! Have a great day! general-thank()
+PMUL0081 0 I need some info on a restaurant called royal spice. Restaurant-Inform(Name=royal spice)
+PMUL0081 1 royal spice is an indian restaurant in the north, Victoria Avenue Chesterton Restaurant-Inform(Food=indian;Area=north;Addr=Victoria Avenue Chesterton;Name=royal spice)
+PMUL0081 2 Could I book a table at 17:15 on Friday, please? Restaurant-Inform(Time=17:15;Day=friday)
+PMUL0081 3 Sure, how many people will be dining? Booking-Request(People)
+PMUL0081 4 I need a table for 7 people. Restaurant-Inform(People=7)
+PMUL0081 6 I am looking for a place to stay. The hotel should be in the north and should include free parking Hotel-Inform(Area=north;Parking=yes)
+PMUL0081 7 Do you have a certain price range you would like? Hotel-Request(Price)
+PMUL0081 8 I would like something moderately priced and I think I would prefer a guesthouse instead of a hotel if possible. Hotel-Inform(Price=moderate;Type=guesthouse)
+PMUL0081 9 I would suggest acorn guest house Hotel-Recommend(Name=acorn guest house)
+PMUL0081 12 what is the car type? Taxi-Request(Car)
+PMUL0081 13 I'm sorry, I do not understand your question. Can I help with anything else? general-reqmore()
+PMUL0081 15 your all set a black honda will be picking you up contact # is 07109811358 Taxi-Inform(Phone=07109811358;Car=black honda)
+PMUL0081 16 Thank you for the information and bookings. There's nothing more. Goodbye. general-bye()
+PMUL0086 0 I am looking for a particular restaurant Restaurant-Inform()
+PMUL0086 1 I can look it up by name if you are looking for a certain one, what is the name of the restaurant you are needing information on? Restaurant-Request(Name)
+PMUL0086 2 Please look up yippee noodle bar. Restaurant-Inform(Name=yippee noodle bar)
+PMUL0086 3 Yippee Noodle Bar is an asian oriental place in centre with a moderate price range. It's location is 40428 King Street City and phone 01223518111. Restaurant-Inform(Price=moderate;Addr=40428 King Street City;Area=centre;Food=asian oriental;Phone=01223518111)
+PMUL0086 4 Could I make a reservation for Tuesday for 7 people at 13:45. Restaurant-Inform(Time=13:45;People=7;Day=tuesday)
+PMUL0086 6 Yes, I am also looking for a place to stay, that has moderate pricing. Hotel-Inform(Price=moderate)
+PMUL0086 8 I need something in the north, with free wifi and free parking. Hotel-Inform(Area=north;Parking=yes;Internet=yes)
+PMUL0086 13 The Acorn Guest House is located at 154 Chesterton Road and it is rated 4 stars. Hotel-Inform(Addr=154 Chesterton Road;Stars=4;Name=The Acorn Guest House)
+PMUL0086 14 Thank you for the address and star rating of Acorn Guest House. Hotel-Request(Addr)
+PMUL0086 15 Would you like for me to make a reservation for you at the Acorn Guest House? Booking-Inform(Name=Acorn Guest House)
+PMUL0086 16 No that will be all thank you. general-thank()
+PMUL0087 1 it is found in the east , 15-17 norman way coldhams business park. you can call them on 01223866800 Hotel-Inform(Area=east;Addr=15-17 norman way coldhams business park;Phone=01223866800)
+PMUL0087 2 Okay. Can I book 4 nights at the Express please? Hotel-Inform(Stay=4)
+PMUL0087 4 6 people, 4 nights starting on friday. Hotel-Inform(Stay=4)
+PMUL0087 5 I will book it for you now. Booking-Inform()
+PMUL0087 8 I'm also looking for a restaurant called the golden curry. Can you help me book a table there? Restaurant-Inform(Name=the golden curry)
+PMUL0087 10 For 6 people on Friday at 12:15. Thanks Restaurant-Inform(Time=12:15;People=6;Day=friday)
+PMUL0087 12 thanks. no thats all i will be needing. see you later! general-thank()
+PMUL0087 13 Thanks for using the Cambridge TownInfo centre! general-welcome()
+PMUL0085 0 I would like to find a hotel in the north that has free wifi. What are your suggestions? Hotel-Inform(Area=north;Internet=yes)
+PMUL0085 1 What price range are you interested in ? Hotel-Request(Price)
+PMUL0085 2 It doesn't really matter, but I would like free parking. Hotel-Inform(Parking=yes)
+PMUL0085 3 Is there a certain star rating you would like it to have? Hotel-Request(Stars)
+PMUL0085 4 Yes, I really like 4 star hotels. If you find one, I'd like to book a room. Hotel-Inform(Stars=4)
+PMUL0085 6 I prefer a hotel, not a guesthouse. I need a 4 star hotel with free parking and wifi in the north. Hotel-Inform(Stars=4;Area=north;Parking=yes;Internet=yes;Type=hotel)
+PMUL0085 8 No and no. I want a 4 star hotel on the north side with free wifi and parking. Hotel-Inform(Stars=4;Area=north;Parking=yes;Internet=yes)
+PMUL0085 9 Sorry, I'm not finding anything. Hotel-NoOffer()
+PMUL0085 10 Can we try another search I really need a place to stay it can be a guesthouse or hotel. Hotel-Inform(Type=guesthouse)
+PMUL0085 12 Okay, I need a guesthouse with free parking, and 4 stars. Price doesn't matter, you can pick one. Hotel-Inform(Stars=4;Parking=yes;Price=dont care)
+PMUL0085 15 Yes it has free wifi. Hotel-Inform(Internet)
+PMUL0085 17 Yes, how may people and how long will your stay be? Booking-Request(Stay;People)
+PMUL0085 18 I'd like to to book it for 1 people and 5 nights starting from tuesday. Hotel-Inform(Stay=5;People=1;Day=tuesday)
+PMUL0085 20 I'm looking for a North Indian restaurant that's near the guesthouse. Can you find one? Restaurant-Inform(Area=north;Food=north indian)
+PMUL0085 21 Sorry no north indian restaurants in the north. Restaurant-NoOffer(Food=north indian;Area=north)
+PMUL0085 22 Can we find one that serves Italian food instead then? Restaurant-Inform(Food=ital)
+PMUL0085 25 how many should i book for and how many day? Booking-Request(People;Stay)
+PMUL0085 26 I need it for 18:15 for one person on a Tuesday. Restaurant-Inform(Time=18:15;People=1;Day=tuesday)
+PMUL0085 27 A table for 1 has been booked for Tuesday at 18:15 at Da Vinci Pizzeria. Your confirmation number is BSJDIVC3. Booking-Book(Ref=BSJDIVC3;Name=Da Vinci Pizzeria;Time=18:15;People=1;Day=Tuesday)
+PMUL0085 28 Thanks so much. That is all I need. Have a great day. Bye. general-bye()
+PMUL0085 29 Thank you for contacting us and have a nice day. general-bye()
+PMUL2039 0 Hello, I am traveling to Cambridge and I'd like to find an expensive place to dine in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL2039 1 kymmoy is in the expensive price range in the centre of town. Restaurant-Inform(Price=expensive;Area=centre of town;Name=kymmoy)
+PMUL2039 2 Can you make a reservation for 5 people at 18:00 on wednesday for me please? Restaurant-Inform(Time=18:00;People=5;Day=wednesday)
+PMUL2039 4 Yes, can you help me find some places to visit near the restaurant? Restaurant-Inform()
+PMUL2039 7 There is architecture, boat, cinema, college, concerthall, museum, nightclub, park, swimmingpool, theatre Attraction-Inform(Type=architecture;Type=boat;Type=cinema;Type=college;Type=concerthall;Type=museum;Type=nightclub;Type=park;Type=swimmingpool;Type=theatre)
+PMUL2039 9 old schools is a popular architecture attraction located on trinity lane. It is free to enter. Attraction-Inform(Fee=free;Type=architecture;Addr=trinity lane;Name=old schools)
+PMUL2039 12 No, you've helped me with everything! Thanks, bye! general-bye()
+PMUL2039 13 Thank you and enjoy your stay in Cambridge! general-greet()
+MUL1964 0 I'm looking for attractions to go in the centre of Cambridge, please. Attraction-Inform(Area=centre)
+MUL1964 4 Sounds good. What is their entrance fee? Attraction-Request(Fee)
+MUL1964 5 Entrance to All Saints is free. Attraction-Inform(Name=All Saints;Fee=free)
+MUL1964 6 Great. What is All Saint's Church's address and postcode, please? Attraction-Request(Post;Addr)
+MUL1964 7 They are located at jesus lane, and their postcode is cb58bs Attraction-Inform(Post=cb58bs;Addr=jesus lane)
+MUL1964 8 Thanks. I am also looking for a train from Cambridge to Norwich, could you help me find one? Train-Inform(Depart=cambridge;Dest=norwich)
+MUL1964 10 I would like to leave on Monday. Train-Inform(Day=monday)
+MUL1964 12 09:15 and should depart from cambridge Train-Inform(Depart=cambridge;Arrive=09:15;Leave=09:15)
+MUL1964 14 Actually, I need to arrive by 09:15. Is there anything early morning on Monday from Cambridge to Norwich? Train-Inform(Arrive=09:15)
+MUL1964 16 Yeah, what's the price and departure time on TR5773? Train-Request(Price;Leave)
+MUL1964 18 That's all I needed. Thank you for your help general-thank()
+MUL1964 19 Great, have a good day! general-bye()
+PMUL2538 0 Hi there! I'm looking for some kind of fun attraction in the center of town. Attraction-Inform()
+PMUL2538 2 I think a museums might be nice. Can you recommend one to me? Attraction-Inform(Type=museum)
+PMUL2538 6 Yes, I'm looking to book the hotel El Shadai starting on Thursday for 8 people and 4 nights. Hotel-Inform(Stay=4;People=8;Day=thursday)
+PMUL2538 8 No. I think that's all. Good day. Bye. general-bye()
+PMUL2538 9 Thank you for contacting us. Have a nice day. general-bye()
+PMUL2539 2 i need to see a theater in the center. find me the phone number Attraction-Request(Phone)
+PMUL2539 4 I am also needing a place to stay with free parking and free wifi. Hotel-Inform(Parking=yes;Internet=yes)
+PMUL2539 5 I would suggest the acorn guest house. Hotel-Recommend(Name=the acorn guest house)
+PMUL2539 6 what is the price range? Hotel-Inform(Name=acorn guest house)
+PMUL2539 9 Okay, you got it. Booking was successful, and your reference number is VSC3P8W2. Booking-Book(Ref=VSC3P8W2)
+PMUL2539 10 Thank you so much! That's all I need for the moment. general-thank()
+PMUL0942 0 I am looking for a reasonably priced pizza place. Can you help? Restaurant-Inform(Price=moderate)
+PMUL0942 1 There is pizza hut in the south. They are in the moderate price range Restaurant-Inform(Price=moderate;Area=south;Name=pizza hut)
+PMUL0942 2 That sounds nice. Can you please book a table for 2 at 16:30 on Friday? Restaurant-Inform(Time=16:30;People=2;Day=friday)
+PMUL0942 3 Alright, you're all set! Your reference number is: OYG60EP0. Booking-Book(Ref=OYG60EP0)
+PMUL0942 4 Great! Thank you so much! general-thank()
+PMUL0942 5 Do you need help with anything else? general-reqmore()
+PMUL0942 6 i'm also looking for a train. Train-Inform()
+PMUL0942 7 When would you like to travel? Train-Request(Day)
+PMUL0942 8 I need to be in Cambridge by 10:15 on Friday. Train-Inform(Dest=cambridge;Arrive=10:15)
+PMUL0942 9 Where are you leaving from and on what day? Train-Request(Day;Depart)
+PMUL0942 10 Friday. I do not have a leaving from time. I just want to be there by 10:15. Train-Inform(Day=friday)
+PMUL0942 11 Sorry, maybe I missed it. What station are you traveling from? Train-Request(Depart)
+PMUL0942 12 I'll be leaving from bishops stortford Train-Inform(Depart=bishops stortford)
+PMUL0942 14 yes please. 2 tickets Train-Inform(People=2)
+PMUL0942 15 I was able to book two tickets to Cambridge from Bishops Stortford. Your total is 20.2 GBP, payable at the station. Reference number is CGH0R0AS. Train-OfferBooked(Depart=Bishops Stortford;People=two;Ref=CGH0R0AS;Ticket=20.2 GBP;Dest=Cambridge)
+PMUL0942 16 Thank you. Goodbye. general-bye()
+PMUL0942 17 Thank you. I am glad I could be of help. general-bye()
+PMUL2530 0 I'm looking for an entertainment attraction in the centre. Can you suggest something for me? Attraction-Inform(Area=centre;Type=entertainment)
+PMUL2530 2 What is the entry fee? Attraction-Inform(Name=funky fun house)
+PMUL2530 3 i'm not sure what the entrance fee is but i could give you their phone number Attraction-Inform(Fee=i'm not sure)
+PMUL2530 4 That would be great. Can you also give me the postcode? Attraction-Request(Post)
+PMUL2530 6 Yes can you give me information on Express by Holiday Inn Cambridge? Hotel-Inform(Name=Express by Holiday Inn Cambridge)
+PMUL2530 8 Yes please, I'll be arriving on Saturday with my lady friend and staying 2 nights. Hotel-Inform(Stay=2;People=2;Day=saturday)
+PMUL2530 10 Nope. That is all I needed. Thanks. general-thank()
+PMUL2531 0 I want to check out a theater in the south area of cambridge. Attraction-Inform(Area=south)
+PMUL2531 1 There is one theater located in southern Cambridge. The Junction is located on Clifton Way, cb17gx. You may can 21223511511 for more information., Attraction-Inform(Phone=21223511511;Area=southern Cambridge;Name=The Junction;Type=theater;Post=cb17gx;Addr=Clifton Way;Choice=one)
+PMUL2531 3 Unfortunately I don't have that information. But, again, you could call them at 01223511511 for that information. Attraction-Inform()
+PMUL2531 4 What is the postcode? Attraction-Request(Post)
+PMUL2531 5 Postal code is cb17gx, the address is clifton way. Attraction-Inform(Post=cb17gx;Addr=clifton way)
+PMUL2531 6 Can you recommend a moderately priced hotel in the centre, that has free internet and free parking? Hotel-Inform(Area=centre;Parking=yes;Internet=yes;Price=moderate)
+PMUL2531 8 How about one in the south? Hotel-Inform(Area=south)
+PMUL2531 10 no, i don't. I just a reservation for 4 people for 4 nights starting on saturday. Hotel-Inform(Stay=4;People=4;Day=saturday)
+PMUL2531 11 I have made your booking and here is the information:Booking was successful. Reference number is : O8FKIXR2. Booking-Book(Ref=O8FKIXR2)
+PMUL2531 13 What will be your destination and arrival or departure times? Taxi-Request(Dest;Arrive;Leave)
+PMUL2531 14 I need to go to the theatre. I need to leave the hotel by 13:00. Hotel-Inform()
+PMUL2531 15 Please state your departure site and destination site so I can book that taxi. Taxi-Request(Dest;Depart)
+PMUL2531 16 From the hotel that was booked for me Hotel-Inform()
+PMUL2531 17 Your taxi has been booked. It will be a white Tesla and the contact number is 07767786743. Taxi-Inform(Car=white Tesla;Phone=07767786743)
+PMUL2531 18 thanks alot for helping. have a good day general-thank()
+PMUL2532 1 We have many guesthouses and hotels in town. Are you looking for something specific? Hotel-Inform(Choice=many;Type=guesthouses;Type=hotels)
+PMUL2532 2 the hotel should have a star of 4 and should be in the cheap price range. The hotel should be in the east and should include free wifi Hotel-Inform(Stars=4;Area=east;Internet=yes;Price=cheap)
+PMUL2532 3 Sure, I can help with that. Were you looking for a specific type of entertainment? Attraction-Request(Type)
+PMUL2532 4 I am looking for the east area. Hotel-Inform(Area=east)
+PMUL2532 6 Yes, please. I'm coming in on tuesday and will need 5 nights for 3 people. Hotel-Inform(Stay=5;Internet=yes;People=3;Day=tuesday;Name=allenbell)
+PMUL2532 8 Yes please. I'd like to go see a college that's in the same area as the hotel. Attraction-Inform(Area=east;Type=college)
+PMUL2532 9 Unfortunately I'm not showing anything under those specifications. Hotel-NoOffer()
+PMUL2532 10 Ok, how about a museum? Attraction-Inform(Type=museum)
+PMUL2532 12 Please send me their postcode. Attraction-Request(Post)
+PMUL2532 14 That is all. Thanks so much! general-thank()
+PMUL2532 15 Have a great time. general-bye()
+PMUL2533 0 I am looking to stay at a four start place with free wifi. Hotel-Inform(Stars=4;Internet=yes)
+PMUL2533 2 Either will do. Are there by any chance any cheap guesthouses available? Hotel-Inform(Price=cheap;Type=guesthouse)
+PMUL2533 3 alexander bed and breakfast is located in the centre and finches bed and breakfast is located in the west. both are cheap guesthouses with internet. Hotel-Inform(Price=cheap;Name=alexander bed and breakfast;Name=finches bed and breakfast;Choice=both;Internet;Type=guesthouses;Area=centre;Area=west)
+PMUL2533 4 Please book Alexander Bed and Breakfast for 4 people and 5 nights starting on Tuesday. Hotel-Inform(Stay=5;People=4;Day=tuesday;Name=alexander bed and breakfast)
+PMUL2533 5 I've got it all booked for you. Your reference number is YIZ6WQ8T. Booking-Book(Ref=YIZ6WQ8T)
+PMUL2533 6 I'm also looking for an architecture attraction to go to. Do you have information on any of those? Attraction-Inform(Type=architecture)
+PMUL2533 8 well since the hotel is in the center try nearby. Attraction-Inform(Area=centre)
+PMUL2533 11 The phone number is 01223332320 and post code is cb21tt. Attraction-Inform(Post=cb21tt;Phone=01223332320)
+PMUL2533 12 Okay, that's all I need for today. Thanks, bye! general-bye()
+PMUL2533 13 Thank you, enjoy your stay! general-bye()
+PMUL2534 0 I'm looking for a hotel called Kirkwood House please. Hotel-Inform(Name=kirkwood house)
+PMUL2534 2 May I please have the phone number for the hotel? Hotel-Request(Phone)
+PMUL2534 3 Absolutely. That number is 01223306283. Hotel-Inform(Phone=01223306283)
+PMUL2534 6 I would like it to be a museum please. Attraction-Inform(Type=museum)
+PMUL2534 8 How about in the south? Attraction-Inform(Area=south)
+PMUL2534 9 How about the byard art museum the phone number is 01223464646. Attraction-Recommend(Phone=01223464646;Name=the byard art museum)
+PMUL2534 10 How much is it to get in that place? And what's their postcode? Attraction-Request(Post)
+PMUL2534 12 No that was all I needed. Thanks so much. general-thank()
+PMUL2534 13 Thank you for using our system today! general-bye()
+PMUL2535 0 I need a place to stay, some place with 4 stars and in the north. Hotel-Inform(Stars=4;Area=north)
+PMUL2535 2 I would like one in the moderate range. Hotel-Inform(Price=moderate)
+PMUL2535 4 I think that one works. No need to book. Hotel-Inform(Name=archway house)
+PMUL2535 5 Okay. Is there anything else I can help you with? general-reqmore()
+PMUL2535 6 Yes, tell me if the Archway House has free parking and please get me their postcode Hotel-Request(Post;Parking)
+PMUL2535 8 Can you help me find a nightclub to visit somewhere in the north? Attraction-Inform(Type=nightclub)
+PMUL2535 10 No, I want to stay in the same area. How about a park? Attraction-Inform(Area=north;Type=park)
+PMUL2535 12 Yes. Could I get the entrance fee and phone number please? Attraction-Request(Phone;Fee)
+PMUL2535 14 I also need a taxi. It should leave the hotel by 2:30 please. Taxi-Inform(Leave=14:30)
+PMUL2535 15 I was able to find a taxi to take you from the hotel to the park. It will be a yellow volvo phone number is 07803372639. Taxi-Inform(Phone=07803372639;Dest=park;Car=yellow volvo;Depart=hotel)
+PMUL2535 17 Thank you for contacting us and have a nice day. general-bye()
+PMUL2536 0 Can you help me find a hotel to stay in that includes free wifi and has a 4 star rating? Thanks! Hotel-Inform(Stars=4;Internet=yes)
+PMUL2536 1 Acorn guest house is available would you like to stay there? Hotel-Inform(Name=Acorn guest house)
+PMUL2536 2 Is it moderately priced? Also, I think I need it in the east part of town. Hotel-Inform(Area=east;Price=moderate)
+PMUL2536 4 Please, thank you. Hotel-Inform(Name=a and b guest house)
+PMUL2536 6 Yes, I am also looking for information on any places of entertainment in town. Attraction-Inform(Type=entertainment)
+PMUL2536 8 same part of town as the hotel. Attraction-Inform(Area=east)
+PMUL2536 10 No, I just need the postcode Attraction-Request(Post)
+PMUL2536 12 I now need a taxi Taxi-Inform()
+PMUL2536 13 Ok, can you confirm where you want to be picked up and when? Taxi-Request(Depart;Leave)
+PMUL2536 14 09:45 at Funky fun house's. Please give the car type and contact number? Taxi-Request(Car)
+PMUL2536 15 I would love to help where are going to? Taxi-Request(Dest)
+PMUL2536 16 back to the hotel Taxi-Inform(Dest=a and b guest house)
+PMUL2536 18 Nope that'll be all thank you. general-thank()
+PMUL2536 19 Glad I could help. Have a great day! general-bye()
+PMUL2537 0 I'd like to find the Lensfield Hotel. Hotel-Inform(Name=the lensfield hotel)
+PMUL2537 4 I'll be there on Tuesday. Hotel-Inform(Day=tuesday)
+PMUL2537 6 Thank you. I am also looking for places to go in town. general-thank()
+PMUL2537 7 Should it be in the same area of town as the hotel? Attraction-Request(Area)
+PMUL2537 8 I'm looking for a theatre in the centre of town. Attraction-Inform(Area=centre;Type=theatre)
+PMUL2537 11 I do not know the entrance fee but the phone number is 01223300085. Attraction-Inform(Phone=01223300085;Fee=do not know)
+PMUL2537 13 and for what time please? Taxi-Request(Leave)
+PMUL2537 15 Your taxi reservation on a blue Skoda was successful. The contact number is 07066636790. Taxi-Inform(Phone=07066636790;Car=blue Skoda)
+PMUL2537 16 Thank you. That is all that I need. general-thank()
+PMUL2537 17 Thanks for letting us assist you today! Enjoy your trip! Goodbye. general-bye()
+SNG0552 0 Are there any expensive British restaurants in town? Restaurant-Inform(Food=british;Price=expensive)
+SNG0552 1 There are 57 restaurants that match your specifications. Do you want anything more specific? Restaurant-Inform(Choice=57)
+SNG0552 2 Yes, I'd like to find one in the west side of town. Restaurant-Inform(Area=west)
+SNG0552 4 Yes, I need to book a table for five people at 17:15 for this Thursday. Restaurant-Inform(Time=17:15;People=5;Day=thursday;Name=travellers rest)
+SNG0552 6 Will you check 16:15? Restaurant-Inform(Time=16:15)
+SNG0552 8 Thank you so much. Have a nice day. Bye. general-bye()
+SNG0552 9 You're welcome, have a good meal. general-bye()
+PMUL0668 0 I'm looking for a place to dine in the moderate price range in the centre, please. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL0668 2 I would prefer Lebanese food. Restaurant-Inform(Food=lebanese)
+PMUL0668 4 yes for 3 people at 13:45 on wednesday and a reference number bplease Restaurant-Inform(Time=13:45;People=3;Day=wednesday)
+PMUL0668 6 I also need as train going to leicester. Train-Inform(Dest=leicester)
+PMUL0668 8 I'll be leaving on Thursday Train-Inform(Day=thursday)
+PMUL0668 10 I'd like one that leaves after 10:45 Train-Inform(Leave=10:45)
+PMUL0668 12 Thanks so much you have been great! Gold stars for you! general-thank()
+PMUL0668 13 Thank you for using our system today. general-bye()
+PMUL0666 0 Can you help me find a train departing from Leicester? Train-Inform(Depart=leicester)
+PMUL0666 2 I want to go to cambridge. Train-Inform(Dest=cambridge)
+PMUL0666 3 What day and time will you be leaving? Train-Request(Day;Leave)
+PMUL0666 8 No thanks. Can I have to train id and price? Train-Request(Price;TrainID)
+PMUL0666 9 Sure, the train ID is TR7151 and the price is 37.80 pounds. Train-Inform(Id=TR7151;Ticket=37.80 pounds)
+PMUL0666 10 Okay, can you help me find a restaurant also? Restaurant-Inform()
+PMUL0666 12 Will the train arrive at Cambridge by 08:00? Train-Inform(Dest=cambridge;Arrive=08:00)
+PMUL0666 14 I'm also looking for an expensive restaurant in the centre of town. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL0666 16 I apologize. I won't be needing anything else. good bye general-bye()
+PMUL0666 17 Thank you enjoy your stay in Cambridge! general-bye()
+PMUL0667 0 I'm looking for a posh British restaurant to take my bird to, know of one? Restaurant-Inform(Food=british)
+PMUL0667 1 Do you have any location in mind? Restaurant-Request(Area)
+PMUL0667 3 A table has been booked for you at graffiti. Booking-Book(Name=graffiti)
+PMUL0667 4 May I have the reference number? Restaurant-Request(Ref)
+PMUL0667 5 The reference number is ABNPDU1B Restaurant-Inform(Ref=ABNPDU1B)
+PMUL0667 6 I also need a train leaving on wednesday. Train-Inform(Day=wednesday)
+PMUL0667 7 Where are you travelling to and at what time? Train-Request(Leave;Arrive;Dest)
+PMUL0667 8 Departing from Cambridge and going to London Liverpool Street. Leaving Wednesday and want to arrive by 09:45. Train-Inform(Depart=cambridge;Dest=london liverpool street;Arrive=09:45)
+PMUL0667 10 I would like the train that gets me there close to 9:45. Train-Inform()
+PMUL0667 12 Oh, it's the same group of people from the restaurant. Can I get the reference number? Train-Inform(People=7)
+PMUL0667 13 Booking was successful, the total fee is 116.2 GBP payable at the station . Reference number is : XZCDEB01. Train-OfferBooked(Ref=XZCDEB01;Ticket=116.2 GBP)
+PMUL0667 14 Thank you so much! general-thank()
+PMUL0667 16 Nope, that'll be all for today. Thanks! general-thank()
+PMUL0664 0 What sort of moderately priced restaurants does Cambridge offer? I'm only interested in restaurants located in the Centre. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL0664 2 I am looking to eat at a steakhouse. Restaurant-Inform(Food=steakhouse)
+PMUL0664 4 Can you check for Chinese? I haven't had Chinese in awhile. Restaurant-Inform(Food=chinese)
+PMUL0664 6 That would be just fine. Can you make reservations for 5 people at 18:00 on wednesday. Restaurant-Inform(Time=18:00;People=5;Day=wednesday)
+PMUL0664 8 I am also looking for a train to Cambridge Train-Inform(Dest=cambridge)
+PMUL0664 9 Sure, where will you be departing from? Also what date and time were you looking to travel? Train-Request(Leave;Day;Depart)
+PMUL0664 10 I'll be traveling from Ely to Cambridge on Wednesday. I need to get to Cambridge before noon. Train-Inform(Depart=ely;Day=wednesday)
+PMUL0664 11 Okay, how about TR2006? It leaves ely at 11:35 and arrives in cambridge at 11:52. Train-Inform(Leave=11:35;Depart=ely;Arrive=11:52;Id=TR2006;Dest=cambridge)
+PMUL0664 12 Yes thats perfect book that for the same group of people please. Train-Inform(People=5)
+PMUL0664 14 Thank you. That is all that I need. general-thank()
+PMUL0664 16 Thanks for all your help! Goodbye! general-bye()
+PMUL0664 17 thank you that will be all,that was a big help too general-bye()
+PMUL0665 0 I'm looking for a restaurant in centre. Restaurant-Inform(Area=centre)
+PMUL0665 2 I am really in the mood for Italian food tonight. Something expensive! Restaurant-Inform(Food=italian;Price=expensive)
+PMUL0665 6 Not at this time. I also need a train going from Cambridge to Kings Lynn. Train-Inform(Depart=cambridge;Dest=kings lynn)
+PMUL0665 7 Did you have a time you want to leave? Train-Request(Leave)
+PMUL0665 8 I don't have a preference on what time to leave, however, I do need to be there by 08:00. Train-Inform(Arrive=08:00)
+PMUL0665 9 What day do you need the train on? Train-Request(Day)
+PMUL0665 10 I'll be leaving on Monday. Train-Inform(Day=monday)
+PMUL0665 12 That would be excellent. Could you also give me the travel time once you book it for me? Train-Request(Duration)
+PMUL0665 14 actually, i think i will book it later. thanks though. goodbye. general-bye()
+PMUL0665 15 please contact us again in the future. goodbye. general-bye()
+PMUL0662 0 Do you know an Indian restaurants in east Cambridge? Restaurant-Inform(Area=east;Food=indian)
+PMUL0662 1 Yes I do. What price range do you have in mind? Restaurant-Request(Price)
+PMUL0662 3 Curry prince may be a good choice for you. Restaurant-Recommend(Name=Curry prince)
+PMUL0662 6 I'm also looking for a train that departs from Cambridge. Train-Inform(Depart=cambridge)
+PMUL0662 7 When are you traveling? Train-Request(Day;Leave)
+PMUL0662 9 What time do you need to depart? Train-Request(Leave)
+PMUL0662 10 I need to arrive after 14:30. Train-Inform(Arrive=14:30)
+PMUL0662 11 What is your destination? Train-Request(Dest)
+PMUL0662 12 My destination is stevenage. Train-Inform(Dest=stevenage)
+PMUL0662 13 TR7852 looks like it would work for you, would you like to book that? Train-OfferBook(Id=TR7852)
+PMUL0662 14 Yes please. Book it for 5 people Train-Inform(People=5)
+PMUL0662 15 The booking was successful, the total fee is 64 GBP payable at the station . Your reference number is IR34MGT4. Train-OfferBooked(Ref=IR34MGT4;Ticket=64 GBP)
+PMUL0662 16 That's great thank you. general-thank()
+PMUL0662 17 Do you need anything else today? general-reqmore()
+PMUL0662 19 Okay, have a great day! general-bye()
+PMUL0663 0 I need a train going to cambridge after 10:15 please. Train-Inform(Dest=cambridge;Leave=10:15)
+PMUL0663 1 What is your departure station please? Train-Request(Depart)
+PMUL0663 2 I am departing from Ely. Train-Inform(Depart=ely)
+PMUL0663 3 great, and on what day will you be traveling? Train-Request(Day)
+PMUL0663 4 I will leave Thursday. Train-Inform(Day=thursday)
+PMUL0663 6 Yes, please. I need tickets for seven people. Train-Inform(People=7)
+PMUL0663 8 Are there any modern european restaurants in the centre area? Restaurant-Inform(Area=centre;Food=modern european)
+PMUL0663 10 Once you find the restaurant you want to book a table for the same group of people at 15:15 on the same day. Restaurant-Inform(Time=15:15;People=7;Day=thursday;Name=riverside brasserie)
+PMUL0663 12 No that's great thank you. general-thank()
+PMUL0663 13 you are welcome anytime general-welcome()
+PMUL0660 0 I need a train that is leaving on wednesday. Train-Inform(Day=wednesday)
+PMUL0660 1 Do you have a destination in mind? Train-Request(Dest)
+PMUL0660 2 Yes, I need to get to Cambridge by 17:15. From the Kings Lane station. Train-Inform(Dest=cambridge;Arrive=17:15)
+PMUL0660 3 Do you mean Kings Lynn station for your departure site? Train-Request(Depart)
+PMUL0660 4 Yes. I need to book tickets for 8 people. Train-Inform(People=8)
+PMUL0660 5 Okay I successfully booked it. Reference number is : MGYR3882. Train-OfferBooked(Ref=MGYR3882)
+PMUL0660 6 Thanks. I am also looking for some Korean food in the north part of town. general-thank()
+PMUL0660 7 What is your price preference? Restaurant-Request(Price)
+PMUL0660 9 unfortunately, there aren't any korean restaurants in that area. Restaurant-NoOffer(Food=korean)
+PMUL0660 10 Then can I do a search for one that serves Italian food instead? Restaurant-Inform(Food=italian)
+PMUL0660 11 how about da vinci pizzria? Restaurant-Recommend(Name=da vinci pizzria)
+PMUL0660 12 That works, can I get an address? Restaurant-Request(Addr)
+PMUL0660 14 No thank you. That was all I needed to know. Thanks and goodbye. general-bye()
+PMUL0660 15 Goodbye to you as well and have a nice stay! general-bye()
+PMUL0661 0 Hi. Can you help me find a restaurant? Restaurant-Inform()
+PMUL0661 2 Are there any cheap options in the centre of town? Restaurant-Inform(Area=centre;Price=cheap)
+PMUL0661 3 Yes, there are chinese, asian oriental, indian, italian, spanish, portuguese, modern europe, and mediterranean available. Restaurant-Inform(Food=chinese;Food=asian oriental;Food=indian;Food=italian;Food=spanish;Food=portuguese;Food=modern europe;Food=mediterranean)
+PMUL0661 7 I recommend the Dojo Noodle Bar. They're located at 40210 Millers Yard, City Centre. Restaurant-Recommend(Name=Dojo Noodle Bar;Addr=40210 Millers Yard;Addr=City Centre)
+PMUL0661 8 excellent. I will need the train booked for 5 as well. Train-Inform()
+PMUL0661 9 Where will you travel too and from? Train-Request(Dest;Depart)
+PMUL0661 10 to cambridge from broxbourne. i need to leave after 11;15 please Train-Inform(Depart=broxbourne;Dest=cambridge)
+PMUL0661 11 and what day will you be traveling on? Train-Request(Day)
+PMUL0661 12 I will be traveling on Sunday. Train-Inform(Day=sunday)
+PMUL0661 14 The train should leave broxbourne after 11:15 so the 11:32 is a good choice. There are 5 of us traveling together. Please book. Train-Inform(Depart=broxbourne;People=5;Leave=11:15)
+PMUL0661 15 It has been booked. You reference number is UCICW103. Train-OfferBooked(Ref=UCICW103)
+PMUL0661 16 Great. Thank you so much. general-thank()
+SNG0551 0 I am looking for a particular restaurant called city stop restaurant. Restaurant-Inform(Name=city stop restaurant)
+SNG0551 3 Alright, I've booked a table for 4 at 17:30 on Thursday. Your reference number is VLG5U01Z. Booking-Book(People=4;Day=Thursday;Time=17:30;Ref=VLG5U01Z)
+SNG0551 4 Thanks, that's all I need. Have a nice day. general-thank()
+SNG0551 5 You too, enjoy your meal! general-bye()
+SNG01753 0 I want to eat some north american food Restaurant-Inform(Food=north american)
+SNG01753 1 Ok, the gourmet burger kitchen serves north american food and is located in the centre. Would you like the address? Restaurant-Inform(Food=north american;Area=centre;Name=gourmet burger kitchen)
+SNG01753 2 Can you tell me the price range? Restaurant-Inform(Name=gourmet burger kitchen)
+SNG01753 3 the price range of the food there is expensive Restaurant-Inform(Price=expensive)
+SNG01753 4 Thanks, can I get the address and phone number? Restaurant-Request(Phone;Addr)
+SNG01753 6 No, that is ok. Thank you for all your help today. general-thank()
+SNG01753 7 welcome again some other day general-bye()
+SNG01753 8 Thank you, good bye. general-bye()
+SNG01753 9 Thank you for using our services. general-bye()
+SNG01669 0 I am looking for a place to stay. The hotel should include free wifi and should be in the type of hotel Hotel-Inform(Internet=yes;Type=hotel)
+SNG01669 2 I would like something in the east with 2 stars. Hotel-Inform(Stars=2;Area=east)
+SNG01669 5 Yes, it offers free parking. The phone number is 01223866800. Hotel-Inform(Phone=01223866800;Parking)
+SNG01669 6 thanks. What's the address? Hotel-Request(Addr)
+SNG01669 8 That's not necessary, thanks. general-thank()
+SNG01669 10 That was all. Thank you general-thank()
+SNG01668 0 I want to get a taxi and leave at 345. I need to go to saigon city. Taxi-Inform(Dest=saigon city)
+SNG01668 1 Ok, what is your departure site? Taxi-Request(Depart)
+SNG01668 2 I need to be picked up at all saints church, please. Taxi-Inform(Depart=all saints church)
+SNG01668 3 Booking is complete, a grey volvo will be picking you up. Taxi-Inform(Car=grey volvo)
+SNG01668 4 Could you give me the contact number for the taxi? Taxi-Inform()
+SNG01668 6 No, that's it for now. Thanks! general-thank()
+SNG01668 7 Glad to help. Have a great day! general-bye()
+SNG01661 0 I am looking for a train to Cambridge. Train-Inform(Dest=cambridge)
+SNG01661 1 What time do you want to leave? Train-Request(Leave)
+SNG01661 2 I would like to leave after 15:15 Train-Inform(Leave=15:15)
+SNG01661 3 I'd love to help! Where are you departing from? Train-Request(Depart)
+SNG01661 6 I will need the train ID also please. Train-Request(TrainID)
+SNG01661 8 I don't need to book a seat, I just needed the train ID. Train-Request(TrainID)
+SNG01661 10 thanks a lot. that is all for now. general-thank()
+SNG01661 11 Thank you for contacting us, have a great day. general-greet()
+SNG01660 0 Please book a taxi for me Taxi-Inform()
+SNG01660 1 Sure! when would you like to arrive? Taxi-Request(Arrive)
+SNG01660 2 I want to arrive by 19:00 Taxi-Inform(Arrive=19:00)
+SNG01660 3 I can definitely help! Where are you departing from? Taxi-Request(Depart)
+SNG01660 4 I am leaving from the Alpha-Milton Guest House. Taxi-Inform(Depart=alpha-milton guest house)
+SNG01660 5 Where will the taxi be taking you tonight? Taxi-Request(Dest)
+SNG01660 6 I am eager to visit cambridge university botanic gardens. Taxi-Inform(Dest=cambridge university botanic gardens)
+SNG01660 7 Ok, I've booked your taxi. It will be a grey lexus, contact number 07229148300 Taxi-Inform(Phone=07229148300;Car=grey lexus)
+SNG01660 8 What time will the taxi be arriving at the Alpha-Milton? Taxi-Inform()
+SNG01660 9 You should contact the taxi for an approximate time. Taxi-Inform()
+SNG01660 10 That is all I need. Goodbye. general-bye()
+SNG01660 11 Anytime! Enjoy your stay. general-bye()
+SNG01663 0 i am looking for the Addenbrookes Hospital Hospital-Inform()
+SNG01663 2 Can you please provide me with the complete address for the hospital? Hospital-Request(Addr)
+SNG01663 4 That is all. Good bye. general-bye()
+SNG01663 5 Bye now. Have a great day. general-bye()
+SNG01662 0 Can you give me the address for Addenbrookes Hospital? Hospital-Inform()
+SNG01662 2 Wonderful. I have everything I need. Thank you. Goodbye. general-bye()
+PMUL1527 2 any part but should have free parking and moderately priced. should also be a star of 4 Hotel-Inform(Stars=4;Parking=yes;Price=moderate)
+PMUL1527 5 No I am sorry all that are available are guesthouses Hotel-Inform(Choice=all;Type=guesthouses)
+PMUL1527 6 Yes. Monday, two nights three people. Hotel-Inform(Stay=2)
+PMUL1527 8 Do you have any of the guesthouses in the centre? Hotel-Inform(Area=cambridge)
+PMUL1527 10 It doesn't matter where the guesthouse is! I'm sorry, a hotel or guesthouse is absolutely fine, the only thing that matters is free parking, 4 stars, and in the moderate price. Hotel-Inform(Stars=4;Parking=yes;Price=moderate)
+PMUL1527 12 Yes please. There's 3 of us and we want to check in on Monday and stay for just 2 nights Hotel-Inform(Stay=2)
+PMUL1527 13 Would you like me to book it for you ? Booking-Inform()
+SNG01664 0 I am looking for a place to stay. The hotel should include free wifi and should be in the type of guesthouse Hotel-Inform(Internet=yes;Type=guesthouse)
+SNG01664 2 I am unsure about the area, right now. I would like the accommodations to be at least 4 star and have a moderate price. Hotel-Inform(Stars=4;Area=dont care;Price=moderate)
+SNG01664 4 No. I shouldn't need parking. Hotel-Inform(Parking=no)
+SNG01664 6 If it is 4 stars in the moderate price range that sounds fine. I need it for 3 nights for 3 people starting Sunday. Hotel-Inform(Stars=4;Stay=3;People=3;Day=sunday)
+SNG01664 7 I'm sorry that many nights is not available. Could you try a shorter stay or another day perhaps? Booking-Request(Stay;Day)
+SNG01664 8 Okay, how about on Monday? Hotel-Inform(Day=monday)
+SNG01664 10 No, that's all, thanks. general-thank()
+SNG01666 0 I need to book a taxi to take me to Williams Art and Antiques. I need to leave after 24:30. Taxi-Inform(Leave=24:30;Dest=williams art and antiques)
+SNG01666 1 No problem - where should I have them pick you up? Taxi-Request(Depart)
+SNG01666 2 I'll be leaving from vue cinema. Taxi-Inform(Depart=vue cinema)
+SNG01666 3 You are booked for a blue bmw with the contact number 07889414601. Taxi-Inform(Car=blue bmw;Phone=07889414601)
+SNG01666 4 Thank you so very much. I am done. general-thank()
+SSNG0385 0 I need a hotel, in the south. Hotel-Inform(Area=south;Type=hotel)
+SSNG0385 2 Does this hotel include free parking? Hotel-Inform(Parking=yes;Type=hotel)
+SSNG0385 3 Yes, all of the hotels that satisfy your constraints have free parking slots. Hotel-Inform(Choice=all;Type=hotels;Parking)
+SSNG0385 4 Ok, so pick one of them and book me there a room for 7 people for 2 nights starting on Tuesday please. Hotel-Inform(Stay=2;People=7;Day=tuesday)
+SSNG0385 7 I'm sorry to inform you but there are only guesthouses only in moderate and cheap price range. Hotel-Inform(Type=guesthouses;Price=moderate;Price=cheap)
+SSNG0385 9 I'm happy to inform you that you have a booked apartment at aylesbray lodge. Your reference number is SUJVD6R6. Booking-Book(Name=aylesbray lodge;Ref=SUJVD6R6)
+SSNG0385 10 Finally some good news. Great, thanks for help, bye! general-bye()
+SSNG0385 11 I'm there to help you. Enjoy your stay! general-bye()
+MUL0023 0 I'd like to go to a restaurant that serves Chinese food for a moderate price. Restaurant-Inform(Food=chinese;Price=moderate)
+MUL0023 3 Golden Wok is located in the north that serves chinese and is at a moderate price range. Does this work? Restaurant-Inform(Price=moderate;Name=Golden Wok;Area=north;Food=chinese)
+MUL0023 4 Yes can I book a table for 8 people at 12:00 on saturday, if booking fails how about 11:00? Also can I get the reference number please. Restaurant-Inform(Time=12:00;People=8;Day=saturday)
+MUL0023 9 Not a problem. Do you have any preferences for the hotel or guesthouse? Hotel-Select(Type=hotel;Type=guesthouse)
+MUL0023 10 I would like a guesthouse with free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+MUL0023 12 I would like to find a guesthouse that is expensive if one is available. Hotel-Inform(Price=expensive)
+MUL0023 14 Well, try one in the moderate price range. Hotel-Inform(Price=moderate)
+MUL0023 18 I would like to book any moderately priced guesthouse for 4 people starting on Saturday for 4 nights. Hotel-Inform(Stay=4;People=4;Day=saturday)
+MUL0023 19 I'm sorry, but I can't book any hotels with that criteria. Would you like to modify your criteria? Booking-NoBook()
+MUL0023 20 can you book something starting on sunday? Hotel-Inform(Day=sunday)
+MUL0023 21 We may be able to find something if you shorten your stay. Would you like to try a different number of nights? Booking-Request(Stay)
+MUL0023 22 Did we not find any hotels in the expensive or moderate price range to accomodate 8 people for 4 nights starting Saturday? Hotel-Inform(Stay=4;Price=moderate;People=8;Day=saturday)
+MUL0023 24 I need the hotel for four nights, and eight people please. Hotel-Inform(Stay=4;People=8)
+MUL0023 28 Goodbye have a nice day! general-bye()
+MUL0023 29 Thank you goodbye! general-bye()
+MUL0009 0 While on my trip to Cambridge I need a hotel, and it is not important for it to have internet. Hotel-Inform(Internet=dont care;Type=hotel)
+MUL0009 2 I am looking for a cheap hotel. Hotel-Inform(Price=cheap)
+MUL0009 4 Does it have free wifi? If so, please book it for me. Hotel-Inform(Internet=yes)
+MUL0009 6 I will need to book it on Saturday for 5 nights. The room will need to accommodate 3 people. Hotel-Inform(Stay=5;People=3;Day=saturday)
+MUL0009 7 Great it's all booked, the reference number is 59FZCVEC Booking-Book(Ref=59FZCVEC)
+MUL0009 8 Thanks I also need a restaurant in the cheap price range serving international food Restaurant-Inform(Food=international)
+MUL0009 11 I'd be happy to assist you, what time would you like your reservation for? Booking-Request(Time)
+MUL0009 12 I would like to make a reservation for 11:00 on Saturday. Please provide the reference number for the reservation. Thanks Restaurant-Inform(Time=11:00;Day=saturday)
+MUL0009 14 Thank you. That's all I need today. general-thank()
+MUL0009 15 You're welcome, enjoy your stay in Cambridge! general-welcome()
+MUL0009 16 Thank you so much! general-thank()
+MUL0009 17 Thank you, goodbye. general-bye()
+SNG01599 2 And what is the address of the police station? Police-Request(Addr)
+SNG01599 4 Thank you! that's all I need for now. general-thank()
+SNG01599 5 Thank you for using our services. general-bye()
+SNG01598 0 I would like to book a taxi for after 01:15 pm and i will be going to milton country park. Taxi-Inform(Depart=milton country park;Leave=01:15;Dest=milton country park)
+SNG01598 1 Alright. What is your departure site? Taxi-Request(Depart)
+SNG01598 3 Can you please repeat your destination and departure again? Taxi-Request(Depart;Dest)
+SNG01598 4 I am leaving from milton country park and I will be going to gonville hotel. Taxi-Inform(Depart=milton country park;Dest=gonville hotel)
+SNG01598 5 I have booked your taxi Taxi-Inform()
+SNG01598 6 I need the car type and contact number. Taxi-Request(Car)
+SNG01598 7 It will be a yellow skoda, Contact number 07552691758. Taxi-Inform(Phone=07552691758;Car=yellow skoda)
+SNG01598 8 Thanks for the help. I will be looking for that car. Goodbye. general-bye()
+SNG01598 9 There will be a yellow skoda in milton contry park to pick you up at 01:15. Taxi-Inform(Car=yellow skoda;Depart=milton contry park;Leave=01:15)
+SNG01595 0 I need a taxi going to dojo noodle bar. Taxi-Inform(Dest=dojo noodle bar)
+SNG01595 1 Ok, what is your departure site? Taxi-Request(Depart)
+SNG01595 2 I will be departing from ashley hotel. Taxi-Inform(Depart=ashley hotel)
+SNG01595 3 What time would you like to leave? Taxi-Request(Leave)
+SNG01595 4 I want to leave the hotel after 7:00, please. Hotel-Inform()
+SNG01595 6 THat is all thank you for your help. general-thank()
+SNG01595 7 You're welcome, have a great day general-bye()
+SNG01593 0 i want to find a hospital in town Hospital-Inform()
+SNG01593 2 No, thank you, good bye general-bye()
+SNG01593 3 Thank you for contacting us. I am glad we could help. general-bye()
+SNG01592 0 I need a taxi to go to the hotpot. Taxi-Inform(Dest=the hotpot)
+SNG01592 1 Alright. I'll first need to know a time for the booking as well as a pickup location please Taxi-Request(Leave;Depart)
+SNG01592 2 The taxi should arrive by 05:30. Taxi-Inform(Arrive=05:30)
+SNG01592 3 I'll need your pickup location to book the taxi. Taxi-Request(Depart)
+SNG01592 4 I'll be leaving from the cambridge chop house. Taxi-Inform(Depart=cambridge chop house)
+SNG01592 5 All right, your car is booked. It's a grey ford with a contact number of chips342234yy1. Taxi-Inform(Car=grey ford;Phone=chips342234yy1)
+SNG01592 6 Thanks much, goodbye! general-bye()
+SNG01591 0 I want to find a hospital in town Hospital-Inform()
+SNG01591 2 I need the address, postal code, and phone number Hospital-Request(Post;Addr;Phone)
+SNG01591 6 Does the address not have a street number? Hospital-Request(Addr)
+SNG01591 8 Thank you for your assistance general-thank()
+SNG01591 9 You are quite welcome. Do you require any further assistance? general-reqmore()
+SNG01591 10 I don't. Thank you. general-thank()
+SNG01591 11 Okay, I hope everything is okay! general-bye()
+PMUL3061 0 You can help me by finding me a moderately priced place to stay in the East Hotel-Inform(Area=east;Price=moderate)
+PMUL3061 2 One that has free parking Hotel-Inform(Parking=yes)
+PMUL3061 4 I want to make a reservation for three people starting Monday. We will be staying for 2 nights. Hotel-Inform(Stay=2;People=3;Day=monday)
+PMUL3061 6 I need to find a restaurant that serves Indian food in the same area as the hotel Restaurant-Inform(Area=east;Food=indian)
+PMUL3061 8 I prefer everything moderately priced. Restaurant-Inform(Price=moderate)
+PMUL3061 10 Yes. The same number of people on the same day. Please book for 3 people at 18:00 on Monday. Restaurant-Inform(Time=18:00;People=3;Day=monday)
+PMUL3061 12 I will also need to find a taxi. Taxi-Inform()
+PMUL3061 13 I can book a taxi for you, no problem, I will just need to know when and where you will need the ride? Taxi-Request(Depart;Leave)
+PMUL3061 15 I have booked you a taxi to arrive at your destination by 18:00. It will be a grey honda and the contact number is 07912899437. Anything else I can help with? Taxi-Inform(Arrive=18:00;Phone=07912899437;Car=grey honda)
+PMUL3061 16 That is everything, thank you so much general-thank()
+PMUL3061 17 Have a great trip. general-bye()
+PMUL3060 0 Hi, I'm looking for some info on cheap hotels on the West end please Hotel-Inform(Area=west;Price=cheap)
+PMUL3060 1 We have one cheap hotel and one cheap guesthouse. Both are rated four stars. Hotel-Inform(Choice=one;Choice=one;Choice=Both;Price=cheap;Price=cheap;Type=hotel;Type=guesthouse;Stars=4)
+PMUL3060 2 It doesn't have to have free parking. I guess you can find me one. Hotel-Inform(Parking=yes)
+PMUL3060 6 actually, i just need the phone number and postcard for the hotel. Hotel-Request(Post)
+PMUL3060 7 Here is the address and post code back lane, cambourne cb236bw. Hotel-Inform(Post=cb236bw;Addr=back lane;Addr=cambourne)
+PMUL3060 8 Thank you, can you also give me info on tandoori palace, I hear that it rocks the house like mickey mouse. Restaurant-Inform(Name=tandoori palace)
+PMUL3060 9 Located at 68 Histon Road Chesterton, in the west, it is an expensive indian restaurant. Restaurant-Inform(Addr=68 Histon Road Chesterton;Food=indian;Area=west;Price=expensive)
+PMUL3060 10 Very nice, can you book me for 5 people, at 19:15 on thursday? Restaurant-Inform(Time=19:15;People=5;Day=thursday)
+PMUL3060 15 Ok great, have a wonderful day! general-bye()
+PMUL3063 0 I want to find a college in the west. Attraction-Inform(Area=west;Type=college)
+PMUL3063 1 There are 5 colleges in the west. churchill college, clare college, clare hall, magdalene college, and queens' college. Attraction-Inform(Area=west;Name=churchill college;Name=clare college;Name=clare hall;Name=magdalene college;Name=queens' college;Type=colleges;Choice=5)
+PMUL3063 4 Could you please provide me with the address and phone number? Attraction-Request(Phone;Addr)
+PMUL3063 5 the phone number is 01223332360 and address isherschel road Attraction-Inform(Addr=herschel road;Phone=01223332360)
+PMUL3063 6 What kind of moderately priced restaurants are in that area? I want to eat after I visit the college. Restaurant-Inform(Area=west;Price=moderate)
+PMUL3063 11 Before I can book your table I will need to know how many will be in your party and at what time you will be dining. Booking-Request(People;Time)
+PMUL3063 12 It will just be me at the restaurant. Please book a table for one at 17:30. Restaurant-Inform(Time=17:30;People=1)
+PMUL3063 13 Can you give me a day, as well? Booking-Request(Day)
+PMUL3063 14 Any day they have an opening is fine with me Restaurant-Inform(Day=monday)
+PMUL3063 15 I booked you for Monday at 17:30 at the Meghna. Your reference code is CM20CXJ6. Booking-Book(Ref=CM20CXJ6;Day=Monday;Time=17:30;Name=Meghna)
+PMUL3063 16 May I get the postcode of the restaurant, please? Restaurant-Request(Post)
+PMUL3063 17 the postcode is cb43lf. Do you need help with anything else ? Restaurant-Inform(Post=cb43lf)
+PMUL3063 18 No that is all I needed. thank you! general-thank()
+PMUL3063 20 Thanks! You too! Bye! general-bye()
+PMUL3065 0 How's it going? I'm looking for an expensive restaurant in the centre please Restaurant-Inform(Area=centre;Price=expensive)
+PMUL3065 1 what is the type of food that you prefer? Restaurant-Request(Food)
+PMUL3065 2 North American food please. Restaurant-Inform(Food=north american)
+PMUL3065 4 Yes please, a table for two at 17:15 on Friday. Restaurant-Inform(Time=17:15;People=2;Day=friday;Name=gourmet burger kitchen)
+PMUL3065 6 Can you help me find a room in the north part of town? Hotel-Inform(Area=north)
+PMUL3065 8 I need free parking but other than that I'm not picky. Hotel-Inform(Parking=yes)
+PMUL3065 9 ok, i have eleven options for you. Hotel-Inform(Choice=eleven)
+PMUL3065 12 No but if you can, please get me their phone number and I'll take it from there. Hotel-Request(Phone)
+PMUL3065 13 Their number is 01223312843. Hotel-Inform(Phone=01223312843)
+PMUL3065 14 Great, thank you! general-thank()
+PMUL3065 15 city centre north b and b has been notified that you are calling them shortly. Hotel-Inform(Name=city centre north b and b)
+PMUL3065 16 Thank you so much for all your help. general-thank()
+PMUL3065 17 Thank you for using our service today! general-bye()
+PMUL3067 1 i'm sorry could you clarify what it is you're looking for? general-reqmore()
+PMUL3067 2 I need a train. The train should depart from cambridge and should leave on saturday. Train-Inform(Depart=cambridge;Day=saturday)
+PMUL3067 3 I need to know where you are going and when. Train-Request(Dest;Leave)
+PMUL3067 4 Norwich and i need to leave after 16:30 Train-Inform(Dest=norwich;Leave=16:30)
+PMUL3067 5 TR6880 would fit your needs weel Train-Inform(Id=TR6880)
+PMUL3067 6 Thanks. I can look for that one later when I book. I'm also looking for a restaurant called the Shiraz. Restaurant-Inform()
+PMUL3067 7 Great, I found the Mediterranean restaurant called Shiraz. Their telephone number is 01223307581. Restaurant-Inform(Phone=01223307581;Name=Shiraz;Food=Mediterranean)
+PMUL3067 8 Thank you that is all I need for now. general-thank()
+PMUL3067 9 Thank you for using our system today general-bye()
+PMUL3066 0 I want to find a moderately priced place to stay that has at least a 3-star rating Hotel-Inform(Stars=3;Price=moderate)
+PMUL3066 1 which side of town do you prefer? Hotel-Request(Area)
+PMUL3066 2 Any area is okay as long as the hotel includes free parking. I don't need internet. Hotel-Inform(Parking=yes;Internet=yes)
+PMUL3066 4 yes please book it for 1 Hotel-Inform(Name=bridge guest house)
+PMUL3066 5 What day would you like ? Booking-Request(Day)
+PMUL3066 7 I will need the day you plan on arriving. Booking-Request(Day)
+PMUL3066 8 Actually I am don't need to book a room just yet but can you provide the phone number, postcode, and address. Hotel-Request(Post;Phone;Addr)
+PMUL3066 10 I am also looking for a Molecular gastronomy place to eat, moderate price. Restaurant-Inform(Food=molecular gastronomy;Price=moderate)
+PMUL3066 12 Oh, that's too bad. How about international food? Restaurant-Inform(Food=international)
+PMUL3066 14 Yes, but first I just want to make sure this is in the centre area of town. Restaurant-Inform(Area=centre)
+PMUL3066 16 I'd like it to be on Monday at 15:30. It will be for 3 people. Restaurant-Inform(Time=15:30;People=3;Day=monday)
+PMUL3066 17 Ok. I was able to reserve a table. Your reference number is U3AQT6OR. Booking-Book(Ref=U3AQT6OR)
+PMUL3066 18 That's all I need, thanks so much for all of your help! Have a great day! general-thank()
+PMUL3069 0 Can you help me find a train leaving Peterborough that arrives by 11:45? Train-Inform(Depart=peterborough;Arrive=11:45)
+PMUL3069 1 Okay. What is the destination please? Train-Request(Dest)
+PMUL3069 2 I need to go to Cambridge on Monday. Train-Inform(Dest=cambridge;Day=monday)
+PMUL3069 4 Yes, that is great. Just to verify, the travel time is 50 minutes? Train-Request(Duration)
+PMUL3069 6 i also need a hotel Hotel-Inform()
+PMUL3069 8 I'd like it to be moderately priced and include free parking. Hotel-Inform(Parking=yes;Price=moderate)
+PMUL1901 0 I need a train from cambridge on sunday. Train-Inform(Depart=cambridge;Day=sunday)
+PMUL1901 2 I am thinking the morning would be better for me. Train-Inform(Leave=morning)
+PMUL1901 3 I can try to find something for you in the morning. Do you have a more specific time in mind? Train-Request(Leave)
+PMUL1901 4 I'd like to leave after 09:00 and head to Peterborough. Train-Inform(Dest=peterborough;Leave=09:00)
+PMUL1901 6 Yes please make a booking for 4 people. Train-Inform(People=4)
+PMUL1901 8 Just need the four tickets. Train-Inform(People=4)
+PMUL1901 10 I also need information on a hotel called hobsons house. Hotel-Inform(Name=hobsons house)
+PMUL1901 12 No thank you. I just need their phone number for now. Hotel-Request(Phone)
+PMUL1901 15 Okay, have a great day! general-bye()
+WOZ20192 0 Is there a restaurant in the centre of town serving halal food? Restaurant-Inform(Area=centre;Food=halal)
+WOZ20192 2 Is there any restaurant in the centre serving spanish food? Restaurant-Inform(Area=centre;Food=spanish)
+WOZ20192 4 I don't care. Restaurant-Inform(Price=don't care)
+WOZ20192 5 La Raza is located int he centre of town and is in the cheap price range. Restaurant-Inform(Name=La Raza;Area=centre of town;Price=cheap)
+WOZ20192 6 La Raza sounds lovely. May I have the number and postcode please? Restaurant-Request(Post)
+WOZ20192 8 No, thank you, I have all I need. Goodbye! general-bye()
+WOZ20192 9 Good bye. It was a pleasure to assist you. general-bye()
+WOZ20192 10 Again, goodbye! general-bye()
+WOZ20192 11 Goodbye. general-bye()
+SNG0568 0 I'd like to find an expensive place to eat in the south. Restaurant-Inform(Area=south;Price=expensive)
+SNG0568 2 I really don't have a preference. How about Chinese? I will need their phone number and postcode please. Restaurant-Request(Post;Phone)
+SNG0568 4 No thank you, that is all I needed. general-thank()
+SNG0568 5 Thank you and please check back with us for your future travel needs. general-bye()
+SNG0569 2 What is the price range of Pizza Express? Restaurant-Request(Price)
+SNG0569 3 Pizza Express Fen Ditton is in the moderate price range. Restaurant-Inform(Price=moderate;Name=Pizza Express Fen Ditton)
+SNG0569 4 What is the food type at Pizza Express? Restaurant-Request(Food)
+SNG0569 5 It is italian food. Restaurant-Inform(Food=italian)
+SNG0569 6 Okay, thank you. general-thank()
+SNG0569 7 Would you like me to book it for you? Booking-Inform()
+SNG0569 8 No, thank you! general-thank()
+SSNG0382 0 I am looking for a place to stay in the centre area. Hotel-Inform(Area=centre)
+SSNG0382 1 Would you prefer a guesthouse or a hotel? Hotel-Select(Type=guesthouse;Type=hotel)
+SSNG0382 2 It doesn't matter, but it should have free wifi. Hotel-Inform(Internet=yes)
+SSNG0382 4 Do any of them have a zero star rating? Hotel-Inform(Stars=0)
+SSNG0382 5 i booked your hotel here is your conformation codeYI2WGUQA. Booking-Book(Ref=codeYI2WGUQA)
+SSNG0382 6 Thank you and the address please ? general-thank()
+SSNG0382 8 No thank you. Good bye. general-bye()
+SSNG0382 9 Thank you for calling. Enjoy your stay. general-bye()
+SNG0566 0 I feel like having Italian for dinner. Are there any cheap restaurants with good Italian in town? Restaurant-Inform(Food=italian;Price=cheap)
+SNG0566 1 Sure, how about zizzi cambridge, they offer cheap Italian food in the town centre. Restaurant-Inform(Food=Italian;Price=cheap;Area=town centre;Name=zizzi cambridge)
+SNG0566 4 No I think that's all I need. Thanks for the help! general-thank()
+SNG02158 0 I need a taxi departing from avalon. Taxi-Inform(Depart=avalon)
+SNG02158 1 Can yo let me know what time you want to leave? Taxi-Request(Leave)
+SNG02158 2 Yeah, after 20:00 would be ideal Taxi-Inform(Leave=20:00)
+SNG02158 3 You got it. What is your destination? Taxi-Request(Dest)
+SNG02158 4 I am going to the fitzwilliam museum. Taxi-Inform(Dest=the fitzwilliam museum)
+SNG02158 5 Your booking is complete, a black honda will be picking you up. Taxi-Inform(Car=black honda)
+SNG02158 7 The contact number 07928549844. Taxi-Inform(Phone=07928549844)
+SNG02158 8 Thank you so much! That's all. general-thank()
+SNG02158 9 You're welcome, have a nice day. general-greet()
+SNG02159 4 I may need the postcode. What is it, please? Police-Request(Post)
+SNG02159 6 Thanks for everything! general-thank()
+SNG02159 7 Thank you, Goodbye. general-bye()
+MUL0747 0 Hello, I'm looking for a train out of Cambridge. Train-Inform(Depart=cambridge;Dest=cambridge)
+MUL0747 1 What day would you be traveling and where would you like to go? Train-Request(Dest;Day)
+MUL0747 2 I would be leaving on Friday and i would be traveling to London Liverpool street and i would like to leave after 21:15 Train-Inform(Dest=london liverpool street;Day=friday;Leave=21:15)
+MUL0747 3 You could take the TR9557 at 21:59, or the TR3138 two hours later. Train-Inform(Leave=21:59;Leave=two hours later;Id=TR9557;Id=TR3138)
+MUL0747 6 That would be great, thanks. I am also looking for a hotel. I would prefer a 3 star hotel. I do not need parking. Hotel-Inform(Stars=3;Parking=no)
+MUL0747 7 Certainly. I have many hotels matching that description. Do you have a preference for what area you stay in? Hotel-Request(Area)
+MUL0747 8 I don't really care. Could you please find me a moderately priced one, though? I'd like a 3 star if possible. Hotel-Inform(Stars=3;Price=moderate)
+MUL0747 10 I would really like a guesthouse. Is one of those a guesthouse? Hotel-Inform(Type=guesthouse)
+MUL0747 11 Yes, Alpha-milton guesthouse is a 3 star in the north in a moderate price range but no internet. Does this hotel interest you? Hotel-Inform(Area=north;Price=moderate;Stars=3;Name=Alpha-milton guesthouse;Internet)
+MUL0747 12 Yes. Can I get the phone number and address please. Hotel-Request(Phone;Addr)
+MUL0747 14 No, I think that's it. Thanks for all your help today! general-thank()
+MUL0747 15 Alright. Enjoy your stay in Cambridge! general-bye()
+SNG02152 0 I need a 19:15 taxi to take me to Avalon. Taxi-Inform(Leave=19:15;Dest=avalon;Arrive=19:15)
+SNG02152 1 I can definitely help! Where are you departing from? Taxi-Request(Depart)
+SNG02152 2 I will be departing from Primavera. Taxi-Inform(Depart=primavera)
+SNG02152 6 No, that will be all. Good bye. general-bye()
+SNG02152 7 You're very welcome! Goodbye. general-bye()
+SNG02153 0 I need a taxi to pick me up at Regency Gallery and take me to Don Pasquale Pizzeria. Taxi-Inform(Depart=regency gallery;Dest=don pasquale pizzeria)
+SNG02153 1 What time would you like to arrive there by? Taxi-Request(Arrive)
+SNG02153 2 I would like to arrive by 20:00. Taxi-Inform(Arrive=20:00)
+SNG02153 4 No, that's all. Thanks, good bye. general-bye()
+SNG02153 5 Have a great day! general-greet()
+SNG02150 0 In the west part of town, are there any upscale pricey restaurants? Restaurant-Inform(Area=west;Price=expensive)
+SNG02150 2 I'm not picky; do you have a favorite? I'd appreciate it if you would choose one for me and give me the address. Thanks! Restaurant-Request(Addr)
+SNG02150 5 Here is the address you are looking for, Hotel Felix Whitehouse Lane Huntingdon Road. Restaurant-Inform(Addr=Hotel Felix Whitehouse Lane Huntingdon Road)
+SNG02150 6 Great, I think that's everything I need. Thank you for helping me. general-thank()
+SNG02150 7 You're very welcome, I hope you have a great dinner. Is there anything else at all that I can assist you with? general-reqmore()
+SNG02150 9 Thank you for using our services. general-greet()
+SNG02151 0 Am injured and are looking for a hospital nearby Hospital-Inform()
+SNG02151 2 That may be good. How many minutes away is that hospital? Hospital-Inform()
+SNG02151 4 Nevermind, sorry. I just needed the postcode and address. I'm all set now. Hospital-Request(Post;Addr)
+SNG02156 0 I am looking for the John Farman Intensive Care unit of the Addenbrookes Hospital. Hospital-Inform(Department=john farman intensive care unit)
+SNG02156 2 That doesn't really matter. Can I have the postcode please? Hospital-Request(Post)
+SNG02156 4 Nope that is it! Thank you. general-thank()
+SNG02156 5 You're very welcome. Have a great day! general-greet()
+SNG02157 0 I need to make a call to the Parkland Police Station please. Police-Inform()
+SNG02157 2 Thanks. Can I also get the address and postcode? Police-Request(Post;Addr)
+SNG02157 4 Thank you, that is all I need. general-thank()
+SNG02157 5 Wonderful. Have a wonderful day. general-greet()
+SNG0565 0 I'm in the mood for a traditional American food restaurant tonight and looking to treat myself to some expensive fine dining. Can you help me find a perfect place? Restaurant-Inform(Food=north american;Price=expensive)
+SNG0565 2 Is it located in the centre of town? Restaurant-Inform(Area=centre)
+SNG0565 4 No thank you. We will just head there now. general-thank()
+SNG0565 5 Sounds great! Is there anything else I can assist you with? general-reqmore()
+SNG0565 6 That will be all, thank you. general-thank()
+SNG0565 7 It's my pleasure. Have a lovely day! Bye! general-bye()
+SNG0565 8 Awesome but can you give me the reference number? Restaurant-Request(Ref)
+SNG0565 9 I need to know then how big is your party and exact time? Booking-Request(Time;People)
+SNG0565 10 Oh yeah sure - I need table for 3 people at 19:00 on wednesday. Restaurant-Inform(Time=19:00;People=3;Day=wednesday)
+SNG0565 12 hmm find me something chinese then Restaurant-Inform(Food=chinese)
+SNG0565 14 yeah, actually let's try 18:00 Restaurant-Inform(Time=18:00)
+SNG0565 15 I booked for you ugly duckling at 18:00, your ref number is IKXBXWEO Booking-Book(Ref=IKXBXWEO;Time=18:00)
+SNG0565 17 always there for you! have a nice dinner! general-greet()
+MUL0742 0 I need a train after 20:00 on Tuesday, please. Train-Inform(Day=tuesday;Leave=20:00)
+MUL0742 2 Of course. I'd like to leave from Cambridge and head to London King's Cross. Train-Inform(Depart=cambridge;Dest=london kings cross)
+MUL0742 4 TR5941 is good. Thank you for your help. general-thank()
+MUL0742 7 Certainly! We have numbers of hotels. Any particular area or price range are you looking for? Hotel-Request(Price;Area)
+MUL0742 8 I prefer something in the east. And I only like to stay at 4-star rated places. Hotel-Inform(Stars=4;Area=east)
+MUL0742 10 I would like free parking. Hotel-Inform(Parking=yes)
+MUL0742 12 Something moderately priced would be best. Hotel-Inform(Price=moderate)
+MUL0742 13 I have 2 that I can try booking for you. How many in your party and how long is your stay going to be? Booking-Request(People;Stay)
+MUL0742 15 Unfortunately I will need this information in order to book the room. Would like to call back at another time when you have that information? Booking-Inform()
+MUL0742 17 Is there anything else I can assist you with today? general-reqmore()
+MUL0742 19 I have chosen the Warkworth House for you! It has parking along with internet capabilities. The address is 138 Perne Road. Hotel-Recommend(Addr=138 Perne Road;Parking;Internet;Name=Warkworth House)
+MUL0742 21 Great. Glad to help. Have a wonderful day! general-bye()
+SSNG0383 0 I am looking for lodging in the moderate price range with free parking. Hotel-Inform(Parking=yes;Price=moderate)
+SSNG0383 2 Which ones have free parking and Wifi? Hotel-Inform(Internet=yes)
+SSNG0383 5 How many people are in your party? Booking-Request(People)
+SSNG0383 7 May I have your date of arrival and how many nights you would like to stay please? Booking-Request(Stay;Day)
+SSNG0383 8 We are arriving on Tuesday and want to stay 2 nights. Hotel-Inform(Stay=2;Day=tuesday)
+SSNG0383 10 Yes. I have heard great things about that guest house. Hotel-Inform(Name=acorn guest house)
+SSNG0383 12 No, that's all I needed today. Thank you! general-thank()
+SSNG0383 13 Thank you for using our service today. general-bye()
+MUL0743 0 I'm looking for Rosa's Bed and Breakfast in Cambridge. Hotel-Inform(Name=rosa's bed and breakfast)
+MUL0743 1 I was able to find it, would you like to book a room there? Booking-Inform()
+MUL0743 2 Yes please, for 5 nights starting Sunday, there will be 8 people in my party. Hotel-Inform(Stay=5;People=8;Day=sunday)
+MUL0743 3 All right, you have a reservation beginning Sunday for 5 nights for a party of 8 at Rosa's. Your reference number is 8E3J63R1. Booking-Book(Stay=5;People=8;Day=Sunday;Name=Rosa's;Ref=8E3J63R1)
+MUL0743 4 Great, thanks. I am also looking to book a train for this Friday. I am hoping to leave after 08:45. Train-Inform(Day=friday;Leave=08:45)
+MUL0743 5 What is your destination? Train-Request(Dest)
+MUL0743 6 I'm headed to London Liverpool Street from Cambridge. Train-Inform(Depart=cambridge;Dest=london liverpool street)
+MUL0743 9 The 9:59 train leaves Cambridge and arrives at London Liverpool Street at 11:27. Train-Inform(Arrive=11:27;Dest=London Liverpool Street;Depart=Cambridge;Leave=9:59)
+MUL0743 10 What's the travel time on that trip? Train-Request(Duration)
+MUL0743 11 It takes the TR7057 88 minutes to go from Cambridge to London Liverpool Street. Train-Inform(Time=88 minutes;Depart=Cambridge;Id=TR7057;Dest=London Liverpool Street)
+MUL0743 12 Thank you for your help, I'll pick up tickets at the station. general-thank()
+MUL0743 14 Thank you, I think that is it, enjoy your day! general-thank()
+MUL0743 15 Thanks so much for using Cambridge TownInfo centre today! general-bye()
+PMUL3472 0 I need help finding a particular hotel. Hotel-Inform()
+PMUL3472 1 Would you like to tell me the name of that hotel? Hotel-Request(Name)
+PMUL3472 2 The Worth House is what I'm looking for. Hotel-Inform(Name=worth house)
+PMUL3472 3 Worth house is a guesthouse in the cheap price range in the north part of town. Hotel-Inform(Price=cheap;Type=guesthouse;Area=north;Name=Worth house)
+PMUL3472 4 All right. Could you see if they have rooms for 6, for 4 nights beginning Friday? Hotel-Inform(Stay=6;People=4;Day=friday)
+PMUL3472 5 They do and the Booking was successful. Reference number is : ZN1NTVHW. Booking-Book(Ref=ZN1NTVHW)
+PMUL3472 6 I would also appreciate it if you could help me find a cheap restaurant serving food from Corsica Restaurant-Inform(Food=corsica;Price=cheap)
+PMUL3472 8 That's okay. How about Italian food? Restaurant-Inform(Food=italian)
+PMUL3472 10 Yes, for Friday at 19:00 for 6 people. Restaurant-Inform(Time=19:00;People=6;Day=friday)
+PMUL3472 12 No that would be it. Thanks ! general-thank()
+PMUL3473 0 Can you get me information on a theatre to visit? Attraction-Inform(Type=theatre)
+PMUL3473 2 Hmm.. whatever theater you would recommend for me. I would like the number, entrance free, and postcode. Attraction-Request(Post)
+PMUL3473 3 The Mumford Theatre in the centre of town is well known. Their number is 08451962320 and they are in the cb1pt postcode. I'm sorry, I don't have entrance fee info. Attraction-Recommend(Area=centre of town;Fee=don't have entrance fee info;Post=cb1pt;Phone=08451962320;Name=Mumford Theatre)
+PMUL3473 4 Thank you. I am also looking for a place to eat. Maybe Italian food? Restaurant-Inform(Food=italian)
+PMUL3473 6 I'd like someplace expensive in the center. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL3473 8 that sounds great. Could you book 7 people for 16:00 on Sunday? Restaurant-Inform(Time=16:00;People=7;Day=sunday;Name=caffe uno)
+PMUL3473 9 Booking was successful. The table will be reserved for 15 minutes. Reference number is : N831LHZU Booking-Book(Ref=N831LHZU)
+PMUL3473 10 Great. Thanks for all your help! general-thank()
+PMUL3473 12 Could you also book me a taxi to commute between those places? Taxi-Inform()
+PMUL3473 13 I will need to know your departure time to book the taxi.. Taxi-Request(Leave)
+PMUL3473 15 I've booked a taxi from mumford theatre arriving at Caffe Uno before your 16:00 reservation. You will be taking a yellow Lexus and can reach the driver at 07565050556 Taxi-Inform(Arrive=16:00;Phone=07565050556;Dest=Caffe Uno;Car=yellow Lexus;Depart=mumford theatre)
+PMUL3473 16 That's perfect. Thanks so much! general-thank()
+PMUL3473 17 Can I help you with anything else? general-reqmore()
+PMUL3473 19 okay, have a great trip! Bye! general-bye()
+PMUL3470 0 I am looking for a specific hotel, its name is express by holiday inn cambridge Hotel-Inform(Name=express by holiday inn cambridge)
+PMUL3470 2 Yes, could you book the hotel room for me for 7 people? Hotel-Inform(People=7)
+PMUL3470 4 Monday, please. There will be 7 of us and we'd like to stay for 4 days. Hotel-Inform(Stay=4;People=7;Day=monday)
+PMUL3470 5 Here is the booking information:Booking was successful. Reference number is : 5F8G6J1G Booking-Book(Ref=5F8G6J1G)
+PMUL3470 6 Thank you. I would also like to book a train, please. Train-Inform()
+PMUL3470 7 Sure, which stations will you be traveling between? Train-Request(Dest;Depart)
+PMUL3470 8 I will be going from cambridge to birmingham new street. Train-Inform(Depart=Cambridge;Dest=birmingham new street)
+PMUL3471 0 I want a place to dine in the centre of Cambridge with moderate pricing Restaurant-Inform(Area=centre;Price=moderate)
+PMUL3471 1 I have plenty of options for you. Is there any certain type of food you are looking to eat today? Restaurant-Request(Food)
+PMUL3471 3 I have reserved a table at pizza express. Your reference number is STRPXCFT. Do you need anything else? Booking-Book(Name=pizza express;Ref=STRPXCFT)
+PMUL3471 4 Yes. Are there any colleges nearby that I can visit? Attraction-Inform(Type=college)
+PMUL3471 6 Thank you! What is the address/postcode for Hughes Hall? Attraction-Request(Post;Addr)
+PMUL3471 9 Okay. I can get you a taxi if you know the time you'd like to leave or arrive. Taxi-Request(Leave;Arrive)
+PMUL3471 10 I need to arrive by 14:00. Taxi-Inform(Arrive=14:00)
+PMUL3471 11 Booking completed! Booked car type : white toyota Contact number : 07841942758 Taxi-Inform(Car=white toyota;Phone=07841942758)
+PMUL3471 13 Glad I could be of assistance. Good-bye. general-bye()
+PMUL3476 0 Is there a train from london liverpool street that arrives by 17:15? Train-Inform(Depart=cambridge;Dest=london liverpool street;Arrive=17:15)
+PMUL3476 2 I'm coming to Cambridge on Thursday. Train-Inform(Dest=cambridge;Day=thursday)
+PMUL3476 4 Any train is fine. I'll need it booked for three people. Train-Inform(People=3)
+PMUL3476 6 Yes. I'm also looking for a place called cineworld cinema Attraction-Inform(Name=cineworld cinema;Type=cinema)
+PMUL3476 7 Okay it's located in the south and the address is cambridge leisure park, clifton way. Attraction-Inform(Addr=cambridge leisure park;Addr=clifton way;Area=south)
+PMUL3476 8 Thank you, goodbye! general-bye()
+PMUL3476 9 Good bye, enjoy the rest of your day. general-bye()
+PMUL3477 0 I need to find a train into Cambridge that will arrive by 09:15. Train-Inform(Dest=cambridge;Arrive=09:15)
+PMUL3477 1 I can help you with that. Where are you traveling from? Train-Request(Depart)
+PMUL3477 2 I will be leaving the Stansted Airport on Thursday. Train-Inform(Depart=stansted airport;Day=thursday)
+PMUL3477 4 Book it for 3 people. Train-Inform(People=3)
+PMUL3477 5 Sure. Your train is booked. The fee will be 30.29 GBP and your reference number is 7FGDRE1Q. Train-OfferBooked(Ref=7FGDRE1Q;Ticket=30.29 GBP)
+PMUL3474 0 I'm actually looking for an expensive restaurant that serves Indian food Restaurant-Inform(Food=indian;Price=expensive)
+PMUL3474 2 Is that in the west area. I really would like to be in the west. Restaurant-Inform(Area=west)
+PMUL3474 4 Great. I would like that. Can you book us for 8 people on Thursday at 16:45? Restaurant-Inform(Time=16:45;People=8;Day=thursday;Name=maharajah tandoori restaurant)
+PMUL3474 6 I'm also looking for a hotel. I need free parking. It can be an expensive place. Hotel-Inform(Parking=yes;Price=expensive;Type=hotel)
+PMUL3474 9 I will recommend the huntingdon marriot hotel to you. It is a 4 star hotel with free parking and wifi and has excellent reviews though expensive. Hotel-Recommend(Internet;Name=huntingdon marriot hotel;Stars=4;Price=expensive;Parking)
+PMUL3474 10 Does that include free wifi? Hotel-Inform(Internet=yes)
+PMUL3474 11 I cannot find the info on free wifi or not, I apologize. Hotel-Inform(Internet)
+PMUL3474 12 It should be right there under internet... Hotel-Inform(Internet=yes)
+PMUL3474 14 I don't want to book it just yet. Thanks for all your hard work. general-thank()
+PMUL3474 15 Is there anything else I can help you with? general-reqmore()
+PMUL3474 16 No, that's good thank you for all of your help. general-thank()
+PMUL3474 17 You're welcome. Have a nice day. general-welcome()
+PMUL3475 0 I am staying in west cambridge. Are there any parks out there to take my kids to? Attraction-Inform(Area=west;Type=park)
+PMUL3475 1 There are no parks on the west side of town. Do you want me to search for a park in a different part of town? Attraction-NoOffer(Area=west side of town;Type=parks)
+PMUL3475 2 No, can you look for a museum instead? Attraction-Inform(Type=museum)
+PMUL3475 4 Are there any museums on the west side of town? I will need the entrance fee, phone number, and postcode. Attraction-Request(Post;Phone;Fee)
+PMUL3475 6 Yes, please pick one for me, and let me know the entrance fee, phone number and postcode. Attraction-Request(Post;Phone;Fee)
+PMUL3475 7 I would recommend People's Portraits Exhibition at Girton College. They offer free entrance. Their postcode is cb3ojg. Their phone number is 01223338901. Attraction-Recommend(Fee=free;Phone=01223338901;Name=People's Portraits Exhibition at Girton College;Post=cb3ojg)
+PMUL3475 11 how about TR4194? it arrives at 05:52 Train-Inform(Arrive=05:52;Id=TR4194)
+PMUL3475 12 Sounds great. I don't need to book it, but I would like the price. Train-Request(Price)
+PMUL3475 15 Your welcome. Have a great day. general-welcome()
+PMUL3475 17 thank you and have a great day general-bye()
+PMUL3475 18 say hi to your family. general-greet()
+PMUL3475 19 I will thank you. Goodbye. general-bye()
+MUL0008 0 I am looking for a moderately priced restaurant in the centre of Cambridge. Restaurant-Inform(Area=centre;Price=moderate)
+MUL0008 2 Yes, I would like to find something with south african food. Restaurant-Inform(Food=south african)
+MUL0008 4 What about one in the centre of cambridge that serves spanish food? Restaurant-Inform(Area=centre;Food=spanish)
+MUL0008 6 Yes please, make a reservation for 8 people at 13:00 on friday. Restaurant-Inform(Time=13:00;People=8;Day=friday)
+MUL0008 8 Yes please try 12:00 with the reservation for 8 and once made, send me the reference number. Restaurant-Inform(Time=12:00)
+MUL0008 12 The hotel should include free wifi and doesn't need to have free parking. Hotel-Inform(Parking=no;Internet=yes)
+MUL0008 14 I need it in the same area as the restaurant. Hotel-Inform(Area=centre)
+MUL0008 16 I want the hotel to also be in the centre and moderate price. Hotel-Inform(Area=centre;Price=moderate)
+MUL0008 21 I have booked a taxi to take you to La Tasca for your reservation. Taxi-Inform(Dest=La Tasca)
+MUL0008 24 Yes that is correct. Thank you! general-thank()
+MUL0008 25 Is there anything else I can help you with? general-reqmore()
+MUL0008 26 Nothing else, thank you very much. general-thank()
+MUL0008 27 You are very welcome. general-welcome()
+PMUL3478 0 i am looking for a place to dine. The restaurant should be in the west and should serve swiss food. Restaurant-Inform(Area=west;Food=swiss)
+PMUL3478 2 No, thank you. That's disappointing. general-thank()
+PMUL3478 4 On second thought, how about a restaurant that serves british cuisine? Restaurant-Inform(Food=british)
+PMUL3478 5 There are 3 restaurants on the west side that serve British food. Do you prefer moderate or expensive priced? Restaurant-Select(Price=moderate or expensive priced;Food=British;Area=west side;Choice=3)
+PMUL3478 6 Expensive, please, we're splashing out for my mother's birthday. Restaurant-Inform(Price=expensive)
+PMUL3478 8 Yes for 5 at 16:00 on Monday. Restaurant-Inform(Time=16:00;People=5;Day=monday)
+PMUL3478 9 Your reservation for a party of 5 at graffiti this monday at 16:00 was successful. Your Reference number is : YV3OG0N3. Booking-Book(Name=graffiti;Time=16:00;People=5;Ref=YV3OG0N3;Day=monday)
+PMUL3478 12 No that was all I needed thank you. general-thank()
+PMUL3478 13 Okay great! Have a great day! general-bye()
+MUL0213 0 I need a train ticket to Cambridge, sometime after 15:45 if you can find one. Train-Inform(Dest=cambridge;Leave=15:45)
+MUL0213 2 departure is sunday from ely. Train-Inform(Depart=ely;Day=sunday)
+MUL0213 4 I'll book the one that leaves at 17:35. What time does the train arrive? Train-Request(Arrive)
+MUL0213 6 No. I'm looking for a a gastropub restaurant in the centre. Restaurant-Inform(Area=centre;Food=gastropub)
+MUL0213 8 Yes, I need one in the cheap price range please. Restaurant-Inform(Price=cheap)
+MUL0213 9 There are no gastropubs in the centre part of town in the cheap price range. Would you like something else? Restaurant-NoOffer(Food=gastropubs;Price=cheap;Area=centre)
+MUL0213 10 Ok, how about one serving italian food? Restaurant-Inform(Food=italian)
+MUL0213 12 Yes. Can you please book Zizzi Cambridge for 3 people at 21:00 on the same day, Sunday. Restaurant-Inform(Time=21:00;People=3;Day=sunday)
+MUL0213 13 I have reserved a table for three at 21:00. The reference number is OUN5OI0K. Booking-Book(Time=21:00;People=three;Ref=OUN5OI0K)
+MUL0213 14 Finally. Thank you. Pizza Hut. I ate there when I was a kid. It's a long story. I wonder if this one has a jukebox. general-thank()
+MUL0213 15 That's an interesting question, but unfortunately I haven't that information. Is there anything else I can help you with, though? general-reqmore()
+MUL0213 16 No. Everything is perfect. Thank you for your time. general-thank()
+MUL0213 17 Thank you for using this system! general-bye()
+MUL1309 0 Hello. I've been recommended a restaurant called The Missing Sock. Can you direct me to where it is located? Restaurant-Inform(Name=the missing sock)
+MUL1309 3 Sure thing. What day and time would you like for your reservation, and for how many people? Booking-Request(Day;Time;People)
+MUL1309 6 I don't need it anymore. Can you look for a place to stay, please? I would like something in the north with 4 stars. Hotel-Inform(Stars=4;Area=north)
+MUL1309 8 Need a hotel in the North with a 4 star rating, should be a type of guesthouse with free parking, please. Hotel-Inform(Stars=4;Area=north;Parking=yes;Type=guesthouse)
+MUL1309 10 Yes, this sounds ideal. I need an address Hotel-Request(Addr)
+MUL1309 11 The address is 172 chesterton road. Hotel-Inform(Addr=172 chesterton road)
+MUL1309 13 I have booked you a yellow volkswagen with contact number 07858089421 Taxi-Inform(Phone=07858089421;Car=yellow volkswagen)
+MUL1309 14 ok, that's all I needed, thank you so much! general-thank()
+MUL1308 0 Hi, I'm looking for a cheap restaurant. Restaurant-Inform(Price=cheap)
+MUL1308 2 In the centre please. It will be just myself at 16:15 on Sunday. Restaurant-Inform(Area=centre)
+MUL1308 3 Can I recommend the dojo noodle bar? It is a cheap asian oriental restaurant in the centre? Restaurant-Recommend(Name=dojo noodle bar;Price=cheap;Area=centre;Food=oriental)
+MUL1308 6 Is there a guesthouse available? Hotel-Inform(Type=guesthouse)
+MUL1308 7 Yes, if you're looking for a cheap guesthouse, then Finches Bed & Breakfast should be right up your alley! Hotel-Recommend(Name=Finches Bed & Breakfast;Price=cheap;Type=guesthouse)
+MUL1308 8 Great can I get the price range, phone number, and area? Hotel-Request(Area;Phone;Price)
+MUL1308 11 When would you like to leave or arrive by? Taxi-Request(Arrive;Leave)
+MUL1308 13 It has been reserved. The car type will be a white honda. Contact number 07331361490 Taxi-Inform(Phone=07331361490;Car=white honda)
+MUL1308 14 Thank you have a nice day. general-thank()
+MUL1301 0 Can you help me find a restaurant called graffiti please? Restaurant-Inform(Name=graffiti)
+MUL1301 4 Sure, how about 16:30? If it is available at that time please give me a reference number. Restaurant-Inform(Time=16:30)
+MUL1301 5 I was able to book that, reference number is P0OB1R52. Booking-Book(Ref=P0OB1R52)
+MUL1301 6 Find a hotel in the east and in the expensive price range? Hotel-Inform(Area=east;Price=expensive)
+MUL1301 7 Express by holiday inn cambridge is available. Hotel-Inform(Name=Express by holiday inn cambridge)
+MUL1301 8 I would also like it to include free wifi and have a star rating of 2. Hotel-Inform(Stars=2;Internet=yes)
+MUL1301 10 Yes, please book for 5 people for 3 nights starting from the same day. Can you please give me the reference number. Thank you! Hotel-Inform(Stay=3;People=5;Day=thursday;Name=Express by)
+MUL1301 12 No that will be it. Thank you for your help! general-thank()
+MUL1300 0 I am hoping to find an expensive place to dine out while I am visiting. Restaurant-Inform(Price=expensive)
+MUL1300 1 We have quite a few options available to you. Is there a particular cuisine you are interested in? Restaurant-Request(Food)
+MUL1300 2 yes i would like scandinavian food Restaurant-Inform(Food=scandinavian)
+MUL1300 4 Eggrolls! They're good too - do you have any listings for Chinese restaurants? Restaurant-Inform(Food=chinese)
+MUL1300 5 I found one named 'the good luck chinese food takeaway' located on 82 Cherry Hinton Road Cherry Hinton. Restaurant-Inform(Name=the good luck chinese food takeaway;Addr=82 Cherry Hinton Road Cherry Hinton)
+MUL1300 7 It is, as a matter of fact. Would you like a table there? Booking-Inform()
+MUL1300 9 For what day will this be for? Booking-Request(Day)
+MUL1300 10 I would like the reservation for Tuesday please. Restaurant-Inform(Day=tuesday)
+MUL1300 11 Your reference number is QA74KS8I. Have a good day. Booking-Book(Ref=QA74KS8I)
+MUL1300 13 I would be happy to help you with that! Can you specify what area you would like to stay in? Hotel-Request(Area)
+MUL1300 14 I'd like to be in the same area as the restaurant that we booked please. Hotel-Inform(Area=south)
+MUL1300 16 Something in the same range as the hotel please. Hotel-Inform()
+MUL1300 20 I don't need to book it. Thanks for the help. general-thank()
+MUL1300 21 No problem at all! Is there anything else I can help you with today? general-reqmore()
+MUL1300 22 No thank you. general-thank()
+MUL1300 23 Okay have a great rest of your day! general-bye()
+MUL1303 0 Hello, I'd like to stay in a two star guesthouse. Know of anything good? Hotel-Inform(Type=guesthouse)
+MUL1303 2 A three star would be OK as long as it's got free parking. Hotel-Inform(Stars=3;Parking=yes)
+MUL1303 3 There are 3 moderately priced guesthouses with a 3 star rating that offers parking. They are the Bridge Guest House, Hamilton Lodge and Hobsons House. Hotel-Inform(Price=moderately priced;Choice=3;Type=guesthouse;Parking;Name=the Bridge Guest House;Name=Hamilton Lodge;Name=Hobsons House;Stars=3)
+MUL1303 4 Ok. Can you tell me if I can book a room at the Bridge Guest House? Hotel-Inform(Name=bridge guest house)
+MUL1303 5 How many people are in your party and how many days would you like to stay? Booking-Request(Stay;People)
+MUL1303 8 Yes please. I am also looking for a particular restaurant, it's called the rice boat. Restaurant-Inform(Name=rice boat)
+MUL1303 10 Yes please. Also, can you book the restaurant for 5 people at 17:30 this Thursday? Restaurant-Inform(Time=17:30;People=5;Day=thursday)
+MUL1303 12 I would say I'm all set, thank you! general-thank()
+MUL1303 13 Great, thank you for choosing our service. general-bye()
+MUL1302 0 I'm looking for a hotel in the south, and I'd like cheaper options please. Hotel-Inform(Area=south;Price=cheap)
+MUL1302 1 I've found the rosa's bed and breakfast which is a cheap guesthouse in the South. Would that work for you? Hotel-Inform(Area=south;Name=rosa's bed and breakfast;Price=cheap;Type=guesthouse)
+MUL1302 2 Does it have a star of 4? Hotel-Inform(Stars=4)
+MUL1302 5 They sure do. Would you like to make a reservation? Booking-Inform()
+MUL1302 6 No, that's ok. Could you just give me the address and postcode and please let me know if they have free parking? Hotel-Request(Post;Parking;Addr)
+MUL1302 7 They're located at 53 Roseford Road in postcode cb22ha. And yes, they do offer free parking. Hotel-Inform(Post=cb22ha;Addr=53 Roseford Road;Parking)
+MUL1302 8 I am also looking for international food that is in the cheaper price range. Restaurant-Inform(Food=international;Price=cheap)
+MUL1302 10 No thank you- please just give me the address and phone number. Hotel-Request(Addr)
+MUL1302 11 The address is Finders Corner Newmarket Road, and the phone number is 01223812660. Restaurant-Inform(Addr=Finders Corner Newmarket Road;Phone=01223812660)
+MUL1302 12 Do you see a Chinese restaurant in the same area as the hotel? Restaurant-Inform(Area=south;Food=chinese)
+MUL1302 14 There are going to be a lot of us, so something cheap would be best. Restaurant-Inform(Price=cheap)
+MUL1302 16 Yes for 7 people for 17:45 on a Monday. Restaurant-Inform(Time=17:45;People=7;Day=monday;Name=the lucky star)
+MUL1302 19 I'm sorry, that booking was unsuccessful, too. Would you like to try another time? Booking-NoBook()
+MUL1302 20 Yes how about for 16:45? Restaurant-Inform(Time=16:45)
+MUL1302 22 No, you have been very helpful thank you. general-thank()
+MUL1302 23 Let us know if we may help further. Thank you, good bye. general-bye()
+MUL1305 0 I am looking for a hotel called a and b guest house. Hotel-Inform(Name=a and b guest house)
+MUL1305 2 Do they provide free parking and internet? Hotel-Request(Parking;Internet)
+MUL1305 3 They have free internet offered but not parking. Hotel-Inform(Internet;Parking)
+MUL1305 4 That's fine I guess. I need to reserve a table at an expensive restaurant in the centre part of town, can you help me? Restaurant-Inform(Area=centre;Price=expensive)
+MUL1305 6 can i please get the address, postcode, and food type Restaurant-Request(Post;Food;Addr)
+MUL1305 8 Thank you that is all I needed today. general-thank()
+MUL1304 0 I'm looking for a high end Asian restaurant Restaurant-Inform()
+MUL1304 1 There are two high end Asian restaurants, Saigon City and Kymmoy. Would you like more information? Restaurant-Inform(Food=Asian;Price=high end;Choice=two;Name=Saigon City;Name=Kymmoy)
+MUL1304 2 Saigon City sounds great. Can you help me book a table for 8 people at 17:00 on Thursday? Restaurant-Inform(Time=17:00;People=8;Day=thursday;Name=Saigon City)
+MUL1304 6 I'm also looking for a place to stay. I'd prefer a 4 star guesthouse if possible please. Hotel-Inform(Stars=4;Type=guesthouse)
+MUL1304 8 I'm not concerned with area, but I would like it to include free wifi access, please. Hotel-Inform(Internet=yes)
+MUL1304 10 I am not worried about the price range. Go ahead and choose one you would recommend and let me know the phone number and price range please. Hotel-Request(Phone;Price)
+MUL1304 11 Saigon city is expensive and has a phone number of: 01223356555 Restaurant-Inform(Phone=01223356555;Name=Saigon city;Price=expensive)
+MUL1304 12 Terrific. You have been a great help! Goodbye. general-bye()
+MUL1307 0 I am looking for a hotel in Cambridge. Hotel-Inform()
+MUL1307 2 Just a 4 star guesthouse that has free parking please. Hotel-Inform(Stars=4;Parking=yes;Type=guesthouse)
+MUL1307 3 What area would you like the guesthouse to be in? Hotel-Request(Area)
+MUL1307 4 Do not care what area,it will be for 2 people and for 4 nights starting Wednesday. Hotel-Inform(Area=dont care)
+MUL1307 6 Can we book it for 2 people for 4 nights? Hotel-Inform(Stay=4;People=2)
+MUL1307 8 Could you try it for one night only? Hotel-Inform(Stay=1)
+MUL1307 9 Yes booking is available for one night,would you like me to place it? Booking-Inform()
+MUL1307 10 Yes please, and I'll need the reference number. Hotel-Request(Ref)
+MUL1307 11 Ok I have made that reservation for you the reference number is OXWO0RWD. Booking-Book(Ref=OXWO0RWD)
+MUL1307 12 I am also looking for an expensive mediterranean restaurant in the west. Restaurant-Inform(Area=west;Food=mediterranean;Price=expensive)
+MUL1307 14 Yes, how about a restaurant that serves Indian food? Restaurant-Inform(Food=indian)
+MUL1307 18 Thank you! That's all I need. Goodbye! general-bye()
+MUL1307 19 Enjoy your meal! general-bye()
+MUL1306 0 I am looking for an expensive gastropub restaurant in Cambridge Restaurant-Inform(Food=gastropub;Price=expensive)
+MUL1306 4 Yes. We need a table for 2 at 14:45 on Saturday. Restaurant-Inform(Time=14:45;People=2;Day=saturday)
+MUL1306 6 How about at 13:45? Restaurant-Inform(Time=13:45)
+MUL1306 7 Your table is booked! It will be reserved for 15 minutes and your reference number is 9M44WAHK. Booking-Book(Ref=9M44WAHK)
+MUL1306 8 Thank you so much. Can you help me find a place to stay? I would like a 3 star place that's in the expensive price range. Hotel-Inform(Stars=3;Price=expensive)
+MUL1306 10 I would like it to have free parking, please. Hotel-Inform(Parking=yes)
+MUL1306 14 Actually, I think I'll hold off on the reservation, but can you provide their phone number, please? Hotel-Request(Phone)
+MUL1306 15 The Lensfield Hotel's phone number is 01223355017. Hotel-Inform(Name=Lensfield Hotel's;Phone=1223355017)
+MUL1306 16 Thank you. Do you know what type of hotel Lensfield is? Hotel-Request(Type)
+MUL1306 18 Does this hotel offer free wifi? Hotel-Inform()
+MUL1306 19 Yes it does. Hotel-Inform(Internet)
+MUL1306 23 Ok I changed that for you. You will have a white audi contact number 07235895362 Taxi-Inform(Car=white audi;Phone=07235895362)
+MUL1306 24 Great, thanks so much. Sorry for the confusion. general-thank()
+MUL1306 25 It's no problem. Is there something else I could assist you with today? general-reqmore()
+MUL1306 26 That is everything, thanks for your help. general-thank()
+WOZ20091 0 I want to find a restaurant in the centre part of town and serving Turkish food. Restaurant-Inform(Area=centre;Food=turkish)
+WOZ20091 4 Thank you goodbye. general-bye()
+WOZ20091 5 Thank you, Goodbye! general-bye()
+WOZ20090 0 Yes, I'm looking for a restaurant in the east part of town serving international food. Restaurant-Inform(Area=east;Food=international)
+WOZ20090 1 The Missing Sock is in the east part of town and it serves International food. Restaurant-Inform(Food=International;Area=the east part of town;Name=The Missing Sock)
+WOZ20090 2 May I have their phone number, please? Restaurant-Request(Phone)
+WOZ20090 3 The phone number for The Missing Sock is 01223 812660. Restaurant-Inform(Name=The Missing Sock;Phone=01223 812660)
+WOZ20090 4 Okay, thank you general-thank()
+WOZ20090 5 Is there anything else I can do for you? general-reqmore()
+WOZ20090 6 Thank you for using our system and please return with any other inquiries. general-thank()
+WOZ20090 8 Goodbye! general-bye()
+WOZ20090 9 Have a nice day. general-bye()
+WOZ20093 0 I would like a cheap restaurant which serves italian food Restaurant-Inform(Food=italian;Price=cheap)
+WOZ20093 1 Da vinci pizzeria serves cheap italian food. Would you like their address or phone number? Restaurant-Inform(Food=italian;Price=cheap;Name=Da vinci pizzeria)
+WOZ20093 2 What is their address and what part of town are they in? Restaurant-Request(Addr)
+WOZ20093 3 Da Vinci Pizzeria is in the north part of town. The address is 20 Milton Road Chesterton. Restaurant-Inform(Addr=20 Milton Road Chesterton;Name=Da Vinci Pizzeria;Area=the north part of town)
+WOZ20093 5 They serve italian food. Restaurant-Inform(Food=italian)
+WOZ20093 6 Thank you. Goodbye. general-bye()
+WOZ20093 8 thank you, goodbye! general-bye()
+WOZ20093 9 Good bye. general-bye()
+WOZ20092 0 I want your most expensive restaurant in the south town. Restaurant-Inform(Area=south;Price=expensive)
+WOZ20092 2 I don't care Restaurant-Inform(Food=don't care)
+WOZ20092 3 Chiquito restaurant bar is a nice restaurant that serves Mexican food in the expensive price range and is in the South part of town. Restaurant-Recommend(Name=Chiquito restaurant bar;Price=expensive;Area=South;Food=Mexican)
+WOZ20092 4 Ok, can you tell me the other restaurants? Restaurant-Inform()
+WOZ20092 5 Yes, there are four other restaurants that meet your criteria. There is frankie and bennys, peking restaurant, taj tandoori, and the good luck chinese food takeaway. Restaurant-Inform(Choice=four;Name=frankie and bennys;Name=peking restaurant;Name=taj tandoori;Name=good luck chinese food takeaway)
+WOZ20092 6 Great! can you please tell me the address and the phone number of frankie and bennys? Restaurant-Request(Phone;Addr)
+WOZ20092 7 The address is Cambridge Leisure Park Clifton Way Cherry Hinton and the phone number is 01223 412430. Restaurant-Inform(Phone=01223 412430;Addr=Cambridge Leisure Park Clifton Way Cherry Hinton)
+WOZ20092 8 Thank you, goodbye. general-bye()
+WOZ20092 9 Thank you, goodbye. general-bye()
+WOZ20095 0 I am looking for an expensive French restaurant in town. Restaurant-Inform(Food=french;Price=expensive)
+WOZ20095 2 Are there any other expensive french restaurants? Restaurant-Inform(Food=french;Price=expensive)
+WOZ20095 6 Actually, could I have the phone number of Cote? Restaurant-Request(Phone)
+WOZ20095 7 Sure, the phone number is 01223 311053. Restaurant-Inform(Phone=01223 311053)
+WOZ20095 8 Okay, I think that does it. Thanks for that. general-thank()
+WOZ20095 9 Thank you goodbye general-bye()
+WOZ20094 0 I would like a Hungarian restaurant in the west of town. Restaurant-Inform(Area=west;Food=hungarian)
+WOZ20094 2 Is there any Indian food on the west side of town. Restaurant-Inform(Area=west;Food=indian)
+WOZ20094 4 The price range doesn't matter. Restaurant-Inform(Price=don't care)
+WOZ20094 5 Would you like the name, address and phone number of a few of them? general-reqmore()
+WOZ20094 7 Cocum is located at 71 Castle Street City Centre and their phone number is 01223 366668. Their price range is expensive. Restaurant-Inform(Phone=01223 366668;Name=Cocum;Addr=71 Castle Street City Centre;Price=expensive)
+WOZ20094 8 Thank you! general-thank()
+WOZ20094 10 Nope, I'm good. Thanks again. general-thank()
+WOZ20094 11 Goodbye. general-bye()
+WOZ20097 0 cheap restaurant, please Restaurant-Inform(Price=cheap)
+WOZ20097 1 What type of cuisine would you prefer? Restaurant-Request(Food)
+WOZ20097 2 do you have any serves jamaican food ? Restaurant-Inform(Food=jamaican)
+WOZ20097 4 How about mediterranean? Restaurant-Inform(Food=mediterranean)
+WOZ20097 6 Yes, and the postcode please. Restaurant-Request(Post)
+WOZ20097 8 No, thank you, goodbye, general-bye()
+WOZ20097 9 Have a nice day. Goodbye. general-bye()
+WOZ20096 0 I am looking for a moderately priced restaurant in the north part of town. Restaurant-Inform(Area=north;Price=moderate)
+WOZ20096 1 There is the Golden Wok for Chinese food and the Nirala for Indian food. Restaurant-Inform(Food=Chinese;Food=Indian;Name=the Golden Wok;Name=the Nirala)
+WOZ20096 2 Can I get the address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20096 6 Thank you and goodbye. general-bye()
+WOZ20099 0 Hi, I want a Tuscan restaurant that's expensively priced. Restaurant-Inform(Food=tuscan;Price=expensive)
+WOZ20099 2 How about korean food? Restaurant-Inform(Food=korean)
+WOZ20099 3 Little Seoul is an expensive restaurant in the Centre area. Would you like the address? Restaurant-Inform(Price=expensive;Name=Little Seoul;Area=Centre)
+WOZ20099 6 No, thank you. general-thank()
+WOZ20099 7 enjoy your meal! general-bye()
+WOZ20098 0 I am looking for a restaurant in the cheap price range that serves Italian food. Restaurant-Inform(Food=italian;Price=cheap)
+WOZ20098 2 I don't care which area. Restaurant-Inform(Area=don't care)
+WOZ20098 4 Yes please, I would like their address. Restaurant-Request(Addr)
+WOZ20098 5 Ask is located at 12 Bridge street city centre. Their telephone number is 01223 364917. Restaurant-Inform(Phone=01223 364917;Name=Ask;Addr=12 Bridge street city centre)
+WOZ20098 6 Thank you, goodbye. general-bye()
+WOZ20098 7 Have a good day! Goodbye. general-bye()
+PMUL0879 0 I need a train to cambridge that leaves after 18:45. Train-Inform(Dest=cambridge;Leave=18:45)
+PMUL0879 1 Where will you be departing from? Train-Request(Depart)
+PMUL0879 2 I will need to depart from ely. Train-Inform(Depart=ely)
+PMUL0879 3 And what day are you leaving? Train-Request(Day)
+PMUL0879 4 I would like to leave on Saturday. Train-Inform(Day=saturday)
+PMUL0879 7 Would you like me to book tickets for you? Train-OfferBook()
+PMUL0879 8 Yes, I need tickets for 5 people. Train-Inform(People=5)
+PMUL0879 9 You are booked for 5 tickets leaving Ely on Saturday at 19:35 and arriving in Cambridge at 19:52. Your reference number is Q245NAJF and the total fee is 17.6 Pounds payable at the station. Train-OfferBooked(Leave=19:35;Ref=Q245NAJF;Ticket=17.6 Pounds;Depart=Ely;People=5;Arrive=19:52;Dest=Cambridge;Day=Saturday)
+PMUL0879 10 I am also looking for a particular restaurant. Its name is called pizza express. Restaurant-Inform(Name=pizza express)
+PMUL0879 12 Please book a table for the same group of people at 21:00 on the same day. Restaurant-Inform(Time=21:00;People=5;Day=saturday)
+PMUL0879 14 No that is all. Thank you for all your help. general-thank()
+PMUL0879 15 I hope you have a wonderful meal. general-greet()
+PMUL0879 16 Thanks again for all of your help. general-thank()
+PMUL0879 17 Glad I could help. Have a great day. general-bye()
+PMUL0878 0 I need finding a Portuguese restaurant Restaurant-Inform(Food=portuguese)
+PMUL0878 1 Okay let's find one for you. I've got two in town. One's in the south and one is in the centre. Both are nandos locations. Restaurant-Select(Area=south;Area=centre;Name=nandos)
+PMUL0878 4 no, i want one of those two restaurants. Restaurant-Inform()
+PMUL0878 7 What day and time do you want to make the reservation? Also, how many people are in your party? Booking-Request(People;Time;Day)
+PMUL0878 9 I will book that for you now. Booking-Inform()
+PMUL0878 10 Ok thank you for your help and I need a reference number general-thank()
+PMUL0878 12 I also need a train for Tuesday that arrives by 10:45. Train-Inform(Day=tuesday;Arrive=10:45)
+PMUL0878 13 Where will you be departing? And where is your destination? Train-Request(Depart;Dest)
+PMUL0878 14 i am leaving from norwich and going to cambridge. Train-Inform(Depart=cambridge;Dest=norwich)
+PMUL0878 16 same group of 8 people. Train-Inform(People=8)
+PMUL0878 17 Booking was successful, the total fee is 140.8 GBP payable at the station . Reference number is : BMSH4XDW. Anything else? Train-OfferBooked(Ticket=140.8 GBP;Ref=BMSH4XDW)
+PMUL0878 18 That is all thanks. general-thank()
+PMUL0878 19 Do you need help finding attractions or booking a taxi? I can assist you. general-reqmore()
+PMUL0878 20 No that is it. Thank you. general-thank()
+PMUL0878 21 You're welcome. Have a great day! general-welcome()
+PMUL0873 0 Can I get some information on a train? Train-Inform()
+PMUL0873 1 Sure, where is your destination? Train-Request(Dest)
+PMUL0873 2 I'll be departing Cambridge, and heading to Broxbourne. Train-Inform(Depart=cambridge;Dest=broxbourne)
+PMUL0873 3 What is the day of travel? Train-Request(Day)
+PMUL0873 4 I need to leave on Monday. Train-Inform(Day=monday)
+PMUL0873 6 I just need to arrive by 16:15. Train-Inform(Arrive=16:15)
+PMUL0873 8 No thank you. What is the travel time? Train-Request(Duration)
+PMUL0873 10 Yes, I'm also looking for a Chinese restaurant that's located in the North part of town. Could you find one for me please? Restaurant-Inform(Area=north;Food=chinese)
+PMUL0873 12 Hmm, doesn't matter. Can you reserve a table at your favorite one? There will be 3 of us at 11:15 the day we arrive. Restaurant-Inform(Time=11:15;People=3;Day=monday)
+PMUL0876 0 Hi, I am looking for information on train schedules going to Cambridge. Train-Inform(Dest=cambridge)
+PMUL0876 1 Do you have a particular itinerary in mind? Train-Request(Depart;Arrive;Leave;Day)
+PMUL0876 2 Yes, I was looking to leave Bishops Stortford on Monday sometime after 16:45. Train-Inform(Depart=bishops stortford;Day=monday;Leave=16:45)
+PMUL0876 4 Yes, I would. May I please get the arrival time? Train-Request(Arrive)
+PMUL0876 5 There are several. One arrives at 18:07 will this work? Train-Inform(Arrive=18:07;Choice=several)
+PMUL0876 6 I am also interested in a place to dine that is moderately priced. Restaurant-Inform(Price=moderate)
+PMUL0876 8 British food sounds good. Somewhere in the centre. Restaurant-Inform(Area=centre;Food=british)
+PMUL0876 10 Yes please. I just need it for myself at 20:30 that same day. Restaurant-Inform(Time=20:30;Day=monday)
+PMUL0876 12 thanks for your help. that is all i wanted general-thank()
+PMUL0875 0 I need a train on Friday. Train-Inform(Day=friday)
+PMUL0875 2 I am leaving from Cambridge and going to Ely. I want to leave at 18:15 Train-Inform(Depart=cambridge;Dest=ely;Leave=18:15)
+PMUL0875 4 Yes, please. I need 7 tickets. Train-Inform(People=7)
+PMUL0875 6 Someone recommended me a place called caffe uno. Do you have any information about it? Restaurant-Inform(Name=caffe uno)
+PMUL0875 8 Yes book it for me thank you general-thank()
+PMUL0875 9 What date and time would you like that reservation? Booking-Request(Day;Time)
+PMUL0875 10 Actually, I can make it later. That will be all today. Thank you! general-thank()
+PMUL0874 0 We want to try a restaurant in the centre of Cambridge. Restaurant-Inform(Area=centre)
+PMUL0874 1 What type of food do you prefer? Restaurant-Request(Food)
+PMUL0874 2 I am really in the mood for some Hungarian food, something expensive since it is a special occasion. Restaurant-Inform(Food=hungarian;Price=expensive)
+PMUL0874 4 how about one that serves french food Restaurant-Inform(Food=french)
+PMUL0874 6 Let's keep looking in the centre area for now. Perhaps you can list some other available cuisines. Restaurant-Inform(Area=centre)
+PMUL0874 8 No but I would like the phone number. Restaurant-Request(Phone)
+PMUL0874 10 Thanks, and yes, I am also looking for a train leaving Stansted airport and arriving in Cambridge by 9:15. Train-Inform(Depart=stansted airport;Dest=cambridge)
+PMUL0874 11 On what day and time could you like to travel? Train-Request(Day;Leave)
+PMUL0874 12 I need to leave on Monday. Train-Inform(Day=monday)
+PMUL0874 16 That will be all. Thanks so much for your help. general-thank()
+PMUL0874 17 you are welcome any time you need our help general-welcome()
+PMUL0874 18 Okay sounds great. Bye! general-bye()
+PMUL0874 19 Have a great day! Good-bye. general-bye()
+SNG0962 0 Konnichiwa, I am coming to town and will be staying a few days. I need a place in town centre that offers free parking. Can you help me? Hotel-Inform(Area=centre;Parking=yes)
+SNG0962 2 I will take one of the cheap guesthouses please? Hotel-Inform(Price=cheap;Type=guesthouse)
+SNG0962 4 That sounds great. I'd like to book it for 2 people. We'll be arriving Tuesday and we'd like to stay for 5 nights please. Hotel-Inform(Stay=5;People=2;Day=tuesday)
+SNG0962 5 Your booking was and your reference number is EY36GH17. Is there anything else you need help with today? Booking-Book(Ref=EY36GH17)
+SNG0962 6 No, that's all. Thank you. general-thank()
+SNG0962 7 Thank you, have a good stay, goodbye. general-bye()
+SNG0963 0 Hi, could you help me find a 3 star guesthouse? Hotel-Inform(Stars=3;Type=guesthouse)
+SNG0963 2 Thanks! You are so nice. I need the guesthouses in the west. It doesn't matters if there is not free parking. Hotel-Inform(Area=west;Parking=dont care)
+SNG0963 5 I can definitely assist you, how many people are there and how many days will you need to be booked for. Booking-Request(Stay;People)
+SNG0963 6 I just need the phone number and postcode from the Hobsons. Hotel-Request(Post;Phone)
+SNG0963 8 Thank you so much for all your help today. Good bye. general-bye()
+SNG0963 9 You're welcome! Goodbye! general-bye()
+MUL0692 2 I'm looking for a place to stay in the centre of town with some moderate pricing and they must include free parking, can you help me with that? Hotel-Inform(Area=centre;Parking=yes;Price=moderate)
+MUL0692 4 No let's try the east side of town. Hotel-Inform(Area=east)
+MUL0692 5 Yes I have two options for you, both with free parking. both are guesthouses and one is a bed and breakfast. Hotel-Inform(Parking;Choice=two;Type=guesthouse;Type=bed and breakfast)
+MUL0692 7 I successfully booked your room at the Warkworth House. The reference number is UH7ZYX20. Booking-Book(Ref=UH7ZYX20;Name=Warkworth House)
+MUL0692 8 I will also need a train on the same day as the hotel booking heading to Kings Lynn. Train-Inform(Depart=kings lynn;Dest=kings lynn;Day=thursday)
+MUL0692 9 I have several trains heading to Kings Lynn on Thursday. Where and what time would you like your departure to be? Train-Request(Leave;Depart)
+MUL0692 10 I need to depart from Kings Lynn aft 19:00 on Thursday. Train-Inform(Depart=kings lynn;Day=thursday;Leave=19:00)
+MUL0692 12 Hmm, how long is the travel time on that one? And when does it arrive? Can you get me the price, too? Train-Request(Duration;Price;Arrive)
+MUL0692 13 Travel time is 47 minutes. Arrival time would be 20:58. Ticket cost would be 9.80 Train-Inform(Arrive=20:58;Ticket=9.80;Time=47 minutes)
+SNG0961 0 I'm looking to get some information on the alpha-milton guest house Hotel-Inform(Name=alpha-milton guest house)
+SNG0961 2 Not yet, but can you tell me the postcode for this guesthouse? Hotel-Request(Post)
+SNG0961 3 The postcode is cb41xa. Can I help with anything else? Hotel-Inform(Post=cb41xa)
+SNG0961 4 No, thanks. That's all I needed. Have a great day. Bye! general-bye()
+SNG0961 5 You're welcome. Thank you for calling. Have a nice day. general-greet()
+SNG0966 0 Are there any 4-star guesthouses? Hotel-Inform(Stars=4;Type=guesthouse)
+SNG0966 2 Yes. the hotel should be located in the North and should include free wifi Hotel-Inform(Area=north;Internet=yes)
+SNG0966 5 It sure does. Can I book your stay for you? Booking-Inform()
+SNG0966 6 No, thanks. Have a nice day. general-thank()
+SNG0966 7 Okay. Thank you, Goodbye. general-bye()
+MUL0695 0 I am planning a trip to Cambridge and I am looking for a train can you help out? Train-Inform(Depart=cambridge)
+MUL0695 1 That's not a problem. Where will you be going to? Train-Request(Dest)
+MUL0695 2 Stansted Airport, I will need the train to leave after 10:15 please. Train-Inform(Depart=stansted airport;Dest=stansted airport;Leave=10:15)
+MUL0695 3 Can you tell me what day you need the train and for how many people? Train-Request(People;Day)
+MUL0695 4 I need the train on Saturday and I am booking for 4 people. Train-Inform(People=4;Day=saturday)
+MUL0695 7 Certainly. What part of town do you prefer? Hotel-Request(Area)
+MUL0695 8 I'm sorry, there's been a mistake. I need to book a train from cambridge to stansted airport. The train must leave after 10:15. I need four tickets. Train-Inform(Depart=cambridge;People=4;Dest=stansted airport;Leave=10:15)
+MUL0695 11 I can most definitely give you the reference number once the booking is complete. How many tickets would you be needing? Train-Request(People)
+MUL0695 12 Like I said, I need four tickets. Train-Inform(People=4)
+MUL0695 14 I will also need a place to stay. A cheap guesthouse. Hotel-Inform(Price=cheap;Type=guesthouse)
+MUL0695 16 I need it for 4 people for 2 nights starting Thursday, if that fails one night. I don't care the area but I will need the reference number. Hotel-Inform(Stay=2;People=4;Day=thursday)
+MUL0695 19 I was able to do a 1 night booking at Finches Bed and Breakfast for 4 starting on Thursday. Reference number DKZG9AWZ. Any else I can assist you with? Booking-Book(Day=Thursday;People=4;Stay=1;Ref=DKZG9AWZ;Name=Finches Bed and Breakfast)
+MUL0695 20 That is everything. Thanks for the help. general-thank()
+MUL0695 21 You are very welcome. I am happy to help anytime. Have a wonderful day. general-welcome()
+PMUL2703 0 I'm looking for colleges in the centre. Attraction-Inform(Area=centre;Type=college)
+PMUL2703 2 Could you suggest one and give me the address and postcode, please? Attraction-Request(Post;Addr)
+PMUL2703 4 Is there an entrance fee? Attraction-Request(Fee)
+PMUL2703 5 No entrance is free. Attraction-Inform(Fee=free)
+PMUL2703 6 looking for a particular hotel. Its name is called express by holiday inn cambridge. Hotel-Inform(Name=express by holiday inn cambridge)
+PMUL2703 8 I'm not ready to book quite yet. Can you let me know if it is a hotel or guest house. Also, how many stars it is? Hotel-Request(Stars)
+PMUL2703 9 2 stars. hotel. Hotel-Inform(Type=hotel;Stars=2)
+PMUL2703 10 Thank you. What are some of the attractions in the centre area? Attraction-Inform(Area=centre)
+PMUL2703 11 colleges,art,cinema, and parks , what would you like ? Attraction-Inform(Type=colleges;Type=art;Type=cinema;Type=parks)
+WOZ20546 0 i want some mexican food. Restaurant-Inform(Food=mexican)
+WOZ20546 4 I don't care. Restaurant-Inform(Price=don't care)
+WOZ20546 5 Dojo Noodle Bar serves asian oriental food and is located in the centre of town. The price range is cheap. Restaurant-Inform(Food=asian oriental;Name=Dojo Noodle Bar;Area=centre of town;Price=cheap)
+WOZ20546 6 What is the phone number? Restaurant-Request(Phone)
+WOZ20546 7 The phone number for dojo noodle bar is 01223 363471. Would you like any other information? Restaurant-Inform(Phone=01223 363471;Name=dojo noodle bar)
+WOZ20546 8 No, thank you, that's all I need. Thank you and goodbye! general-bye()
+WOZ20545 0 I am looking for a restaurant in the west part of town. Restaurant-Inform(Area=west)
+WOZ20545 2 I would like christmas food. Restaurant-Inform(Food=christmas)
+WOZ20545 4 How about british food? Restaurant-Inform(Food=british)
+WOZ20545 8 I want the address and phone number. Restaurant-Request(Phone;Addr)
+WOZ20545 9 the address is Hotel Felix Whitehouse Lane Huntingdon Road and the phone number is 01223 277977 Restaurant-Inform(Addr=Hotel Felix Whitehouse Lane Huntingdon Road;Phone=01223 277977)
+WOZ20545 10 Thank you goodbye. general-bye()
+WOZ20545 11 Goodbye. general-bye()
+PMUL2700 0 I will be going to Cambridge to do the tourist thing and would like a hotel in the moderate price range. Hotel-Inform(Price=moderate;Type=hotel)
+PMUL2700 2 No, but I definitely want a four star hotel. Hotel-Inform(Stars=4;Type=hotel)
+PMUL2700 4 Actually are any of them 4 stars? Hotel-Inform(Stars=4)
+PMUL2700 8 Not yet, but I would like the postcode. Hotel-Request(Post)
+PMUL2700 10 I am also looking for places to go in town, preferably in the centre. Attraction-Inform(Area=centre)
+PMUL2700 13 The Man on the Moon is the only concert hall in the area of centre. I have no info on their entrance fee but their phone is 01223447144. Attraction-Inform(Fee=no info on their entrance fee;Area=centre;Choice=only;Phone=01223447144;Name=The Man on the Moon;Type=concert hall)
+PMUL2700 14 Thank you. Can I also get the address and postcode? Attraction-Request(Post;Addr)
+PMUL2700 16 Thank you for your help. That's all for today. general-thank()
+PMUL2700 17 Have a wonderful time. general-bye()
+PMUL2700 18 Thank you, take care! general-thank()
+PMUL2700 19 Enjoy your stay! general-bye()
+WOZ20543 0 Can you find me a restaurant in the north part of the city? Restaurant-Inform(Area=north)
+WOZ20543 2 I don't care. Restaurant-Inform(Price=don't care)
+WOZ20543 3 Is there a certain type of food that you would like? Restaurant-Request(Food)
+WOZ20543 4 Yes, I would like world food. Restaurant-Inform(Food=world)
+WOZ20543 6 Maybe some Indian food? Restaurant-Inform(Food=indian)
+WOZ20542 0 I want a restaurant in the north part of town. Restaurant-Inform(Area=north)
+WOZ20542 1 The City Stop restaurant is in the north part of town. The Golden Wok is also located in the north part of town. Restaurant-Inform(Area=north part of town;Area=north part of town;Name=The City Stop restaurant;Name=The Golden Wok)
+WOZ20542 2 I want a restaurant that is moderately priced. Restaurant-Inform(Price=moderate)
+WOZ20542 3 Golden Wok is located in the north part of town, and is moderately priced. Restaurant-Inform(Price=moderately priced;Name=Golden Wok;Area=north part of town)
+WOZ20542 4 What is their address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20542 5 The address for Golden Wok is 191 Histon Road Chesterton and the phone number is 01223 350688. Restaurant-Inform(Phone=01223 350688;Name=Golden Wok;Addr=191 Histon Road Chesterton)
+WOZ20542 6 Thank you, goodbye. general-bye()
+WOZ20542 7 Goodbye. general-bye()
+WOZ20541 0 Can you help me find a Russian restaurant? Restaurant-Inform(Food=russian)
+WOZ20541 2 Yes, what about European type food? Restaurant-Inform(Food=european)
+WOZ20541 5 Cambridge lodge restaurant serves european food, their phone number is 01223 355166 and address is Cambridge Lodge Hotel 139 Huntingdon Road City Centre Restaurant-Inform(Phone=01223 355166;Name=Cambridge lodge restaurant;Food=european;Addr=Cambridge Lodge Hotel 139 Huntingdon Road City Centre)
+WOZ20541 6 Thank you. Good bye. general-bye()
+WOZ20541 7 thank you good bye general-bye()
+PMUL2704 0 Are there any places in the east of town that are recommended to go to? Thanks. Attraction-Inform(Area=east)
+PMUL2704 1 Yes, several. The Cambridge Museum of Technology is good, or if you're in a more aquatic frame of mind there's the Abbey Pool and Astroturf Pitch. Do they sound appealing? Attraction-Recommend(Name=The Cambridge Museum of Technology;Name=the Abbey Pool and Astroturf Pitch)
+PMUL2704 3 The postcode for the museum is cb58ld. Attraction-Inform(Post=cb58ld;Type=museum)
+PMUL2704 6 Okay thankyou. I'd llike to find a 4 star hotel with wifi. Hotel-Inform(Stars=4;Internet=yes)
+PMUL2704 7 Do you have a price range in mind? Hotel-Request(Price)
+PMUL2704 8 Nope. Pick a hotel you think I would like too. Hotel-Inform()
+PMUL2704 9 What area should it be in? Hotel-Request(Area)
+PMUL2704 10 I'd like it to be the same area as the attraction. Hotel-Inform(Area=east)
+PMUL2704 16 Ok that's all I need thank you. general-thank()
+PMUL2709 0 I am hoping to get information about some places to go in the centre of town. Attraction-Inform(Area=ce)
+PMUL2709 1 Great saint mary's church is an architecture site in the centre of town. Attraction-Inform(Area=centre of town;Name=Great saint mary's church;Type=architecture)
+PMUL2709 2 Can I get the address please? Attraction-Request(Addr)
+PMUL2709 5 What ammenities do you need for your hotel ? Hotel-Request(Internet;Parking)
+PMUL2709 6 I would like it to be in the moderate price range and include wifi. Hotel-Inform(Internet=yes;Price=moderate)
+PMUL2709 10 I'm not ready to book. Can you tell me the address and type please instead Hotel-Request(Addr)
+PMUL2709 11 The address is sleeperz hotel, station road and the postcode is cb12tz. Hotel-Inform(Addr=sleeperz hotel;Addr=station road;Post=cb12tz)
+PMUL2709 13 Cityroomz is a hotel. Hotel-Inform(Type=hotel;Name=Cityroomz)
+PMUL2709 14 Thank you so much, that is all I need today. Goodbye. general-bye()
+PMUL2709 15 Thank you for visiting Cambridge and have a great weekend. general-bye()
+PMUL2708 0 I need to find a hotel that has free parking. Hotel-Inform(Parking=yes)
+PMUL2708 1 Sure I can help with that. What area will you be staying in? Hotel-Request(Area)
+PMUL2708 2 In the centre, I more specifically am looking for a guesthouse with a 0 star rating in that area. Hotel-Inform(Stars=0;Area=centre;Type=guesthouse)
+PMUL2708 4 Yes please. book it for 5 people and 3 nights starting from tuesday Hotel-Inform(Stay=3)
+PMUL2708 5 Okay, will you be needing a reference number? Booking-Inform()
+PMUL2708 8 Yes, I am interested in places to go while I am in town. Perhaps a museum in the same area as the hotel. Attraction-Inform(Area=centre;Type=museum)
+PMUL2708 10 Sure, what is the address for this museum? Thanks for your help! Attraction-Request(Addr)
+PMUL2708 11 The museum is on lensfield road post code cb21er and it's number is 01223336540. Attraction-Inform(Addr=lensfield road;Post=cb21er;Phone=01223336540)
+PMUL2708 14 Well, do I look for a specific make and color car or just jump into a random one? Does the driver have a phone number? Taxi-Request(Phone)
+PMUL2708 15 you have been assigned a specific car. Taxi-Inform()
+PMUL2708 17 I apologize. I did not mean to come off as rude. You should expect a white Volvo. If you need to reach the company, please call 07499481174. Taxi-Inform(Car=white Volvo;Phone=07499481174)
+PMUL2708 18 Thank you! Have a wonderful day! general-thank()
+WOZ20549 0 I would like a restaurant in the north part of town that serves french food Restaurant-Inform(Area=north;Food=french)
+WOZ20549 1 There is Restaurant Two Two in the the north side of town that serves French Food. Restaurant-Inform(Food=French;Area=north side of town;Name=Restaurant Two Two)
+WOZ20549 2 What is their address, number, and price range? Restaurant-Request(Price;Addr)
+WOZ20549 4 No, that takes care of it. Thank you for your help. general-thank()
+WOZ20549 5 Thank you for using our system. Good bye general-bye()
+WOZ20548 0 I want to find a moderately priced restaurant serving european food. Restaurant-Inform(Food=european;Price=moderate)
+WOZ20548 1 de luca cucina and bar is in the centre part of town and in the moderate price range. Restaurant-Inform(Price=moderate;Area=centre part of town;Name=de luca cucina and bar)
+WOZ20548 2 Is there anything else? give me the address and postcode please. Restaurant-Request(Post)
+WOZ20548 3 There is also the Cambridge Lodge Restaurant also has expensive european food in the centre area at Cambridge Lodge Hotel 139 Huntingdon Road City Centre postal code CB30DQ Restaurant-Inform(Price=expensive;Addr=Cambridge Lodge Hotel 139 Huntingdon Road City Centre;Name=Cambridge Lodge Restaurant;Food=european;Post=CB30DQ;Area=centre area)
+WOZ20548 4 What is the phone number? Restaurant-Request(Phone)
+WOZ20548 5 Their phone number is 01223 355166. Restaurant-Inform(Phone=01223 355166)
+WOZ20548 6 ok thank you good bye general-bye()
+WOZ20548 7 Thank you. Good bye general-bye()
+WOZ20548 8 Thank you goodbye. general-bye()
+MUL0306 0 I am looking for a train departing from Cambridge leaving on Tuesday. Train-Inform(Depart=cambridge;Day=tuesday)
+MUL0306 2 I need one that leaves after 13:30 for Bishops Stortford Train-Inform(Dest=bishops stortford;Leave=13:30)
+MUL0306 4 And this train leaves from Cambridge? If so could you please book it for 7 people and give me the reference number? Train-Inform(Depart=cambridge;People=7)
+MUL0306 6 I am also looking for a place to eat around the centre area that serves gastropub style food. Restaurant-Inform(Area=centre;Food=gastropub)
+MUL0306 9 Is there anything else I can do for you? general-reqmore()
+MUL0306 11 What day and time would you like the reservation for? Booking-Request(Day;Time)
+MUL0306 12 Also Tuesday at 10:00. Restaurant-Inform(Day=tuesday)
+MUL0306 14 Can you get a table for 7 at 9:00? Restaurant-Inform(Time=9:00)
+MUL0306 15 I was able to book that for you. Your reference number is 06TWFHH2. Your table will be reserved for 15 minutes. Booking-Book(Ref=06TWFHH2)
+MUL0306 16 Ok great thank you for all of your help! general-thank()
+SNG0127 2 Great can I also have the address? Police-Request(Addr)
+SNG0127 4 No thanks. I have everything I need. general-thank()
+SNG0127 5 Ok. Good luck with your dispute! Goodbye. general-bye()
+SNG0124 0 I'm looking for the Parkside Police Station please. Police-Inform()
+SNG0124 2 Thanks, I think that's all I needed! general-thank()
+SNG0124 3 Thank you for using our service, and have a great day! general-bye()
+MUL0305 0 I need a train to cambridge on friday, please. Train-Inform(Dest=cambridge;Day=friday)
+MUL0305 2 I would like for the train to leave after 18:45 and depart from bishops stortford Train-Inform(Depart=bishops stortford;Leave=18:45)
+MUL0305 3 There is a train meeting your criteria and is leaving at 19:29. Train-Inform(Leave=19:29)
+MUL0305 4 What is the travel time of the train? Train-Request(Duration)
+MUL0305 6 That's all the info I need about the train, I also am looking for an expensive restaurant in the centre of town. Restaurant-Inform(Area=centre;Price=expensive)
+MUL0305 10 I only need the address for a restaurant that you would recommend. Restaurant-Request(Addr)
+MUL0305 12 No. That will be everything today. Thank You! general-thank()
+MUL0305 13 Thank you for using our service. Have a wonderful day! general-bye()
+SNG0122 0 Hello, I need information about Parkside Police Station, please. Police-Inform()
+SNG0122 2 Yes, could I get the postcode as well please? Police-Request(Post)
+SNG0122 4 Thank you, that will be all. general-thank()
+SNG0122 5 Have a great day. general-bye()
+MUL0303 0 I'm looking for a restaurant in the centre of town and it needs to be in the expensive price range. Restaurant-Inform(Area=centre;Price=expensive)
+MUL0303 1 What type of food are you interested in having? Restaurant-Request(Food)
+MUL0303 2 I'm open to anything. I need a booking for 5 people at 12:00 on Wednesday. Give me the reference number please. Restaurant-Inform(Time=12:00;People=5;Day=wednesday)
+MUL0303 4 Thank you very much, yes, I also need to book a train ticket. I'd like to take the train on the same day and arrive by 09:45 if possible. Train-Inform(Day=wednesday;Arrive=09:45)
+MUL0303 6 I'll be leaving from kings lynn. Any train that gets me there close to the arrival time will be fine. Train-Inform(Depart=kings lynn;Dest=cambridge)
+MUL0303 7 I have a train that leaves Kings Lynn on Wednesday at 08:11 and arrives at 08:58. Will this work for you? Train-Inform(Depart=Kings Lynn;Day=Wednesday;Arrive=08:58;Leave=08:11)
+MUL0303 8 That works perfectly. Please make the booking for five people, and include my reference number, thank you. Train-Inform(People=5)
+MUL0303 9 Great it's all booked your reference number is 5X6H64MG. Train-OfferBooked(Ref=5X6H64MG)
+MUL0303 10 Thank you very much for your help. Have a great day! general-thank()
+MUL0303 13 Alright. Enjoy the rest of your day! general-bye()
+SNG0120 0 Could you tell me the nearest police station? Police-Inform()
+SNG0120 2 Could you please give me the postcode to the police station? Police-Request(Post)
+SNG0120 4 Thank you! That will be all. general-thank()
+SNG0120 5 Thank you very much. Goodbye. general-bye()
+SNG0121 2 That will be all, thank you. general-thank()
+SNG0128 0 Hi there, I am am trying to find out more information about the Parkside Police Station. Police-Inform()
+SNG0128 2 No, that's everything I need, thank you! general-thank()
+SNG0128 3 Glad I could be of assistance! If you need anything else, let me know. general-reqmore()
+SNG0128 4 Is there a good place to eat near the police station? Police-Inform()
+SNG0128 5 Could you specify north, south, east, west, or centre of town? Restaurant-Request(Area)
+SNG0128 6 Never mind. I think I'm all set. Thank you. general-thank()
+SNG0128 7 All right. If there's anything else you need help with, please contact us again. Have a great day. general-reqmore()
+SNG0129 0 Hello, I have been robbed. Can you please help me get in touch with the police? Police-Inform()
+SNG0129 2 Can I please have the postcode as well? Police-Request(Post)
+SNG0129 4 Was Parkside the address of the police station? If not, can I have the address please? Police-Request(Addr)
+SNG0129 6 Thank you that will be all for now. general-thank()
+SNG0129 7 Great. Thank you for contacting Cambridge Towninfo Centre. general-welcome()
+SNG0129 8 You were great. Goodbye. general-bye()
+WOZ20402 0 I would like to find a cheap restaurant that serves tuscan food Restaurant-Inform(Food=tuscan;Price=cheap)
+WOZ20402 1 nothing is matching your request. I'm sorry. Restaurant-NoOffer()
+WOZ20402 2 Bummer. Could you help me find some cheap Italian food then? Restaurant-Inform(Food=italian)
+WOZ20402 3 If you do not have a preference of area, I recommend La Margherita in the west. Restaurant-Recommend(Name=La Margherita;Area=west)
+WOZ20402 4 Sounds great, what is their phone number and address? Restaurant-Request(Phone;Addr)
+WOZ20402 8 No that is all, thank you very much. Good bye. general-bye()
+WOZ20403 0 I am looking for a restaurant in the moderate price range that serves Indian food. Restaurant-Inform(Food=indian;Price=moderate)
+WOZ20403 1 do you have a preference as to what part of town? Restaurant-Request(Area)
+WOZ20403 2 I don't care. Restaurant-Inform(Area=don't care)
+WOZ20403 3 Curry prince is an indian restaurant, in the moderate price range and in the east. Do you want the address and phone number? Restaurant-Inform(Price=moderate;Name=Curry prince;Food=indian;Area=east)
+WOZ20403 4 Indian food Restaurant-Inform(Food=indian)
+WOZ20403 6 May I have the phone number? Restaurant-Request(Phone)
+WOZ20403 8 No. Thank you. general-thank()
+WOZ20403 9 You're welcome. general-welcome()
+WOZ20400 0 Hello, I am looking for a Lebanese restaurant in the centre of town. Restaurant-Inform(Area=centre;Food=lebanese)
+WOZ20400 1 Ali baba is a lebanese restaurant in the moderate price range in the Centre part of town. Restaurant-Inform(Food=lebanese;Price=moderate;Area=Centre;Name=Ali baba)
+WOZ20400 2 What is the address and phone number? Restaurant-Request(Phone;Addr)
+WOZ20400 3 Ali Baba is located at 59 Hills Road City Centre and the phone number is 01462 432565. Restaurant-Inform(Addr=59 Hills Road City Centre;Name=Ali Baba;Phone=01462 432565)
+WOZ20400 4 Thank you. Good bye. general-bye()
+WOZ20401 0 A moderate priced irish food restaurant. Restaurant-Inform(Food=irish;Price=moderate)
+WOZ20401 2 Yes, could you please check whether there is a gastropub? Restaurant-Inform(Food=gastropub)
+WOZ20401 3 There are three gastropub restaurants listed. One is in the east part of town and the rest are in the centre. Restaurant-Inform(Choice=three;Choice=One;Choice=the rest;Area=the east part of town;Area=the centre;Food=gastropub)
+WOZ20401 5 I'm sorry, it appears there are no results for the east part of town. Our system is having difficulty of some sort. Restaurant-NoOffer()
+WOZ20401 7 the cow pizza kitchen and bar is a moderately priced gastropub in the centre of town. It's located on Corn Exchange Street, and the phone number is 01223 308871. Restaurant-Inform(Phone=01223 308871;Name=the cow pizza kitchen and bar;Addr=Corn Exchange Street;Area=the centre of town;Food=gastropub;Price=moderately priced)
+WOZ20401 8 Thank you goodbye. general-bye()
+WOZ20406 0 I am looking for a restaurant in the north part of town that serves brazilian food. Restaurant-Inform(Area=north;Food=brazilian)
+WOZ20406 1 There are no mathcing records found for that request Restaurant-NoOffer()
+WOZ20406 2 How about Spanish or Portuguese food? Restaurant-Inform(Food=portuguese)
+WOZ20406 3 There are no matching records found for that request. Restaurant-NoOffer()
+WOZ20406 4 I would like to try indian food in the north part of town. Restaurant-Inform(Food=indian)
+WOZ20406 5 Royal Spice is an Indian restaurant in the north of town, and is in the cheap price range. Restaurant-Inform(Food=Indian;Name=Royal Spice;Area=north;Price=cheap)
+WOZ20406 6 I would like their phone number and address, please. Restaurant-Request(Phone;Addr)
+WOZ20406 7 Their phone number is 01733 553355 and their address is Victoria Avenue Chesterton C.B 4, 1 E.H Restaurant-Inform(Phone=01733 553355;Addr=Victoria Avenue Chesterton C.B 4;Addr=1 E.H)
+WOZ20406 8 Thank you goodbye general-bye()
+WOZ20406 9 Thank you for using the Cambridge Restaurant Phone System. Enjoy your meal! general-bye()
+WOZ20407 1 Yu Garden is a Chinese restaurant in the east part of town. Their address is 529 Newmarket Road Fen Ditton, phone number 01223 248882 and postcode C.B 5, 8 P.A. Restaurant-Inform(Food=Chinese;Area=the east part of town;Addr=529 Newmarket Road Fen Ditton;Phone=01223 248882;Name=Yu Garden;Post=C.B 5;Post=8 P.A)
+WOZ20407 2 Thank you goodbye. general-bye()
+WOZ20404 0 I am looking for a cheap restaurant serving chinese food. Restaurant-Inform(Food=chinese;Price=cheap)
+WOZ20404 1 What area of town are you looking at? Restaurant-Request(Area)
+WOZ20404 2 I don't care. Restaurant-Inform(Area=don't care)
+WOZ20404 4 Yes please. I want the address and phone number of anyone of them. Restaurant-Request(Phone;Addr)
+WOZ20404 6 Thank you, goodbye general-bye()
+WOZ20405 0 I want to find an expensive restaurant in the east part of town. Restaurant-Inform(Area=east;Price=expensive)
+WOZ20405 1 What is the food type you would prefer? Restaurant-Request(Food)
+WOZ20405 3 How about Sitar Tandoori, It's address is 43 High Street Cherry Hinton Cherry Hinton, their postcode is C.B 1, 9 H.X, and their phone number is 01223 249955. Restaurant-Recommend(Name=Sitar Tandoori;Addr=43 High Street Cherry Hinton Cherry Hinton;Phone=01223 249955;Post=C.B 1;Post=9 H.X)
+WOZ20405 4 what is the food type of that restaurant ? Restaurant-Inform()
+WOZ20405 5 They serve indian food. Restaurant-Inform(Food=indian)
+WOZ20405 6 Thank you, goodbye general-bye()
+WOZ20405 7 Thank You general-welcome()
+WOZ20405 8 goodbye general-bye()
+WOZ20405 9 Good day! general-bye()
+WOZ20408 3 Cocum is an Indian restaurant located at 71 Castle Street City Centre, and it's phone number is 01223 366668. Restaurant-Inform(Addr=71 Castle Street City Centre;Name=Cocum;Food=Indian;Phone=01223 366668)
+WOZ20408 4 Is it in the west part of town? Restaurant-Inform(Area=west)
+WOZ20408 5 Yes, it is in the west part of town. Restaurant-Inform(Area=west)
+WOZ20408 6 Awesome, thank you! That's all I needed to know. Have a good evening. general-thank()
+WOZ20409 0 Hello, I am looking for a moderately priced restaurant in the south part of town. Restaurant-Inform(Area=south;Price=moderate)
+WOZ20409 2 I do not care. Restaurant-Inform(Food=don't care)
+WOZ20409 3 There are two restaurants: Pizza Hut Cherry Hinton and Restaurant Alimentum. Restaurant-Inform(Choice=two;Name=Pizza Hut Cherry Hinton;Name=Restaurant Alimentum)
+WOZ20409 6 Give me the address and postcode of any of them, please. Restaurant-Request(Post;Addr)
+WOZ20409 7 The phone number for pizza hut cherry hinton is 01223 323737 and they are located at G4 Cambridge Leisure Park Clifton Way Cherry Hinton. Restaurant-Inform(Phone=01223 323737;Name=pizza hut cherry hinton;Addr=G4 Cambridge Leisure Park Clifton Way Cherry Hinton)
+WOZ20409 8 What is the postcode? Restaurant-Request(Post)
+WOZ20409 9 The postcode is C.B. 1 7 D.Y Restaurant-Inform(Post=C.B. 1 7 D.Y)
+WOZ20409 10 That's great. Thank you so much general-thank()
+WOZ20409 11 You're very welcome. general-welcome()
+MUL0304 0 I would like a ticket to a train that arrives in Cambridge before 8:45am. Train-Inform(Dest=cambridge;Arrive=08:45)
+MUL0304 2 I'd like to depart from London kings cross Train-Inform(Depart=london kings cross)
+MUL0304 3 I can book you on train number TR4543. It departs at 07:17 and arrives in Cambridge at 8:08. Train-OfferBook(Arrive=8:08;Dest=Cambridge;Leave=07:17;Id=TR4543)
+MUL0304 4 I need the train to leave on Sunday. Train-Inform(Day=sunday)
+MUL0304 13 You would like an additional reservation at Bangkok city restaurant? Booking-Inform(Name=Bangkok city)
+MUL0304 14 No, my mistake. Thank you. general-thank()
+MUL0304 15 okay is there anything else i can help you with? general-reqmore()
+MUL0304 16 No, that was everything, thank you! general-thank()
+MUL0304 17 Okay! Thank you for calling. general-welcome()
+MUL0304 18 Thank you very much for your help. general-thank()
+MUL0304 19 Good day then. general-bye()
+MUL0162 0 I'm looking for a cheap guesthouse. Hotel-Inform(Price=cheap;Type=guesthouse)
+MUL0162 2 Do you have anything on the North side? Hotel-Inform(Area=north)
+MUL0162 5 I was able to book the Worth House for you for 2 guests for a total of 4 nights. Your reference number is ZB2FS6W4. Booking-Book(Ref=ZB2FS6W4;Stay=4;Name=Worth House;People=2)
+MUL0162 6 Thanks so much, I appreciate the help. general-thank()
+MUL0162 8 I'm also looking for an Indian restauarnt in the same area as the guesthouse. Restaurant-Inform(Area=north;Food=indian)
+MUL0162 10 Actually can I just have the phone number and address to The Nirala please? Restaurant-Request(Phone;Addr)
+MUL0162 11 The Nirala is located at 7 Milton Road Chesterton and it's phone number is 01223360966. Restaurant-Inform(Addr=7 Milton Road Chesterton;Phone=01223360966;Name=The Nirala)
+MUL0162 13 I have booked you a blue volkswagen from worth house to the nirala at 17:45. The contact number is 07301287073 Taxi-Inform(Dest=the nirala;Phone=07301287073;Depart=worth house;Car=blue volkswagen)
+MUL0162 14 Thank you for your help. That's all I need today! general-thank()
+MUL0163 0 Hello I'm looking for the shanghai family restaurant. Restaurant-Inform(Name=shanghai family restaurant)
+MUL0163 1 Yes I got it, what can I do for you sir? general-greet()
+MUL0163 2 Can you tell me the postcode? Restaurant-Request(Post)
+MUL0163 3 The postcode is cb11dg. Restaurant-Inform(Post=cb11dg)
+MUL0163 4 Great I am also looking for a hotel with a 2 star rating that has free parking. Hotel-Inform(Stars=2;Parking=yes)
+MUL0163 6 The area doesn't really matter, but I would like something cheap. Hotel-Inform(Price=cheap)
+MUL0163 7 I'm sorry, but I don't have any hotels that match that criteria. Would you like to change your requirements? Hotel-NoOffer(Type=hotels)
+MUL0163 8 Can you find me a 4 star hotel? Hotel-Inform(Stars=4)
+MUL0163 13 Booking was successful. Reference number is : AVPKTYBJ. Booking-Book(Ref=AVPKTYBJ)
+MUL0163 14 I will als require a taxi. I need to leave the hotel by 21:15. Can you provide he contact number and the type of car please. Taxi-Inform(Leave=21:15)
+MUL0163 15 What is your destination? Taxi-Request(Dest)
+MUL0163 16 I don't have a particular destination for my taxi. Taxi-Inform()
+MUL0163 17 I'm sorry, but I cannot provide you information on the taxi without knowing your destination. Taxi-Request(Dest)
+MUL0163 20 Yes, I also need the car type. Thank You Taxi-Request(Car)
+MUL0163 21 The booked Car type is a Red Toyota. Taxi-Inform(Car=Red Toyota)
+MUL0163 22 Thank you so much for all of your help, have a great day! general-thank()
+MUL0160 0 I need a hotel in the east which includes free wifi. Hotel-Inform(Area=east;Internet=yes)
+MUL0160 2 yes, I would also like for it to be a guesthouse style and in the area of east, thank you Hotel-Inform(Type=guesthouse)
+MUL0160 4 I don't have a preference on price. It also doesn't need to have free parking. Hotel-Inform(Parking=no)
+MUL0160 6 That sounds lovely. I also am looking for an Italian restaurant in the moderate price range, can you help me? Restaurant-Inform(Food=italian;Price=moderate)
+MUL0160 10 I'd like a reservation for 6 people at 14:45 on saturday. Restaurant-Inform(Time=14:45;People=6;Day=saturday)
+MUL0160 13 Booking was successful. The table will be reserved for 15 minutes. Reference number is : Y0GBAGST. Booking-Book(Ref=Y0GBAGST)
+MUL0160 14 Great, I also need a taxi to commute between two places. Taxi-Inform()
+MUL0160 15 I can help you book a taxi, can you tell me a little more detail about your taxi request? Taxi-Request(Leave;Dest;Arrive;Depart)
+MUL0160 17 I have booked a red Volkswagen for you. The contact number is 07121756826. Taxi-Inform(Car=red Volkswagen;Phone=07121756826)
+MUL0160 18 Thank you for all of the helpful information! general-thank()
+MUL0160 19 Would you like anything else? general-reqmore()
+MUL0160 22 No, thank you, you've been very helpful. general-thank()
+MUL0161 0 I'm looking for an expensive restaurant in the center of town. Restaurant-Inform(Price=expensive)
+MUL0161 1 Would you be interested in The Cambridge Chop House? It is a british cuisine restaurant located in the centre of town. Restaurant-Recommend(Area=centre;Name=Cambridge Chop House;Food=british)
+MUL0161 3 Yes, it's expensive. Phone number is 01223359506. Restaurant-Inform(Price=expensive;Phone=01223359506)
+MUL0161 4 I need to book a table for 1 person at 16:45 on friday. Restaurant-Inform(Time=16:45;People=1;Day=friday)
+MUL0161 6 Yes. How about 15:45 on Friday instead? Restaurant-Inform(Time=15:45)
+MUL0161 8 I'm also looking for a place to stay. Ideally a hotel with free wifi and parking that is also expensive. Hotel-Inform(Parking=yes;Internet=yes;Price=expensive;Type=hotel)
+MUL0161 10 Great can you book it for one person, for 4 nights starting friday? Hotel-Inform(Stay=4;People=1;Day=friday)
+MUL0161 12 I also need to book a taxi to commute between the two. I'd like to arrive prior to the 15:45 time. Taxi-Inform(Arrive=15:45)
+MUL0161 14 No, thanks for your help. general-thank()
+MUL0166 0 Please locate me an italian restaurant in the Centre area. Restaurant-Inform(Area=centre;Food=italian)
+MUL0166 2 It should be expensive. Restaurant-Inform(Price=expensive)
+MUL0166 4 No preference really, you pick. I'll need the address please. Restaurant-Request(Addr)
+MUL0166 5 Okay, how about Caffe Uno. It's located at 32 Bridge Street City Centre. Restaurant-Inform(Name=Caffe Uno;Addr=32 Bridge Street City Centre)
+MUL0166 6 Great I also am looking for a hotel called Cityroomz Hotel-Inform(Name=cityroomz)
+MUL0166 7 Cityroomz is a hotel in the centre of town in the moderate price range what information would you like about it? Hotel-Inform(Name=Cityroomz;Price=moderate;Area=centre of town)
+MUL0166 8 Yes can I please have the address? Hotel-Request(Addr)
+MUL0166 10 No, That's all I need. Thank you. general-thank()
+MUL0167 0 I'm looking for a guesthouse in the north area. Hotel-Inform(Area=north;Type=guesthouse)
+MUL0167 2 That would need helpful yes, however I need the hotel to also offer free parking! Hotel-Inform(Parking=yes)
+MUL0167 5 The majority of guesthouses available in the North have four stars, with the exception of one guesthouse with 3 stars and one guesthouse with 0 stars. Hotel-Inform(Area=North;Stars=four;Stars=3;Stars=0;Choice=majority of;Choice=one;Choice=one;Type=guesthouses;Type=guesthouse;Type=guesthouse)
+MUL0167 6 I would like a place in the North part of town, and its phone number. I also need a restaurant in the same area that is expensive. Restaurant-Inform(Area=north;Price=expensive)
+MUL0167 8 I am actually looking to eat lebanese food. Restaurant-Inform(Food=lebanese)
+MUL0167 10 How about Chinese then? Restaurant-Inform(Food=chinese)
+MUL0167 12 Yes please, can I get a phone number, address, and reference number? Restaurant-Request(Phone;Addr)
+MUL0164 0 I am trying to find a restaurant in the south of the city that serves modern American food. Restaurant-Inform(Area=south;Food=modern american)
+MUL0164 2 What about a restaurant there that serves mexican food? Restaurant-Inform(Food=mexican)
+MUL0164 5 It is in the expensive price range and is located at 2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton cb17dy Restaurant-Inform(Post=cb17dy;Addr=2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton;Price=expensive)
+MUL0164 6 Sounds delicious, could you book a table for 1 at 17:30 on Tuesday? Restaurant-Inform(Time=17:30;People=1;Day=tuesday)
+MUL0164 9 I was able to book a table for 1 at 16:30. Your reference number is P62404I5. Booking-Book(Time=16:30;People=1;Ref=P62404I5)
+MUL0164 11 It is expensive and the address is 15-17 norman way, coldhams business park Hotel-Inform(Price=expensive;Addr=15-17 norman way;Addr=coldhams business park)
+MUL0164 12 Thank you, that is all I need today. general-thank()
+MUL0165 0 I need to find a certain restaurant called the slug and lettuce. Restaurant-Inform(Name=the slug and lettuce)
+MUL0165 2 No. I just needed the area. Thank you! Restaurant-Request(Area)
+MUL0165 3 You are very welcome. Is there anything else I can help you with today? general-reqmore()
+MUL0165 4 Yes, please. I need a 3-star hotel with free wifi. Hotel-Inform(Stars=3;Internet=yes)
+MUL0165 6 I'd like it to be a guesthouse with free parking included please. Hotel-Inform(Parking=yes;Type=guesthouse)
+MUL0165 8 What is the price range? Can I also get the address and postcode? Hotel-Request(Post;Price;Addr)
+MUL0165 9 The bridge guest house is moderately priced and is at 151 hills road, postcode cb28rj. Hotel-Inform(Name=bridge guest house;Post=cb28rj;Addr=151 hills road;Price=moderately priced)
+MUL0165 11 thank you for calling. general-greet()
+MUL0165 12 Thank you, and goodbye. general-bye()
+MUL0168 0 I am looking for a hotel on the west side of Cambridge. Hotel-Inform(Area=west)
+MUL0168 4 I would like to book a room at the hotel for 8 people for three nights please. Hotel-Inform(Stay=3;People=8)
+MUL0168 5 Certainly, what day you will be arriving? Booking-Request(Day)
+MUL0168 6 I'll be starting on thursday. Hotel-Inform(Day=thursday)
+MUL0168 7 Excellent, you're all set. The reference number is W4QYZ0UK. Booking-Book(Ref=W4QYZ0UK)
+MUL0168 8 Thank you. Do you have information on City Stop Restaurant? Restaurant-Inform(Name=city stop restaurant)
+MUL0168 9 Yes. It is european cuisine located in the north area of town with and expensive price range. Restaurant-Inform(Food=european;Area=north area of town;Price=expensive)
+MUL0168 10 Can you tell me their postcode? Restaurant-Request(Post)
+MUL0168 11 Yes, the postcode is cb41uy. Restaurant-Inform(Post=cb41uy)
+MUL0168 12 Thank you that's all I needed general-thank()
+MUL0169 0 I would like to eat at cheap restaurant in the centre while I am here in Cambridge. Restaurant-Inform(Area=centre;Price=cheap)
+MUL0169 3 Okay, I've got the dojo noddle bar in the centre of town that serves cheap food. How will that be? Restaurant-Inform(Price=cheap;Name=the dojo noddle bar;Area=centre of town)
+MUL0169 5 I have booked the restaurant for you. The table will be reserved for 15 minutes. The reference number is Y3MGYYH6. Booking-Book(Ref=Y3MGYYH6)
+MUL0169 6 I also need a hotel that is near the restaurant. Hotel-Inform(Type=hotel)
+MUL0169 8 No price range. I do need it to have free wifi and parking though. Can you tell me what star that hotel would be? Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+MUL0169 9 How about el shaddai? It has free parking and wifi and is in the centre of town. Hotel-Recommend(Internet;Area=centre of town;Name=el shaddai;Parking)
+MUL0169 12 I don't need a booking, but I need a taxi commuting between that hotel and the booked restaurant. Hotel-Inform(Type=hotel)
+MUL0169 13 Taxi booking completed! Your car is a Grey Audi, their contact number is 07263703306. Taxi-Inform(Phone=07263703306;Car=Grey Audi)
+MUL0169 14 Great thank you very much general-thank()
+MUL0169 16 Will the taxi arrive by the booked time? Taxi-Inform()
+MUL0169 18 Just the telephone number of the taxi please. Taxi-Request(Phone)
+MUL0169 20 Thanks I have everything I need. Goodbye! general-bye()
+PMUL0419 0 I need a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL0419 2 In the east, please. Something inexpensive, with free parking. Hotel-Inform(Area=east;Parking=yes)
+PMUL0419 4 If the allenbell is cheap, I would like to book ti for tuesday. Hotel-Inform(Day=tuesday;Name=allenbell)
+PMUL0419 5 How many days will you be staying and will there be other travellers with you? Booking-Request(Stay;People)
+PMUL0419 6 There are 5 people in my group and we will be staying 2 nights. Hotel-Inform(Stay=2;People=5)
+PMUL0419 9 Sure, I can help you with that. Was there a specific type of food you were looking for? Restaurant-Request(Food)
+PMUL0419 10 I'd like international food, please. Restaurant-Inform(Food=international)
+PMUL0419 11 The missing sock is a cheap international restaurant in the east. Will that work for you? Restaurant-Inform(Area=east;Food=international;Name=The missing sock;Price=cheap)
+PMUL0419 12 Can you make a reservation for Tuesday for 5 people at 17:15? Restaurant-Inform(Time=17:15;People=5;Day=tuesday;Name=the missing sock)
+PMUL0419 13 Booking was successful. The table will be reserved for 15 minutes. Reference number is : YCXB5JQE. Will there be anything else today? Booking-Book(Ref=YCXB5JQE)
+PMUL0419 14 no thanks,thats all for now general-thank()
+PMUL0419 15 Have a lovely day, goodbye! general-bye()
+PMUL0418 0 I'd like to find a cheap Indonesian restaurant. Can you help? Restaurant-Inform(Food=indonesian;Price=cheap)
+PMUL0418 2 What kind of restaurants are in the west that's cheap? Restaurant-Inform(Area=west;Price=cheap)
+PMUL0418 3 There is an Italian restaurant, La Margherita and a Vietnamese restaurant called Thanh Binh. Would one of those work? Restaurant-Select(Food=Italian;Food=Vietnamese;Name=La Margherita;Name=Thanh Binh.)
+PMUL0418 4 Yes, could you give me more info on the Vietnamese restaurant? Restaurant-Inform(Food=vietnamese)
+PMUL0418 5 Their address is 17 Magdalene Street City Centre. Restaurant-Inform(Addr=17 Magdalene Street City Centre.)
+PMUL0418 6 could you give me their postcode? Restaurant-Request(Post)
+PMUL0418 8 No, that will be fine. I am needing help finding a hotel in a moderate price range with 4 stars and free parking. Can you help me with that? Hotel-Inform(Stars=4;Parking=yes;Price=moderate)
+PMUL0418 9 I'd be happy to help with your request, to help narrow the results down, what area are you looking to stay in? Hotel-Request(Area)
+PMUL0418 10 how about the west ? Hotel-Inform(Area=west)
+PMUL0418 12 Area doesn't actually matter. But if there are no results for a moderate 4 star type-hotel with parking, then try to find a cheap one instead Hotel-Inform(Stars=4;Area=dont care;Parking=yes;Price=cheap;Type=hotel)
+PMUL0418 14 Great can you book that for 8 people for 3 nights starting thursday? Hotel-Inform(Stay=3;People=8;Day=thursday;Name=the cambridge belfry)
+PMUL0418 16 That is all, thank you for your help. general-thank()
+PMUL0418 17 You're welcome. Let us know if we can help you. general-welcome()
+SNG1161 0 i want to book a taxi. The taxi should leave after 02:30 and should go to Norwich train station. Taxi-Inform(Leave=02:45;Dest=norwich train station)
+SNG1161 2 I will be departing from jesus college. Taxi-Inform(Depart=jesus college)
+SNG1161 4 that's is all i wanted for today, thanks general-thank()
+SNG1161 5 Thanks and have a nice day. general-bye()
+PMUL0411 0 I need a hotel with free wifi. Hotel-Inform(Internet=yes;Type=hotel)
+PMUL0411 1 What part of town are you planning to stay in? Hotel-Request(Area)
+PMUL0411 2 Doesn't matter. I also need free parking. Hotel-Inform(Parking=yes)
+PMUL0411 4 Could you find me one with a star rating of 3? Hotel-Inform(Stars=3)
+PMUL0411 10 It seems we are on different pages here. Ok, just please book a room for at the Gonville Hotel, 1 person, 4 nights, starting Friday. Hotel-Inform(Stay=4;People=1;Day=friday;Name=gonville hotel)
+PMUL0411 12 Yes, I also need a Lebanese restaurant in the center of town. Restaurant-Inform(Food=lebanese)
+PMUL0411 14 I can't wait. Please book a table for 1 at 13:00 on Friday, please. Restaurant-Inform(Time=13:00;People=1;Day=friday;Name=ali baba)
+PMUL0411 16 That is everything, thank you. general-thank()
+PMUL0411 17 Have a great day. Good day. general-bye()
+PMUL0410 0 Hi, I'm looking for an expensive restaurant that serves Moroccan food in Cambridge please. Restaurant-Inform(Food=moroccan;Price=expensive)
+PMUL0410 2 Ok, how about Chinese food then? Restaurant-Inform(Food=chinese)
+PMUL0410 6 Can you book me a table for one on Friday at 13:45? I will need the reference number as well. Restaurant-Inform(Time=13:45;People=1;Day=friday)
+PMUL0410 8 Yes, please. I'm looking for a hotel on the east side. Hotel-Inform(Area=east;Type=hotel)
+PMUL0410 10 I would like it to be in the Expensive range. Hotel-Inform(Price=expensive)
+PMUL0410 12 Yes, I'd like to book that for one person. It will need to be on Friday and I'll stay for three nights. Hotel-Inform(Stay=3;People=1;Day=friday;Name=express by holiday inn cambridge)
+PMUL0410 13 Your booking was a success! Your reference number is: YDTUA8PE. Booking-Book(Ref=YDTUA8PE)
+PMUL0413 0 I am interested in finding local Indian restaurants to visit during my trip to Cambridge. Restaurant-Inform(Food=indian)
+PMUL0413 1 Do you have a price range in mind? Restaurant-Request(Price)
+PMUL0413 2 Moderate price range, please. Restaurant-Inform(Price=moderate)
+PMUL0413 4 I also need a place to stay and should be a guesthouse Hotel-Inform(Type=guesthouse)
+PMUL0413 6 I am looking for a hotel in the east. Hotel-Inform(Area=east)
+PMUL0413 8 The price doesn't matter. But I need a reservation starting on Friday. Hotel-Inform(Price=dont care)
+PMUL0413 10 5 people and 4 nights. Hotel-Inform(Stay=4;People=5;Name=autumn house)
+PMUL0413 12 Anywhere is fine, it just needs to be moderately priced. Restaurant-Inform(Price=moderate)
+PMUL0413 16 Not yet. What part of town is it in? Restaurant-Inform(Name=curry prince)
+PMUL0413 17 It is in the East section of town. Restaurant-Inform(Area=East section of town)
+PMUL0413 22 No actually I don;t need a reservation. I just need to find a hotel that is a guesthouse with free parking, and in the east and moderately priced. Hotel-Inform(Area=east;Parking=no;Type=guesthouse)
+PMUL0413 25 Do you need to cancel the booking? general-reqmore()
+PMUL0413 27 then Booking was successful.Reference number is : 47TOYZUY. Booking-Book(Ref=47TOYZUY)
+PMUL0413 28 thanks for your help. have a great day general-thank()
+PMUL0413 29 Have a nice day. general-bye()
+PMUL0412 0 Yes I am looking for a moderately priced Italian restaurant. Restaurant-Inform(Food=italian;Price=moderate)
+PMUL0412 1 Prezzo is a moderately priced italian restaurant in the west part of town. Would you like to go there? Restaurant-Inform(Food=italian;Price=moderately priced;Area=west;Name=Prezzo)
+PMUL0412 2 I need something in the centre part of town. What do you have? Restaurant-Inform(Area=centre)
+PMUL0412 3 I have two options to choose from. Pizza Express and Pizza Express Fen Ditton are both in the centre of town. Restaurant-Inform(Choice=two;Name=Pizza Express;Name=Pizza Express Fen Ditton;Area=centre of town)
+PMUL0412 5 I can do that. When will you be eating? Booking-Request(Time)
+PMUL0412 6 We will be eating at 14:30 on Wednesday. I need the reservation to be for 7 people. Restaurant-Inform(Time=14:30;People=7;Day=wednesday)
+PMUL0412 8 Yes, I am also looking for a place to stay. I prefer a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL0412 9 What area would you like to stay in? Hotel-Request(Area)
+PMUL0412 10 I would like to stay somewhere near the restaurant. Hotel-Inform(Area=centre)
+PMUL0412 11 There are two hotels available. Do you have a preference between 0 or 4 stars? Hotel-Inform(Stars=0;Stars=4;Type=hotel;Choice=two)
+PMUL0412 12 3 stars will be fine thank you general-thank()
+PMUL0412 13 Alexander bed and breakfast is the 4 star rated place. Hotel-Inform(Stars=4;Name=Alexander bed and breakfast)
+PMUL0412 16 book for 7 people for 5 days from wednesday Hotel-Inform(Stay=5;People=7;Day=wednesday)
+PMUL0412 17 Booking was successful. Reference number is : 62UNRH8C. Booking-Book(Ref=62UNRH8C)
+PMUL0412 18 I wouls also need a taxi Taxi-Inform()
+PMUL0412 19 I would be happy to book your taxi. I need the travel time, departure location and arrival destination please. Taxi-Request(Depart;Leave;Dest)
+PMUL0412 20 I want it to take me from Alexander B&B to Pizza Express Fen Ditton to get me there by 14:30. Taxi-Inform(Depart=alexander bed and breakfast;Dest=pizza express Fen Ditton;Arrive=14:30)
+PMUL0412 21 Your taxi is booked. Be expecting a yellow Volkswagen. Please call 07236965666 should you need to reach them. Taxi-Inform(Phone=07236965666;Car=yellow Volkswagen)
+PMUL0412 22 thanks! that will be all for today. general-thank()
+PMUL0414 0 Can you help me find a restaurant with a moderate price range that serves turkish food? Restaurant-Inform(Food=turkish;Price=moderate)
+PMUL0414 2 Sure. I'd like a table for 2 at antolia on thursday at 13:45. Restaurant-Inform(Time=13:45;People=2;Day=thursday)
+PMUL0414 3 Here is your booking information:Booking was successful. The table will be reserved for 15 minutes. Reference number is : 0TAI4M3W. Booking-Book(Ref=0TAI4M3W)
+PMUL0414 4 I am also looking for a moderate priced guesthouse to stay in that includes free parking Hotel-Inform(Parking=yes)
+PMUL0414 5 Thanks a lot welcome again general-welcome()
+PMUL0417 0 I need a place to stay in the east. Hotel-Inform(Area=east)
+PMUL0417 2 No, I don't care about price or stars. Hotel-Inform(Stars=dont care;Price=dont care)
+PMUL0417 7 For what night and how many people? Booking-Request(People;Day)
+PMUL0417 8 I need it for 8 people for 2 nights starting on Wednesday. Hotel-Inform(Stay=2;People=8;Day=wednesday)
+PMUL0417 10 Thanks. Could you help me find a restaurant specializing in Americas food, also in the east? Restaurant-Inform(Area=east;Food=the americas)
+PMUL0417 11 Were you looking for a particular price range? Restaurant-Request(Price)
+PMUL0417 14 Try british food, please. Restaurant-Inform(Food=british)
+PMUL0417 16 Yes. Can you get all eight of us a table? Restaurant-Inform(People=8)
+PMUL0417 17 What time would you like the booking for? Booking-Request(Time)
+PMUL0417 18 12:15 on the same day as the hotel please Hotel-Inform()
+PMUL0417 19 What day would that reservation be needed and number of people? Booking-Request(People;Day)
+PMUL0417 22 No, thank you for your help. general-thank()
+PMUL0416 0 Hey! Looking for a hotel on the west side. Thanks! Hotel-Inform(Area=west;Type=hotel)
+PMUL0416 6 I would like to make a booking for 2 people and 2 nights starting from friday. Hotel-Inform(Stay=2;People=2;Day=friday)
+PMUL0416 7 I successfully booked you a room for 2 nights starting on Friday at The Cambridge Belfry. Your reference number is GPGCYPCU Booking-Book(Ref=GPGCYPCU;Stay=2;Name=The Cambridge Belfry;Day=Friday)
+PMUL0416 8 Thank you. Do you have information on the Pipasha restaurant? Restaurant-Inform(Name=pipasha restaurant)
+PMUL0416 10 What is the postcode to that place? Restaurant-Request(Post)
+PMUL0416 12 I'd also like to book a taxi between my hotel and the restaurant. Hotel-Inform(Type=hotel)
+PMUL0416 13 what time would you like to leave or arrive? Taxi-Request(Arrive;Leave)
+PMUL0416 15 Your taxi reservation departing from the cambridge belfry headed to Pipasha Restaurant by 1:00 was successful. The cary type is a yellow skoda. Contact number: 07014062574 Taxi-Inform(Arrive=1:00;Phone=07014062574;Dest=Pipasha Restaurant;Car=yellow skoda;Depart=cambridge belfry)
+PMUL0416 16 Thank you, that's all I need today. general-thank()
+SNG1160 0 Hi, i am looking for a middle eastern restaurant in the expensive price range. Restaurant-Inform(Food=middle eastern;Price=expensive)
+SNG1160 2 Yes, can we try a moderate price range. Restaurant-Inform(Price=moderate)
+SNG1160 4 Hmm, how about Italian? Expensive. Restaurant-Inform(Food=italian;Price=expensive)
+SNG1160 6 Nope! Could you pick your favorite and book a table for me? 2 people at 12:30 on Tuesday, please. Restaurant-Inform(Time=12:30;People=2;Day=tuesday)
+SNG1160 7 Booking was successful. The table will be reserved for 15 minutes. Reference number is : H9SV1U6G. Booking-Book(Ref=H9SV1U6G)
+SNG1160 8 Awesome. Thanks for your assistance, that's all I need. general-thank()
+SNG1160 9 I am glad to be of service! Have a wonderful time in Cambridge! general-bye()
+PMUL4579 1 Is there anything in particular you are looking for? Hotels or restaurants perhaps? general-reqmore()
+PMUL4579 2 I'm looking to take a train on Sunday leaving from Kings Lynn. Train-Inform(Depart=kings lynn;Day=sunday)
+PMUL4579 4 I would like to leave after 11:15. Train-Inform(Leave=11:15)
+PMUL4579 6 what is its price? Train-Request(Price)
+PMUL4579 7 The price is 7.84 pounds per ticket. Train-Inform(Ticket=7.84 pounds)
+PMUL4579 9 travel time is 47 minutes Train-Inform(Time=47 minutes)
+PMUL4579 10 Thanks for the train info. I am also interested in visiting attractions in the center of Cambridge. Train-Inform(Dest=cambridge)
+PMUL4579 12 Any one would do but I would need the phone number Attraction-Request(Phone)
+PMUL4579 13 all saints church is a attraction of architecture in the centre phone is 01223452587 Attraction-Recommend(Type=architecture;Name=all saints church;Area=centre;Phone=01223452587)
+PMUL4579 16 Actually, I won't be needing a hotel after all. Thank you for your help. Hotel-Inform()
+PMUL4579 18 No, that is all I need today. Again, thank you. general-thank()
+PMUL4572 0 Please find me a train out of bishops stortford on Tuesday Train-Inform(Depart=bishops stortford;Day=tuesday)
+PMUL4572 2 I need to leave on Tuesday after 17:45. Train-Inform(Leave=17:45)
+PMUL4572 4 Can you book it for me and get a reference number ? Train-Request(Ref)
+PMUL4572 5 How many tickets would you like? Train-Request(People)
+PMUL4572 7 Okay I was able to book that for you and your reference number is 3UMAE1F5. Train-OfferBooked(Ref=3UMAE1F5)
+PMUL4572 8 That's perfect, I want to visit some museums in the town center with the family. Can you suggest some? Attraction-Inform(Type=museum)
+PMUL4572 10 That sounds great can I get the phone number and postcode? Attraction-Request(Post;Phone)
+PMUL4572 12 Yes. that is all for now. good bye! general-bye()
+PMUL4572 13 Have a great trip! general-bye()
+PMUL4573 0 i am looking for somewhere to go in the centre of Cambridge Attraction-Inform(Area=centre)
+PMUL4573 2 No, Is that a museum or a church. Attraction-Inform(Name=holy trinity church)
+PMUL4573 4 no. also find me a hotel by the name warkworth house Hotel-Inform(Name=warkworth house)
+PMUL4573 6 Yes, please. Can you reserve a room for Monday for 5 people, 3 nights? Hotel-Inform(Stay=3;People=5;Day=monday)
+PMUL4573 7 Yes your reference number is 53LJQ4H6. Booking-Book(Ref=53LJQ4H6)
+PMUL4573 8 Thanks! Can you suggest to me something to visit that isn't a church or architecture? Maybe a museum or a park? Attraction-Inform(Type=park)
+PMUL4573 10 I think we would like it to be in the centre of town please. Attraction-Inform(Area=centre)
+PMUL4573 14 No. That's perfect! Thanks for your help. Good bye. general-bye()
+PMUL4573 15 have a good day general-bye()
+PMUL4570 0 I need a train to stevenage on saturday. Train-Inform(Dest=stevenage;Day=saturday)
+PMUL4570 2 Much later, I can't leave any earlier than 16:15. Train-Inform(Leave=16:15)
+PMUL4570 3 How about a 17:21 that will arrive by 18:10? Train-Select(Arrive=18:10;Leave=17:21)
+PMUL4570 5 Booking was successful, the total fee is 10.24 GBP payable at the station . Reference number is : MQ8762HX Train-OfferBooked(Ref=MQ8762HX;Ticket=10.24 GBP)
+PMUL4570 6 Thank you. Can you help me find a hotel that has 2 stars and is expensive. I would like free wifi and in the east. Hotel-Inform(Stars=2;Area=east;Internet=yes;Price=expensive)
+PMUL4570 8 I would like to book that for one person for two nights starting Thursday Hotel-Inform(Stay=2;People=1;Day=thursday)
+PMUL4570 10 a reference number Hotel-Request(Ref)
+PMUL4570 11 Sure, your reference number is O9HUGXCO. Booking-Book(Ref=O9HUGXCO)
+PMUL4570 12 Great, thanks for your help! general-thank()
+PMUL4570 14 That is all, thanks! general-thank()
+PMUL4570 15 thank you and enjoy your city stay! general-bye()
+PMUL4571 0 I am going to cambridge and I am looking for the cambridge book and print gallery Attraction-Inform(Name=cambridge book and print gallery)
+PMUL4571 1 Okay! It is a museum in the West part of town at 49 Newnham Road. Admission is free. Attraction-Inform(Fee=free;Type=museum;Area=West part of town;Addr=49 Newnham Road)
+PMUL4571 2 What is their phone number? Attraction-Request(Phone)
+PMUL4571 4 Thank you. I'm also looking for a moderate price range restaurant that serves turkish food. Restaurant-Inform(Food=turkish;Price=moderate)
+PMUL4571 6 Not right now, thank you for your assistance. Have a wonderful day. general-thank()
+PMUL4571 7 Thank you goodbye general-bye()
+PMUL4576 0 I'm looking for a guesthouse, I do an online business, so I will need free wifi. Hotel-Inform(Internet=yes;Type=guesthouse)
+PMUL4576 2 a star of 4 and should include free parking in the North part of town Hotel-Inform(Stars=4;Area=north;Parking=yes)
+PMUL4576 5 Your booking was successful. The reference number is CX1Y5225. Booking-Book(Ref=CX1Y5225)
+PMUL4576 6 Thank you. Are there any Chinese restaurants in the centre of town? Restaurant-Inform(Area=centre;Food=chinese)
+PMUL4576 8 I'm definitely looking for someplace cheap. Restaurant-Inform(Price=cheap)
+PMUL4576 10 no, just tell me the address and phone number. Restaurant-Request(Phone;Addr)
+PMUL4576 11 The address is 12 Lensfield Road City Centre, phone number 01842753771 Restaurant-Inform(Addr=12 Lensfield Road City Centre;Phone=01842753771)
+PMUL4576 13 What time would you like to leave? Taxi-Request(Leave)
+PMUL4576 14 I want to leave the restaurant by 05:45. Restaurant-Inform()
+PMUL4576 15 So you want to go from the restaurant to the guesthouse at 5:45? Taxi-Request(Leave;Dest;Depart)
+PMUL4576 16 Yes, please, I would like a taxi from the restaurant to the guesthouse. Taxi-Inform(Leave=05:45)
+PMUL4576 17 Ok I've booked you a blue bmw to leave Kirkwood house at 5:45 going to Golden House. Contact number:07124998798 Taxi-Inform(Car=blue bmw;Phone=07124998798;Depart=Kirkwood house;Dest=Golden House;Leave=5:45)
+PMUL4576 18 Cool, thanks for your help. general-thank()
+PMUL4576 19 you are welcome and thanks for choosing us general-welcome()
+PMUL4576 20 No problem. That's all I needed too. So, bye. general-bye()
+PMUL4576 21 welcome anytime you need use general-welcome()
+PMUL4577 1 sure, do you need some information? general-reqmore()
+PMUL4577 2 I need to book a train from Cambridge to Leicester, leaving after 20:00 on Sunday. Train-Inform(Depart=cambridge;Dest=leicester;Day=sunday;Leave=20:00)
+PMUL4577 6 Actually, I could use some help finding something fun to do in the north. Attraction-Inform(Area=north)
+PMUL4577 7 There are several swimmingpools as well as a park and a boat attraction in the north. do any of these appeal to you? Attraction-Inform(Type=swimmingpools;Type=park;Type=boat;Choice=several;Area=north)
+PMUL4577 10 no that will be all thank you general-thank()
+PMUL4577 12 No thank you. general-thank()
+PMUL4577 13 Okay, have a great day! general-bye()
+PMUL4574 0 i am looking for a particular attraction. Its name is called the place. Attraction-Inform(Name=the place)
+PMUL4574 1 The Place is a nightclub located at 22 sidney street. Attraction-Inform(Addr=22 sidney street;Name=The Place;Type=nightclub)
+PMUL4574 2 Can you get me phone number please, thank you general-thank()
+PMUL4574 3 Sure thing, that's 01223324600. Attraction-Inform(Phone=01223324600)
+PMUL4574 4 Thanks. I am also looking for a hotel room. Hotel-Inform()
+PMUL4574 5 Yes what area would you like to stay in and what price range are you considering? Hotel-Request(Price;Area)
+PMUL4574 6 The hotel should be in the type of hotel and doesn't need to include internet. The hotel doesn't need to have free parking. price doesn't matter. Hotel-Inform(Parking=no;Internet=yes;Price=dont care;Type=hotel)
+PMUL4574 8 I don't need you to book it thank you. Hotel-Inform(Name=cityroomz)
+PMUL4574 9 ok, anything else i can help you with? general-reqmore()
+PMUL4574 10 Sorry, I am changing my mind. Please book Cityroomz for 4 nights starting on Saturday, for 8 people. Thanks. Hotel-Inform(Stay=4;People=8;Day=saturday)
+PMUL4574 11 You have been booked for Cityroomz. Your reference number is HAGWQ5KE. Booking-Book(Ref=HAGWQ5KE;Name=Cityroomz)
+PMUL4574 12 Thanks a lot for all your help! general-thank()
+PMUL4574 13 you are welcome all the time general-welcome()
+PMUL4574 14 okay goodbye general-bye()
+PMUL4574 15 Bye! I hope you have a lovely stay! general-bye()
+PMUL4575 0 Can you help me find a restaurant that serves sri lankan food that is moderately priced? Restaurant-Inform(Food=sri lankan;Price=moderate)
+PMUL4575 3 Yes, I have doubled checked and there are no sri lankan restaurants anywhere in Cambridge. Restaurant-NoOffer(Food=sri lankan;Area=anywhere in Cambridge)
+PMUL4575 4 Okay, how about one that serves British food? Restaurant-Inform(Food=british)
+PMUL4575 6 Could you recommend one? I will be needing a table for 1 at 14:30 on Thursday. Restaurant-Inform(Time=14:30;Day=thursday)
+PMUL4575 7 What price range would you like? Restaurant-Request(Price)
+PMUL4575 9 Booking was successful. The table will be reserved for 15 minutes. Reference number is : 3NX7QMU8. Booking-Book(Ref=3NX7QMU8)
+PMUL4575 14 You have covered everything. Thank you. general-thank()
+PMUL4520 0 I would love to get some information on the abbey pool and astroturf pitch Attraction-Inform(Name=abbey pool and astroturf pitch)
+PMUL4520 3 Yes, that's located in the east part of Cambridge. Attraction-Inform(Area=east)
+PMUL4520 4 How often do trains depart peterborough going to cambridge during the week? Train-Inform(Depart=peterborough;Dest=cambridge)
+PMUL4520 6 NOt at this time. Thanks for your help general-thank()
+PMUL4520 7 Okay is there something else I can do? general-reqmore()
+PMUL4520 8 Actually, I would like to book a train. It needs to arrive by 20:30. I'd like to book for 3 people. Train-Inform(People=3;Arrive=20:30)
+PMUL4520 9 There are many trains. Do you have a preference for departure time? Train-Request(Leave)
+PMUL4520 10 Yes I would like to arrive by 20:30 in Cambridge from Peterborough. Train-Inform(Depart=peterborough;Dest=cambridge;Arrive=20:30)
+PMUL4520 11 What day would you like to leave? Train-Request(Day)
+PMUL4520 12 I would like to depart on Wednesday. Train-Inform(Day=wednesday)
+PMUL4520 14 thanks so much for all of your help I cant wait to get there! general-thank()
+PMUL4520 15 Would you like me to book you a ticket? Train-OfferBook()
+PMUL4520 16 I apologize, I am so excited about the trip it is making me spacy, please book me for 3 people. Train-Inform(People=3)
+PMUL4520 18 How about a moderately prices Italian restaurant in the same area as the hotel? Attraction-Request(Area)
+PMUL4520 19 We haven't talked about a hotel. general-reqmore()
+PMUL4520 20 You're right. Now that we have the train booked, that's all I need. Train-Inform()
+PMUL4520 21 Have a good trip! general-bye()
+MUL2089 0 I'd like a moderately priced hotel with free parking, please. Hotel-Inform(Parking=yes;Price=moderate)
+MUL2089 2 Is that located in the north. I really want to stay somewhere in the north. Hotel-Inform(Area=north;Name=acorn guest house)
+MUL2089 4 Does it also have internet access? Hotel-Request(Internet)
+MUL2089 5 It does have wifi. Hotel-Inform(Internet)
+MUL2089 7 Yes it does. Would you like me to book you a room? Booking-Inform()
+MUL2089 8 I have to discuss it with my husband, so no thanks. Can you tell me about trains leaving Monday? I need to arrive by 10:45. Train-Inform(Day=monday;Arrive=10:45)
+MUL2089 9 And where do you want to travel to and from? Train-Request(Dest;Depart)
+MUL2089 10 I will be traveling from Cambridge heading to Bishops Stortford. Train-Inform(Depart=cambridge;Dest=bishops stortford)
+MUL2089 11 I have 3 trains that would suit your needs. May I suggest the one that arrives by 10:07? Train-Inform(Arrive=10:07;Choice=3)
+MUL2089 12 Yes that works for me. Can I have the travel time and the train ID? Train-Request(Duration;TrainID)
+MUL2089 14 That will be all, thank you! general-thank()
+MUL2089 15 You are very welcome. Have a great day. general-greet()
+PMUL4415 1 I need some more specifics to help you. What type of information do you need? general-reqmore()
+PMUL4415 2 I am looking for a guesthouse in the north. I would like it to be expensive and include free wifi. Hotel-Inform(Area=north;Internet=yes;Price=expensive;Type=guesthouse)
+PMUL4415 3 I was unable to find any matching places for that. Hotel-NoOffer()
+PMUL4415 4 What about one in the moderate price range? Hotel-Inform(Price=moderate)
+PMUL4415 6 Yes I do need the free wifi. Hotel-Inform(Internet=yes)
+PMUL4415 8 Yes, that would be good. Can you just let me know the star rating of the hotel, whether they have free parking, and address? Thanks Hotel-Request(Parking;Addr)
+PMUL4415 9 Sure! the acorn guest house is a 4 star hotel with free parking and the address is 154 chesterton road. Hotel-Inform(Name=acorn guest house;Addr=154 chesterton road;Type=hotel;Parking;Stars=4)
+PMUL4415 10 I also need to find a train for Friday going to Cambridge from Norwich and leaving after 15:15. Train-Inform(Depart=norwich;Dest=cambridge;Day=friday;Leave=15:15)
+PMUL4415 12 No need to book the tickets I just needed the info. Thats all I needed thanks general-thank()
+PMUL4415 13 Can I help you with anything else? general-reqmore()
+PMUL4415 14 No, that will be all. Thank you! general-thank()
+PMUL4415 15 You're very welcome! Have a great day! general-welcome()
+PMUL4414 0 I need a place to go in the centre. Attraction-Inform(Area=centre)
+PMUL4414 1 There are many great attractions in Centre, do you have a particular type in mind? Attraction-Inform(Area=Centre;Choice=many)
+PMUL4414 2 I don't have anything specific in mind, what are some of the most popular attractions in the centre? Attraction-Inform(Area=centre)
+PMUL4414 4 I need their postcode please. Attraction-Request(Post)
+PMUL4414 6 Thanks! I also need a restaurant in the centre. Restaurant-Inform(Area=centre)
+PMUL4414 10 I'm looking for something upscale in the expensive price range. Restaurant-Inform(Price=expensive)
+PMUL4414 12 No, can you recommend one and book a table for 7 people? Restaurant-Inform(People=7)
+PMUL4414 14 It will be on Wednesday at 12:30. Restaurant-Inform(Time=12:30;Day=wednesday)
+PMUL4414 17 Absolutely, do you have any preferences? general-reqmore()
+PMUL4414 21 I have booked a black volvo arriving at midsummer house restaurant by 12:30 on Wednesday and their contact number is 07420307177. Taxi-Inform(Arrive=12:30;Phone=07420307177;Car=black volvo;Dest=midsummer house restaurant)
+PMUL4414 22 Thank you, thats all need today. general-thank()
+PMUL4414 23 welcome anytime you need our help general-welcome()
+PMUL4414 25 Thank you , you too. general-bye()
+PMUL1937 0 Hello, I'm looking for information on a hotel called Hobsons House. Hotel-Inform(Name=hobsons house)
+PMUL1937 4 I also need a train. Train-Inform()
+PMUL1937 5 Where would you like the train for and when did you want to travel? Train-Request(Depart;Leave)
+PMUL1937 6 I need to go to the stansted airport on wednesday. Train-Inform(Dest=stansted airport;Day=wednesday)
+PMUL1937 7 Where will you leave from? Train-Request(Depart)
+PMUL1937 8 I'm leaving from Cambridge. Train-Inform(Depart=cambridge)
+PMUL1937 9 What time would you like to leave or arrive by? Train-Request(Arrive;Leave)
+PMUL1937 12 not now. thanks for the information general-thank()
+PMUL1937 13 Do you need anything else? general-reqmore()
+PMUL1937 14 I'm good, that's all I needed, Thanks! general-thank()
+PMUL1937 15 Thank you for contacting us and have a nice day. general-bye()
+PMUL4522 0 I would like to find a place to stay that has wifi, I'm not a fan of this new guesthouse trend, so a regular hotel please. Hotel-Inform(Internet=yes;Type=hotel)
+PMUL4522 1 I prefer hotels also. What part of town did you have in mind? Hotel-Request(Area)
+PMUL4522 2 I would like a hotel in the north. Hotel-Inform(Area=north)
+PMUL4522 3 I have found two 2-star hotels, both moderately-priced, and both with internet and parking. You can choose between the Ashley Hotel, and the Lovell Lodge. Which would you prefer? Hotel-Select(Price=moderately-priced;Stars=2;Parking;Name=Ashley Hotel;Name=and the Lovell Lodge.;Internet)
+PMUL4522 4 2 stars is too pedestrian for me. I have sophisticated tastes so something around 4 stars would be better. Hotel-Inform(Stars=4)
+PMUL4522 6 Let's try a guesthouse with those qualifications instead please. Hotel-Inform(Type=guesthouse)
+PMUL4522 8 book it for 3 people and 2 nights starting from thursday. Hotel-Inform(Stay=2;People=3;Day=thursday)
+PMUL4522 10 Yes, can you find a chinese restaurant near the hotel, please? Restaurant-Inform(Food=chinese)
+PMUL4522 12 I like my food expensive. Restaurant-Inform(Price=expensive)
+PMUL4522 14 No thank you. Can you just give me the postcode and phone number? Restaurant-Request(Post;Phone)
+PMUL4522 16 Great I also need a taxi to take me between the two places. Taxi-Inform()
+PMUL4522 17 What time would you like to travel? Taxi-Request(Leave)
+PMUL4522 18 I would like to be at the hotel by 13:45 please. Taxi-Inform(Arrive=13:45)
+PMUL4522 19 Would you like to leave from the restaurant? Taxi-Request(Depart)
+PMUL4522 20 Actually, I'd like to go from the hotel to the restaurant at 13:45. Taxi-Inform(Depart=acorn guest house)
+PMUL4522 21 Sure, I can book that for you. What time would you like to leave at? Taxi-Request(Leave)
+PMUL4522 24 There is nothing else. Thanks for all your help. Goodbye. general-bye()
+PMUL4522 25 I am glad to help. Enjoy ! general-bye()
+PMUL1931 0 Hi, I am looking for a train that leaves on Tuesday after 18:15. Train-Inform(Day=tuesday;Leave=18:15)
+PMUL1931 1 Certainly! What are your departure and destination locations? Train-Request(Depart;Dest)
+PMUL1931 2 It should leave from Cambridge and go to Leicester please. Train-Inform(Depart=cambridge;Dest=leicester)
+PMUL1931 3 Thanks for that information. Is there a time you would like to arrive by? Train-Request(Arrive)
+PMUL1931 6 Yes. I would like to book it for 6 people please. Train-Inform(People=6)
+PMUL1931 8 Yes I also need a guesthouse to stay in. It should have 4 stars, free wifi, in the east location. Hotel-Inform(Stars=4;Area=east;Internet=yes;Type=guesthouse)
+PMUL1931 12 Sounds good. I need it for 5 nights for 6 people starting from Thursday. Hotel-Inform(Stay=5;People=6;Day=thursday)
+PMUL1931 14 No, thanks. That's all I needed. Goodbye. general-bye()
+PMUL4410 0 Hi, I am planning a trip. Have you heard of a particular hotel? I think it is called the Carolina Bed and Breakfast. Hotel-Inform(Name=carolina bed and breakfast)
+PMUL4410 1 Yes, it is a 4 star guesthouse located at 138 Perne Road. Very nice and clean place. Hotel-Inform(Addr=138 Perne Road;Type=guesthouse;Stars=4)
+PMUL4410 2 Great! I need reservations for 3 people, for 3 nights, beginning on Thursday. Hotel-Inform(Stay=3;People=3;Day=thursday)
+PMUL4410 3 Booking was successful. Reference number is : KYWFGUNH. Booking-Book(Ref=KYWFGUNH)
+PMUL4410 4 Thank you. I also need to find an attraction in the Centre. Can you help me with that. Attraction-Inform(Area=centre)
+PMUL4410 6 Can you pick one for me and give me the address ? Attraction-Request(Addr)
+PMUL4410 7 All Saints Church is an architecture interest and has free admission. It is located on Jesus Lane. Attraction-Inform(Addr=Jesus Lane;Type=architecture;Fee=free;Name=All Saints Church)
+PMUL4410 9 The car is a red audi and the contact number is 07570056398. Taxi-Inform(Car=red audi;Phone=07570056398)
+PMUL4410 10 Thank you so much, that is everything that i need general-thank()
+PMUL4410 11 I hope you have a great time. general-greet()
+PMUL4413 0 I'm need a cheap place to stay that has free parking. Hotel-Inform(Parking=yes;Price=cheap)
+PMUL4413 2 I'd really like to stay in a guesthouse. What do you have available? Hotel-Inform(Type=guesthouse)
+PMUL4413 3 how about alexander bed and breakfast? they are lovely Hotel-Inform(Name=alexander bed and breakfast)
+PMUL4413 4 Sure. Can you book it for 5 people for 2 nights starting Saturday? I also need the reference number. Hotel-Inform(Stay=2;People=5;Day=saturday)
+PMUL4413 5 I've made those reservations and your reference number is GDS15VTZ. Booking-Book(Ref=GDS15VTZ)
+PMUL4413 6 Thank you. I am also looking for a train that departs from cambridge after 19:30. Train-Inform(Depart=cambridge;Leave=19:30)
+PMUL4413 7 Where will you be heading and on what day please? Train-Request(Day;Dest)
+PMUL4413 8 Going to broxbourne on Monday. Train-Inform(Dest=broxbourne;Day=monday)
+PMUL4413 9 TR2292 leaves cambridge at 20:01 and arrives at 21:01, will that train work for you? Train-Inform(Arrive=21:01;Id=TR2292;Leave=20:01)
+PMUL4413 10 Yes, it will. Can you book 5 tickets for me please? Train-Inform(People=5)
+PMUL4413 12 No thank you that is all I need today. general-thank()
+PMUL4412 0 May I please have information about a train to Stevenage, leaving on Tuesday? Train-Inform(Dest=stevenage;Day=tuesday)
+PMUL4412 1 Certainly. Is Cambridge your departure point? Train-Select(Depart=Cambridge)
+PMUL4412 3 Do you have a certain time you would like to leave after or arrive by? Train-Request(Leave;Arrive)
+PMUL4412 4 Any that leave after 08:00 would be fine. I'll need a booking for 5 people, please. Train-Inform(People=5;Leave=08:00)
+PMUL4412 6 I would also like a moderately priced place to stay. Hotel-Inform(Price=moderate)
+PMUL4412 7 Is there a certain area that you perfer? Maybe free parking or wifi? Hotel-Request(Area;Parking;Internet)
+PMUL4412 8 free wifi and 4 stars please Hotel-Inform(Stars=4;Internet=yes)
+PMUL4412 10 Sounds great. I'd like to make a reservation for Saturday. Hotel-Inform(Name=avalon)
+PMUL4412 11 I would be happy to book this for you. Will you be booking for 5 people? Booking-Inform(People=5)
+PMUL4412 12 Yes for 5 people and 3 nights. Hotel-Inform(Stay=3;People=5)
+PMUL4412 14 No, thank you, that's all I need. Thanks for your help! general-thank()
+MUL2216 0 I am looking for a guesthouse to stay at in the moderate price range. Hotel-Inform(Price=moderate;Type=guesthouse)
+MUL2216 1 How about the a and b guest house? Hotel-Recommend(Name=the a and b guest house)
+MUL2216 4 Yes. I need free parking, and I prefer the southern part of town. Hotel-Inform(Area=south;Parking=yes)
+MUL2216 6 I have no preferences. You can just pick one. I'd like it for 7 people for 5 nights starting from saturday. Hotel-Inform(Stay=5;People=7;Day=saturday)
+MUL2216 8 How about 3 nights for the same day and number of people? Hotel-Inform(Stay=3)
+MUL2216 10 Yes, I need a train out of Peterborough into Cambridge, please. Train-Inform(Depart=peterborough;Dest=cambridge)
+MUL2216 11 When do you need that train? Train-Request(Day;Leave;Arrive)
+MUL2216 12 I need it for Saturday and I want to arrive by 18:15. Train-Inform(Day=saturday;Arrive=18:15)
+MUL2216 14 Yes please. Can you book 7 tickets on that train? I'd like a reference number if possible. Train-Inform(People=7)
+MUL2216 15 Booking was successful, the total fee is 92.4 GBP payable at the station. Reference number is : 8JPQ3AQT. Train-OfferBooked(Ref=8JPQ3AQT;Ticket=92.4 GBP)
+MUL2216 16 Great! You have helped me tremendously. I don't need anything else. Thank you! general-thank()
+MUL2217 0 Could you help me find a 0 star lodging with free parking? Hotel-Inform(Stars=0;Parking=yes)
+MUL2217 2 I want to make sure also, that it is a hotel and includes free wifi Hotel-Inform(Internet=yes;Type=hotel)
+MUL2217 4 Can I just get the address for them please Hotel-Request(Addr)
+MUL2217 5 City centre is 328a histon road and el shaddai is 41 warkworth street. Hotel-Inform(Addr=328a histon road;Addr=41 warkworth street.;Name=City centre;Name=el shaddai)
+MUL2217 6 Thanks, I also need a train to go to cambridge. Train-Inform(Dest=cambridge)
+MUL2217 7 From where to cambridge then? Train-Request(Depart)
+MUL2217 8 I want to leave from bishops stortford and arrive by 12:15. Train-Inform(Depart=bishops stortford;Arrive=12:15)
+MUL2217 10 I would like to leave on friday. Train-Inform(Day=friday)
+MUL2217 12 Please book me for one for train TR 6834 Train-Inform(People=1)
+MUL2217 14 Thank you so much for your help. general-thank()
+MUL2217 15 You are welcome have a great time! general-welcome()
+MUL2214 0 I am looking for a 4 star hotel with free wifi. Hotel-Inform(Stars=4;Internet=yes;Type=hotel)
+MUL2214 2 I would also like free parking Hotel-Inform(Parking=yes)
+MUL2214 3 Huntingdon marriott hotel is available, would you like to try that? Hotel-Inform(Name=Huntingdon marriott hotel)
+MUL2214 5 The address is Kingfisher Way, Hinchinbrook Business Park, Huntingdon, postcode pe296fl. Hotel-Inform(Addr=Kingfisher Way;Addr=Hinchinbrook Business Park;Addr=Huntingdon;Post=pe296fl)
+MUL2214 6 Ok great. I need to get a train ticket going too kings lynn on friday. Can you help me? Train-Inform(Dest=kings lynn;Day=friday)
+MUL2214 8 I need a train that leaves afer 21:15 and departs from cambridge. Train-Inform(Depart=cambridge;Leave=21:15)
+MUL2214 12 No thank you. That's all I needed. Good bye. general-bye()
+MUL2214 13 Have a great day. general-bye()
+MUL2215 0 Hello, I am looking for a place to stay that has 3 stars. Hotel-Inform(Stars=3)
+MUL2215 1 I can certainly help you with that! What area are you looking to stay in? Hotel-Request(Area)
+MUL2215 2 I would like a hotel in the south. Hotel-Inform(Area=south;Type=hotel)
+MUL2215 4 I don't have a price range I just need it to be a hotel. Hotel-Inform(Type=hotel)
+MUL2215 6 I would like the hotel for 5 people for 3 nights starting on tuesday. Hotel-Inform(Type=hotel;People=5;Day=tuesday)
+MUL2215 7 I can book the lensfield hotel on Tuesday for 5 people and 3 nights, is this alright? Booking-Inform(Name=Lensfield Hotel;Day=Tuesday;People=5;Stay=3)
+MUL2215 9 Would another day or a shorter stay work? Booking-Request(Day;Stay)
+MUL2215 10 If you can't book it for 3 nights we can try two instead. Hotel-Inform(Stay=2)
+MUL2215 12 No, that'll be everything. Thanks! general-thank()
+PMUL4419 0 Yes, hi. I am looking for a train to get me out of Cambridge to someplace fun. Can you help me with that? Train-Inform(Depart=cambridge)
+PMUL4419 1 Of course! Do you know your destination? Train-Request(Dest)
+PMUL4419 2 Yes, I would like to go to Peterborough. I want to travel on Friday and get there by 21:30. Train-Inform(Dest=peterborough;Day=friday;Arrive=21:30)
+PMUL4419 3 Is there a time you would like to leave? Train-Request(Leave)
+PMUL1938 0 Hello, could you help me with information on a train? Train-Inform()
+PMUL1938 2 I am leaving from Norwich and going to Cambridge on Wednesday. Train-Inform(Depart=norwich;Dest=cambridge;Day=wednesday)
+PMUL1938 3 What time would you like to leave? Train-Request(Leave)
+PMUL1938 6 Just please get me the train ID and total travel time. Train-Request(Duration;TrainID)
+PMUL1938 8 Can you find me a cheap guesthouse to stay in? Hotel-Inform(Price=cheap;Type=guesthouse)
+PMUL1938 9 Do you have a area of town you prefer? Hotel-Request(Area)
+PMUL1938 10 East part of town please Hotel-Inform(Area=east)
+PMUL1938 13 How many nights will you be staying? Booking-Request(Stay)
+PMUL1938 14 There will be three of us checking in on Wednesday and staying for two nights. Hotel-Inform(Stay=2;People=3;Day=wednesday)
+PMUL1938 16 Not at this time. Thank you so much. general-thank()
+PMUL1938 18 No, thanks. That's all for today. general-thank()
+PMUL1938 19 Have a great day and enjoy your trip. general-bye()
+MUL2210 0 I'm looking for a train that goes to cambridge, leaving after 12:30 on monday Train-Inform(Dest=cambridge;Day=monday;Leave=12:30)
+MUL2210 1 From where will you be departing? Train-Request(Depart)
+MUL2210 2 I am leaving from Ely. Train-Inform(Depart=ely)
+MUL2210 3 I have the TR4849 train leaving Ely at 13:35 on Monday. Train-Inform(Day=Monday;Leave=13:35;Depart=Ely;Id=TR4849)
+MUL2210 5 The price is 4.40 pounds. You will arrive at 13:52. Train-Inform(Ticket=4.40 pounds;Arrive=13:52)
+MUL2210 7 I sure can. What area would you like to stay? Hotel-Request(Area)
+MUL2210 9 How about cityroomz? It is located in the centre of the city, is moderately priced, has 0 stars, and has free wifi. I think it would be perfect ofor you! Hotel-Recommend(Internet;Area=centre;Name=cityroomz;Stars=0;Price=moderately)
+MUL2210 10 That's perfect I need it booked for 8 people for 5 nights starting on Monday. Hotel-Inform(Stay=5;People=8;Day=monday;Name=cityroomz)
+MUL2210 12 That is everything, thank you for your help. general-thank()
+MUL2211 0 Hi, I will be in Cambridge soon and need a place to stay that has free parking. Hotel-Inform(Parking=yes)
+MUL2211 2 I am not particular about the area but it should be a hotel and 0 stars please. Hotel-Inform(Stars=0;Type=hotel)
+MUL2211 3 Unfortunately, I do not have any matches for your request. Hotel-NoOffer()
+MUL2211 4 How about a guesthouse with free parking and 0 stars? Hotel-Inform(Stars=0;Type=guesthouse)
+MUL2211 5 There are 2 options for guesthouses with 0 stars and free parking, the City Centre North B and B, and the El Shaddai Hotel-Inform(Stars=0;Parking;Choice=2;Name=the City Centre North B and B;Name=the El Shaddai;Type=guesthouse)
+MUL2211 6 I'd like to book El Shaddai, 3 people for 4 nights, starting from Tuesday. Hotel-Inform(Stay=4;People=3;Day=tuesday;Name=el shaddai)
+MUL2211 10 How about 3 nights, then? Hotel-Inform(Stay=3)
+MUL2211 12 Yes, I also need a train leaving after 9:15 on Tuesday from Kings lynn to Cambridge. Train-Inform(Depart=kings lynn;Dest=cambridge;Day=tuesday)
+MUL2211 18 Thank you but I will book it myself. This is all I needed, you were great thanks again!! general-thank()
+PMUL4176 0 I'm looking for places to go in the centre. Attraction-Inform(Area=centre)
+PMUL4176 6 What is the attraction type? Attraction-Request(Type)
+PMUL4176 8 I could really use some help finding info on a guesthouse to stay in. I would need free parking though. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL4176 10 It doesn't matter and it doesn't need to include internet. Hotel-Inform(Internet=yes)
+PMUL4176 11 for how many people and when were you planning your stay? Booking-Request(People;Day)
+PMUL4176 12 It will be 6 people, 3 nights from Wednesday on. Hotel-Inform(Stay=3)
+PMUL4176 16 Thanks so much. You have helped with everything I needed for now. Have a nice day. Bye. general-bye()
+PMUL4176 17 Thank you for using our service! general-bye()
+MUL0422 0 I'm looking for a train to Ely. I need to arrive by 19:30. Train-Inform(Dest=ely;Arrive=19:30)
+MUL0422 2 That train is leaving from Cambridge on Sunday, correct? Train-Inform(Depart=cambridge;Day=sunday)
+MUL0422 4 The departure time is of no concern, but I need to arrive on sunday in ely at 19:30 please. Train-Inform(Dest=ely;Day=sunday;Arrive=19:30)
+MUL0422 8 I also am looking for an attraction to go to in the centre of town. Attraction-Inform(Area=centre)
+MUL0422 10 Yes, in the centre of town. Attraction-Inform(Area=centre)
+MUL0422 11 Are you most interested in free attractions? Attraction-Request(Price)
+MUL0422 12 That would be fine. What is the name and address of one of those attractions? Attraction-Request(Addr)
+MUL0422 13 Castle Galleries is a museum in the centre of town that has free admission. Attraction-Inform(Fee=free;Area=centre of town;Name=Castle Galleries;Type=museum)
+MUL0422 14 Please give me their address Attraction-Request(Addr)
+MUL0422 15 Sure, the address of Castle Galleries is unit su43, grande arcade, saint andrews street. Attraction-Inform(Name=Castle Galleries;Addr=unit su43;Addr=grande arcade;Addr=saint andrews street)
+MUL0422 16 Great, thanks. That's all I need. general-thank()
+PMUL4177 0 I had always wanted to go to Cambridge and say "I'm on a boat" Can you tell me about attractions which are boat places to visit in Cambridge? Attraction-Inform(Type=boat)
+PMUL4177 1 Sure, which part of town will you be in? Attraction-Request(Area)
+PMUL4177 4 Yes. What are the entrance fees? Attraction-Request(Fee)
+PMUL4177 5 I'm sorry I don't have the entrance fees available to me. Attraction-Inform(Fee=I don't have the entrance fees)
+PMUL4177 6 Do you have the phone number to any of these attractions? Attraction-Request(Phone)
+PMUL4177 8 Yes. Is there any train that is taking off on Monday? I want to arrive my destination by 20:30. Train-Inform(Day=monday;Arrive=20:30)
+PMUL4177 10 I need a train from cambridge to ely. Train-Inform(Depart=cambridge;Dest=ely)
+PMUL4177 12 I only need 1 ticket. Train-Inform(People=1)
+PMUL4177 14 No. That's all thanks. general-thank()
+PMUL1414 2 I would really like it to be entertainment. Attraction-Inform(Type=entertainment)
+PMUL1414 4 I really wanted to stay in the centre. How about a museum? Attraction-Inform(Area=centre;Type=museum)
+PMUL1414 5 There are 11 museums in the centre is there a type of museum you prefer? Attraction-Inform(Choice=11;Area=centre;Type=museums)
+PMUL1414 6 Please pick one and send me their address and postcode Attraction-Request(Post;Addr)
+PMUL1414 9 Yes do you want it near the attraction ? Restaurant-Request(Area)
+PMUL4529 2 We need to find a guesthouse in the north for our stay. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL4529 6 Great, Can you please book me for 2 people and 5 nights starting tuesday? Hotel-Inform(Stay=5)
+PMUL4529 8 I also need a train. Train-Inform()
+PMUL4529 9 I need a departure are and destination please Train-Request(Dest;Depart)
+PMUL1415 0 I need to take a train into Norwich on Monday. Train-Inform(Dest=norwich;Day=monday)
+PMUL1415 2 Cambridge, and I need to leave after 18:00. Train-Inform(Depart=cambridge;Leave=18:00)
+PMUL1415 4 Sure, we have a group of 7 people. Train-Inform(People=7)
+PMUL1415 5 Booking was successful. Total fee is 123.2 GBP payable at the station. Reference number is E0JGKV67 Train-OfferBooked(Ref=E0JGKV67;Ticket=123.2 GBP)
+PMUL1415 8 no area preferences really anywhere in town would be perfect. Attraction-Request(Area)
+PMUL1415 9 I would suggest the funk fun house. Attraction-Recommend(Name=funk fun house)
+PMUL1415 10 That sounds great. I'll need the address, area, and entrance fee, please? Attraction-Request(Area;Fee;Addr)
+PMUL1415 11 Sure thing the address is 8 mercers row, mercers row industrial estate. In the east side of town and there is no info fee information. Attraction-Inform(Addr=8 mercers row;Addr=mercers row industrial estate;Area=east side of town;Fee=no info fee information)
+PMUL1415 12 that is all i wanted for today thanks general-thank()
+PMUL4528 0 Find me a cheap vietnamese food place please. Restaurant-Inform(Food=vietnamese;Price=cheap)
+PMUL4528 2 Yes, please book a table for 8 on Thursday at 15:00. Restaurant-Inform(Time=15:00;People=8;Day=thursday)
+PMUL4528 3 Booking was successful. The table will be reserved for 15 minutes. Reference number is : LAKQV5EK. Booking-Book(Ref=LAKQV5EK)
+PMUL4528 4 I also need a Friday train. Train-Inform(Day=friday)
+PMUL4528 5 OK, from where to where do you need a train? Train-Request(Depart;Dest)
+PMUL4528 6 I am departing from Cambridge and going to Birmingham New Street. Train-Inform(Depart=cambridge;Dest=birmingham new street)
+PMUL4528 8 I want to arrive at Birmingham new street by 21:15, please. Train-Inform(Dest=birmingham new street;Arrive=21:15)
+PMUL4528 10 Yes please pick the last option and book 8 tickets for me. I will definitely need the reference number too. Train-Inform(People=8)
+PMUL4528 11 Your booking was successful. The reference number is Z277D99H. Train-OfferBooked(Ref=Z277D99H)
+PMUL4528 12 Great. Thank you for all your help. general-thank()
+PMUL4528 13 You are welcome, let us know if we can help with anything else. general-welcome()
+PMUL4172 0 Can you help me find an expensive hotel in the south to stay at? Thanks. Hotel-Inform(Area=south;Price=expensive)
+PMUL4172 1 Yes, there is The Lensfield Hotel. It is located on 53-57 Lensfield road. Their phone number is 01223355017. Hotel-Inform(Name=The Lensfield Hotel;Addr=53-57 Lensfield road;Phone=01223355017)
+PMUL4172 2 Do they have a guesthouse available? Hotel-Inform(Type=guesthouse)
+PMUL4172 3 No I am afraid there ae no expensive guesthouses in the south. Hotel-NoOffer(Type=guesthouses;Area=south;Price=expensive)
+PMUL4172 4 How about one in the moderate price range? Hotel-Inform(Price=moderate)
+PMUL4172 5 yes! i have two you may choose from! Hotel-Select(Choice=two)
+PMUL4172 8 No, just get me their phone number and I'll give them a ring Hotel-Request(Phone)
+PMUL4173 2 I'm looking for some entertainment in the south part of town. Attraction-Inform(Area=south;Type=entertainment)
+PMUL4173 3 You have a choice of Nusha or Tenpin. Attraction-Select(Name=Nusha;Name=Tenpin)
+PMUL4173 4 get me their post code and phone number. Attraction-Request(Post)
+PMUL4173 6 Thanks. Can you help me find a cheap place to stay for the night? Hotel-Inform(Price=cheap)
+PMUL4173 7 sure, i have 10 options for you! Hotel-Inform(Choice=10)
+PMUL4173 8 I need it to be in the west and I would prefer a hotel. Hotel-Inform(Area=west;Type=hotel)
+PMUL4173 12 Can you just tell me the address please? Hotel-Request(Addr)
+PMUL4173 16 Thanks for all your help! general-thank()
+PMUL4173 18 thanks and great day general-thank()
+PMUL4173 19 you too have a great day general-bye()
+MUL2080 0 I am looking for a train to Cambridge, the train should depart after 21:45? Train-Inform(Dest=cambridge;Leave=22:00)
+MUL2080 2 I need to leave on Saturday from London Kings Cross. Is there a train leaving after 21:45 that fits my needs? Train-Inform(Depart=london kings cross;Day=saturday;Leave=21:45)
+MUL2080 6 Just one ticket please and thank you Train-Inform(People=1)
+MUL2080 8 Can you book autumn house for 7 people, starting on saturday for 4 nights, please? Hotel-Inform(Stay=4;Name=autumn house)
+MUL2080 10 Yes. I need the reference number. Hotel-Request(Ref)
+MUL2080 11 The booking was successful. Your reference number is DTKW11YU Booking-Book(Ref=DTKW11YU)
+MUL2080 12 That is all I needed today, thank you for your help. general-thank()
+SNG1164 0 Hello, I am looking for People's Portraits Exhibition at Girton College, can you help me? Attraction-Inform(Name=people's portraits exhibition at girton college)
+SNG1164 2 yes, I would like the area and the postcode. Attraction-Request(Area;Post)
+SNG1164 4 That is all I need for today. Thanks for your help! general-thank()
+SNG1164 5 Have a great day! general-bye()
+PMUL1411 0 What is the best cinema in Cambridge you can recommend? Attraction-Inform(Type=cinema)
+PMUL1411 2 The exact area does not matter. Attraction-Request(Area)
+PMUL1411 3 Cineworld is located at cambridge leisure park, clifton way. Attraction-Inform(Name=Cineworld;Addr=cambridge leisure park;Addr=clifton way)
+PMUL1411 4 Sounds great. What area is that in? And could you get me the phone number? Attraction-Request(Area;Phone)
+PMUL1411 6 I also need a train. Train-Inform()
+PMUL1411 8 Yes! I am leaving from Cambridge on Tuesday. You need this info. Train-Inform(Depart=cambridge;Day=tuesday)
+PMUL1411 9 Alright and when would you want to leave by? Train-Request(Leave)
+PMUL1411 10 I am going to birmingham new street and want to leave after 21:00 Train-Inform(Dest=birmingham new street;Leave=21:00)
+PMUL1411 13 The price of the train is 75.10 pounds. Train-Inform(Ticket=75.10 pounds)
+PMUL1411 14 What time does that train arrive? Train-Request(Arrive)
+PMUL1411 15 The train arrives at 23:44. Train-Inform(Arrive=23:44)
+PMUL1411 16 Okay, I'm all done for today. Thanks, bye general-bye()
+PMUL1411 17 Would you like reservations for the train? Train-OfferBook()
+SNG1167 0 Hello I am looking for a place to go, can you help me? general-greet()
+SNG1167 3 There are mostly colleges and museums in the west. Would you be interested in one of those? Attraction-Select(Area=west;Type=colleges;Type=museums)
+SNG1167 4 Sure, can you recommend one to me and give me the address and type? Attraction-Request(Type;Addr)
+SNG1167 5 Clare college is a college, it is located on trinity lane, post code cb21tl Attraction-Inform(Type=college;Name=Clare college;Addr=trinity lane;Post=cb21tl)
+SNG1167 6 Great! Thank you for all of your help. general-thank()
+SNG1167 8 You have helped with what I needed, thank you, goodbye! general-bye()
+SNG1167 9 Thank you and enjoy your visit. general-bye()
+PMUL1418 0 Hi, I need to spend some time in the town centre. Any interesting sights there? Attraction-Inform(Area=centre)
+PMUL1418 3 If your're in to architecture, you should see Old Schools. It is located on Trinity Lane and entrance is free. Attraction-Inform(Name=Old Schools;Type=architecture;Fee=free;Addr=Trinity Lane)
+PMUL1418 6 Yes I need a train from Cambridge to Birmingham New Street to arrive 18:15. Train-Inform(Depart=cambridge;Dest=birmingham new street)
+PMUL1418 7 What day and time would you like to leave? Train-Request(Day;Leave)
+PMUL1418 8 I would be traveling on Thursday. I need to arrive by 18:15. Train-Inform(Day=thursday)
+PMUL1418 9 TR8126 arrives at 17:44 would that work for you? Train-Inform(Arrive=17:44;Id=TR8126)
+PMUL1418 10 What is the train ID and price please? Train-Request(Price;TrainID)
+PMUL1418 11 The train id is TR8126. Train-Inform(Id=TR8126)
+PMUL1418 12 thank you I got all I need now general-thank()
+PMUL1418 13 Thank you for contacting us and have a nice day. general-bye()
+PMUL4179 0 If you can, please help me find a relatively expensive hotel down on the South end Hotel-Inform(Area=south;Price=expensive;Type=hotel)
+PMUL4179 3 Yes, they have free parking. Hotel-Inform(Parking)
+PMUL4179 4 Yay, yes please book me a room for 2 nights starting on Sunday. We will have 8 people in our party. Hotel-Inform(Stay=2;People=8;Day=sunday)
+PMUL4179 6 Yes, I am also looking for a restaurant. The restaurant should be in the expensive price range and should be in the south. Restaurant-Inform(Area=south;Price=expensive)
+PMUL4179 8 Anything you recommend will work. I need to book it for 8 people, sunday at 19:15 Restaurant-Inform(Time=09:15;People=8;Day=sunday)
+PMUL4179 12 Can you give me a contact number for the taxi and the car type that will pick me up? Taxi-Request(Car)
+PMUL4179 14 No, that is all. Thank you very much! general-thank()
+MUL0774 0 I am trying to find the Acorn Guest House. Hotel-Inform(Name=acorn guest house)
+MUL0774 2 No, thanks. I will go ahead and book it myself. I think I have all the information I need. Thank you. general-thank()
+MUL0774 4 Actually, could you help find a train as well? To Norwich? Train-Inform(Dest=norwich)
+MUL0774 5 I found a train from cambridge to norwich at 05:36 on Friday, will that work? Train-OfferBook(Dest=norwich;Day=Friday;Leave=05:36;Depart=cambridge)
+MUL0774 6 I need to leave after 21:30, is there anything closer to that time? Train-Inform(Leave=21:45)
+MUL0774 8 Sunday would be good. Train-Inform(Day=friday)
+MUL0774 9 Is there a time you need to arrive by? Train-Request(Arrive)
+MUL0774 12 No, you've answered all of my questions. Thanks so much for your time. Bye. general-bye()
+MUL0774 13 Thank you for using our service, have a nice day. general-bye()
+SNG01434 0 am looking for a train,it should leave on sunday and should go to stansted airport Train-Inform(Dest=stansted airport;Day=sunday)
+SNG01434 2 Arrival time doesn't matter so much, but I want to leave after noon. Not a morning person :) Train-Request(Arrive)
+SNG01434 3 How about TR5985? It leaves at 12:40. Train-Inform(Leave=12:40;Id=TR5985)
+SNG01434 4 Thank you goodbye general-bye()
+SNG01434 5 Thank you for allowing me to help today. general-greet()
+SNG01435 2 How do I contact the Parkside, Cambridge police station? Police-Inform()
+SNG01435 4 I'll need to address also. Police-Request(Addr)
+SNG01435 6 No, thank you. general-thank()
+SNG01435 7 Take care. Goodbye. general-bye()
+SNG01436 0 Please help me find a restaurant that serves british food near the centre of town. Restaurant-Inform(Area=centre;Food=british)
+SNG01436 4 No thanks, but could I please have the postcode? Restaurant-Request(Post)
+SNG01436 6 Can you please tell me the phone number? Restaurant-Request(Phone)
+SNG01436 7 The phone number is 01223323361. Restaurant-Inform(Phone=01223323361)
+SNG01436 8 Great, thanks for all your help. general-thank()
+SNG01436 10 Nope, that covers all my needs. Thanks. general-thank()
+SNG01436 11 Thank you for using the Cambridge TownInfo centre. Have a nice day! general-bye()
+SNG01437 0 Hello, where in town is there a hospital? Hospital-Inform()
+SNG01437 2 No, I just need the general address and postcode. Hospital-Request(Post;Addr)
+SNG01437 4 Thank you. That is all I need. general-thank()
+SNG01437 5 Thank you for contacting Cambridge Towninfo Centre. Have a nice day! general-greet()
+SNG01430 0 Please have a taxi pick me up from riverboat georgina Taxi-Inform(Depart=riverboat georgina)
+SNG01430 1 Ok, What time do you want to be picked up? Taxi-Request(Leave)
+SNG01430 3 Ok, what time do you want to arrive by? Taxi-Request(Arrive)
+SNG01430 4 I need to arrive by 11:15. Taxi-Inform(Arrive=11:15)
+SNG01430 6 Nothing else for now. Thank you for booking the taxi. Goodbye. Taxi-Inform()
+SNG01430 7 Thank you for contacting us and have a nice day. general-bye()
+SNG01431 0 Can you help me book a taxi please? Taxi-Inform()
+SNG01431 1 Yes what is your departure site? Taxi-Request(Depart)
+SNG01431 3 What time do you want to leave ? Taxi-Request(Leave)
+SNG01432 0 I am looking for a train departing Cambridge. Train-Inform(Depart=cambridge)
+SNG01432 1 I'd love to help! where is your destination? Train-Request(Dest)
+SNG01432 2 I need to g to london liverpool street on Saturday. Train-Inform(Dest=london liverpool street;Day=saturday)
+SNG01432 3 Is there a particular time you would like to leave by? Train-Request(Leave)
+SNG01432 4 No, I just need to arrive by 15:00 Train-Inform(Arrive=15:00)
+SNG01432 5 Train TR2895 arrives at 7:27 would that work? Train-Inform(Id=TR2895;Arrive=7:27)
+SNG01432 6 Yes, that will be perfect. What's the travel time? Train-Request(Duration)
+SNG01432 7 The departure time from cambridge to liverpool street on saturday will be at 05:59. Train-Inform(Depart=cambridge;Dest=liverpool street;Day=saturday;Leave=05:59)
+SNG01433 0 I want to find a hospital in town Hospital-Inform()
+SNG01433 1 The Addenbrookes Hospital is here in town. Is there particular department you need help contacting? general-reqmore()
+SNG01433 2 No, I just need the postcode. Hospital-Request(Post)
+SNG01433 4 Thank you for your help. general-thank()
+SNG01433 5 Thank you for contacting us. Don't hesitate to contact us in the future if you need any more help. general-reqmore()
+SNG01438 0 I need a taxi to go to club salsa. Taxi-Inform(Dest=club salsa)
+SNG01438 1 Sure thing, when would you like to arrive or leave by? Taxi-Request(Leave;Arrive)
+SNG01438 2 I want to get there by 1:30. Taxi-Inform(Arrive=01:30)
+SNG01438 3 Where are you leaving from? Taxi-Request(Depart)
+SNG01438 5 Where would you like the taxi to meet you for departure? Taxi-Request(Depart)
+SNG01438 6 I just told you the limehouse. Taxi-Inform(Depart=limehouse)
+SNG01438 7 Booking completed! Booked car type : white audi Contact number : 07075850505 Taxi-Inform(Phone=07075850505;Car=white audi)
+SNG01438 8 Perfect, thanks for your help! general-thank()
+SNG01438 9 You are quite welcome! general-welcome()
+SNG01439 0 Hi, I want to catch a train from Peterborough to Cambridge. Can you please tell me what the schedule is for the rout? Train-Inform(Depart=peterborough;Dest=cambridge)
+SNG01439 1 I would be happy to help. What day are you wanting to take the train? Train-Request(Day)
+SNG01439 2 I want to arrive by 15:45 on tuesday. Train-Inform(People=1;Day=tuesday;Arrive=15:45)
+SNG01439 3 Booking was successful, the total fee is 16.5 GBP payable at the station . Reference number is : 3XNW24TQ. Train-OfferBooked(Ref=3XNW24TQ;Ticket=16.5 GBP)
+SNG01439 4 Thank you goodbye general-bye()
+PMUL2744 0 I want some entertainment in the centre. What do you have? Attraction-Inform(Type=entertainment)
+PMUL2744 2 Are there any musems in centre? Attraction-Inform(Area=centre)
+PMUL2744 3 There are 11. What kind of museum would you like to visit? Attraction-Inform(Choice=11)
+PMUL2744 5 How about castle galleries? Attraction-Recommend(Name=castle galleries)
+PMUL2744 8 I need a place to stay. Can you suggest a hotel in the centre of town? Hotel-Inform(Area=centre;Type=hotel)
+PMUL2744 9 Of course, there are three hotels in the centre. Do you have any particular needs? Hotel-Inform(Area=centre;Choice=three;Type=hotels)
+PMUL2744 10 I would like moderate pricing and 4 stars please Hotel-Inform(Stars=4;Price=moderate)
+PMUL2744 13 I am still having issues finding a hotel for you, would you please restate your criteria one more time? Hotel-NoOffer(Type=hotel)
+PMUL2744 14 Okay. I don't care if it is a hotel or guest house, but it needs to be expensive, 4 stars, and in the centre. Hotel-Inform(Stars=4;Area=centre;Price=expensive)
+PMUL2744 16 Is that 4 stars and in the moderate price range? Hotel-Inform(Stars=4)
+PMUL2744 18 No need to book it, just give me the address please Hotel-Request(Addr)
+PMUL2744 19 The address for the University Arms Hotel is Regent Street. Hotel-Inform(Name=the University Arms Hotel;Addr=Regent Street)
+PMUL2744 20 Okay thank you I won't be needing any more from you today. Goodbye general-bye()
+MUL1792 0 I'm looking for a train to stevenage that leaves after 11:45 Train-Inform(Dest=stevenage;Leave=11:45)
+MUL1792 2 I need to leave on Sunday from Cambridge. Train-Inform(Depart=cambridge;Day=sunday)
+MUL1792 6 Yes, that will be fine. I am also looking for museums in the centre. Attraction-Inform(Area=centre;Type=museum)
+MUL1792 8 Sounds great, what's the post code? Attraction-Request(Post)
+MUL1792 11 Okay. Glad I could help. general-bye()
+MUL1793 0 Looking for a train that leaves from london liverpool street and goes to cambridge Train-Inform(Depart=london liverpool street;Dest=cambridge)
+MUL1793 1 What day and time are you planning to leave? Train-Request(Leave;Day)
+MUL1793 2 I would like to leave after 10:15 on tuesday. Train-Inform(Day=tuesday;Leave=10:15)
+MUL1793 3 TR5691 departs at 11:39. Will that work for your needs? Train-Inform(Leave=11:39;Id=TR5691)
+MUL1793 4 Yes, that works. I'd like to book that for one person. Train-Inform(People=1)
+MUL1793 6 Thanks. I'm also looking for a museum in the area of west. Attraction-Inform(Area=west;Type=museum)
+MUL1793 8 Can you give me the phone number and address? Attraction-Request(Phone;Addr)
+MUL1793 9 Sure. They are located at 49 newnham road and you can reach them at 01223694264. Attraction-Inform(Phone=01223694264;Addr=49 newnham road)
+MUL1793 10 Do you know if they have an entrance fee? Attraction-Request(Fee)
+MUL1793 12 No, that is all I need help with at the moment. Thank you. general-thank()
+MUL1790 0 I need to go from Cambridge to Peterbourgh Saturday. Train-Inform(Depart=cambridge;Dest=peterborough;Day=saturday)
+MUL1790 1 Tr7310 is leaving from cambridge at 05:06 and arriving at peterborough at 05:56 for 13.20 Train-Inform(Id=Tr7310;Depart=cambridge;Ticket=13.20;Dest=peterborough;Leave=05:06;Arrive=05:56)
+MUL1790 2 I'm sorry. The train needs to going to Cambridge from Peterborough. Train-Inform(Depart=peterborough;Dest=cambridge)
+MUL1790 3 Sorry about that,what time would you like to depart? Train-Request(Leave)
+MUL1790 5 TR4005 departs Peterborough at 18:19 and arrives in Cambridge at 19:09. Total travel time is 50 minutes, and the fare is 13.20 GBP per person. Train-Inform(Ticket=13.20 GBP;Id=TR4005;Dest=Cambridge;Arrive=19:09;Time=50 minutes;Leave=18:19;Depart=Peterborough)
+MUL1790 6 Great, thank you. Now, I need some information on college I can visit in the centre of town. Attraction-Inform(Area=centre;Type=college)
+MUL1790 9 Sure I have Corpus Christi in the city centre and Christ's College, which is very famous in the centre. Attraction-Inform(Area=city centre;Area=centre;Name=Corpus Christi;Name=Christ's College)
+MUL1790 10 Can I get the address of Corpus Christi? Attraction-Request(Addr)
+MUL1790 12 No thank you. Thank you for your help. general-thank()
+MUL1791 0 I am planning a trip to Cambridge and I would like to know nice places to visit in the North. Attraction-Inform(Area=north)
+MUL1791 2 What is the entrance fee for the boating attraction? Attraction-Request(Fee)
+MUL1791 3 There is no entrance fee listed. I can give you their phone number if you would like? Attraction-Inform(Fee=no entrance fee listed)
+MUL1791 4 No thanks, I need to find a train leaving from cambridge next. Train-Inform(Depart=cambridge)
+MUL1791 5 Okay. Where are you looking to go to? Train-Request(Dest)
+MUL1791 6 I'm headed to Leicester. Train-Inform(Dest=leicester)
+MUL1791 7 Did you have a particular day and time in mind? Train-Request(Day;Leave;Arrive)
+MUL1791 8 I will be traveling on Thursday and I need to leave sometime after 15:00. Train-Inform(Day=thursday;Leave=15:00)
+MUL1791 10 Yes, please book a ticket for one. Train-Inform(People=1)
+MUL1791 12 No, you have helped me tremendously. Thank you! general-thank()
+MUL1791 13 Thank you for using our system today! general-bye()
+MUL1824 0 IM looking for a train that arrives by 9:15 and leaves Tuesday Train-Inform(Day=tuesday;Arrive=09:15)
+MUL1824 1 What will be your departure location and destination? Train-Request(Depart;Dest)
+MUL1824 2 I'm leaving Cambridge and am going to stansted airport. Train-Inform(Depart=cambridge;Dest=stansted airport)
+MUL1824 3 What time would you like to depart? Train-Request(Leave)
+MUL1824 4 departure time does not matter as long as it arrives by 9:15. Can you give me the travel time and price please? Train-Request(Duration;Price)
+MUL1824 6 I'd like to visit a theatre in the east part of town. Attraction-Inform(Area=east;Type=theatre)
+MUL1824 8 What about a park? Attraction-Inform(Type=park)
+MUL1824 10 No, that is exactly what I was looking for. Thank you for your help! Goodbye! general-bye()
+MUL1824 11 Thank you for choosing Help Desk. Goodbye. general-bye()
+MUL1797 0 I'm trying to find a train that goes to Cambridge arriving by 09:15. Train-Inform(Dest=cambridge;Arrive=09:15)
+MUL1797 1 Where would you be departing from? Train-Request(Depart)
+MUL1797 2 I'll be leaving birmingham new street on Thursday Train-Inform(Depart=birmingham new street;Day=thursday)
+MUL1797 3 The TR4235 arrives at 8:23 and costs 75.10 pounds. How does that sound? Train-Inform(Arrive=8:23;Id=TR4235;Ticket=75.10 pounds)
+MUL1797 5 I have booked train ID TR4235 at a cost of 75.10 pounds. Your reference number is 4TUDSXPZ. Train-OfferBooked(Ref=4TUDSXPZ;Ticket=75.10 pounds;Id=TR4235)
+MUL1797 6 Great, thanks! I'm also looking for some places to visit in town. Are there any theaters your recommend? general-thank()
+MUL1797 8 Any type is fine, can I get the address and entrance fee of one? Attraction-Request(Fee;Addr)
+MUL1797 10 That's all thanks. general-thank()
+MUL1797 11 Thank you for using our service. general-bye()
+MUL1826 0 Can you recommend some attractions to go to on the west side of town? Attraction-Inform(Area=west)
+MUL1826 2 No. Just pick something and give me the address. Attraction-Request(Addr)
+MUL1826 3 Okay. I recommend Churchill College at Storey's Way. Their postcode is cb30ds and their admission is free. Attraction-Recommend(Fee=free;Post=cb30ds;Name=Churchill College at Storey's Way)
+MUL1826 4 Okay, thanks. I also need a train leaving on Sunday going to Bishops Stortford. Train-Inform(Dest=bishops stortford;Day=sunday)
+MUL1826 5 TR6572 leaves for Bishops stortford at 05:29 Train-Inform(Id=TR6572;Arrive=05:29;Depart=Bishops stortford)
+MUL1826 6 Could you find me a train that leaves after 08:30 and departs from cambridge? Train-Inform(Depart=cambridge;Leave=08:30)
+MUL1826 8 Yes, for 6 people please. Train-Inform(People=6)
+MUL1826 9 I was able to book that for you. The total fee is 48.48 GBP payable at the station. The reference number is 2UOR5O12. Train-OfferBooked(Ref=2UOR5O12;Ticket=48.48 GBP)
+MUL1826 10 Thank you that was all I needed today general-thank()
+MUL1826 11 You are welcome. Thank you for using our service. Goodbye! general-welcome()
+WOZ20395 0 Hello, I am looking for an expensive restaurant on the south side of town. Restaurant-Inform(Area=south;Price=expensive)
+WOZ20395 2 What is the address and phone number for Frankie and Bennys? Restaurant-Request(Phone;Addr)
+WOZ20395 3 frankie and bennys address is Cambridge Leisure Park Clifton Way Cherry Hinton. Their phone number is 01223 412430 Restaurant-Inform(Addr=Cambridge Leisure Park Clifton Way Cherry Hinton;Name=frankie and bennys;Phone=01223 412430)
+WOZ20395 4 thank You general-thank()
+WOZ20395 7 it is located in the south part of town Restaurant-Inform(Area=the south part of town)
+WOZ20395 8 No, that was it. Bye bye. general-bye()
+WOZ20395 9 Goodbye general-bye()
+MUL1828 0 I'm looking for a train to Stevenage that leaves after 17:30. Is there anything available then? Train-Inform(Dest=stevenage;Leave=17:30)
+MUL1828 2 I would like to leave on Thursday out of Cambridge. Train-Inform(Depart=cambridge;Day=thursday)
+MUL1828 3 The TR0385 leaves at 19:21, would that suit you? Train-Inform(Leave=19:21;Id=TR0385)
+MUL1828 4 Yes, that sounds perfect. I would like a booking for 4 people. Train-Inform(People=4)
+MUL1828 6 I am looking for some places to go in town. I want something in the centre that has multiple sports. Attraction-Inform(Area=centre)
+MUL1828 8 Well, how about any nightclubs? Attraction-Inform(Type=nightclub)
+MUL1828 9 Yes I have one located on the east side. Attraction-Inform(Area=the east side;Choice=one)
+MUL1828 10 Do you have any nightclubs located in the centre? Attraction-Inform(Area=centre;Type=nightclub)
+MUL1828 12 Can I get the phone number for one of them? Attraction-Request(Phone)
+MUL1828 14 No. That's everything I was looking for today. Thanks for your help. general-thank()
+MUL1828 15 Thank you for choosing help desk. Good Bye. general-bye()
+MUL1829 0 I need to find a train to Cambridge on Sunday. Train-Inform(Dest=cambridge;Day=sunday)
+MUL1829 1 Where will you be coming from? Train-Request(Depart)
+MUL1829 2 I'm leaving from London Kings Cross. Train-Inform(Depart=london kings cross)
+MUL1829 4 It needs to leave after 14:30. I need a booking for 2 people. Train-Inform(People=2;Leave=14:30)
+MUL1829 6 That works for me. I need the reference number. Train-Request(Ref)
+MUL1829 7 I was able to successfully book your tickets. The reference number is 02BPMPU4 and the total is 37.76 GBP which is payable at the station. Train-OfferBooked(Ref=02BPMPU4;Ticket=37.76 GBP)
+MUL1829 8 Thank you! Could you also suggest a museum to visit in the centre? Attraction-Inform(Area=centre;Type=museum)
+MUL1829 11 Castle Galleries is located in the Centre and has free admission. Attraction-Inform(Area=Centre;Name=Castle Galleries;Fee=free admission)
+MUL1829 13 The phone number for Castle Galleries is 01223307402, the address is unit su43, grande arcade, saint andrews street, and the postal code is cb23bj. Attraction-Inform(Phone=01223307402;Post=cb23bj;Name=Castle Galleries;Addr=unit su43;Addr=grande arcade;Addr=saint andrews street)
+MUL1829 14 Thank you so much for your help! general-thank()
+MUL1829 15 No problem, is there anything else you'll be needing from me? general-reqmore()
+MUL1829 16 No, that will be all. Goodbye. general-bye()
+MUL1829 17 It was a pleasure helping you with your planning today. I hope you have a great trip. Good bye! general-bye()
+WOZ20398 0 I would like an expensive Romanian restaurant, please. Restaurant-Inform(Food=romanian;Price=expensive)
+WOZ20398 1 There are no restaurants serving Romanian food. Restaurant-NoOffer()
+WOZ20398 2 How about korean food? Restaurant-Inform(Food=korean)
+WOZ20398 3 Little Seoul is an expensive restaurant that serves Korean food. Restaurant-Inform(Price=expensive;Name=Little Seoul;Food=Korean)
+WOZ20398 4 What area is this in? Restaurant-Request(Area)
+WOZ20398 6 Can I have the address please Restaurant-Request(Addr)
+WOZ20398 7 little seoul is at 108 Regent Street City Centre Restaurant-Inform(Name=little seoul;Addr=108 Regent Street City Centre)
+MUL1799 0 I need to take a train from cambridge, I need to arrive by 18:30. Train-Inform(Depart=cambridge;Arrive=18:30)
+MUL1799 2 Yes, I need to leave Broxbourne on Tuesday. Train-Inform(Dest=broxbourne;Day=tuesday)
+MUL1799 3 Okay, I have one arriving at 6:01, would you like me to book it? Train-OfferBook(Arrive=6:01;Choice=one)
+MUL1799 4 What is the train id, please? Train-Request(TrainID)
+MUL1799 6 Can you find me a park in the south? Attraction-Inform(Area=south;Type=park)
+MUL1799 8 CAN I GET THE PHONE NUMBER AND POSTCODE PLEASE Attraction-Request(Post)
+MUL1799 10 I will also need the address as well for the two parks please. Thank you! Attraction-Request(Addr)
+MUL1799 12 That should be all. Thank you for your help. general-thank()
+SSNG0162 0 Are there any Indonesian restaurants in the centre? Restaurant-Inform(Area=centre;Food=indonesian)
+SSNG0162 2 No. I would like an expensive restaurant, though. Restaurant-Inform(Price=expensive)
+SSNG0162 4 I'm not a fan of Mediterranean, is there a Sushi spot somewhere close? Restaurant-Inform(Food=sushi)
+SSNG0162 6 Let's try expensive Italian food. I need a table for 6 on wednesday at 18:45, can you help me? Restaurant-Inform(Food=Italian;Time=18:45;People=6;Day=wednesday)
+SSNG0162 7 I made your reservation at Stazione Restaurant and Coffee Bar for Wednesday at 18:45 for 6 people. Have fun! Booking-Inform(People=6;Name=Stazione Restaurant and Coffee Bar;Time=18:45;Day=Wednesday)
+SSNG0162 8 Thank you can I get the reference number for my reservation? Restaurant-Request(Ref)
+SSNG0162 10 Yes can you find another restaurant in the same area and price range? Restaurant-Inform()
+SSNG0162 11 I was able to book don pasquale pizzeria reference number is G4T03ZZ7 Booking-Book(Ref=G4T03ZZ7;Name=don pasquale pizzeria)
+SSNG0162 12 Okay thank you very much. general-thank()
+SNG0809 0 I'm looking for a place to stay with free wifi. Can you help me find something moderately priced? Hotel-Inform(Internet=yes;Price=moderate)
+SNG0809 2 Are there any with a 5 star rating? Hotel-Inform(Stars=5)
+SNG0809 4 Are there any with a 4 star rating? Hotel-Inform(Stars=4)
+SNG0809 5 Oh yes, several. Are there any addition preferences on those? Hotel-Inform(Choice=several)
+SNG0809 6 Nope, any 4-star moderate place with wifi will be fine. Could you book a room starting Saturday for 3 nights, 5 people? Hotel-Inform(Stay=3;People=5;Day=saturday)
+SNG0809 7 You are booked at the acorn guest house. Reference number is ROCCFCM6. Booking-Book(Ref=ROCCFCM6)
+SNG0809 8 Thank you so much, that is all I need. general-thank()
+SNG0809 9 Great, enjoy your stay. Bye. general-bye()
+SNG0808 0 I'm looking for a moderately priced hotel. Hotel-Inform(Price=moderate)
+SNG0808 2 No, that doesn't matter, but I need a hotel with free parking. Hotel-Inform(Parking=yes)
+SNG0808 4 It doesn't matter. I would like for the hotel to have free wifi Hotel-Inform(Internet=yes)
+SNG0808 5 Alright how does the Archway House sound? Hotel-Inform(Name=Archway House)
+SNG0808 6 Can they accommodate a party of 8 for 2 nights, beginning Saturday? Hotel-Inform(Stay=2;People=8;Day=saturday)
+SNG0808 8 That's everything I needed, thank you. general-thank()
+SNG0808 9 You're welcome. Have a great day! general-greet()
+SNG0805 0 Hi there. Can I get some help finding a hotel or guesthouse please? Hotel-Inform(Type=guesthouse)
+SNG0805 1 Sure thing! What side of town would you prefer? What price range would you like? Hotel-Request(Area;Price)
+SNG0805 2 I need one in the moderate price range. I would like one that doesn't have free parking. Hotel-Inform(Parking=no;Price=moderate)
+SNG0805 6 I'd prefer a guesthouse in the north, please. Hotel-Inform(Area=north;Type=guesthouse)
+SNG0805 10 There are 3 of us and we're arriving on Thursday. We'd like to stay for 4 nights if possible. Hotel-Inform(Stay=4;People=3;Day=thursday)
+SNG0805 11 Your reservation is all set. Your reference number is 89S3ZAGS. Booking-Book(Ref=89S3ZAGS)
+SNG0805 12 Thank you. That's all I need today. general-thank()
+SNG0804 0 Do you have any information on the University Arms Hotel? I've heard it's a nice place. Hotel-Inform(Name=university arms hotel)
+SNG0804 1 I sure do. The University Arms hotel is a more expensive hotel in the centre of town. It has 4 stars and includes free wifi and free parking. Hotel-Inform(Area=centre of town;Name=The University Arms hotel;Internet;Price=expensive;Parking;Type=hotel;Stars=4)
+SNG0804 2 I need a room for one person starting sunday for 3 nights Hotel-Inform(Stay=3;People=1;Day=sunday)
+SNG0804 4 All right, what about 2 nights? Hotel-Inform(Stay=2)
+SNG0804 6 No, that's all I need. Thanks for your help! general-thank()
+SNG0804 7 Thank you for booking with us and have a great day. general-bye()
+SNG0807 0 Hi, I am looking for a cheap place to stay in the east. Can you help me? Hotel-Inform(Area=east;Price=cheap)
+SNG0807 2 Do any of those include free parking? Hotel-Inform(Parking=yes)
+SNG0807 3 Yes, all of them do. Hotel-Inform(Choice=all;Parking)
+SNG0807 4 I would need a hotel for 6 people, starting from Thursday and lasting 4 nights. Is there anything available? Hotel-Inform(Stay=4;People=6;Day=thursday)
+SNG0807 6 Great, that's all I need today. Thank you! general-thank()
+SNG0807 7 You are welcome. Have a nice stay. Bye. general-bye()
+SNG0806 0 I need lodgings on the north side of town. Hotel-Inform(Area=north)
+SNG0806 1 I found 13 hotels on the north side of town Hotel-Inform(Area=north side of town;Choice=13)
+SNG0806 2 Okay, I'm looking for a 4 star place, and it doesn't need to include internet. Hotel-Inform(Stars=4;Internet=dont care)
+SNG0806 5 Personally, I hear good things about the Acorn Guest House. Hotel-Recommend(Name=the Acorn Guest House)
+SNG0806 8 Can I have their hotel type and price range please? Hotel-Request(Price;Type)
+SNG0806 12 No, thank you. That's all I need right now. Bye. general-bye()
+SNG0806 13 You're so welcome. Bye! general-bye()
+SNG0801 0 Could you tell me if you have a 5 star hotel on the south side? Hotel-Inform(Stars=5;Area=south)
+SNG0801 2 It really needs to be in the south and have a 5 star rating. It can be a hotel or guesthouse though. Hotel-Inform()
+SNG0801 5 We have 2 guesthouses that match your needs. aylesbray lodge guest house or rosa's bed and breakfast. Does either of these fancy your interest? Hotel-Inform(Choice=2;Name=aylesbray lodge guest house;Name=rosa's bed and breakfast)
+SNG0801 7 Yes, they both do. Aylesbray is at 5 Mowbray Road, and Rosa's is located at 53 Roseford Road. Hotel-Inform(Addr=5 Mowbray Road;Addr=53 Roseford Road;Name=Aylesbray;Name=Rosa's)
+SNG0801 8 Thanks for the information! general-thank()
+SNG0801 10 That should be all, thank you. general-thank()
+SNG0800 0 Hi there. Can you tell me if you have any information on the Bridge Guest House? Hotel-Inform(Name=bridge guest house)
+SNG0800 2 Yes can I get the hotel type and phone number? Hotel-Request(Phone;Type)
+SNG0800 3 Certainly. It's a guest house. The phone number is 01223247942. Hotel-Inform(Phone=01223247942;Type=guest house)
+SNG0800 4 That is all I needed. Thank you! general-thank()
+SNG0800 5 Okay. Let us know if you need further assistance. general-reqmore()
+SNG0803 0 Do you have information on the alpha-milton guest house? Hotel-Inform(Name=alpha-milton guest house)
+SNG0803 1 The Alpha-Milton Guest House is a moderately priced 3 star guesthouse on the north end. The address is 63 milton road, postcode cb41xa. Their phone number is 01223311625. Hotel-Inform(Post=cb41xa;Area=north end;Name=The Alpha-Milton Guest House;Addr=63 milton road;Price=moderately priced;Type=guesthouse;Phone=01223311625;Stars=3)
+SNG0803 2 Thank you very much for your help, goodbye. general-bye()
+SNG0803 3 You're welcome. Have a great day. general-bye()
+SNG0802 0 I'm looking for a moderate priced place to stay in the north part of town Hotel-Inform(Area=north;Price=moderate)
+SNG0802 2 Yes, I'd like a 3 star place. It doesn't need to have free parking. Hotel-Inform(Stars=3;Parking=yes)
+SNG0802 4 Yes please. Book me a stay for 7 people and 5 nights starting from Saturday. Hotel-Inform(Stay=5)
+SNG0802 5 The hamilton lodge guesthouse does have free parking, is that okay? There is the alpha-milton guest house in the north, it' 3 stars, moderately priced and doesn't offer parking. Hotel-Inform(Area=north;Stars=3;Parking;Price=moderately priced;Name=The hamilton lodge guesthouse;Name=alpha-milton guest house)
+SNG0802 6 The Alpha Milton guest house sounds better. Please book a room there. Hotel-Inform(Name=alpha-milton guest house)
+SNG0802 8 No that is it ,thanks. general-thank()
+SNG0802 9 Ok thank you for using our service & have a good day! general-bye()
+WOZ20008 0 I'd like a place that serves world food in the east part of town. Restaurant-Inform(Area=east;Food=world)
+WOZ20008 2 How about Indian food? Restaurant-Inform(Food=indian)
+WOZ20008 4 I would like the address and phone number of Curry Prince. Restaurant-Request(Phone;Addr)
+WOZ20008 6 No, thank you goobye. general-bye()
+WOZ20008 7 thank you, goodbye general-bye()
+PMUL3192 0 This heatwave is killing me and the kids are screaming about being too hot, can I get info on pools in the centre area? Attraction-Inform(Area=centre)
+PMUL3192 1 parkside pools is a nice place to cool your screaming kids off. Attraction-Recommend(Name=parkside pools)
+PMUL3192 2 That's great! What postcode is that? Attraction-Request(Post)
+PMUL3192 3 Parkside Pools post code is cb11ly Attraction-Inform(Name=Parkside Pools;Post=cb11ly)
+PMUL3192 4 Can you find me a train I'm leaving cambridge and want to arrive at my designation by 11:30. Train-Inform(Depart=cambridge;Arrive=11:30)
+PMUL3192 5 Yes but I will need your destination and day of travel Train-Request(Dest;Day)
+PMUL3192 6 The train should go to leicester and should leave on thursday Train-Inform(Dest=leicester;Day=thursday)
+PMUL3192 8 Yes please. Which is the closest one that arrives by 11:30? Train-Inform(Arrive=11:30)
+PMUL3192 10 No, thanks. I just need the departure time, please. Train-Request(Leave)
+PMUL3192 12 That will be all, thank you. general-thank()
+PMUL3192 13 great, have a wonderful day! general-bye()
+MUL1178 2 I am not. Can you please give the phone number and entrance fee for one of them? Attraction-Request(Phone;Fee)
+MUL1178 3 I can provide you four names but not an entrance fee. I am sorry. Attraction-Inform(Choice=four)
+MUL1178 4 Just give me the phone number for the first one on your list, and can you confirm if that one has an entrance fee please. Attraction-Request(Phone;Fee)
+MUL1178 5 The phone number for the abbey pool and astroturf pitch phone number is 01223902088. I am sorry, but they do not note if an entrance fee is required. Attraction-Inform(Phone=01223902088;Name=abbey pool and astroturf pitch;Fee=they do not note if an entrance fee is required)
+MUL1178 6 Ok, I also need a place to stay and I don't care about free parking, but can it be moderately priced? Hotel-Inform(Parking=dont care;Price=moderate)
+MUL1178 8 I want to stay on the east side of town and I'm looking for a guesthouse type hotel. Hotel-Inform(Area=east;Type=guesthouse)
+MUL1178 10 What is this hotel's phone number? Attraction-Request(Phone)
+MUL1178 12 Yes, can you book me at the guesthouse for 8 people? Hotel-Inform(Name=carolina bed and breakfast)
+MUL1178 13 Sure thing, what day would you like to check in and how many days do you want to stay? Booking-Request(Stay;Day)
+SNG1319 0 am looking for a train. The train should arrive by 18:00 and should go to stevenage. Train-Inform(Dest=stevenage;Arrive=18:00)
+SNG1319 1 Can you provide me with your departure site? Train-Request(Depart)
+SNG1319 6 No, I have decided not to book today, thank you, goodbye. general-bye()
+MUL1176 0 I am looking for a place to go that includes boats. Can you please help me plan my trip? Attraction-Inform(Type=boat)
+MUL1176 4 That is great is there a hotel near by that has free wifi and is on the cheaper side? Hotel-Inform(Internet=yes;Price=cheap)
+MUL1176 8 I would prefer a hotel over a guesthouse. Are there any that would meet the criteria I've listed? Hotel-Inform(Type=hotel)
+MUL1176 10 I really need a hotel in the east. Hotel-Inform(Area=east)
+MUL1176 11 Express by Holiday Inn is in the East and has parking, but it's expensive. Is that OK? Hotel-Inform(Area=East;Price=expensive;Parking;Name=Express by Holiday Inn)
+MUL1176 12 No I really need the price range to be cheap. Are there any that come up close to that price range? Hotel-Inform(Price=cheap)
+MUL1176 13 Unfortunately, no. In that part of town, there are no cheap hotels. Hotel-NoOffer(Price=cheap;Area=that part of town;Type=hotels)
+MUL1176 14 I'm sorry, I misspoke earlier. The Allenbell will be fine. Could you see if they have any rooms starting on Tuesday for 3 nights? There will be 8 people. Hotel-Inform(Stay=3;People=8;Day=tuesday;Name=allenbell)
+MUL1176 17 I was able to secure a blue Toyota for you. The contact number is 07214859468. Taxi-Inform(Car=blue Toyota;Phone=07214859468)
+MUL1176 18 Thanks, that's all I need. Have a nice day. general-thank()
+MUL1177 0 Hi, I am looking for an attraction in Cambridge called nusha. Attraction-Inform(Name=nusha)
+MUL1177 3 May I help you with anything else? general-reqmore()
+MUL1177 4 A hotel would be nice. Hotel-Inform()
+MUL1177 6 I would like an expensive guesthouse with free wifi please. Hotel-Inform(Internet=yes;Price=expensive;Type=guesthouse)
+MUL1177 8 Can you just find me a moderately priced hotel? Hotel-Inform(Price=moderate)
+MUL1177 9 Certainly! The A and B Guest House is a moderately-priced hotel. Would you like to stay there? Hotel-Inform(Name=The A and B Guest House;Type=hotel;Price=moderately-priced)
+MUL1177 10 Yes, for 7 people and 4 nights. Hotel-Inform(Stay=4;People=7)
+MUL1177 11 Okay, and what day do you wish to check in? Booking-Request(Day)
+MUL1177 12 We'll check in on Tuesday, please. Hotel-Inform(Day=tuesday)
+MUL1177 13 Great! Your booking was successful I have you checked in and your booking reference number is YRRJG3QC. Booking-Book(Ref=YRRJG3QC)
+MUL1177 14 Could I now book a taxi to leave the Nusha's at 24:45 and take me back to the A and B guest House? Taxi-Inform(Depart=nusha;Leave=24:45;Dest=a and b guest house)
+MUL1177 16 Perfect, thank you! general-thank()
+MUL1177 17 Have a great day. general-bye()
+MUL1177 19 Please feel free to contact us again for further assistance. Good-bye. general-bye()
+MUL1174 0 I am looking for a cheap place to stay with free wifi. Hotel-Inform(Internet=yes;Price=cheap)
+MUL1174 2 Yeah, I would like it to be in the east area of town, if you can. Hotel-Inform(Area=east)
+MUL1174 4 Okay, book me into one of those starting Sunday. There will be 8 of us staying 5 nights. Hotel-Inform(Stay=5;People=8;Day=sunday;Name=Allenbell)
+MUL1174 6 I'm sorry, I just noticed that you booked starting on Sunday. I had requested to check in on Saturday. Is that still possible? Hotel-Inform(Day=saturday)
+MUL1174 8 I'd also like to explore the town. Where's the nearest cinema? Attraction-Inform(Type=cinema)
+MUL1174 9 There is cineworld cinema in the south and the vue cinema in the centre. Attraction-Inform(Area=south;Area=centre;Name=cineworld cinema;Name=vue cinema)
+MUL1174 11 Cineworld Cinema is located at: cambridge leisure park, clifton way. Attraction-Inform(Addr=cambridge leisure park;Addr=clifton way;Name=Cineworld Cinema)
+MUL1174 12 Thank you, that's all I need! general-thank()
+MUL1174 13 It was a pleasure to help. Have a good day. general-bye()
+MUL1175 0 I am looking for a place to stay in the centre in Cambridge. Hotel-Inform(Area=centre)
+MUL1175 2 I would prefer a guesthouse, and it does not need to include internet. Hotel-Inform(Internet=dont care;Type=guesthouse)
+MUL1175 4 No thank you, that's all I needed. general-thank()
+MUL1175 5 If you change your mind and need a booking, we'll be here. Thanks for using our service! general-bye()
+MUL1175 6 Okay! Goodbye! general-bye()
+MUL1175 7 Goodbye. And feel free to contact us if there's any other information you need, as well. general-bye()
+MUL1175 8 I am also looking for an attraction, a swimming pool Attraction-Inform(Name=swimming pool;Type=swimming pool)
+MUL1175 12 I'd prefer one in the same part of town as my hotel, are you sure there isn't one? Hotel-Inform()
+MUL1172 0 I am looking for a multiple sports location in the centre of town Attraction-Inform(Area=centre)
+MUL1172 1 Unfortunately there are no multiple sports locations in the centre of town. Attraction-Inform(Area=centre of town;Type=multiple sports locations)
+MUL1172 2 Hmm, okay. Well, maybe we should take a look at a local college in town centre. Could you recommend one? Attraction-Inform(Type=college)
+MUL1172 3 I can recommend Christ's College. Admission is free. Attraction-Recommend(Fee=free;Name=Christ's College)
+MUL1172 4 Sounds good. Could I get the phone number? Attraction-Request(Phone)
+MUL1172 6 Yes, I would like to book a hotel that has free wifi. Parking doesn't matter. Hotel-Inform(Parking=dont care;Internet=yes;Type=hotel)
+MUL1172 9 Does the Gonville hotel work? Hotel-Inform(Name=Gonville hotel)
+MUL1172 10 Is Gonville hotel in the town centre? Hotel-Inform(Area=centre;Name=gonville hotel)
+MUL1172 11 Gonville Hotel is in the "centre" area. Hotel-Inform(Area=centre;Name=Gonville Hotel)
+MUL1172 12 Does the hotel have a star rating of 0? Hotel-Inform()
+MUL1172 13 It has a rating of 3 stars. Hotel-Inform(Stars=3)
+MUL1172 14 I need a hotel located near the centre of town, with a star of 0. For 3 people, 2 nights starting Thursday please. Hotel-Inform(Stars=0;Area=centre;People=3;Day=thursday)
+MUL1172 15 How about the El Shaddai? It's at 41 Warkworth Street and it's cheap. Hotel-Inform(Name=El Shaddai;Price=cheap;Addr=41 Warkworth Street)
+MUL1172 18 How about just one night? Hotel-Inform(Stay=1)
+MUL1172 20 One more thing, I would like to book a taxi to commute between the two places. Taxi-Inform()
+MUL1172 21 Will you be departing from El Shaddai Hotel to Christ's College? Also, when would you like the taxi to leave the hotel and arrive at the destination? Taxi-Request(Depart;Leave;Arrive;Dest)
+MUL1172 22 I would like the taxi to leave Christ's College by 01:30 and take me to the El Shaddai. Taxi-Inform(Depart=christ's college;Leave=01:30;Dest=el shaddai)
+MUL1172 24 No, that's perfect. Thanks! general-thank()
+MUL1172 25 No problem. Glad you could help. general-bye()
+SNG1313 0 i am looking for a train. The train should leave on Monday and should arrive by 12:45. Train-Inform(Day=monday;Arrive=12:45)
+SNG1313 1 Where would you like to go? Train-Request(Dest)
+SNG1313 2 I would like to depart from Cambridge, and travel to Bishops Stortford. Train-Inform(Depart=cambridge;Dest=bishops stortford)
+SNG1313 3 Is there a time you would like to be picked up by? Train-Request(Leave)
+SNG1313 6 I need to book it right now but what is that travel time? Train-Request(Duration)
+SNG1313 8 What is the price for that train? Train-Request(Price)
+SNG1313 10 Not right now. I need to make sure of how many of us can go. Thank you general-thank()
+SNG1313 11 Glad I could help. general-welcome()
+MUL1170 0 I am looking for a place to stay in the moderate price range. It must include free parking. Hotel-Inform(Parking=yes;Price=moderate)
+MUL1170 1 Is there a specific part of town you would like to stay in? Hotel-Request(Area)
+MUL1170 2 I would prefer to stay in a 2 star hotel in the north. Hotel-Inform(Stars=2;Area=north)
+MUL1170 4 That would be great! Can you let me know what the post code is? Thank you! Hotel-Request(Post)
+MUL1170 8 Can you give me the phone number and postcode for the Jesus Green pool, please? Attraction-Request(Post;Phone)
+MUL1170 10 No that is all thank you. general-thank()
+MUL1170 11 Thank you, goodbye. general-bye()
+SNG1311 0 I am looking for a museum to visit. Attraction-Inform(Type=museum)
+SNG1311 3 Do you like modern art? Cambridge Contemporary Art is great, and admission is free. Attraction-Recommend(Fee=free;Name=Cambridge Contemporary Art)
+SNG1311 6 No, you have been very helpful. Thank you. general-thank()
+MUL2555 0 I wold like to book a room near downtown that has wi-fi and a free parking. Hotel-Inform(Parking=yes)
+MUL2555 2 Actually, I think that what I really want is a hotel that is in the same area as a swimming pool. Are there any public swimming pools in town? Attraction-Request(Area)
+MUL2555 3 Parkside Pools are in the centre of town, if that would be okay. Attraction-Inform(Name=Parkside Pools;Area=centre of town)
+MUL2555 4 get me the address, phone number, and area. i am also looking for a 4 start place to stay in the north Attraction-Request(Area;Phone;Addr)
+MUL2555 5 Parkside pools is gonville place. The area is the centre and phone number is 01223446100. Attraction-Inform(Name=Parkside pools;Addr=gonville place;Phone=01223446100;Area=centre)
+MUL2555 6 I also need a place to stay, it should be 4 stars, in the north and include free wifi. Hotel-Inform(Stars=4;Area=north;Internet=yes)
+MUL2555 8 Yes, I'll need it for 5 nights starting from sunday. Oh, and book it for 7 people! Hotel-Inform(Stay=5;People=7;Day=sunday)
+MUL2555 10 Can you see if they have anything for 2 nights? Hotel-Inform(Stay=2)
+MUL2555 12 No, that should be all. Thank you for your help! Goodbye. general-bye()
+MUL2555 13 Thank you for contacting us today. Goodbye. general-bye()
+MUL2554 0 I am looking for places to go. Can you tell me about some museums? Attraction-Inform(Type=museum)
+MUL2554 2 Surprise me! I'd like the address, fee and postcode. Attraction-Request(Post;Addr)
+MUL2554 3 the broughton house gallery is located on 98 king street, is free to enter, and the post code is cb11ln. Attraction-Inform(Name=broughton house gallery;Fee=free to enter;Post=cb11ln;Addr=98 king street)
+MUL2554 4 Sweet! Can I also get some information on hotels? Hotel-Inform()
+MUL2554 6 How about a 2 star rating in the moderate price? Hotel-Inform(Stars=2;Price=moderate)
+MUL2554 8 Either one is fine, I need to book for 1 starting sunday, 4 nights. Hotel-Inform(Stay=4;People=1;Day=sunday)
+MUL2554 9 You have a room at the Ashley, reference number 1IIKBZBL. Booking-Book(Name=the Ashley;Ref=1IIKBZBL)
+MUL2554 10 Thank you very much for your help. general-thank()
+MUL2554 11 Great. Is there anything else I can help you with today? general-reqmore()
+MUL2554 13 how about broughton house gallery? Restaurant-Inform(Name=broughton house gallery)
+MUL2554 15 No, it doesn't. Sorry about that. Hotel-Inform(Parking;Internet)
+MUL2554 16 Sorry about that, I can look for a restaurant later. That's actually all I need today, thank you! Restaurant-Inform()
+MUL2554 17 Ok great! Thank you for reaching out to Cambridge TownInfo centre, I hope you enjoy your stay! Goodbye! general-bye()
+MUL2225 0 Hi! I'm looking for a place to stay with 3 stars that includes wifi. Hotel-Inform(Stars=3;Internet=yes)
+MUL2225 2 Just near Cambridge , and should be a guesthouse. Hotel-Inform(Type=guesthouse)
+MUL2225 4 Certainly. There will be 5 of us for 4 nights starting on Tuesday. Hotel-Inform(Stay=4;People=5;Day=tuesday)
+MUL2225 6 Yes, I need a train for the same day. I need to leave after 16:30. Train-Inform(Day=tuesday;Leave=16:30)
+MUL2225 7 Where are you leaving and arriving from? Train-Request(Dest;Depart)
+MUL2225 8 I'm coming to Cambridge from London Kings Cross. Train-Inform(Depart=london kings cross;Dest=cambridge)
+MUL2225 10 No thanks, I'm just looking for information. That's everything I need for now. general-thank()
+MUL2225 11 I understand. Have a very nice day. general-bye()
+PMUL3397 0 Please find me a cinema Attraction-Inform(Type=cinema)
+PMUL3397 1 Sure, in the south of town or the centre? Attraction-Request(Area)
+PMUL3397 2 It doesn't matter but can I get a postcode for one of them. Attraction-Request(Post)
+PMUL3397 3 Okay I recommend Vue Cinema located in the centre. The postcode is cb11ps. Attraction-Recommend(Area=centre;Post=cb11ps;Name=Vue Cinema)
+PMUL3397 4 Thank you. Can you also help me find a train going to Cambridge leaving on Sunday? Train-Inform(Dest=cambridge;Day=sunday)
+PMUL3397 5 What is your destination, and do you have a preference for the departure or arrival time? Train-Request(Dest;Leave;Arrive)
+PMUL3397 6 I am departing from Norwich and I do need to leave sometime after 17:30. Train-Inform(Depart=norwich;Leave=17:30)
+PMUL3397 7 The first train after 17:30 is TR4702, departing Norwich at 18:16. Would you like a ticket? Train-OfferBook(Choice=first;Depart=Norwich;Leave=18:16)
+PMUL3397 8 Yes can you book that for 4 people please? Train-Inform(People=4)
+PMUL3397 10 No, that's all I needed today. Thanks! general-thank()
+PMUL3397 11 You're welcome! Have a great day! general-welcome()
+PMUL3396 1 Do you have a certain area or price range in mind? Hotel-Request(Area;Price)
+PMUL3396 2 I'd like it to be in the south and have free wifi and parking. Hotel-Inform(Area=south;Parking=yes;Internet=yes)
+PMUL3396 4 Yes I would like to book for 7 people and 4 nights starting from Friday. Hotel-Inform(Stay=4;People=7;Day=friday;Name=the lensfield hotel)
+PMUL3396 6 i am also looking for an attraction in the same area as the hotel. Attraction-Inform(Area=south)
+PMUL3396 12 What is the phone nymber to Byards? Attraction-Request(Phone)
+PMUL3396 13 The phone number is 01223464646. Attraction-Inform(Phone=01223464646)
+PMUL3396 14 I also need a taxi that will leave the attraction by 20:30. Taxi-Inform(Leave=20:30)
+PMUL3396 16 i want to leave the attractinon by 20:30. get me a car and contact number Taxi-Inform(Dest=the lensfield hotel)
+PMUL3396 17 I've booked you a taxi, it is a yellow tesla. You can contact them via 07892026031 Taxi-Inform(Car=yellow tesla;Phone=07892026031)
+PMUL3396 18 thanks for helping me out general-thank()
+PMUL3396 20 thanks again. you are of great help general-thank()
+PMUL3396 21 excellent, have a great day! general-bye()
+PMUL3395 0 i am looking for a particular hotel. Its name is called aylesbray lodge guest house. Hotel-Inform(Name=aylesbray lodge guest house)
+PMUL3395 2 No, I can do that. I am looking for places to go in town, a park. Attraction-Inform(Type=park)
+PMUL3395 4 In the East preferably. Attraction-Inform(Area=east)
+PMUL3395 7 The postcode is cb18dw. Attraction-Inform(Post=cb18dw)
+PMUL3395 8 Can you also confirm the area that is in please? Hotel-Request(Area)
+PMUL3395 9 That is in the east area. Attraction-Inform(Area=east area)
+PMUL3395 10 Thank you so much! general-thank()
+PMUL3395 11 So we have you at a place to stay with something to do for fun, anything else before I let you go? general-reqmore()
+PMUL3395 12 Thank you that will be all I need. general-thank()
+PMUL3394 0 Hi there, I need to find a hotel - a guesthouse to be precise. I don't need internet so don't worry about that Hotel-Inform(Internet=dont care;Type=guesthouse)
+PMUL3394 2 I'd like a guesthouse rated 3 stars. Hotel-Inform(Stars=3)
+PMUL3394 4 I will take the one in the south as long as they have a room for 4 available for 5 nights. Hotel-Inform(Stay=5;People=4)
+PMUL3394 6 book it for 4 people and 5 nights starting from thursday. Hotel-Inform(Stay=5;Day=thursday)
+PMUL3394 8 I'd like to find an expensive restaurant in the west to celebrate our family. Restaurant-Inform(Area=west;Price=expensive)
+PMUL3394 9 What type of food would you prefer? Restaurant-Request(Food)
+PMUL3394 10 I would like chinese. Restaurant-Inform(Food=chinese)
+PMUL3394 12 What about greek food? Restaurant-Inform(Food=greek)
+PMUL3394 14 Okay, let's try one that serves British food. Restaurant-Inform(Food=british)
+PMUL3394 15 i would suggest graffiti Restaurant-Recommend(Name=graffiti)
+PMUL3394 16 OK, that sounds good. The same group of people will be dining on the same day that we arrive. Can you book a table for 15:30? Restaurant-Inform(Time=15:30;People=5;Day=thursday)
+PMUL3394 18 Great. Thank you. Now I need a taxi. Taxi-Inform()
+PMUL3394 20 I will need the taxi the same day. Taxi-Inform()
+PMUL3394 21 Sure, where would you like to be picked up from? Also where will you need to be dropped off and what time? Taxi-Request(Depart;Arrive;Dest)
+PMUL3394 22 I would like to go from the restaurant to the hotel. Taxi-Inform(Depart=graffiti;Dest=bridge guest house;Arrive=17:30)
+PMUL3394 24 Yes the time works for me . That will be all thanks and have a great day. general-thank()
+PMUL3394 25 Any time, and you have a great day as well! general-bye()
+PMUL3393 0 I'm looking for a place to stay in the centre. It doesn't need to include internet. Hotel-Inform(Area=centre;Internet=dont care)
+PMUL3393 2 Do any of the hotels have 3-star ratings? Hotel-Inform(Stars=3)
+PMUL3393 3 I have one with 3 stars in the expensive price range. Hotel-Inform(Price=expensive;Choice=one;Stars=3)
+PMUL3393 5 gonville hotel would fit all your needs Hotel-Inform(Name=gonville hotel)
+PMUL3393 7 Your booking was successful. Your reference number is BX2JNTSY. Thank you Booking-Book(Ref=BX2JNTSY)
+PMUL3392 1 sure, what would you like to know? general-reqmore()
+PMUL3392 2 I apologize, I should have let you know before, I need a train from bishops stortford to cambridge, on sunday. I need to arrive by 14:45. Train-Inform(Depart=bishops stortford;Dest=cambridge;Day=sunday;Arrive=14:45)
+PMUL3392 4 Yes, could you make a booking for 3 people? Train-Inform(People=3)
+PMUL3392 6 Yes, I'm looking for an expensive restaurant in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL3392 7 what type of food do u prefer? Restaurant-Request(Food)
+PMUL3392 9 how about the cambridge chop house? or midsummer house restaurant? Restaurant-Recommend(Name=cambridge chop house;Name=midsummer house restaurant)
+PMUL3392 10 The first is good. Need it for Sunday, 18:45, 3 people. Restaurant-Inform(Time=18:45;People=3;Day=sunday;Name=the cambridge chop house)
+PMUL3392 11 Booking was successful. The table will be reserved for 15 minutes. Reference number is : YYSLEJ0H. Booking-Book(Ref=YYSLEJ0H)
+PMUL3392 12 Great! Thanks very much! general-thank()
+PMUL3392 13 Thank you for calling Cambridge TownInfo centre! Is there anything else I can help you with today? general-reqmore()
+PMUL3392 14 That's it! Thank you for your help! general-thank()
+PMUL3392 15 You are welcome, call me if you need anything else. general-welcome()
+PMUL3391 0 I want a place that serves Swiss food. Restaurant-Inform(Food=swedish)
+PMUL3391 2 Could you please try restaurants that serve Indian food instead? Restaurant-Inform(Food=indian)
+PMUL3391 4 any. book a table for 8 people at 16:00on tuesday Restaurant-Inform(Time=16:00;People=8;Day=tuesday)
+PMUL3391 5 Okay, I can do that. How about Curry Prince in the East part of town? It is moderately-priced. Restaurant-Inform(Name=Curry Prince;Area=East part of town;Price=moderately-priced)
+PMUL3391 6 Yes, that sounds good. Please make the reservation for me. Restaurant-Inform(Name=curry prince)
+PMUL3391 8 Sure, I'm also looking for a particular attraction called the holy trinity church. Attraction-Inform(Name=holy trinity church)
+PMUL3391 9 What information are you looking for? general-reqmore()
+PMUL3391 10 I need the area and entrance fee Attraction-Request(Area;Fee)
+PMUL3391 12 No, that is it. Thanks for your help! general-thank()
+PMUL3390 1 Did you want architecture or a church? Attraction-Select(Type=architecture;Type=church)
+PMUL3390 2 It's doesn't matter what attraction it is just as long as it's in the west. Do you have any recommendations? Attraction-Inform(Area=west)
+PMUL3390 3 Sure. I suggest Churchill College, on storey's way. Attraction-Recommend(Addr=storey's way;Name=Churchill College)
+PMUL3390 4 Can I get their postcode and entrance fee please? Attraction-Request(Post;Fee)
+PMUL3390 5 The postcode is cb30ds and the entrance fee is free. Attraction-Inform(Post=cb30ds;Fee=free)
+PMUL3390 6 Excellent. I also need a place to stay. I want a guesthouse in that area. And I'll need parking. Hotel-Inform(Area=west;Parking=yes;Type=guesthouse)
+PMUL3390 7 finches bed and breakfast is a 4 star guesthouse in the west part of town in the cheap price range with parking and wifi included. Hotel-Recommend(Name=finches bed and breakfast;Price=cheap;Internet;Type=guesthouse;Parking;Area=west;Stars=4)
+PMUL3390 8 Sounds like a match, Can we book for 3, starting on monday and going 4 nights? Hotel-Inform(Stay=4;People=3;Day=monday;Name=finches bed and breakfast)
+PMUL3390 10 No that is it. Thank you. general-thank()
+MUL2551 0 I need to find a asian restaurant in Cambridge Restaurant-Inform()
+MUL2551 1 Are you looking for one in a certain area? Restaurant-Request(Area)
+MUL2551 3 What price range would you prefer? Restaurant-Request(Price)
+MUL2551 4 Actually, I do not need a restaurant for now, I am look for a boat type place to go to in town. Attraction-Inform(Type=boat)
+MUL2551 5 There are several to choose from. There are Camboats in the east, the Riverboat Georgina in the north, and two places for punting in the centre. Do any of those appeal? Attraction-Inform(Choice=several;Choice=two;Area=the east;Area=the north;Area=the centre;Name=Camboats;Name=the Riverboat Georgina)
+MUL2551 6 I suppose the Riverboat Georgina. Attraction-Inform(Name=riverboat georgina)
+MUL2551 8 Thank you. I am also looking to book a hotel called Hobsons House for 1 person starting Thursday, please. Hotel-Inform(People=1;Day=thursday;Name=hobsons house)
+MUL2551 9 Sure no problem. How many nights from Thursday would you like to book? Booking-Request(Stay)
+MUL2551 11 Your stay at hobsons house is booked. Your reference number is BZLBF1DZ. Booking-Book(Ref=BZLBF1DZ;Name=hobsons house)
+MUL2551 12 Thank you so much. That's all for now. general-thank()
+PMUL3399 0 I'm looking for a hotel that includes free wifi. Hotel-Inform(Internet=yes;Type=hotel)
+PMUL3399 1 ashley hotel is a great place with free wi fi Hotel-Recommend(Internet;Name=ashley hotel)
+PMUL3399 2 Is it expensive? Hotel-Inform(Price=expensive;Name=ashley hotel)
+PMUL3399 4 I would prefer one in the expensive range if you have any. Hotel-Inform(Price=expensive)
+PMUL3399 6 Yes. I need to book for 7 people starting on Wednesday and staying for 2 nights. Hotel-Inform(Stay=2;People=7;Day=wednesday)
+PMUL3399 7 I've made those reservations and your reference number is N90KBZUM Booking-Book(Ref=N90KBZUM)
+PMUL3399 8 Great! Can you please help me with finding a train as well? I need something leaving london liverpool street after 16:30. Train-Inform(Depart=london liverpool street;Leave=16:30)
+PMUL3399 9 how about TR9886? it arrives at 19:07 on Friday. Train-Inform(Day=Friday;Arrive=19:07;Id=TR9886)
+PMUL3399 10 Actually, can we try for Wednesday? I'll need tickets for the same group of people. Train-Inform(People=7;Day=wednesday)
+PMUL3399 12 Yes that works. Go ahead and book me 7 tickets please Train-Inform(People=7)
+PMUL3399 13 Your booking was successful and your total cost is 116.2 GBP. Your reference number is BWXB511A. Train-OfferBooked(Ref=BWXB511A;Ticket=116.2 GBP)
+PMUL3399 14 Thanks a lot. That is all I need. general-thank()
+PMUL3399 15 Great thank you so much. general-bye()
+PMUL3399 16 Thanks again, goodbye. general-bye()
+PMUL3399 17 Have a great trip. Goodbye. general-bye()
+MUL2222 0 I'm looking to get some information on the worth house hotel. Hotel-Inform(Name=worth house)
+MUL2222 1 Its a guesthouse located in the north and very cheap. 4 star rating & offer free internet access & parking. Phone is 01223363682. Hotel-Inform(Area=north;Internet;Price=very cheap;Parking;Type=guesthouse;Phone=01223363682;Stars=4)
+MUL2222 2 What's the postcode for it? Hotel-Request(Post)
+MUL2222 3 Sorry about that the postcode is cb41da. And they are located at 152 chesterton road. Hotel-Inform(Post=cb41da;Addr=152 chesterton road)
+MUL2222 4 Thank you. I also need a train going to Cambridge that arrives by 13:00. Train-Inform(Dest=cambridge;Arrive=13:00)
+MUL2222 6 I'll be leaving from Peterborough on Friday. Is there anything that arrives in Cambridge by 13:00? Train-Inform(Depart=peterborough;Dest=cambridge;Day=friday;Arrive=13:00)
+MUL2222 8 No thank you, I just need to know the departure time. Train-Request(Leave)
+MUL2222 10 That's all I need. Thanks! general-thank()
+MUL2221 0 Yes, I need a train for wednesday arriving at 14:45. Train-Inform(Day=wednesday;Arrive=14:45)
+MUL2221 1 I have train TR3634 leaving cambridge and arriving london kings cross at 13:51. Will that work for you? Train-Inform(Id=TR3634;Depart=cambridge;Dest=london kings cross;Arrive=13:51)
+MUL2221 2 I need the train to go to cambridge and leave from stansted airport. Train-Inform(Depart=stansted airport;Dest=cambridge)
+MUL2221 3 I reserved a seat for you on the 05:24 train. Your reference number is9BQT5T9M. Your ticket of 10.1 GBP is payable when you get to the station. Train-OfferBooked(Ref=9BQT5T9M;Ticket=10.1 GBP;Leave=05:24)
+MUL2221 4 Great, that's all I needed. Thank you! general-thank()
+MUL2221 5 Thank you and enjoy your visit to cambridge! general-bye()
+MUL2221 6 I need a train from Stansted Airport to Cambridge, arriving by 14:45 on Wednesday, please... Train-Inform(Depart=stansted airport;Dest=cambridge;Day=wednesday;Arrive=14:45)
+MUL2221 8 Yes, I'd like to book for three people please. Train-Inform(People=3)
+MUL2221 9 I've booked you 3 seats on the TR3720 with a total fee of 30.29 GBP which is payable at the station. The reference number is Y3ATC2SJ. Train-OfferBooked(Id=TR3720;Ref=Y3ATC2SJ;People=3;Ticket=30.29 GBP)
+MUL2221 10 Thank you. Im also looking for a hotel in the north in the moderate price range. Hotel-Inform(Area=north;Price=moderate;Type=hotel)
+MUL2221 11 Ashley hotel is available, would that work for you? Hotel-Inform(Name=Ashley hotel)
+MUL2221 12 Sure, can you book it for 2 nights and 3 people? Hotel-Inform(Stay=2;People=3)
+MUL2221 14 No that is everything I need today. Thank you. general-thank()
+PMUL1739 0 I would like to find a train that leaves to cambridge. Oh, and please see if it leaves on a wendesday. Train-Inform(Dest=cambridge;Day=wednesday)
+PMUL1739 1 Certainly. From where will you be departing? Train-Request(Depart)
+PMUL1739 2 I want to depart from Peterborough and want to leave after 18:00. Train-Inform(Leave=18:00)
+PMUL1739 3 Where will your destination be? Train-Request(Dest)
+PMUL1739 6 That train would work well, but I really need 2 tickets and the reference number please. Train-Inform(People=2)
+PMUL1739 10 Yes, I'd like to be in the east. It will also need to have a star of 4. Hotel-Inform(Stars=4;Area=east)
+PMUL1739 11 Do you have a price range in mind? Hotel-Request(Price)
+PMUL1739 12 Just one that has free wifi please. No price range restrictions. Hotel-Inform(Internet=yes)
+PMUL1739 14 Is that a hotel or a guesthouse? Hotel-Inform()
+PMUL1739 15 It is a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL1739 16 Okay, thanks! Can you please book a room for 2 people, for 3 nights, starting Wednesday? Hotel-Inform(Stay=3;People=2;Day=wednesday)
+PMUL1739 17 Your reference number is DMRUCDJ4. Booking-Book(Ref=DMRUCDJ4)
+PMUL1739 18 Thank you that is all I needed. general-thank()
+PMUL1739 19 Perfect. Thank you for using the Cambridge TownInfo centre. Have a great day. general-bye()
+PMUL1738 0 Hi, I'm looking for a train that departs from peterborough and arrives by 10:30. Train-Inform(Depart=peterborough;Arrive=10:30)
+PMUL1738 1 Where will you be traveling to? Train-Request(Dest)
+PMUL1738 2 I am traveling to Cambridge. Train-Inform(Dest=cambridge)
+PMUL1738 3 What day are you taking the train? Train-Request(Day)
+PMUL1738 4 I am leaving on Friday. What is the cost please? Train-Inform(Day=friday)
+PMUL1738 8 I'd like a guesthouse that includes free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL1738 11 I'm sorry. There aren't any expensive guesthouses available for a reservation. Would you like me to check for a cheap or a moderately priced one? Hotel-NoOffer(Type=guesthouses;Price=expensive)
+PMUL1738 12 Could you check to see if there are any expensive hotels then? Hotel-Inform(Price=expensive;Type=hotel)
+PMUL1738 15 3 stars, phone 01223366611, address gonville place. Hotel-Inform(Addr=gonville place;Stars=3;Phone=01223366611)
+PMUL1738 16 Wonderful. Thank you for all your help. general-thank()
+PMUL1737 0 Can I get some information on a train? Train-Inform()
+PMUL1737 1 Yes. Is there something specific you are looking for? Train-Request(Depart;Leave;Dest;Day)
+PMUL1737 2 I'd like a train to depart at 9:30 in Cambridge. Train-Inform(Depart=cambridge;Leave=09:30)
+PMUL1737 4 how long is that train ride? Train-Inform()
+PMUL1737 6 No but I do need help finding a particular hotel called the Gonville HOtel. Hotel-Inform(Name=gonville hotel)
+PMUL1737 8 I'd like to book it. Can you book it starting Sunday night for 5 nights. I need reservations for 6 people. Hotel-Inform(Stay=5;People=6;Day=sunday)
+PMUL1737 10 You took care of everything, thank you so much. general-thank()
+PMUL1737 11 You are very welcome. general-welcome()
+PMUL1736 0 I want a place to stay with 3 stars. Hotel-Inform(Stars=3)
+PMUL1736 2 I'd like one with free parking, located in the north area, and is a guesthouse. Hotel-Inform(Area=north;Parking=yes;Type=guesthouse)
+PMUL1736 4 Yes, please book for 5 people and 4 nights starting from saturday. Hotel-Inform(Stay=4;People=5;Day=saturday;Name=hamilton lodge)
+PMUL1736 5 I've booked your stay at the Hamilton Lodge for 5 people, staying for 4 nights starting Saturday. Your reference number is 14HU38D9 Booking-Book(Ref=14HU38D9;Day=Saturday;Stay=4;Name=Hamilton Lodge;People=5)
+PMUL1736 6 Thank you that is all I need today. general-thank()
+PMUL1736 7 Thank you for letting us help. general-bye()
+PMUL1735 0 I am looking for a train that'll leave on friday. Train-Inform(Day=friday)
+PMUL1735 2 I'm going to Stevenage from Cambridge. I need to arrive by 09:15. Thanks for your help! Train-Inform(Depart=stevenage;Dest=cambridge;Arrive=09:15)
+PMUL1735 4 Yes can you make me a booking for 8 people? Train-Inform(People=8)
+PMUL1735 6 Will you also check the hotel called Lovell lodge? Hotel-Inform(Name=lovell lodge)
+PMUL1735 7 I'm sorry, I had to re-book your train, as I had the stations backwards. TR2515 will get you to Stevenage by 6:10. Fee is 102.4 GBP, REF. #N3H045K3. Train-OfferBooked(Arrive=6:10;Ref=N3H045K3;Ticket=102.4 GBP;Id=TR2515;Dest=Stevenage)
+PMUL1734 0 I'm looking for train tickets, can you help with that? Train-Inform()
+PMUL1734 1 Yes, Where will you be arrive from and going to? I also need a date and time. Train-Request(Depart;Arrive;Leave;Dest;Day)
+PMUL1734 2 I want to go to peterborough and depart from cambridge. Train-Inform(Depart=cambridge;Dest=peterborough)
+PMUL1734 4 I'd like to leave Thursday after 8:30 please. Train-Inform(Day=thursday)
+PMUL1734 5 I have train TR6009 that leaves at 08:34 and will arrive in Peterborough at 09:24. Would that work for you? Train-Inform(Id=TR6009;Dest=peterborough;Arrive=09:24;Leave=08:34)
+PMUL1734 6 What is the travel time? Train-Request(Duration)
+PMUL1734 7 The travel time is 50 minutes. Train-Inform(Time=50 minutes)
+PMUL1734 8 Are there any 2-star hotels (not guesthouses) in the south that have free parking? Hotel-Inform(Stars=2;Area=south;Parking=yes;Type=hotel)
+PMUL1734 10 Is there anything in the north? Hotel-Inform(Area=north)
+PMUL1734 12 Yes please book me a room for 4 people for 2 nights starting from Tuesday. Hotel-Inform(Stay=2;People=4;Day=tuesday)
+PMUL1734 14 No thanks, that was all I needed. Goodbye. general-bye()
+PMUL1734 15 Have a nice day. Thank you for contacting us. general-bye()
+PMUL1733 0 Could you help me choose a train running from Stansted Airport to Cambridge? Train-Inform(Depart=stansted airport;Dest=cambridge)
+PMUL1733 2 I need to leave on Sunday after 21:15 please. Train-Inform(Day=sunday;Leave=21:30)
+PMUL1733 5 How many tickets do you need? Train-Request(People)
+PMUL1733 9 Do you want a hotel or a guesthouse ? Hotel-Select(Type=hotel;Type=guesthouse)
+PMUL1733 10 I would like a 3 star hotel in the moderate price range, please. Hotel-Inform(Stars=3;Price=moderate;Type=hotel)
+PMUL1733 11 Sorry, I don't have any 3 star hotels in the moderate price range. Would you like to try a guesthouse or a 2 star hotel perhaps? Hotel-NoOffer(Stars=3;Type=hotels;Price=moderate)
+PMUL1733 12 I don't care what area. Can you double check please? I also need wifi. Hotel-Inform(Area=dont care;Internet=yes)
+PMUL1733 14 Sure, let me know what is available. Hotel-Inform(Stars=dont care)
+PMUL1733 16 Yes, whateveryou recommend, can we book it for two people and four nights starting friday? Hotel-Inform(Stay=4;People=2;Day=friday)
+PMUL1733 17 Booking was successful for the ashley hotel. Reference number is : OF50YGXK. Booking-Book(Name=ashley hotel;Ref=OF50YGXK)
+PMUL1733 18 Thanks for your help. Have a great day. general-thank()
+PMUL1730 0 Can I get some information on a train? Train-Inform()
+PMUL1730 1 Sure! I'll be glad to find some information for you if you could provide me with your destination choice and the day you would like to depart. Train-Request(Dest;Day)
+PMUL1730 2 I want to leave from Cambridge after 08:30. Train-Inform(Dest=cambridge;Leave=8:30)
+PMUL1730 3 Sure, I can find that information for you. Were will you be departing from? Train-Request(Depart)
+PMUL1730 4 I will departing from Cambridge and arriving in Stansted Airport. I need to find a train for Monday for 7 people to leave after 8:30 am. Train-Inform(Depart=cambridge;People=7;Dest=stansted airport;Day=monday;Leave=after 8:30)
+PMUL1730 6 Hm, there really isn't anything leaving after 08:30? All day? Train-Inform(Leave=08:30)
+PMUL1730 8 I would like an early train, yes. As close to 8:30 as possible. I need tickets for 7 people. Train-Inform(People=7)
+PMUL1730 9 Okay, I got you 7 tickets on the train leaving at 8:40. Your reference number is KVV4HJSU Train-OfferBooked(Leave=8:40;Ref=KVV4HJSU;People=7)
+PMUL1730 10 Cool. Now I will need somewhere to stay, moderately priced with 2 stars and free wifi Hotel-Inform(Stars=2;Internet=yes;Price=moderate)
+PMUL1730 12 I sure would. Please book for the same number of people beginning on Friday for 3 nights Again, there are 7 of us. Hotel-Inform(Stay=3;People=7;Day=friday)
+PMUL1730 16 no thanks you've been great! general-thank()
+PMUL1730 17 Enjoy your stay in Cambridge! Good bye! general-bye()
+PMUL4424 0 I need a turkish restaurant in the centre. Restaurant-Inform(Area=centre;Food=turkish)
+PMUL4424 3 What day and time do you need your reservation? Booking-Request(Day;Time)
+PMUL4424 4 I need a reservation for Thursday at 16:45 please. Restaurant-Inform(Time=16:45;People=5;Day=thursday)
+PMUL4424 5 Great! I have your booking and your reference number is 186UXPOI. Booking-Book(Ref=186UXPOI)
+PMUL4424 6 Thanks! Are there any entertainment-type attractions in the center? Attraction-Inform(Type=entertainment)
+PMUL4424 10 Can I get a taxi from downing college to the antolia, I want to get there before my reservation. Taxi-Inform(Depart=downing college)
+PMUL4424 11 Okay! You will arrive by 16:30. Booked car type: red volvo, Contact number: 07940632984. Taxi-Inform(Arrive=16:30;Car=red volvo;Phone=07940632984)
+PMUL4424 12 great thanks! That's all I needed. general-thank()
+PMUL4424 13 Thanks ! enjoy your time ! general-bye()
+PMUL4424 14 Thank you, good bye. general-bye()
+PMUL1679 0 I need help finding a train. Can you do that? Train-Inform()
+PMUL1679 1 Of course. Where are you traveling to? Train-Request(Dest)
+PMUL1679 2 I would like to leave Liverpool street on Tuesday and arrive in Cambridge. Train-Inform(Dest=cambridge;Day=tuesday)
+PMUL1679 4 I would like to arrive in Cambridge by 08:45. Train-Inform(Dest=cambridge;Arrive=08:45)
+PMUL1679 6 Yes, I'll need 7 tickets. Train-Inform(People=7)
+PMUL1679 7 Okay, do you need a reference number? general-reqmore()
+PMUL1679 9 OK, you have 7 tickets reserved on TR6939. Total due at the station will be 116.2GBP. Your reference number is OK7WYTNQ. Train-OfferBooked(Id=TR6939;Ref=OK7WYTNQ;People=7;Ticket=116.2GBP)
+PMUL1679 10 I also need a place to stay. 2 star is my preference. Hotel-Inform(Stars=2)
+PMUL1679 11 okay, what area and price range? Hotel-Request(Area;Price)
+PMUL1679 12 In the west part of town. The price doesn't matter. Hotel-Inform(Area=west)
+PMUL1679 14 do you have one with a star of 4? Hotel-Inform(Stars=4)
+PMUL1679 16 Try either one of the cheap ones, I need one that can hold my group of 7 for 5 nights on tuesday. Hotel-Inform(Stay=5;People=7;Day=tuesday)
+PMUL1679 18 No, thank you. That will be all. general-thank()
+PMUL1679 19 Have a great time. general-greet()
+PMUL1679 20 Thank you for your help. general-thank()
+PMUL4288 0 I want to board a train on Thursday. Can you help me with that? Train-Inform(Day=thursday)
+PMUL4288 1 Yes of course! Where are you traveling to? Train-Request(Dest)
+PMUL4288 2 I am travelling to Cambridge and it should depart from London Kings Cross. Train-Inform(Depart=london kings cross;Dest=cambridge)
+PMUL4288 4 I need to arrive by 09:00 if that is possible. Train-Inform(Arrive=09:00)
+PMUL4288 6 Please make a booking for 6 people on the 7:17 train. Train-Inform(People=6)
+PMUL4288 7 I have booked your seats here is the information:Booking was successful, the total fee is 141.6 GBP payable at the station . Reference number is : PY3UDDOV. Train-OfferBooked(Ref=PY3UDDOV;Ticket=141.6 GBP)
+PMUL4288 8 I am also looking for a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL4288 10 I definitely need free parking also, please. Hotel-Inform(Parking=yes)
+PMUL4288 12 I want it to be 4 stars and moderately priced Hotel-Inform(Stars=4;Price=moderate)
+PMUL4288 16 No thank you. I appreciate all you have done to help me. general-thank()
+PMUL4288 17 Your welcome. If you change your mind and want reservations, feel free to contact us again. general-welcome()
+PMUL4288 18 Of course I will. Thank you also. general-thank()
+PMUL4288 19 You are welcome enjoy. general-welcome()
+PMUL1906 0 Is there a train I can take to cambridge that leaves after 18:00? Train-Inform(Dest=cambridge;Leave=18:00)
+PMUL1906 1 Absolutely. Where are you coming from? Train-Request(Depart)
+PMUL1906 2 I'm departing from birmingham new street. Train-Inform(Depart=birmingham new street)
+PMUL1906 4 Yes please book me for one ticket. Train-Inform(People=1)
+PMUL1906 6 Also looking for a guesthouse in the cheap price range. Hotel-Inform(Price=cheap;Type=guesthouse)
+PMUL1906 7 Are you going to stay in a specific area of town? Hotel-Request(Area)
+PMUL1906 8 The area of town is not important, but I would like a hotel with free parking and four stars. Hotel-Inform(Stars=4;Parking=yes)
+PMUL1906 11 I don't have that information in front of me I can give their phone number general-reqmore()
+PMUL1906 12 Yes, I need the phone number please! Hotel-Request(Phone)
+PMUL1906 13 01223210353 is the phone number Hotel-Inform(Phone=01223210353)
+PMUL1906 15 What day would you like the reservation to be on? Booking-Request(Day)
+PMUL1906 18 It needs 4 stars please. Hotel-Inform(Stars=4)
+PMUL1906 20 I just need their phone number please. Hotel-Request(Phone)
+PMUL1906 22 No thank you that is all I needed. general-thank()
+PMUL4289 0 Hello, can you help me find a train arriving in Cambridge by 20:00? Train-Inform(Dest=cambridge;Arrive=20:00)
+PMUL4289 2 Thank you! I am leaving from Stansted Airport. Train-Inform(Depart=stansted airport)
+PMUL4289 3 And what day do you want to travel? Train-Request(Day)
+PMUL4289 4 I'd like to leave on Wednesday. I'll need the booking for 7 people. Train-Inform(Day=wednesday)
+PMUL4289 6 That's perfect. I'll need 7 tickets. Train-Inform(People=7)
+PMUL4289 7 Booking was successful, the total fee is 70.7 GBP payable at the station, your reference number is K09T11P8. Will that be all? Train-OfferBooked(Ref=K09T11P8;Ticket=70.7 GBP)
+PMUL4289 10 That was all the info I needed, thank you. Attraction-Inform(Name=all saints church)
+SSNG0191 0 Yes I would like to find a restaurant that is in the cheap price range on the west side of town. Restaurant-Inform(Area=west;Price=cheap)
+SSNG0191 1 Would you prefer italian or vietnamese food? Restaurant-Select(Food=italian;Food=vietnamese)
+SSNG0191 2 Italian. Would you reserve a table for 5 for me? I'd like that to be at 14:00 on Tuesday. Restaurant-Inform(Time=14:00;People=5;Day=tuesday)
+SSNG0191 6 No thanks for all your help general-thank()
+SSNG0190 0 I need help finding a very cheap restaurant located in the centre, can you help me? Restaurant-Inform(Area=centre;Price=cheap)
+SSNG0190 1 What type of food are you looking to eat? Restaurant-Request(Food)
+SSNG0190 2 I am looking for a restaurant in the centre area in the cheap range. I would like a table for 7 people at 12:30 on Wednesday. Restaurant-Inform(Area=centre;Price=cheap;People=7;Day=wednesday)
+SSNG0190 8 Yes thank you for your help. general-thank()
+SSNG0190 9 Yes. Thank you very much! general-bye()
+PMUL4427 0 i am looking for a place to stay. The hotel should be in the type of hotel and should have a star of 4. Hotel-Inform(Stars=4;Type=hotel)
+PMUL4427 1 You have three options: The Cambridge Belfry, which is inexpensive, the Huntingdon Marriott, which is expensive, both in the west, or University Arms, an expensive hotel in the centre. Hotel-Inform(Area=west;Area=centre;Choice=three;Price=inexpensive;Price=expensive;Price=expensive;Name=The Cambridge Belfry;Name=Huntingdon Marriott;Name=University Arms)
+PMUL4427 2 do any of them have free wifi ? Hotel-Inform(Internet=yes)
+PMUL4427 9 My apologies. The Ballare is at heidelberg garders, lion yard cb23na. Their phone number is 01223364222 Attraction-Inform(Phone=01223364222;Addr=heidelberg garders;Addr=lion yard;Name=Ballare;Post=cb23na)
+PMUL4427 10 That should be all I need. Thank you for your help. general-thank()
+PMUL4427 11 We hope you have a pleasant stay! general-bye()
+SSNG0195 0 I need help finding a very inexpensive place to eat located in the north, can you help me? Restaurant-Inform(Area=north)
+SSNG0195 2 I don't care, as long as it's cheap it's fine. Which do you recommend? Restaurant-Inform(Food=dont care)
+SSNG0195 4 Yes, I would like a table for 1 at 18:00 on Friday night. Restaurant-Inform(Time=18:00;People=1;Day=friday)
+SSNG0195 6 How about a different restaurant in the same area and price range? Restaurant-Inform()
+SSNG0195 7 Yes sure I got you into Da Vinci Pizzeria and your reference number is IQA12P3U. Booking-Book(Ref=IQA12P3U;Name=Da Vinci Pizzeria)
+SSNG0195 8 Thank you so much that is all I need. general-thank()
+SSNG0197 0 I'm looking for a restaurant that serves moroccan food in the centre. Restaurant-Inform(Area=centre;Food=moroccan)
+SSNG0197 2 Is there an International restaurant in the city centre? Restaurant-Inform(Area=centre;Food=international)
+SSNG0197 4 Could you check if either has booking for 7 people at 13:00 on thursday? Restaurant-Inform(Time=13:00;People=7;Day=thursday;Name=bloomsbury restaurant)
+SSNG0197 6 No. I think that will be all. Thank you for your help. general-thank()
+MUL1731 0 Hello I need a train leaving after 13:00 that is departing from London Liverpool Street please. Train-Inform(Depart=london liverpool street;Leave=13:00)
+MUL1731 2 As long as they all go to Cambridge that is perfect. Looks like I can get a trip on any of the trains. Train-Inform(Dest=cambridge)
+MUL1731 3 Train TR5015 leaves at 13:39 on Friday. Will that work? Train-OfferBook(Leave=13:39;Day=Friday;Id=TR5015)
+MUL1731 4 No, I need to leave on Wednesday. What's available for that day? Train-Inform(Day=wednesday)
+MUL1731 8 No, I need help finding a cinema located in the east Attraction-Inform(Type=cinema)
+MUL1731 10 Either is fine. I just need a phone number so I can call one of them. Thanks. Attraction-Request(Phone)
+MUL1731 11 vue cinema is in the centre & the phone number is 08712240240 Attraction-Inform(Area=centre;Name=vue cinema;Phone=08712240240)
+MUL1731 14 No. You've been very helpful today. Thank you. general-thank()
+MUL1731 15 You're welcome. Have a lovely day! general-welcome()
+PMUL3645 0 I am looking for attractions in the north, please. Attraction-Inform(Area=north)
+PMUL3645 2 Yes I would like the postcode of a swimming pool you recommend. Attraction-Request(Post)
+PMUL3645 4 Yes, I need a place to stay with free wifi and in the north as well. Hotel-Inform(Area=north;Internet=yes)
+PMUL3645 6 Do any of them have free parking? Hotel-Inform(Parking=yes)
+PMUL3645 10 Yes, please. There will be three of us staying for 4 nights, starting Friday. Hotel-Inform(Stay=4;People=3;Day=friday)
+PMUL3645 11 I was able to book it, the reference number is GB5F6801 Booking-Book(Ref=GB5F6801)
+PMUL3645 12 Great I also need a taxi to take me between the places. Taxi-Inform()
+PMUL3645 13 Okay, where is the departure and destination please? Taxi-Request(Depart;Dest)
+PMUL3645 14 I want to leave the hotel by 3:30 to go to the pool. Taxi-Inform(Depart=acorn guest house;Leave=15:30;Dest=jesus green outdoor pool)
+PMUL3645 16 That will be all, thank you. general-thank()
+PMUL3645 19 I'll be going now, good bye. general-bye()
+PMUL1900 0 On Saturday I need a train that will arrive by 21:45. Train-Inform(Day=saturday;Arrive=21:45)
+PMUL1900 1 Can you tell me where you will be departing from and heading to? Train-Request(Depart;Dest)
+PMUL1900 2 I will be leaving from Ely and going to london. Train-Inform(Depart=ely)
+PMUL1900 3 Would that be London Liverpool or London Kings Cross? Train-Request(Dest)
+PMUL1900 5 Are you sure you don't have a preference? Train-Request(Dest)
+PMUL1900 6 Yes I'm sure. I need to book that for 5 people. Train-Inform(Dest=london liverpool street)
+PMUL1900 8 I want a train departing from Cambridge, going to Ely. Saturday, arrival by 21:45. Train-Inform(Depart=cambridge;Dest=ely;Day=saturday;Arrive=21:45)
+PMUL1900 10 That's a good time. Please book TR7349 for 5 people, please. Train-Inform(People=5)
+PMUL1900 11 All set! Booking was successful, the total fee is 17.6 GBP payable at the station . Reference number is : H8XDA6RZ. Train-OfferBooked(Ticket=17.6 GBP;Ref=H8XDA6RZ)
+PMUL1900 12 I am also looking for a place to stay that is cheap and 4 stars. Hotel-Inform(Stars=4;Price=cheap)
+PMUL1900 14 Yes, i need a guesthouse in the east please. Hotel-Inform(Area=east;Type=guesthouse)
+PMUL1900 15 Okay! How about the Allenbell? It's cheap, 4-star, and has internet and parking! Hotel-Inform(Parking;Name=the Allenbell;Internet;Price=cheap;Stars=4)
+PMUL1900 18 I got it.Thank you. general-thank()
+PMUL3647 0 i need info about the slug and lettuce restaurant. Restaurant-Inform(Name=the slug and lettuce)
+PMUL3647 2 Absolutely, I need a table for 4 on Thursday, at 11:00 please. Restaurant-Inform(Time=11:00;People=4;Day=thursday)
+PMUL3647 6 Thanks! will you give me an entrance fee for the nightclub? Attraction-Request(Fee)
+PMUL3647 8 No, that's okay. Thanks! general-thank()
+PMUL0272 0 I need a place to eat in the east. Restaurant-Inform(Area=east)
+PMUL0272 1 Do you have a preference for cuisine type or price? Restaurant-Request(Food;Price)
+PMUL0272 2 Something that is moderate in price, and I'll need a table for 3 at 15:45 this coming saturday. Restaurant-Inform(Price=moderate)
+PMUL0272 3 How about Curry Prince at 451 Newmarket Road Fen Ditton? Restaurant-Inform(Addr=451 Newmarket Road Fen Ditton;Name=Curry Prince)
+PMUL0272 5 I'll check that now. If they have availability would you like me to reserve a table? Booking-Inform()
+PMUL0272 7 I was able to book it, reference number is 4269Q40G. Booking-Book(Ref=4269Q40G)
+PMUL0272 8 Thanks! I also need to book a hotel room. Hotel-Inform()
+PMUL0272 10 I would love something 4 star rated and I have a lot of work to do in the room so free wifi would be great. Hotel-Inform(Stars=4;Internet=yes)
+PMUL0272 12 Yes. I'd like to book for 3 people for 5 nights starting on Saturday. Hotel-Inform(Stay=5;People=3;Day=saturday;Name=autumn house)
+PMUL0272 13 You're all set. 5 nights at Autumn house, arriving on Saturday for 3 guests. Your Reference number is : VUOH5KP2. Booking-Book(Day=Saturday;People=3;Name=Autumn house;Ref=VUOH5KP2;Stay=5)
+PMUL0272 14 Thank you. That was all I needed. Goodbye. general-bye()
+PMUL0272 15 I am glad to have been able to assist you. general-welcome()
+PMUL3640 0 I need to get a train ticket for friday please. Train-Inform(Day=friday)
+PMUL3640 1 Where will you be departing from and traveling to? Train-Request(Depart;Dest)
+PMUL3640 2 I need to get to Cambridge from Broxbourne and I'd like to leave after 13:15. Train-Inform(Depart=broxbourne;Dest=cambridge;Leave=13:30)
+PMUL3640 4 Yes. Please book for 1 person. Train-Inform(People=1)
+PMUL3640 6 Yes, if I could please get the reference number. Train-Request(Ref)
+PMUL3643 0 I would like some information on places to stay in Cambridge. I prefer a guesthouse that includes free wifi, parking does not matter. Hotel-Inform(Parking=dont care;Internet=yes;Type=guesthouse)
+PMUL3643 2 I would like to stay in the moderate price range. Hotel-Inform(Price=moderate)
+PMUL3643 4 I would also like to go to a museum. Attraction-Inform(Type=museum)
+PMUL3643 6 I'm sorry for jumping ahead. I do want to book the guesthouse starting Tuesday for 5 people staying 2 nights. Hotel-Inform(Stay=2;People=5;Day=tuesday)
+PMUL3643 7 Great. You're all booked. The reference number is 7H3I38KW. Booking-Book(Ref=7H3I38KW)
+PMUL3643 11 Cambridge artworks is nice. It is located at 5 greens road, in the east area. Attraction-Inform(Addr=5 greens road;Area=east area;Name=Cambridge artworks)
+PMUL3643 13 I have booked that taxi service for you. They will be in a yellow telsa and a number to reach them is 07644001089. Taxi-Inform(Phone=07644001089;Car=yellow telsa)
+PMUL3643 14 OK, great, thanks. That is all. general-thank()
+PMUL3643 15 You are welcome, enjoy your stay in Cambridge. general-greet()
+MUL2558 0 I am looking for a hotel with free parking in the North. Hotel-Inform(Area=north;Parking=yes)
+MUL2558 2 A hotel and it needs to have free parking. Hotel-Inform(Parking=yes;Type=hotel)
+MUL2558 4 I'm sorry. Can you try a guesthouse? Still north w/free parking. Thanks and sorry! Hotel-Inform(Area=north;Type=guesthouse)
+MUL2558 6 Perfect, please book that for 1 person, 2 nights, starting on friday. Hotel-Inform(Stay=2;People=1;Day=friday)
+MUL2558 8 Let's try just one night then. Hotel-Inform(Stay=1)
+MUL2558 12 Actually, I wanted to stay in the centre. Can you see if there is something there? Attraction-Inform(Area=centre)
+MUL2558 16 Terrific. I would like to book a taxi between the two places. Taxi-Inform()
+MUL2558 17 Sure! Can you confirm your departure and arrival locations and a time frame, please? Taxi-Request(Depart;Leave;Dest)
+MUL2558 18 I want want to leave the hotel by 02:45. Taxi-Inform(Depart=cherry hinton hall and grounds;Leave=02:45;Dest=downing college)
+PMUL4874 0 i am looking for a place to stay. The hotel should include free parking and should be in the north part of town. Hotel-Inform(Area=north;Parking=yes)
+PMUL4874 2 Is it in the moderate price range? Hotel-Inform(Price=moderate;Name=allenbell)
+PMUL4874 3 I am not finding anything for allenbell that suit your needs Hotel-NoOffer(Name=allenbell)
+PMUL4874 5 How about home from home? It is in the north, moderate pricing and free parking. Hotel-Inform(Area=north;Parking;Price=moderate;Name=home from home)
+PMUL4874 6 Is that a 4-star hotel? Hotel-Inform(Type=hotel)
+PMUL4874 10 Okay, thank you! What is the star rating? general-thank()
+PMUL4874 11 It has a rating of 4 stars. Hotel-Inform(Stars=4)
+PMUL4874 12 That will do. Can you give me the information about the hotel? Hotel-Inform()
+PMUL4874 13 acorn guest house is in the north with 4 stars the # is 01223353888 postcode cb41da address 154 chesterton road Hotel-Inform(Phone=01223353888;Addr=154 chesterton road;Stars=4;Name=acorn guest house;Area=north;Post=cb41da)
+PMUL4874 15 Um, I should be asking you that. Would you like a booking? Booking-Inform()
+PMUL4874 17 What type of attraction are you looking at? Attraction-Request(Type)
+PMUL4874 18 Any kind, whatever you recommend. It should be located in the north. Attraction-Inform(Area=north)
+PMUL4874 19 we have a variety Attraction-Inform(Choice=a variety)
+PMUL4874 24 Yes, please find more information on the park and boat attractions in the north. Attraction-Inform(Area=north)
+PMUL4874 26 that is enough for today thank you general-thank()
+MUL2229 0 I need to book a train Friday to London. Train-Inform(Day=friday)
+MUL2229 1 First I need your departure and the times you want to leave or arrive. Train-Request(Depart;Arrive;Leave)
+MUL2229 2 I believe I was in error. I need a hotel in the centre with 4 stars. Hotel-Inform(Stars=4;Area=centre;Type=hotel)
+MUL2229 4 Does it have free wifi? Hotel-Inform(Internet=yes;Name=university arms hotel)
+MUL2229 5 Yes it does Hotel-Inform(Internet)
+MUL2229 6 Excellent, can you book it for 8 people for 4 nights on Thursday? Hotel-Inform(Stay=4;People=8;Day=thursday)
+MUL2229 7 I have booked it for you. Your reference number is 653HK2T2. Booking-Book(Ref=653HK2T2)
+MUL2229 8 Great. Now can you help me get a train from Peterborough? Train-Inform(Depart=peterborough)
+MUL2229 9 What time would you like to leave? Train-Request(Leave)
+MUL2229 13 The trip is 50 minutes. Train-Inform(Time=50 minutes)
+MUL1734 0 Looking for a train that leaves after 14:00 Train-Inform(Leave=14:00)
+MUL1734 1 Sure, From where to where? And what day are you looking to travel? Train-Request(Depart;Dest;Day)
+MUL1734 2 I am departing from Bishops Stortford and would like to arrive in Cambridge. I would like to depart on Saturday. Train-Inform(Depart=bishops stortford;Dest=cambridge;Day=saturday)
+MUL1734 3 What time would you need it to arrive? Train-Request(Arrive)
+MUL1734 4 Doesn't matter for arrival time. I need it for 4 people though. Train-Inform(People=4)
+MUL1734 6 Yes, I will be on the east side, can you recommend any places to go for me? Attraction-Inform(Area=east)
+MUL1734 7 Sure, there are two entertainment places in the east. Cherry hinton hall and grounds and funky fun house. Would you like more information on those? Attraction-Inform(Type=entertainment;Area=east;Choice=two;Name=Cherry hinton hall and grounds;Name=funky fun house)
+MUL1734 8 What type of attractions are they? Attraction-Request(Type)
+MUL1734 9 They are both entertainment. I also have 2 museums and a boat. Attraction-Inform(Type=entertainment;Type=museum;Type=boat;Choice=2)
+MUL1734 10 Could you tell me about the museums? Attraction-Inform(Type=museum)
+MUL1734 11 There is the Cambridge Museum of Technology, which costs 5 pounds to enter, and the Cambridge Artworks, which is free. Attraction-Inform(Name=the Cambridge Museum of Technology;Name=the Cambridge Artworks;Fee=5 pounds;Fee=free)
+MUL1734 12 Can I get the phone number and postcode for both? Attraction-Request(Post;Phone)
+MUL1734 13 The phone number for Cambridge Artworks is 01223902168 and the postcode is cb13ef. The Cambridge Museum of Technology has the phone number 01223368650 and the postcode is cb58ld. Attraction-Inform(Phone=01223902168;Phone=01223368650;Name=Cambridge Artworks;Name=The Cambridge Museum of Technology;Post=cb13ef;Post=cb58ld)
+MUL1734 14 That's all the information I needed today, thanks for your help! general-thank()
+MUL1734 15 Thank you for using Cambridge TownInfo centre. Please remember us for all of your future travel needs general-bye()
+MUL2228 0 Hello, I would like to book a train, leaving Cambridge and going to Stansted Airport. Train-Inform(Depart=cambridge;Dest=stansted airport)
+MUL2228 1 Ok, when would you like to leave and what time would you like to leave at? Train-Request(Leave)
+MUL2228 2 I just want to arrive in stansted airport on tuesday before 11:00. Train-Inform(Day=Tuesday;Arrive=11:00)
+MUL2228 3 TR1951 leaves Cambridge at 06:40 and arrives at the airport at 07:08. Would that work? Train-Inform(Arrive=07:08;Leave=06:40;Depart=Cambridge;Dest=the airport;Id=TR1951)
+MUL2228 4 It's a little early in the morning, but it will do, I'll just set my alarm extra loud. Departure time is 06:40? Train-Request(Leave)
+MUL2228 8 I am looking for a moderately-priced hotel in the north part of town. Hotel-Inform(Area=north;Price=moderate;Type=hotel)
+MUL2228 12 No, that is all I need today. Thank you for all your help. general-thank()
+PMUL4286 0 i need to find a place to go in the west Attraction-Inform(Area=west)
+PMUL4286 2 Can you tell me about a couple museums, any type, and let me know the cost. Attraction-Inform(Type=museum)
+PMUL4286 3 cafe jello gallery is a nice place to visit. cambridge and county folk museum is nice too. Attraction-Inform(Name=cafe jello gallery;Name=cambridge and county folk museum)
+PMUL4286 6 I also need a place to eat near the attraction. Attraction-Inform()
+PMUL4286 7 I found a nice restaurant for you called Saint Johns Chop House. It's not too pricey and tastes great! Restaurant-Inform(Name=Saint Johns Chop House;Price=not too pricey)
+PMUL4286 8 Thank you! Is it a European restaurant? Restaurant-Inform(Food=european;Name=saint johns chop house)
+PMUL4286 10 No I would like to find European restaurant. Restaurant-Inform(Food=european)
+PMUL4286 12 Is that located in the west? I forgot to mention I wanted to stay close to where the museum is. Restaurant-Inform(Area=west)
+PMUL4286 14 Just the postcode. Thanks for all of your help! Restaurant-Request(Post)
+PMUL4286 15 the postcode is cb30af Restaurant-Inform(Post=cb30af)
+PMUL4286 16 Let's see...restaurant, museum...nope. That's everything I need! Restaurant-Inform()
+MUL1735 0 I want to find a place to visit in the centre in Cambridge please. Attraction-Inform(Area=centre)
+MUL1735 2 I am looking for something like mutliple sports. Attraction-Inform(Type=mutliple sports)
+MUL1735 4 Hmm, how about a nightclub? Attraction-Inform(Type=nightclub)
+MUL1735 5 Ballare is available Attraction-Inform(Name=Ballare)
+MUL1735 8 I am going to Cambridge. Train-Inform(Dest=cambridge)
+MUL1735 9 What day would you like to travel? Train-Request(Day)
+MUL1735 10 Monday, thanks. Train-Inform(Day=monday)
+MUL1735 12 May I please ask what the price and travel time of TR2118 is, please? Train-Request(Duration;Price)
+MUL1735 13 Yes TR2118 leaves at 08:48 and arrives at 09:38, it is a 50 minute ride. Train-Inform(Id=TR2118;Arrive=09:38;Leave=08:48;Time=50 minute ride)
+MUL1735 14 And the price? Train-Request(Price)
+MUL1735 16 No thank you, you've been very helpful. general-thank()
+MUL1735 17 Enjoy your visit and have a great day. Thank you. general-bye()
+PMUL4385 0 Can you help me find a train that leaves on friday departing from bishops stortford? Train-Inform(Depart=bishops stortford;Day=friday)
+PMUL4385 1 Absolutely! What time do you need to arrive by? Train-Request(Arrive)
+PMUL4385 2 I need to leave after 09:15, please. Train-Inform(Leave=09:15)
+PMUL4385 4 Great. Let's book it for 6 people. Give me the reference number. Train-Inform(People=6)
+PMUL4385 5 Your train has been booked for 6 people. The train ID is TR2083. Your reference number is WCVY3PV1. Train-OfferBooked(Ref=WCVY3PV1;People=6;Id=TR2083)
+PMUL4385 6 Thanks. I'm also looking for information on moderately priced hotels with free wifi. Hotel-Inform(Internet=yes;Price=moderate)
+PMUL4385 8 The place must have a 3 star rating and include parking. Hotel-Inform(Stars=3;Parking=yes)
+PMUL4385 9 Do you have a preferred area of town? Hotel-Request(Area)
+PMUL4385 11 I'm sorry. Nothing is coming up for your specifications. I need you to narrow down your info. Restaurant-NoOffer()
+PMUL4385 12 Well lets try again and book me in what you choose for 2 nights from Friday for 6 people. Hotel-Inform(Stay=2)
+PMUL4385 13 How about bridge guest house? They are moderately priced with free wifi and parking and 3 stars. Hotel-Recommend(Price=moderately priced;Parking;Internet;Stars=3;Name=bridge guest house)
+PMUL4385 14 That sounds great. Can I book 2 nights for 6 people starting on Friday. Hotel-Inform(Stay=2;People=6;Day=friday;Name=bridge guest house)
+PMUL4385 16 No, that's all I need today. Thank you so much. general-thank()
+PMUL4385 17 Thank you for calling. Enjoy your trip! Goodbye! general-bye()
+PMUL4384 0 I am excited to be coming and would love to find an expensive mexican restaurant. Restaurant-Inform(Food=mexican;Price=expensive)
+PMUL4384 2 Not right now, but could you give me their phone number and postcode? Restaurant-Request(Post)
+PMUL4384 3 I'd love to. The address is 2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton, and the postcode is cb17dy. Restaurant-Inform(Addr=2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton;Post=cb17dy)
+PMUL4384 5 it is in the south area. Restaurant-Inform(Area=south)
+PMUL4384 6 Are there any architectural attractions near there? Attraction-Inform()
+PMUL4384 7 There are no architecture attractions in the south. Attraction-NoOffer(Area=south;Type=architecture)
+PMUL4384 8 What about something for entertainment? Attraction-Inform(Type=entertainment)
+PMUL4384 9 Sure, most people love Tenpin, located at Cambridge Leisure Park, Clifton Way, postcode cb17d. Attraction-Recommend(Addr=Cambridge Leisure Park;Addr=Clifton Way;Post=cb17d;Name=Tenpin)
+PMUL4384 12 Can you also help me book a taxi Taxi-Inform()
+PMUL4384 13 Certainly, were would you like the taxi from? Taxi-Request(Depart)
+PMUL4384 14 I want to leave the Tenpin by 17:15 to go to the Chiquito restaurant. Taxi-Inform(Leave=17:15)
+PMUL4384 18 Could I get a phone number for the restaurant please? Restaurant-Request(Phone)
+PMUL4384 19 You can reach them on 01223400170 Restaurant-Inform(Phone=01223400170)
+PMUL4384 20 that's all i need thanks general-thank()
+PMUL4384 21 Glad I could help, have a good day. general-bye()
+PMUL4387 0 Well hello there, I'm on a budget and I'm wondering if there are any hotels in the moderate price range that offer free parking Hotel-Inform(Parking=yes;Price=moderate)
+PMUL4387 2 Let's start with hotels in the centre. Which ones do you recommend? Hotel-Inform(Area=centre)
+PMUL4387 3 Unfortunately it doesn't look like there are any hotels in the centre that meet those requirements. Hotel-NoOffer(Type=hotels;Area=centre)
+PMUL4387 4 OK, how about the north then? Hotel-Inform(Area=north)
+PMUL4387 5 What is your preference on star rating ? Hotel-Request(Stars)
+PMUL4387 7 what star rating do you prefer? Hotel-Request(Stars)
+PMUL4387 9 Okay, how about the acorn guest house? Hotel-Recommend(Name=acorn guest house)
+PMUL4387 10 That will work can you book that for three nights starting on thursday. Hotel-Inform(Stay=3;Day=thursday;Name=acorn guest house)
+PMUL4387 11 How many people? Booking-Request(People)
+PMUL4387 12 Sorry, I don't actually need to make a reservation. I just need to know the postcode, hotel type, and whether they have internet. Hotel-Request(Post;Internet;Type)
+PMUL4387 13 It's a guesthouse. The post code is cb41da. I can confirm that they do have internet services. Hotel-Inform(Type=guesthouse;Post=cb41da;Internet)
+PMUL4387 14 Great thanks. Im also looking for an african restaurant on the north side of town Restaurant-Inform(Area=north;Food=african)
+PMUL4387 16 I would like an Indian restaurant for Sunday then. Restaurant-Inform(Food=indian;Day=sunday)
+PMUL4387 18 the moderately priced one Restaurant-Inform(Price=moderate)
+PMUL4387 19 How many people in your party? Booking-Request(People)
+PMUL4387 21 What time would you like me to make your reservation for? Booking-Request(Time)
+PMUL4387 22 at 12:00 on Sunday. Restaurant-Inform(Time=12:00;People=2;Day=sunday)
+PMUL4387 24 Can you please provide me with the phone number and address to the Royal Spice restaurant? Restaurant-Inform()
+PMUL4387 25 the pnone number 01223360966 is and the address 7 Milton Road Chesterton Restaurant-Inform(Addr=7 Milton Road Chesterton;Phone=01223360966)
+PMUL4387 26 Thank you for your research. I have no more questions. Goodbye. general-bye()
+PMUL4387 27 Have a great time. general-bye()
+PMUL4386 0 I would love to see some architecture in the centre please Attraction-Inform(Area=centre;Type=architecture)
+PMUL4386 1 There are several free churches in the Centre area, including All Saints Church, Holy Trinity Church, Little Saint Mary's Church, and Old Schools. Great Saint Mary's Church costs 2 pounds. Attraction-Inform(Fee=free;Fee=2 pounds;Area=Centre;Name=All Saints Church;Name=Holy Trinity Church;Name=Little Saint Mary's Church;Name=Old Schools;Name=Great Saint Mary's Church;Type=church;Choice=several)
+PMUL4386 2 All saints church sounds nice, can I please get their postcode and phone number? Attraction-Request(Post;Phone)
+PMUL4386 3 Yes their postcode is cb58bs and their phone number is 01223452587. Attraction-Inform(Post=cb58bs;Phone=01223452587)
+PMUL4386 4 Thank you. I am also looking for information regarding a train to Cambridge please. Train-Inform(Dest=cambridge)
+PMUL4386 5 Where will you be leaving from? And what day? Train-Request(Depart;Day)
+PMUL4386 6 I'm leaving london kings cross on monday after 17:45. Train-Inform(Depart=london kings cross;Day=monday;Leave=17:45)
+PMUL4386 9 Okay, your booking was successful. The total fee is 118 GBP which can be paid at the station. Your reference number is KXRU8MTT. Train-OfferBooked(Ref=KXRU8MTT;Ticket=118 GBP)
+PMUL4386 10 Awesome thanks so much! general-thank()
+PMUL4386 11 Will that be all for today? general-reqmore()
+PMUL4386 12 Yes. Thanks and good bye. general-bye()
+PMUL4386 13 Okay thank you for calling. general-bye()
+PMUL4381 1 Of course, are you looking for a hotel or attraction to visit? general-reqmore()
+PMUL4381 2 Neither. I am looking for a train departing from Leicester and going to Cambridge that's leaving Saturday after 08:30. Train-Inform(Depart=Leicester;Dest=Cambridge;Day=saturday;Leave=08:30)
+PMUL4381 4 No thanks, I was needing the train ID but you already gave that to me. Thanks so much. Train-Request(TrainID)
+PMUL4381 5 If there's nothing else I can do for you, have a great stay. general-reqmore()
+PMUL4381 6 I'm looking for a place to stay. I'd prefer a guesthouse with four stars. Hotel-Inform(Stars=4;Type=guesthouse)
+PMUL4381 8 I'd like a moderately priced place please. Hotel-Inform(Price=moderate)
+PMUL4381 10 If you could recommend any one of them that would be great. I need the postcode, phone number and the area the hotel is in please. Hotel-Request(Area;Post;Phone)
+PMUL4381 11 Sure, I can do that. Did you want to narrow it to a specific area of town? Hotel-Request(Area)
+PMUL4381 13 I have quite a few, when were you planning your stay? Booking-Request(Day)
+PMUL4381 16 Yes, that's everything. Thanks for your help! general-thank()
+PMUL4381 17 Thanks for using our service! general-bye()
+PMUL4380 2 I would like to find a train to Kings Lynn. Train-Inform(Dest=kings lynn)
+PMUL4380 4 On Friday, and I want to arrive by 19:15. Train-Inform(Day=friday;Arrive=19:15)
+PMUL4380 5 How about train 3112? It leaves Cambridge at 05:11 and arrives in Kings Lynn at 05:58. Train-OfferBook(Dest=Kings Lynn;Leave=05:11;Id=3112;Arrive=05:58;Depart=Cambridge)
+PMUL4380 6 Thank you. How much would it cost? general-thank()
+PMUL4380 7 It will cost 9.80 pounds per ticket. Train-Inform(Ticket=9.80 pounds)
+PMUL4380 8 Thank you. Could you recommend a college to visit? Attraction-Inform(Type=college)
+PMUL4380 9 how about christ's college? Attraction-Recommend(Name=christ's college)
+PMUL4380 10 Perfect. Could you tell me their phone number and area? Attraction-Request(Area;Phone)
+PMUL4380 12 No, there is nothing further. Thank you so much for your help! general-thank()
+PMUL4380 14 Thank you, I will. general-thank()
+PMUL4383 0 I am looking for a boat attraction in the centre. Attraction-Inform(Area=centre;Type=boat)
+PMUL4383 1 We have two. Scudamores Punting Co and the Cambridge Punter. Attraction-Inform(Name=Scudamores Punting Co;Name=Cambridge Punter;Choice=two)
+PMUL4383 3 The cambridge punter is located at 251a chesterton road Attraction-Inform(Name=The cambridge punter;Addr=251a chesterton road)
+PMUL4383 4 Thank you. Is this restaurant located near places that serves Swedish food? Restaurant-Inform()
+PMUL4383 5 One second and I'll look that up for you. general-greet()
+PMUL4383 6 Ok, thanks. If there is no Swedish restaurant in the area, Indian would be fine too. Restaurant-Inform(Area=centre;Food=indian)
+PMUL4383 9 How about Curry Garden? I've heard it's great. Restaurant-Recommend(Name=Curry Garden)
+PMUL4383 10 Sounds goof. What is the price range on that one? Restaurant-Request(Price)
+PMUL4383 11 That is an expensive restaurant. Restaurant-Inform(Price=expensive)
+PMUL4383 12 Thanks. Could I get the address? Restaurant-Request(Addr)
+PMUL4383 14 Oh, yes, I need the phone number, please. Restaurant-Request(Phone)
+PMUL4383 16 Nope. That's it. Thank you for your help! general-thank()
+PMUL4382 0 I am visiting Cambridge and want to see some entertainment. Attraction-Inform(Type=entertainment)
+PMUL4382 2 Any area is fine Attraction-Request(Area)
+PMUL4382 3 cherry hinton hall and grounds located in the east is a very nice place to visit. Attraction-Recommend(Area=east;Name=cherry hinton hall and grounds)
+PMUL4382 4 Sounds good, I will give it a try, can I also get a place ot stay with free wifi and parking? Hotel-Inform(Parking=yes;Internet=yes)
+PMUL4382 5 Sure, what area of town would you like to stay in? Hotel-Request(Area)
+PMUL4382 6 Preferably in the north. Hotel-Inform(Area=north)
+PMUL4382 7 what is your price range to narrow down on our choices Hotel-Request(Price)
+PMUL4382 8 I'm open to any price range as long as it meets everything else I need. Hotel-Request(Price)
+PMUL4382 10 I think I'd choose one of the hotels. Either is fine, could you recommend one? And give me it's price range? Hotel-Request(Price)
+PMUL4382 12 Yes that will be all, thank you. general-thank()
+PMUL4382 13 you are welcome any time general-welcome()
+PMUL1676 0 I'm looking for a place to stay. Can you help me find a hotel? Hotel-Inform()
+PMUL1676 2 I would like a guesthouse in the cheap price range with a rating of 0. Hotel-Inform(Stars=0;Price=cheap;Type=guesthouse)
+SNG1117 0 I'd like to visit a college in the center of town. Could you help me find something interesting? Attraction-Inform(Type=college)
+SNG1117 1 How about Downing College? It has free admission and is located on Regent Street/ Attraction-Recommend(Fee=free;Addr=Regent Street;Name=Downing College)
+SNG1117 2 That sounds great! Can I have their phone number and postcode, please? Attraction-Request(Post;Phone)
+SNG1117 4 No, that was all I needed to know. Thank you, you've been very helpful. general-thank()
+SNG1117 5 You're welcome, enjoy your day. general-bye()
+PMUL4389 1 sure, i have 17 options for you Hotel-Inform(Choice=17)
+PMUL4389 2 Are any of them in the south? I'd like free parking too. Hotel-Inform(Area=south;Parking=yes)
+PMUL4389 4 Please. I need a room on tuesday for 5 nights. 4 people will be staying. Hotel-Inform(Stay=5;People=4;Day=tuesday)
+PMUL4389 5 i bookid bridge guest house and Reference number is : KYKQFY1U. Booking-Book(Ref=KYKQFY1U;Name=bridge guest house)
+PMUL4389 6 Thank you so much. general-thank()
+PMUL4389 7 Of course. I can help at any time. general-bye()
+PMUL4388 1 and what would you like to do ? general-reqmore()
+PMUL4388 2 I keep hearing about this great museum called the Fitzwilliam. Can you tell me a little about it? Attraction-Inform(Type=museum)
+PMUL4388 5 Their phone number is 01223332900. Will that be all? Attraction-Inform(Phone=01223332900)
+PMUL4388 6 I also need a train from ely to cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+PMUL4388 7 Let's find one for you. Can you tell me what day you would like to travel? Train-Request(Day)
+PMUL4388 8 I'll be travelling on wednesday, and would like to arrive by 19:45. Train-Inform(Day=wednesday;Arrive=19:45)
+PMUL4388 10 Yes, please book me for 4 people, this is a surprise family trip. Train-Inform(People=4)
+PMUL4388 12 That is all. Thank you for your help. general-thank()
+PMUL4388 13 You're welcome! Have a great day! general-welcome()
+SNG1118 0 Can you find me a theatre in the centre of town? Attraction-Inform(Area=centre;Type=theatre)
+SNG1118 2 What are their entrance fees? Attraction-Request(Fee)
+SNG1118 4 How about an address? Attraction-Request(Addr)
+SNG1118 6 No, that's all I need today. Thank you for your help! general-thank()
+SNG1118 7 Glad we could help. Thank you for contacting us and have a great day! general-bye()
+SNG0379 0 I'm looking for a train that leaves Wednesday and arrives by 9:30. Train-Inform(Day=wednesday;Leave=9:30)
+SNG0379 1 Where is your departure from? Train-Request(Depart)
+SNG0379 2 Oh, sorry coming in from Kings Lynn Train-Inform(Depart=kings lynn)
+SNG0379 3 I have train TR4638 from Kings Lynn to Cambridge departing at 8:11 and arriving at 8:58. Would that work for you? Train-Inform(Arrive=8:58;Leave=8:11;Depart=Kings Lynn;Dest=Cambridge;Id=TR4638)
+SNG0379 4 May I make a booking for six people? Train-Inform(People=6)
+SNG0379 5 I have successfully booked your tickets. 58.8 GBP is payable at the station. The reference number is WGS360AQ Train-OfferBooked(Ref=WGS360AQ;Ticket=58.8 GBP)
+SNG0379 6 Great. Thank you. general-thank()
+SNG0379 7 Have a great day! general-bye()
+SNG0378 0 I need a train into cambridge on wednesday, please. Train-Inform(Dest=cambridge;Day=wednesday)
+SNG0378 1 I can certainly find one for you. Can you tell me where you will be departing from? Train-Request(Depart)
+SNG0378 3 You're leaving from cambridge going to cambridge? Train-Request(Dest;Depart)
+SNG0378 4 No. I need to leave from leicester and arrive in cambridge. I also need to arrive by 10:15. Train-Inform(Depart=leicester;Arrive=10:15)
+SNG0378 6 Yes I would like to book a ticket on TR7703 for Wednesday morning, thank you. general-thank()
+SNG0378 8 Okay great. Thank you for your help. general-thank()
+SNG0378 9 Okay great. I am glad I could be of help! general-bye()
+PMUL1674 0 Hi, I'm looking for a train arriving in Cambridge by 21:15. Train-Inform(Dest=cambridge;Arrive=21:15)
+PMUL1674 1 Can you tell me where you will be departing from and what day you would like to travel? Train-Request(Depart;Day)
+PMUL1674 2 Sure, I'll be leaving from Norwich. Oh, and I'd like to travel on Friday please. Train-Inform(Depart=norwich;Day=friday)
+PMUL1674 3 I would recommend TR9589 which leaves Norwich at 19:16 and arrives in Cambridge at 20:35. Train-Inform(Arrive=20:35;Leave=19:16;Depart=Norwich;Dest=Cambridge;Id=TR9589)
+PMUL1674 4 Okay great. Can you help me make a booking for 6 people please? Train-Inform(People=6)
+PMUL1674 7 I will look that up for you,do you want a hotel ? Hotel-Request(Type)
+PMUL1674 8 Yes, with a star of 4 please. Hotel-Inform(Stars=4;Type=hotel)
+PMUL1674 10 Oh my. Are there any moderate-price guesthouses in the east with 4 stars? Hotel-Inform(Stars=4;Area=east;Price=moderate;Type=guesthouse)
+PMUL1674 12 Yes, please book 6 people for 2 nights beginning friday Hotel-Inform(Stay=2;People=6;Day=friday;Name=carolina bed and breakfast)
+PMUL1674 14 Great!! That's all for now. Thank you so much. general-thank()
+PMUL1674 15 thank you and enjoy your stay in Cambridge! general-bye()
+SNG1119 0 Can you find me a cinema in town that I can go to? Attraction-Inform(Type=cinema)
+SNG1119 2 Either area is fine. Can you pick one for me and let me know their address? Attraction-Request(Area;Addr)
+SNG1119 4 Do you know the entrance fee? Attraction-Request(Fee)
+SNG1119 6 Yes, can you tell me their address please? Attraction-Request(Addr)
+SNG1119 8 So that would be all. Thanks. general-thank()
+SNG0373 0 I need a train on Wednesday that leaves after 16:00. Train-Inform(Day=wednesday;Leave=16:30)
+SNG0373 1 Where will you be leaving from and traveling to? Train-Request(Depart;Dest)
+SNG0373 2 I would like to go to Ely, from Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+SNG0373 3 I found TR8610 leaving at 17:35 would that work for you? Train-Inform(Leave=17:35;Id=TR8610)
+SNG0373 6 I believe I am good for the moment thank you for your help. general-thank()
+SNG0373 7 You're welcome! Have a safe trip! Goodbye. general-bye()
+SNG0372 0 I need to book a train from Leicester to Cambridge. Can you help me with this? Train-Inform(Depart=leicester;Dest=cambridge)
+SNG0372 2 I would like to leave Sunday after 15:30. Are there still any available> Train-Inform(Day=sunday;Leave=15:30)
+SNG0372 3 TR1784 departs Leicester at 16:09, would that work for you? Train-Inform(Leave=16:09;Depart=Leicester;Id=TR1784)
+SNG0372 6 Great. That is all I need. Thank you for your help. general-thank()
+SNG0372 7 You're welcome, enjoy your trip. general-bye()
+SNG0372 8 Thank you so much! general-thank()
+SNG0372 9 You're very welcome. Thank you so much for using our service. general-bye()
+SNG0371 0 Hello there. Can you please find me a train schedule that leaves on Wednesday heading for Cambridge? Train-Inform(Dest=cambridge;Day=We)
+SNG0371 1 Yeah, I can do that. Where are you heading in from? Train-Request(Depart)
+SNG0371 2 I'd like to leave from Broxbourne sometime after 12:30. Train-Inform(Depart=broxbourne;Leave=12:30)
+SNG0371 4 May I have the train ID for that one? Train-Request(TrainID)
+SNG0371 5 Certainly. That train ID is TR7834. Train-Inform(Id=TR7834)
+SNG0371 6 What is the travel time? Train-Request(Duration)
+SNG0371 7 Travel time will be 60 minutes. Train-Inform(Time=60 minutes)
+SNG0371 8 Thank you. That is all I will need. general-thank()
+SNG0371 9 Perfect! Have a wonderful day! general-bye()
+PMUL1675 0 Can you help me find a nice hotel? I'd like to stay somewhere on the west side of town. A 0 star rating would be great, too. Hotel-Inform(Stars=0;Area=west)
+PMUL1675 1 We don't have anything matching that criteria. Do you have something else in mind? Hotel-NoOffer()
+PMUL1675 2 How about something in or very close to west Cambridge with a 1 star rating and free wifi? Hotel-Inform(Stars=1;Internet=yes)
+PMUL1675 4 Actually, try to see if there is one with a 4-star rating, not 1 star. Hotel-Inform(Stars=4)
+PMUL1675 5 Huntington Marriott Hotel is very nice. Hotel-Inform(Name=Huntington Marriott Hotel)
+PMUL1675 6 Yes, that would be a good choice. Can let me know their phone number, whether they have free parking, and address? Hotel-Request(Phone;Parking;Addr)
+PMUL1675 7 yes they do have freee parking. they are at kingfisher way, hinchinbrook business park, huntingdon.phone number is 01480446000 Hotel-Inform(Phone=01480446000;Addr=kingfisher way;Addr=hinchinbrook business park;Addr=huntingdon;Parking)
+PMUL1675 8 Great thank you. Can you also help me find a train to london kings cross? Train-Inform(Dest=london kings cross)
+PMUL1675 10 I'll leave from cambridge on sunday. And I want to arrive no later than 11:15 Train-Inform(Depart=cambridge;Day=sunday;Arrive=11:15)
+PMUL1675 14 No thank you. That was it! general-thank()
+PMUL1675 15 thanks and enjoy your stay in Cambridge! general-bye()
+PMUL2028 0 Hi there, I'm looking for information on Darry's Cookhouse and Wine Shop. general-greet()
+PMUL2028 1 That restaurant is locates in centre and is on 40270 king street in city centre. Their phone number is 01223505015. Restaurant-Inform(Area=centre;Addr=40270 king street;Phone=01223505015)
+PMUL2028 2 Sounds great. Can you reserve a table for 1 on Saturday at 13:00? Restaurant-Inform(Time=13:00;People=1;Day=saturday)
+PMUL2028 3 Your Booking was successful. The table will be reserved for 15 minutes. Reference number is : A88AJSR3. Booking-Book(Ref=A88AJSR3)
+PMUL2028 4 Wonderful. Can you also help me find a cool place to visit in town, maybe a theatre? Attraction-Inform(Type=theatre)
+PMUL2028 5 We have five excellent theatres in town, located in the centre and the south. Attraction-Inform(Choice=five;Area=centre;Area=south;Type=theatres)
+PMUL2028 8 Yes, I also need a taxi to take me between the two places. Taxi-Inform()
+PMUL2028 9 Sure, i can book a taxi for you. Where would you be leaving from? Taxi-Request(Depart)
+PMUL2028 10 I will be leaving from the theatre. Taxi-Inform(Depart=adc theatre)
+PMUL2028 11 I'd be happy to help with your request, what time would you like picked up? Taxi-Request(Leave)
+PMUL2028 13 Your all set a grey bmw will be picking you up the contact number is 07421029087, anything else today? Taxi-Inform(Phone=07421029087;Car=grey bmw)
+PMUL2028 14 what time will the taxi arrive? Taxi-Inform()
+PMUL2028 15 13:00 can i do anything else ? Taxi-Inform(Leave=13:00)
+PMUL2028 16 No, that's all for today. Thanks for your help. Goodbye. general-bye()
+PMUL2028 17 Have a safe trip. Goodbye. general-bye()
+SNG0376 0 Hi, I need to take a train on Wednesday, can you help me? Train-Inform(Day=wednesday)
+SNG0376 1 Absolutely! Where will you be heading to and leaving from? Train-Request(Depart;Dest)
+SNG0376 2 I need to leave Peterborough for Cambridge Wednesday after 19:15. Train-Inform(Depart=peterborough;Dest=cambridge;Leave=19:15)
+SNG0376 4 As long as I leave by 19:15 it will be fine. There are 4 of us. Train-Inform(People=4)
+SNG0376 5 Okay, booking was successful, the total fee is 66 GBP payable at the station. Your reference number is : MCCA0VK8. Train-OfferBooked(Ref=MCCA0VK8;Ticket=66 GBP)
+SNG0376 6 Thank you for all your help. general-thank()
+SNG0376 7 We are happy to help. Have all of your needs been met? general-reqmore()
+SNG0376 8 Yes they sure have, thanks! general-thank()
+SNG0376 9 Thank you, goodbye. general-bye()
+SNG0375 0 I would like to book a hotel room for two. Hotel-Inform()
+SNG0375 2 Yes, sorry. I need to leave Stansted airport on Tuesday. Train-Inform(Depart=stansted airport;Day=tuesday)
+SNG0375 3 And what is your destination? Train-Request(Dest)
+SNG0375 5 Would leaving at 5:24 and arriving at 5:52 work? Train-Select(Arrive=5:52;Leave=5:24)
+SNG0375 6 It most certainly would, thank you. I am not ready to book, can you just give me the travel time for that trip? Train-Request(Duration)
+SNG0375 8 No, that's all, thanks. general-thank()
+SNG0375 9 You're welcome. Have a great day! general-bye()
+SNG0374 0 I'm in need of a train that leaves from Peterborough and arrives by 18:30. Train-Inform(Depart=peterborough;Arrive=18:30)
+SNG0374 2 I would like to travel on Monday and my destination is Cambridge. Train-Inform(Dest=cambridge;Day=monday)
+SNG0374 3 I have a train that leaves at 5:19 and arrives by 6:09. Does this work for you? Train-Inform(Arrive=6:09;Leave=5:19)
+SNG0374 6 Thanks, that's all I need. Have a nice day. general-thank()
+SNG0669 2 Yes, please. For a party of 7 on Friday, at 17:15. Restaurant-Inform(Time=17:15;People=7;Day=friday)
+SNG0669 4 That will be all. Thank you very much. general-thank()
+SNG0669 5 You're welcome. Enjoy your day. general-bye()
+SNG0168 0 I've been injured and I need to find a hospital. Hospital-Inform()
+SNG0168 2 Yes I will need the phone number also. Hospital-Request(Phone)
+SNG0168 4 I need the address and postcode. Hospital-Request(Post;Addr)
+SNG0168 6 No that's all I need. Thanks for your help! general-thank()
+SNG0168 7 Thank you for using our system! general-bye()
+MUL0891 0 I'm looking for a local restaurant to try in Cambridge. Restaurant-Inform()
+MUL0891 2 I think I can find a restaurant on my own, but can you tell me if there are any museums? Attraction-Inform(Type=museum)
+MUL0891 4 I have no preference. Can you please provide me with the address, postcode, and area on one? Attraction-Request(Area;Post;Addr)
+MUL0891 5 The Fitzwilliam Museum, in the centre, has free admission. Trumpington St, cb21rb. Attraction-Inform(Name=The Fitzwilliam Museum;Addr=Trumpington St;Post=cb21rb;Area=centre;Fee=free)
+MUL0891 6 Yes, that sounds lovely. Thank you. general-thank()
+MUL0891 8 Yes, on second thought I would like help finding a restaurant. What do you know about north american cuisine restaurants? Restaurant-Inform(Food=north american)
+MUL0891 9 There is one expensive North American restaurant in the centre of town. It is called the Gourmet Burger Kitchen. Restaurant-Inform(Food=North American;Area=centre of town;Choice=one;Price=expensive;Name=the Gourmet Burger Kitchen)
+MUL0891 11 gourmet burger kitchen, in the centre is located at Regent Street City Centre Restaurant-Inform(Addr=Regent Street City Centre;Area=centre;Name=gourmet burger kitchen)
+MUL0891 12 I need to book a taxi to commute between the museum and the restaurant, leaving the museum by 14:30. Taxi-Inform(Leave=14:30)
+MUL0891 13 Ok great. Your taxi booking has been completed. The care type will be a white tesla. Would you like the contact number? Taxi-Inform(Car=white tesla)
+MUL0891 16 No, that should be good, thank you. general-thank()
+MUL0891 17 Thank you for contacting the Cambridge TownInfo centre, have a great day! general-bye()
+PMUL2029 0 Are there any museums in Cambridge? Attraction-Inform(Type=museum)
+PMUL2029 4 Can I have their address? Attraction-Request(Addr)
+PMUL2029 6 I am also looking for a place to dine in the moderate price range. Restaurant-Inform(Price=moderate)
+PMUL2029 8 I'm thinking british food. oh, and if it's in the west that'd be even better. Restaurant-Inform(Area=west;Food=british)
+PMUL2029 10 Sounds great! I want to book a table for 7 people at 18:30 on wednesday. Restaurant-Inform(Time=18:30;People=7;Day=wednesday;Name=saint johns chop house)
+PMUL2029 12 I will also need to book a taxi. Taxi-Inform()
+PMUL2029 13 I can do that! I just need your departure and arrival sites and the time you need the taxi. Taxi-Request(Depart;Dest;Arrive;Leave)
+PMUL2029 14 I'd like to leave the museum in time to get to the restaurant on time. Taxi-Inform(Depart=cambridge museum of technology;Dest=saint johns chop house;Arrive=18:30)
+PMUL2029 15 Okay, you have a car that will come get you. It will be a blue BMW. Taxi-Inform(Car=blue BMW)
+PMUL2029 18 No that's everything for me. Thanks. Bye! general-bye()
+MUL1935 0 Yes, I need information about a train. Do you have information on trains departing from bishops stortford? Train-Inform(Depart=bishops stortford)
+MUL1935 2 I'll be heading for Cambridge. Train-Inform(Dest=cambridge)
+MUL1935 3 What day and time would you like to travel. Train-Request(Day;Leave)
+MUL1935 4 I am leaving on saturday after 10:15. Train-Inform(Day=saturday;Leave=10:15)
+MUL1935 5 Is there a time you need to arrive by? Train-Request(Arrive)
+MUL1935 6 When are the arrival times? I'm also looking for information on all saints church. What can you tell be about it? Train-Request(Arrive)
+MUL1935 7 TR4594 will arrive by 12:07 if that works for you? Train-Inform(Arrive=12:07;Id=TR4594)
+MUL1935 11 Well its architecture located in the centre of cambridge on jesus lane. Attraction-Inform(Addr=jesus lane;Area=centre of cambridge;Type=architecture)
+MUL1935 12 Great, thanks. Oh, and I don't actually need a booking for that train, so I think that's all I needed. Sorry I keep confusing the matter. Train-Inform()
+SNG01957 0 I am looking for a place to stay. The hotel should be in the cheap price range and should be in the north Hotel-Inform(Area=north;Price=cheap)
+SNG01957 3 I think the Worth House is your best bet! Hotel-Recommend(Name=Worth House)
+SNG01957 4 alright. book that one for me Hotel-Inform(Name=worth house)
+SNG01957 5 Are you booking for one person? When is your arrival and how long is your stay, please. Booking-Request(Stay;Day;People)
+SNG01957 6 Yes, only one person. I will be arriving on Sunday, for one night. Hotel-Inform(Stay=1;People=1;Day=sunday)
+SNG01957 8 I don't need a booking after all, sorry. Are there any cheap guesthouses in the north with free wifi? Hotel-Inform(Area=north;Internet=yes;Price=cheap;Type=guesthouse)
+SNG01957 10 Please book a guesthouse. Can i also get the star rating and the postcode? Hotel-Request(Post)
+SNG01957 12 No, that will be all. Thank you for your assistance. general-thank()
+SNG01957 13 You're welcome. Have a good time. general-greet()
+SNG01955 0 Am looking for the Parkside Police Station Police-Inform()
+SNG01955 2 Yes, can I please have the address? Police-Request(Addr)
+SNG01955 4 Thank you very much! good bye. general-bye()
+SNG01955 5 Thank you for using our services. Do you need any further assistance? general-reqmore()
+SNG01954 0 Can you direct me to the closest police station? Police-Inform()
+SNG01954 2 Can you please give me the postcode and phone number? Police-Request(Post;Phone)
+SNG01954 4 Ok, I've got it. Thanks. general-thank()
+SNG01954 5 You are welcome. Have a nice day. general-greet()
+SNG01953 0 I need to book a taxi to arrive at Ruskin Gallery by 21:45. Taxi-Inform(Depart=ruskin gallery;Dest=ruskin gallery;Arrive=21:45)
+SNG01953 1 Alright. I will just need to know what the departure site will be please Taxi-Request(Depart)
+SNG01953 3 I'm confused. Are you leaving from Ruskin Gallery or going to Ruskin Gallery? Taxi-Request(Depart;Dest)
+SNG01953 4 I am leaving from Ruskin Gallery. Taxi-Inform(Depart=ruskin gallery)
+SNG01953 5 Alright, where will the taxi be taking you tonight? Taxi-Request(Dest)
+SNG01953 6 I will be going to magdalene college. Taxi-Inform(Dest=magdalene college)
+SNG01953 8 Great, thanks. Can you confirm the time on that car? I just want to make sure I arrive at Magdalene College by 21:45. general-thank()
+SNG01953 9 Have a safe trip! general-bye()
+SNG01952 4 Not yet. Can you help me with locating the postcode? Police-Request(Post)
+SNG01952 6 No, that is all I need. Thank you. general-thank()
+SNG01951 0 can i find the parkside police station Police-Inform()
+SNG01951 2 No, that's all I need for now. Thank you, good bye. general-bye()
+SNG01951 3 Thank you goodbye. general-bye()
+SNG01950 4 Great, thank you. general-thank()
+SNG01950 5 You are welcome. Is that all for today? general-reqmore()
+SNG01950 6 Yes, thanks for your help. general-thank()
+SNG01950 7 You are quite welcome. Do you require any further assistance? general-reqmore()
+SNG01950 8 No I don't. Thank you. Goodbye. general-bye()
+SNG01950 9 Thank you! Good Bye general-bye()
+SNG01959 0 I am looking for train going to cambridge please. Train-Inform(Dest=cambridge)
+SNG01959 1 Where are you planning to depart from? Train-Request(Depart)
+SNG01959 2 I would like to leave from the birmingham new street station please. On a Saturday. Train-Inform(Depart=birmingham new street;Day=saturday)
+SNG01959 3 Okay, what time do you need to leave by? Train-Request(Leave)
+SNG01959 4 I need to arrive by 16:45, departure is not as important. Train-Inform(Arrive=16:45)
+SNG01959 5 How about TR3415 that arrives at 08:23? Train-Inform(Id=TR3415;Arrive=08:23)
+SNG01959 6 you can book it please. get me the reference number too Train-Request(Ref)
+SNG01959 7 Reference number is : PA6L738Y. Train-OfferBooked(Ref=PA6L738Y)
+SNG01959 8 Thank you for your help general-thank()
+SNG01959 9 welcome. at your service next time general-greet()
+SNG01959 10 Sorry, I should have specified but the booking needs to be for 3 people Train-Inform(People=3)
+SNG01959 11 Booking was successful, the total fee is 180.24 GBP payable at the station for 3 tickets. Reference number is : 0UP7SB1H. Train-OfferBooked(Ticket=180.24 GBP payable at the station;Ref=0UP7SB1H)
+SNG01959 12 Perfect. Thank you so much! Have a great day! general-thank()
+SNG01959 14 No that was all. Thanks general-thank()
+SNG01959 15 You're very welcome! Have a great day! Bye! general-bye()
+SNG01958 0 Hi, I am trying to find the police station that's closest to my location please. Police-Inform()
+SNG01958 2 Thanks, what is their phone number? Police-Request(Phone)
+SNG01958 4 Thank you, that is all I need today. general-thank()
+SNG01958 5 Best of luck with everything and enjoy your day. general-bye()
+PMUL0060 2 Can you try italian food instead? Restaurant-Inform(Food=italian)
+PMUL0060 4 Any area is fine. Could you book a table for 7 for me at your favorite place? We're looking for something at 18:45 on Tuesday. Restaurant-Inform(Time=18:45;People=7;Day=tuesday)
+PMUL0060 5 Ok, I've made a reservation for you at frankie and bennys. The reference number is O7FO0UHU. Booking-Book(Ref=O7FO0UHU;Name=frankie and bennys)
+PMUL0060 6 Thank you. Could you please send me the address and phone number. Taxi-Request(Phone)
+PMUL0060 8 now find me a stay in the east and should have a star of 4 Hotel-Inform(Stars=4;Area=east)
+PMUL0060 10 I'm not concerened about pricing, but I would like a 4 start hotel in the east. Hotel-Inform(Area=east)
+PMUL0060 12 No, thanks. I'm all set. Good bye. Hotel-Inform(Name=allenbell)
+PMUL0061 0 I am looking for a good hotel in north Cambridge. Hotel-Inform(Area=north)
+PMUL0061 2 Does it have a 4 star rating? I would like a place with four stars? Hotel-Inform(Stars=4)
+PMUL0061 3 Yes it does. Would you like to book? Booking-Inform()
+PMUL0061 4 Yes please. I need it for 5 people for 4 nights staring from Thursday. Hotel-Inform(Stars=4;Stay=4;People=5;Day=thursday)
+PMUL0061 6 I would also like more info about Pizza Hut in the city center. Restaurant-Inform(Name=Pizza Hut)
+PMUL0061 8 Yes, I want a reservation for thursday at 19:30 and 5 people. Give me the reference number please. Restaurant-Inform(Time=19:30;People=5;Day=thursday)
+PMUL0061 10 Yes, I will need a taxi to go between the two places. Taxi-Inform()
+PMUL0061 11 Please specify for the taxi which location you'll depart from and which is the destination. Also I need a time to leave at or arrive by Taxi-Request(Depart;Arrive;Leave;Dest)
+PMUL0061 13 I have made that booking for you. It will be a white ford and the contact number is 07171542462. Taxi-Inform(Phone=07171542462;Car=white ford)
+PMUL0061 14 Thank you very much. general-thank()
+PMUL0063 0 I'm looking for a hotel called avalon. Hotel-Inform(Name=avalon)
+PMUL0063 1 Ok I have found the hotel. Would you like to book a room? Booking-Inform()
+PMUL0063 2 Great, yes please. There will be 7 of us arriving on Wednesday. We'd like to stay for 4 nights. Hotel-Inform(Stay=4;People=7;Day=wednesday)
+PMUL0064 0 I need to know more about the Alexander bed and breakfast. Hotel-Inform(Name=alexander bed and breakfast)
+PMUL0064 2 I would like to make a booking for book it for 5 people and 3 nights starting from wednesday. Hotel-Inform(Stay=3)
+PMUL0064 3 Yes, I can book it now. Booking-Inform()
+PMUL0064 6 I need information on India House, a restaurant. I need to book for 5 people at 16:45 for Wednesday, please. Restaurant-Inform(Time=16:45;People=5;Day=wednesday;Name=india house)
+PMUL0064 7 It's an expensive Indian restaurant in the west part of town at 31 Newnham Road Newnham. Their phone number is 01223461661. Your reference number is 1ETONEKW. Restaurant-Inform(Ref=1ETONEKW;Phone=01223461661;Addr=31 Newnham Road Newnham;Area=west;Food=Indian;Price=expensive)
+PMUL0064 8 Great. Thanks for all your help! general-thank()
+PMUL0064 10 Thank you that is all I need today. general-thank()
+PMUL0065 0 I'm looking for a hotel in the north part of town with free wifi. Hotel-Inform(Area=north;Parking=no;Internet=yes;Type=hotel)
+PMUL0065 2 Yes, I'd like a place in the north with a 4 star rating including free wifi please. Hotel-Inform(Stars=4;Internet=yes)
+PMUL0065 3 I'm sorry that area doesn't have anything matching those criteria. May I try another area? Hotel-NoOffer()
+PMUL0065 4 Is there a guesthouse? Hotel-Inform(Type=guesthouse)
+PMUL0065 6 And the Avalon is in what part of town? Hotel-Inform(Name=avalon)
+PMUL0065 8 No thanks can I just have the address and postcode? I also need help finding a restaurant. Hotel-Request(Post;Addr)
+PMUL0065 9 The address is 62 gilbert road and the post code is cb43pd. Hotel-Inform(Post=cb43pd;Addr=62 gilbert road)
+PMUL0065 10 Okay, thank you. general-thank()
+PMUL0065 11 Can I help you with any thing else? general-reqmore()
+PMUL0065 12 Yes I need a romanian place to eat in the same area, please make sure it's expensive. Restaurant-Inform(Area=north;Price=expensive)
+PMUL0065 14 What about Indian food? Restaurant-Inform(Food=indian)
+PMUL0065 16 No thank you that will be all general-thank()
+PMUL0068 0 Can you help me find a place to eat serving british food in the moderate price range? Restaurant-Inform(Food=british;Price=moderate)
+PMUL0068 2 It needs to be close to my hotel and open late. Hotel-Inform()
+PMUL0068 3 I have several listings. Please provide the part of town you prefer so I can narrow it down. Restaurant-Request(Area)
+PMUL0068 4 In the centre if possible Restaurant-Inform(Area=centre)
+PMUL0068 6 Yes please, could you book a table for 6 at 16:45 on Wednesday? Could i get a reference number too please? Restaurant-Inform(Time=16:45;People=6;Day=wednesday)
+PMUL0068 8 Yes, I'd like a hotel in the same area. Hotel-Inform()
+PMUL0068 9 sure I can help you with that, when are you planning your stay? Booking-Request(Day)
+PMUL0068 10 Wednesday, for 2 nights. Hotel-Inform(Stay=2)
+PMUL0068 11 You have your choice of an expensive or moderate price range in that area, do you have a preference? Hotel-Request(Price)
+PMUL0068 13 I recommend university arms hotel. it is rated 4 stars and is expensive. Their number is 01223351241. Hotel-Recommend(Phone=01223351241;Price=expensive;Stars=4;Name=university arms hotel)
+PMUL0068 15 I can book it for you. Booking-Inform()
+PMUL0068 16 I actually need a moderate hotel in the centre. I don't need free parking. I will need the hotel booked for 6 people, 2 nights, on Wednesday, please. Hotel-Inform(Area=centre;Stay=2;Parking=no;Price=moderate;People=6;Day=wednesday)
+PMUL0068 17 No thank you that will be all for today general-bye()
+PMUL0069 0 I'm looking for some hungarian food restaurants near the centre, please. Restaurant-Inform(Area=centre;Food=hungarian)
+PMUL0069 1 I am sorry there are no Hungarian Restaurants near centre. Restaurant-NoOffer(Food=Hungarian;Area=near centre)
+PMUL0069 2 What kind of expensive restaurants are in the center of town? Restaurant-Inform(Price=expensive)
+PMUL0069 6 i want indian food. Restaurant-Inform(Food=indian)
+PMUL0069 7 Curry Garden is a nice place would you like that info ? Restaurant-Recommend(Name=Curry Garden)
+PMUL0069 10 Yes I am also looking for a place in the same area as the restaurant with free parking.I want it for 3 people for 5 nights starting Tuesday. Hotel-Inform(Area=centre;Stay=5;Parking=yes)
+PMUL0069 11 Would you like something cheap, moderate, or expensive? Hotel-Select(Price=cheap;Price=moderate;Price=expensive)
+PMUL0069 12 That doesn't matter just a hotel in the same area with free parking. Hotel-Inform(Parking=yes;Type=hotel)
+PMUL0069 14 That would be great. Can you book it on Tuesday for 3 people and 5 nights. Hotel-Inform(Stay=5;People=3;Day=tuesday;Name=gonville hotel)
+PMUL0069 16 Perfect, thank you for all your help. That is all for now. general-thank()
+PMUL0069 17 Thank you for using our services. general-bye()
+MUL0069 0 I need a 2 star hotel with free parking. Hotel-Inform(Stars=2;Parking=yes;Type=hotel)
+MUL0069 1 What area of town are you wanting to stay in? What is your price range? Hotel-Request(Area;Price)
+MUL0069 2 It can be anywhere in town, but I'd like the hotel to be in the cheap price range if possible. Hotel-Inform(Area=dont care;Price=cheap;Type=hotel)
+MUL0069 4 How about in the expensive price range? Hotel-Inform(Price=expensive)
+MUL0069 6 I would prefer one with a rating of 2 stars. Hotel-Inform(Stars=2)
+MUL0069 8 Yes, I would like to book it for two people for five nights, starting from Monday. Hotel-Inform(Stay=5;People=2;Day=monday)
+MUL0069 10 I would like to eat at a restaurant please. Restaurant-Inform()
+MUL0069 14 I would like a cuisine of asian oriental. Restaurant-Inform(Food=asian oriental)
+MUL0069 16 Can I please get the address for Saigon City? Restaurant-Request(Addr)
+MUL0069 17 Of course, the address for Saigon City is 169 High Street Chesterton Chesterton Restaurant-Inform(Addr=169 High Street Chesterton Chesterton;Name=Saigon City)
+MUL0069 18 Thank you. I would also like to book a taxi to go from the hotel to the restaurant. Hotel-Inform(Type=hotel)
+MUL0069 19 Of course! What time would you like the taxi to leave or arrive? Taxi-Request(Leave;Arrive)
+MUL0069 21 Okay I have booked you a grey Tesla with a contact number of 07632382262. It will pick you up at 6:45 at your hotel. Taxi-Inform(Phone=07632382262;Leave=6:45;Car=grey Tesla;Depart=hotel)
+MUL0069 22 Can you book reservations for the restaurant at 7:30 Restaurant-Inform()
+MUL0069 23 On what day and what size party? Booking-Request(Day;People)
+MUL0069 24 2 people on a Monday I think please. Restaurant-Inform(People=2;Day=monday)
+MUL0069 26 No thank you general-thank()
+MUL0069 28 Yes, I wasn't planning to book but since I have I suppose I'll take that number. That will be all for today - thank you for your help! general-thank()
+MUL0069 29 Glad to have been of service! Enjoy your visit to Cambridge. general-bye()
+MUL0069 30 Thank you for your help! general-thank()
+MUL0068 0 Can you find a restaurant that serves british food and is in the centre? Restaurant-Inform(Area=centre;Food=british)
+MUL0068 2 I am looking for something in the moderate price range. Can you also provide me addresses? Restaurant-Request(Addr)
+MUL0068 4 I don't need a booking, just an address. Restaurant-Request(Addr)
+MUL0068 5 The oak bistro is located at 6 Lensfield Road. Restaurant-Inform(Name=The oak bistro;Addr=6 Lensfield Road)
+MUL0068 6 I'm also looking for a guesthouse with a 4 star rating. I would prefer the same area with free wifi. Hotel-Inform(Stars=4;Area=centre;Internet=yes;Type=guesthouse)
+MUL0068 7 I've found the Alexander Bed and Breakfast that would meet your needs. Hotel-Inform(Name=the Alexander Bed and Breakfast)
+MUL0068 8 I will need to book the hotel for 2 nights, with 8 people starting on Sunday, May 7. Hotel-Inform(Stay=2;People=8;Day=sunday)
+MUL0068 10 Is there anything available for just 1 night? Hotel-Inform(Stay=1)
+MUL0068 11 Yes, I was able to book the alexander for one night! Your Reference number is : AWHCN41U Booking-Book(Ref=AWHCN41U;Stay=one;Name=the alexander)
+MUL0068 12 That's great! Thank you very much. general-thank()
+MUL0067 0 I am looking for a place to stay. Preferably a guesthouse with free parking included. Hotel-Inform(Parking=yes;Type=guesthouse)
+MUL0067 1 We have 21 entries that match your search. Do you have any other preferences? Hotel-Inform(Choice=21)
+MUL0067 2 I would like the hotel to be expensive. Hotel-Inform(Price=expensive)
+MUL0067 4 How about a cheap one? Hotel-Inform(Price=cheap)
+MUL0067 5 The alexander bed and breakfast is available and in the cheap price range. Hotel-Inform(Price=cheap;Name=The alexander bed and breakfast)
+MUL0067 8 I'm looking for a Russian restaurant in the centre. Restaurant-Inform(Area=centre;Food=russian)
+MUL0067 10 Is there a Mediterranean restaurant in the centre? Restaurant-Inform(Area=centre;Food=mediterranean)
+MUL0067 11 Yes, I have found three restaurants matching your inquest. Restaurant-Inform(Choice=three)
+MUL0067 13 How about the gardenia? Restaurant-Inform(Name=the gardenia)
+MUL0067 14 Can you provide me with the price range for the Gardenia as well as the postcode? Restaurant-Request(Post;Price)
+MUL0067 15 The Gardenia is priced cheaply and its psot code is cb23ll. Restaurant-Inform(Name=The Gardenia;Post=cb23ll;Price=priced cheaply)
+MUL0067 16 Thank you for the information general-thank()
+MUL0067 18 No that will be everything I needed for today. Thank You! general-thank()
+PMUL2518 0 I'm looking for information on a hotel called worth house. Hotel-Inform(Name=worth house)
+PMUL2518 2 I would love it if you can book me a room! I need rooms for 3 people, 4 nights beginning Friday. Hotel-Inform(Stay=4)
+PMUL2518 3 I can reserve those rooms for you. Booking-Inform()
+PMUL2518 4 Thank you. Can you please give me a reference number? Hotel-Request(Ref)
+PMUL2518 9 What area of town would you prefer? Attraction-Request(Area)
+PMUL2518 10 I would like a museum close to the centre. Attraction-Inform(Area=centre)
+PMUL2518 14 That was all I needed, thank you! general-thank()
+MUL0066 0 Please find me a place to stay in the centre that includes free wifi. Hotel-Inform(Area=centre;Internet=yes)
+MUL0066 2 Yes, I would like it, and hope that is has free parking space. Hotel-Inform(Parking=yes)
+MUL0066 3 What day would you like me to book the hotel, how many people and What days would you like to stay? Booking-Request(Stay;Day;People)
+MUL0066 4 I would like to book the hotel for 4 people, 3 nights starting on thursday, please. Hotel-Inform(Stay=3;People=4;Day=thursday)
+MUL0066 9 The Bedouin is located at 100 Mill Road City Centre and serves African food Restaurant-Inform(Addr=100 Mill Road City Centre;Food=African;Name=The Bedouin)
+MUL0066 10 I see. I'm sorry what is the postcode? Restaurant-Request(Post)
+MUL0066 12 Yes, I need a taxi leaving from Bedouin and going to the Alexander B&B. I want to leave Bedouin by 2:00. Taxi-Inform(Depart=bedouin)
+MUL0066 13 I have a taxi that will arrive at 02:00. The taxi will be a white audi and you can contact them at 07924317108. Anything else? Taxi-Inform(Phone=07924317108;Car=white audi;Leave=02:00)
+MUL0066 14 No, that will be all, thank you. general-thank()
+MUL0066 15 Alright, I hope you have a good stay, thank you for using our service! general-greet()
+MUL0066 17 Be sure to call again if you need anything. 'Bye now. general-bye()
+PMUL2516 0 I'd like to attend an architecture related attraction in the centre, do you have anything of that nature? Attraction-Inform(Area=centre;Type=architecture)
+PMUL2516 3 the phone number is 01223452587 and admission is free! Attraction-Inform(Fee=free;Phone=01223452587)
+PMUL2516 4 What is the address? Attraction-Request(Addr)
+PMUL2516 5 The address is jesus lane. Attraction-Inform(Addr=jesus lane)
+PMUL2516 6 Thanks. I am also looking for an expensive place to stay. I'll need free wifi. Hotel-Inform(Internet=yes;Price=expensive)
+PMUL2516 7 Okay, what area would you like to stay in? Hotel-Request(Area)
+PMUL2516 8 in the north, please. Hotel-Inform(Area=north)
+PMUL2516 9 I'm unable to find any places to stay that match those specifications. Is there anything you'd be willing to change about where you want to stay? Hotel-NoOffer()
+PMUL2516 11 I have nothing in the north. Can I try something else? Hotel-NoOffer(Area=north)
+PMUL2516 12 Let's try the centre of town please Hotel-Inform(Area=centre)
+PMUL2516 14 Do it also have free parking? Hotel-Inform(Name=university arms hotel)
+PMUL2516 15 Yes it does include free parking. Hotel-Inform(Parking)
+PMUL2516 16 Thank you, I would like to book it for 8 people for 2 nights starting from friday Hotel-Inform(Stay=2;People=8;Day=friday)
+PMUL2516 18 Great, thank you so much for your help today. general-thank()
+PMUL2516 20 No that is it. Thank you. general-thank()
+PMUL2517 0 I'm looking for a hotel, is that something you help with? Hotel-Inform()
+PMUL2517 2 I'm looking for somewhere classy and expensive, where they don't skimp on amenities like free wifi. Are there any like that? Hotel-Inform(Internet=yes;Price=expensive)
+PMUL2517 4 Are any of them guesthouses? I would prefer a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL2517 6 Yes please, could you try finding me a guesthouse in a moderate price range? Hotel-Inform(Price=moderate;Type=guesthouse)
+PMUL2517 7 There are no expensive guest houses. Hotel-NoOffer(Price=expensive;Type=guest houses)
+PMUL2517 8 I would settle for a moderate price ranged one. Hotel-Inform(Price=moderate)
+PMUL2517 10 moderately priced with a 4 star rating. For 4 people for 5 nights on thursday. Hotel-Inform(Stars=4;Stay=5)
+PMUL2517 11 Do you want a hotel in the north or east? Hotel-Select(Type=hotel;Area=north;Area=east)
+PMUL2517 13 How does acorn guest house sound? They're on 154 chesterton rd and you'd get free parking, too. Hotel-Inform(Addr=154 chesterton rd;Parking;Name=acorn guest house)
+PMUL2517 14 Okay great! Can you please book a reservation for 4 people for 5 nights starting on Thursday? Hotel-Inform(Stay=5;People=4;Day=thursday;Name=acorn guest house)
+PMUL2517 16 No that was all I needed thanks so much for your help. general-thank()
+PMUL2517 17 Thank you for contacting us, have a nice day. general-bye()
+PMUL2514 0 I would like to stay in a hotel that is moderately priced and includes free parking. Can you help? Hotel-Inform(Parking=yes;Price=moderate)
+PMUL2514 2 yes. can you please give me the address? Attraction-Request(Addr)
+PMUL2514 4 Can you tell me how many stars that guesthouse is and the area of town? Hotel-Request(Stars;Area)
+PMUL2514 6 I don't need to book at the moment, but I was interested in places to go in town. What colleges are there to visit? Attraction-Inform(Type=college)
+PMUL2514 8 Surprise me. I do need an address and the entrance fee. Attraction-Request(Fee;Addr)
+PMUL2514 9 christ's college at saint andrew's street and it's free. Attraction-Recommend(Fee=free;Addr=saint andrew's street;Name=christ's college)
+PMUL2512 2 I'm looking for a 2 star hotel with free wifi. Hotel-Inform(Stars=2;Internet=yes;Type=hotel)
+PMUL2512 3 Thanks for that information. What area are you looking to stay in? Hotel-Request(Area)
+PMUL2512 4 The area doesn't matter I would like an expensive hotel if you can find one. Hotel-Inform(Price=expensive;Type=hotel)
+PMUL2512 7 For how many people? Booking-Request(People)
+PMUL2512 9 And how many nights? Booking-Request(Stay)
+PMUL2512 12 Thank you! I am also looking for a place to go in town. I'm thinking a college in the centre. Attraction-Inform(Area=centre;Type=college)
+PMUL2512 13 Christ's College is located in the centre at saint andrew's street. Attraction-Inform(Area=centre;Name=Christ's College;Addr=saint andrew's street)
+PMUL2512 15 Their phone number is 01223334900. The postcode is cb23bu. Attraction-Inform(Post=cb23bu;Phone=01223334900)
+PMUL2512 16 Thanks! I'm going to hanging out at the college late tonight, could you get me a taxi back to the hotel at 2:45? Hotel-Inform(Type=hotel)
+PMUL2512 17 Okay I've got a white Honda booked for you to pick you up at 2:45 and take you back to your hotel, their number is 07078899267 Taxi-Inform(Car=white Honda;Phone=07078899267;Dest=your hotel;Leave=2:45)
+PMUL2512 18 Thank you. That is all I need. general-thank()
+PMUL2512 19 I hope you enjoy your time in Cambridge! general-bye()
+PMUL2513 2 a place to stay, moderate price range should have internet and 3 stars Hotel-Inform(Stars=3;Internet=no;Price=moderate)
+PMUL2513 4 The area doesn't matter. I don't need internet and I need to book it for 1 person. Hotel-Inform(Area=dont care;Internet=no)
+PMUL2513 5 Alpha-Milton guest house is in the north part of town has 3 stars. Hotel-Inform(Area=the north part of town;Stars=3;Name=Alpha-Milton guest house)
+PMUL2513 6 Okay please book it for 1 people and 2 nights starting from saturday. Hotel-Inform(Stay=2;People=1;Day=saturday)
+PMUL2513 8 Yes, I'd like to know if there are any places in town in the south that is the type of multiple sports? Attraction-Inform(Type=mutliple sports)
+PMUL2513 10 A park will be okay, just looking for somewhere to get exercise on the trip. Attraction-Inform(Type=park)
+PMUL2513 12 Yes, I need the phone number and postcode please. Attraction-Request(Post;Phone)
+PMUL2513 13 The phone number is 01223302580 and the post code is cb22ad. Attraction-Inform(Phone=01223302580;Post=cb22ad)
+PMUL2513 14 Thank you so much. That is all I need today. general-thank()
+PMUL2510 0 Would you be able to recommend a museum? Attraction-Inform(Type=museum)
+PMUL2510 1 Broughton house gallery is available, would you like to try that? Attraction-Recommend(Name=Broughton house gallery)
+PMUL2510 2 That sounds interesting, what is the postcode? Attraction-Request(Post)
+PMUL2510 4 I'm also looking for a place to stay that includes free parking and is moderately priced. Hotel-Inform(Parking=yes;Price=moderate)
+PMUL2510 6 The area doesn't matter I prefer a guesthouse. Any one you recommend will be fine. Hotel-Inform(Type=guesthouse)
+PMUL2510 10 That will be all! Thank you so much! general-thank()
+PMUL2511 0 I am looking for a place to stay that has free wifi. Hotel-Inform(Internet=yes)
+PMUL2511 1 Do you have any other preferences, such as a price range or a particular part of town? Hotel-Request(Area;Price)
+PMUL2511 2 Indeed I do. I'd like a hotel in the expensive price range that's on the west side of town. The hotel should have a 4 star rating. Hotel-Inform(Stars=4;Area=west;Price=expensive)
+PMUL2511 6 No thank you. I also would like a place to go in town. general-thank()
+PMUL2511 10 It doesn't matter, pick one for me? I'll just need the address. Attraction-Request(Addr)
+PMUL2511 11 Okay, I suggest clare hall. It is in the west. The address is herschel road. Entrance is free. Attraction-Recommend(Name=clare hall;Area=west;Fee=free;Addr=herschel road)
+PMUL2511 13 Your car is booked. The care type is a blue toyota. Your contact number is 07372726556 Taxi-Inform(Phone=07372726556;Car=blue toyota)
+PMUL2511 14 Thank you. That is it for now. general-thank()
+MUL0064 0 Are there any expensive restaurants that serve Indian food nearby? Restaurant-Inform(Food=indian;Price=expensive)
+MUL0064 2 It doesn't matter where it is, I just need to book one of them for six people at 13:45 on Friday. Restaurant-Inform(Time=13:45;People=6;Day=friday)
+MUL0064 3 Great your reservation at curry garden is all set, reference number is J1X6P0DB Booking-Book(Ref=J1X6P0DB)
+MUL0064 4 I am looking for an expensive hotel as well. Hotel-Inform(Price=expensive;Type=hotel)
+MUL0064 6 Do any of the hotels have free parking and a star rating of 4? Hotel-Inform(Stars=4;Parking=yes;Type=hotel)
+MUL0064 8 Do they both have internet access? Hotel-Request(Internet)
+MUL0064 9 Yes, both the Huntingon Marriott and University Arms have free wifi. Hotel-Inform(Name=Huntingon Marriott;Name=University Arms;Choice=both;Internet)
+MUL0064 10 Great can I also get a taxi between the two places? Taxi-Inform()
+MUL0064 11 Booking you a taxi would be no trouble. Would you like to book one of those hotels first? Booking-Inform()
+MUL0064 14 No, that will be all, thank you. general-thank()
+MUL0064 15 Thank you very much for contacting us. Have a good trip. general-bye()
+PMUL1692 0 I am looking for information on a hotel called warkworth house. Can you give me the location address and phone number please? Hotel-Inform(Name=warkworth house)
+PMUL1692 2 Can you book it for four people for four nights starting on thursday? Hotel-Inform(Stay=4;People=4;Day=thursday)
+PMUL1692 4 I also need a train going to london kings cross and should leave on monday. Train-Inform(Dest=london kings cross;Day=monday)
+PMUL1692 5 Sure, departing from Cambridge? Train-Request(Depart)
+PMUL1692 6 yes and i need arrive by 9:30. Train-Inform(Arrive=09:30)
+PMUL1692 8 Sounds great, thanks! Can you please book it for 4 people? Train-Inform(People=4)
+PMUL1692 9 I was able to make that reservation for you. Your total is 94.4 GBP, which you can pay when you arrive at the station. Your Reference number is : M8O8D0MT. Train-OfferBooked(Ref=M8O8D0MT;Ticket=94.4 GBP)
+PMUL1692 10 Perfect, thanks so much. Have a great day. general-thank()
+SNG0643 0 Hi, I would like a restaurant inthe centre of town which serves creative food please. Restaurant-Inform(Area=centre;Food=creative)
+SNG0643 2 How about a restaurant that services Chinese food? Restaurant-Inform(Food=chinese)
+SNG0643 4 I don't care about the price range. Can you just pick a good one for me? Restaurant-Inform(Price=expensive)
+SNG0643 6 Yes, sounds good. Please reserve a table for six at 12:15 on Saturday. Restaurant-Inform(Time=12:15;People=6;Day=saturday)
+SNG0643 8 Is 11:15 on Saturday available? Restaurant-Inform(Time=11:15)
+SNG0643 10 Nothing else. I look forward to the meal. Thank you for all your help. general-thank()
+WOZ20392 1 La Raza serves cheap spanish food, located in the centre area at 4 - 6 Rose Crescent with phone number 01223 464550 Restaurant-Inform(Food=spanish;Price=cheap;Area=centre;Addr=4 - 6 Rose Crescent;Phone=01223 464550;Name=La Raza)
+WOZ20392 2 Thanks, goodbye. general-bye()
+WOZ20392 4 Goodbye general-bye()
+WOZ20392 5 Thank you. general-bye()
+SNG0642 0 Good Afternoon. I am trying to find an Indian restaurant to eat at. I would prefer something expensive. Can you help me? Restaurant-Inform(Food=indian;Price=expensive)
+SNG0642 4 Thank you for all that information. Yes, I would like to make a reservation. general-thank()
+SNG0642 5 Great, when would you like the reservation and for how many should I reserve it for? Booking-Request(Day;People)
+SNG0642 7 What day and time would you like to go? Booking-Request(Time;Day)
+SNG0642 8 I've changed my mind, I don't want to book it yet. Can you give me the area, address, and phone number, please? Restaurant-Request(Area;Phone;Addr)
+SNG0642 9 Certainly. Curry Garden is in the city centre at 106 Regent Street City Centre. The phone number is 01223302330. What other information can I get for you? Restaurant-Inform(Addr=106 Regent Street City Centre;Phone=01223302330;Name=Curry Garden)
+SNG0642 10 That's all I need today. Thanks for your help! general-thank()
+PMUL0604 0 I need a train from norwich leaving after 09:15. Thank you. Train-Inform(Depart=norwich;Leave=09:15)
+PMUL0604 1 Great, I have a train leaving there at 9:16. Would you like to book that? Train-OfferBook(Leave=9:16)
+PMUL0604 2 Does it leave at that time on Sunday? Train-Inform(Day=sunday)
+PMUL0604 3 Sorry but can i get your destination please? Train-Request(Dest)
+PMUL0604 4 Going to Cambridge. Train-Inform(Dest=cambridge)
+PMUL0604 6 please get me the reference number.I am also looking for a restaurant. The restaurant should be in the center and should serve Turkish food Restaurant-Inform(Food=turkish)
+PMUL0604 7 Yes your reference number is 859RV3PT. Train-OfferBooked(Ref=859RV3PT)
+PMUL0604 8 cool thanks for your help general-thank()
+PMUL0604 9 For your restaurant recommendation we have meze bar restaurant on 196 Mill Road City Centre. Would that work? Restaurant-Recommend(Addr=196 Mill Road City Centre;Name=meze bar restaurant)
+PMUL0604 10 Perfect. I'd like a table for 7 at 18:00 sunday. Restaurant-Inform(Time=18:00;Day=sunday)
+PMUL0604 11 I can book that for you now. Booking-Inform()
+PMUL0604 12 If there isn't a table for Sunday Wednesday will work as well. Restaurant-Inform(Day=sunday)
+PMUL0604 16 It is exactly the day I wanted. Thank you very much for your time. Have a nice day! general-thank()
+PMUL0604 17 You're very welcome! Is there anything else you need help with today? general-reqmore()
+PMUL0604 18 No that is all! Thank you! general-thank()
+PMUL0604 19 Have a nice day. general-bye()
+PMUL0605 0 I need a train on Thursday. Train-Inform(Day=thursday)
+PMUL0605 2 I'm departing from Cambridge and going to Ely. I'd like the train to leave on Thursday and arrive by 15:45. Train-Inform(Depart=cambridge;Dest=ely;Day=thursday;Arrive=15:45)
+PMUL0605 4 I would like to arrive by 15.45 I want the travel and departure time Train-Request(Leave)
+PMUL0605 5 The most reasonable train leaves at 13:50 and arrives in Ely at 14:07. Train-Inform(Dest=Ely;Arrive=14:07;Leave=13:50)
+PMUL0605 6 Thank you. I'm also looking for a restaurant... the kymmoy? Do you have any information about it? Restaurant-Inform(Name=kymmoy)
+PMUL0605 9 I have made that reservation and your reference number is I8186TTV. Booking-Book(Ref=I8186TTV)
+PMUL0605 10 Terrific. Thanks for all your help! general-thank()
+PMUL0606 0 Hey there, I am traveling to Cambridge and needing to see about booking a place to eat. I am interested in Portuguese food and don't mine a more expensive menu. Restaurant-Inform(Food=portuguese)
+PMUL0606 2 I would like to go to Nandos in the south Restaurant-Inform(Area=south;Name=nandos)
+PMUL0606 4 Can you give me the exact address? Restaurant-Request(Addr)
+PMUL0606 6 No thank you. I also need a train to cambridge. Train-Inform(Dest=cambridge)
+PMUL0606 7 Where are you traveling from? Train-Request(Depart)
+PMUL0606 8 I am traveling from Ely. The train should arrive by 19:00 and I would like to leave on Friday. Train-Inform(Depart=ely;Day=friday;Arrive=19:00)
+PMUL0606 10 Yes, I'd like two tickets. Train-Inform(People=2)
+PMUL0606 11 Okay. The booking was successful! The total fee is 8.8 GBP which is payable at the station. Your reference number is HH0K9RFR. Train-OfferBooked(Ticket=8.8 GBP;Ref=HH0K9RFR)
+PMUL0606 12 That should be everything for me. Thank you so much for the help! general-thank()
+PMUL0606 13 Have a great day! general-bye()
+PMUL0607 0 I want to book a train from birmingham new street and go to cambridge. Train-Inform(Depart=birmingham new street;Dest=cambridge)
+PMUL0607 2 I am making the trip on Saturday and would need to arrive by 18:45. Train-Inform(Day=saturday;Arrive=18:45)
+PMUL0607 6 No that was all I needed. Thank you so much. general-thank()
+PMUL0607 8 Can I get a place to eat, I'm looking for something expensive in the west part of town. Restaurant-Inform(Area=west;Price=expensive)
+PMUL0607 9 Of course, what type of food are you looking for? Restaurant-Request(Food)
+PMUL0607 12 is that located in the west? i prefer the west. Restaurant-Inform(Area=west)
+PMUL0607 13 Yes they are expensive and in the west. Restaurant-Inform(Price=expensive;Area=west)
+PMUL0607 14 Great, that's all I need, thanks so much for your help! Have a great day! general-thank()
+PMUL0600 0 Hello, I'd like some information on a restaurant today. Restaurant-Inform()
+PMUL0600 2 I really need something cheap and in the South please. Restaurant-Inform(Area=south;Price=cheap)
+PMUL0600 4 Let's go Chinese. Please book for 2 people on Wednesday at 12:00 Restaurant-Inform(Food=chinese)
+PMUL0600 7 Your reservation is for 2 people on Wednesday at 12:00. The reservation number is LERUQAPY. Booking-Book(Time=12:00;Ref=LERUQAPY;Day=Wednesday;People=2)
+PMUL0600 8 Great. I also need a train from kings lynn to cambridge that morning. I need it to get in by 8:00. Train-Inform(Depart=kings lynn;Dest=cambridge)
+PMUL0600 10 Yeah, that works for me. Thanks for the help. general-thank()
+PMUL0600 11 How many tickets would you like? Train-OfferBook()
+PMUL0600 12 I won't be needing the train after all. Thank you for the help! Train-Inform()
+PMUL0600 14 No thank you that will be all general-thank()
+PMUL0600 15 Have a great day! general-bye()
+PMUL0601 0 I need a train leaving from london liverpool street. Train-Inform(Depart=london liverpool street)
+PMUL0601 2 I would like to leave Saturday after 18:30. Train-Inform(Day=saturday;Leave=18:45)
+PMUL0601 3 Will you be traveling to Cambridge? Train-Request(Dest)
+PMUL0601 4 No I will be going to ely. Train-Inform(Dest=cambridge)
+PMUL0601 6 No, going to cambridge and leaving london liverpool st. I am leaving saturday and want to leave sometime after 18:30 Train-Inform(Dest=cambridge;Day=saturday;Leave=18:30)
+PMUL0601 10 No that's fine. I also need to find a cheap restaurant. Restaurant-Inform(Price=cheap)
+PMUL0601 12 I don't really care where it's at, but I would prefer that it serve international food. Is there anything like that in town? Restaurant-Inform(Food=international)
+PMUL0601 14 Sounds great! Can you please book a table for three for the same day at 21:00. Restaurant-Inform(Time=21:00;People=3;Day=saturday;Name=the missing sock)
+PMUL0601 15 The booking was successful. The table will be reserved for 15 minutes. Your reference number is 3Y2HAOME. Booking-Book(Ref=3Y2HAOME)
+PMUL0601 16 Great, that's all I need, thanks so much for your help! Have a great day! general-thank()
+PMUL0602 0 Any good places to eat in centre? Restaurant-Inform(Area=centre)
+PMUL0602 2 We wouldn't mind trying something new. We'd like to treat ourselves to something in the expensive range. What do you recommend? Restaurant-Inform(Price=expensive)
+PMUL0602 4 What's the address there? Restaurant-Request(Addr)
+PMUL0603 0 I am looking for a restaurant to book a reservation. I want asian oriental in the expensive price range Restaurant-Inform(Food=asian oriental;Price=expensive)
+PMUL0603 3 I can try to make that reservation for you. What day are you looking to eat on, how many are in your party, and what time would you like? Booking-Request(Day;Time;People)
+PMUL0603 4 I would like the reservation for 5 people at 18:45 on Friday. Restaurant-Inform(Time=18:45;People=5;Day=friday)
+PMUL0603 5 I have made those reservations your reference number is WK0CPIFS Booking-Book(Ref=WK0CPIFS)
+PMUL0603 6 Thanks so much. Can you also help me look for a train? Train-Inform()
+PMUL0603 7 I sure can. Which stations will you be using? Train-Request(Dest;Depart)
+PMUL0603 8 I need to get to Cambridge from Peterborough by 13:15 on the the same day as my reservation. Train-Inform(Depart=peterborough;Dest=cambridge;Day=friday;Arrive=13:15)
+PMUL0603 10 Yes please. I need 5 tickets. Train-Inform(People=5)
+PMUL0603 12 No, that is all for today. Thank you so much for your help! general-thank()
+SNG0640 0 I'm wanting to find a restaurant. The location I want is the west and I want something in the moderate price range. Can you help me? Restaurant-Inform(Area=west;Price=moderate)
+SNG0640 4 That's all that I needed, thank you. general-thank()
+SNG0640 5 You're welcome! Have a great day! Goodbye. general-bye()
+PMUL0608 0 I want to take a train from Stevenage to Cambridge. Train-Inform(Depart=stevenage;Dest=cambridge)
+PMUL0608 1 What day and time do you want to leave Stevenage? Train-Request(Leave;Day)
+PMUL0608 2 I would like to leave on Monday and arrive in cambridge by 12:45. Train-Inform(Day=monday;Arrive=12:45)
+PMUL0608 4 Departure time isn't important as long as I can get there by 12:45. Train-Inform(Arrive=12:45)
+PMUL0608 5 For how many people? Train-Request(People)
+PMUL0608 6 I don't need to purchase tickets today, but can you tell me the train ID and the total travel time to get me there? Train-Request(Duration;TrainID)
+PMUL0608 8 What is the price of a ticket, please? Train-Request(Price)
+PMUL0608 9 The price of TR9062 is 12.80 pounds. Train-Inform(Id=TR9062;Ticket=12.80 pounds)
+PMUL0608 10 Thanks. Now can you look up a welsh food restaurant that is expensive and in the centre? Restaurant-Inform(Area=centre;Food=welsh;Price=moderate)
+PMUL0608 12 Oh darn it! How about... maybe korean food? Still in the centre, and they need to be able to seat 7 people. Restaurant-Inform(Area=centre;Food=korean;People=7)
+PMUL0608 14 I Would like it on Monday at 18:15. Restaurant-Inform(Time=18:15;Day=monday)
+PMUL0608 17 Booking was successful. The table will be reserved for 15 minutes. Your Reference number is : X54JY6CB. Booking-Book(Ref=X54JY6CB)
+PMUL0608 18 Thanks, that's all I needed today! general-thank()
+PMUL0608 19 You're welcome. Enjoy your visit. general-welcome()
+PMUL0609 0 Hello, I'd like some information on a restaurant today. Restaurant-Inform()
+PMUL0609 1 I can help you with that! Is there a specific one you have in mind or perhaps a specific type of cuisine I can search for? Restaurant-Request(Food;Name)
+PMUL0609 2 I'm looking for an expensive polynesian place. Restaurant-Inform(Food=polynesian;Price=expensive)
+PMUL0609 4 Yes, can you look for chinese food please? Restaurant-Inform(Food=chinese)
+PMUL0609 6 I'd really like something in the centre, do you have Polynesian or Chinese in the centre? Restaurant-Inform(Area=centre)
+PMUL0609 7 Okay, how about the Ugly Duckling? Restaurant-Recommend(Name=Ugly Duckling)
+PMUL0609 10 I also need a train. It should leave London liverpool Street after 12:45 on Wednesday. I am going to Cambridge. Train-Inform(Depart=london liverpool street;Dest=cambridge;Day=wednesday;Leave=12:45)
+PMUL0609 12 Yes, that would be great. Thank you. general-thank()
+PMUL0609 13 Just to confirm, how many tickets do you need? Train-Request(People)
+PMUL0609 14 Just for myself. Train-Inform(People=1)
+PMUL0609 15 Booking was successful, the total fee is 16.6 GBP payable at the station .Reference number is : 1OIMDS0D. Train-OfferBooked(Ref=1OIMDS0D;Ticket=16.6 GBP)
+PMUL0609 16 You know what, I'm so sorry I actually did not need a booking at all. I just wanted to know the travel time, arrival time, and price. Sorry. Train-Request(Duration;Price;Arrive)
+PMUL0609 18 No. That actually takes care of everything. Thanks. Goodbye. general-bye()
+SSNG0132 0 I'm looking for a restaurant in the west side that's in the moderate price range. Restaurant-Inform(Area=west;Price=moderate)
+SSNG0132 2 Are any of them available for 8 people at 19:00 on Wednesday? Restaurant-Inform(Time=19:00;People=8;Day=wednesday)
+SSNG0132 4 The Italian restaurant Prezzo sounds good. Restaurant-Inform()
+SSNG0132 6 nope thats it. thanks general-thank()
+WOZ20059 0 Can you recommend me a restaurant in the expensive priced range located in the east part of town? Restaurant-Inform(Area=east;Price=expensive)
+WOZ20059 1 how about grafton hotel restaurant, it serves british. Restaurant-Inform(Food=british;Name=grafton hotel restaurant)
+WOZ20059 4 I don't care. Restaurant-Inform(Food=don't care)
+WOZ20059 5 Pipasha restaurant is in the expensive price range and in the east part of town. They serve Indian food. Restaurant-Inform(Food=Indian;Name=Pipasha restaurant;Area=east;Price=expensive)
+WOZ20059 7 You can reach Pipasha restaurant at 01223 577786. Restaurant-Inform(Phone=01223 577786;Name=Pipasha restaurant)
+WOZ20059 8 Thank you. general-thank()
+WOZ20059 9 Is there anything else I can help you find today? general-reqmore()
+WOZ20059 10 Thank you goodbye. general-bye()
+WOZ20059 11 Thank you for using the Cambridge restaurant system. Goodbye. general-bye()
+MUL0771 0 I need a train that leaves for Ely on Friday. Train-Inform(Dest=ely;Day=friday)
+MUL0771 1 What time do you need to travel to Ely? Train-Request(Leave)
+MUL0771 2 I need to arrive in Ely before 11:30. I would be leaving from Cambridge. Train-Inform(Depart=cambridge;Arrive=11:30)
+MUL0771 4 Yes, I would like to book a train that will arrive in Ely before 11:30. Train-Inform(Dest=ely;Arrive=11:30)
+MUL0771 6 I also need a place to stay on the north side of town that includes free parking. Hotel-Inform(Area=north;Parking=yes)
+MUL0771 7 We have several guesthouses, one hotel and one lodge that meet that criteria. Hotel-Inform(Type=guesthouses;Type=hotel;Type=lodge;Choice=several;Choice=one;Choice=one)
+MUL0771 8 Do any of them have 3 stars? Hotel-Inform(Stars=3)
+MUL0771 10 No, but I do need the address, postcode, and phone number. Hotel-Request(Post;Phone;Addr)
+MUL0771 12 That is all I need. Thank you. general-thank()
+MUL0771 13 TR8792 is the latest departing train on Friday. It departs at 9:50 and arrives in Ely at 10:07. Do you want to depart earlier? Train-Inform(Id=TR8792;Arrive=10:07;Day=Friday;Dest=Ely;Leave=9:50)
+MUL0771 14 I didn't need a train. I have everything I needed now. Thank You for your help. Train-Inform()
+SNG01609 0 I am looking for a place to dine. The restaurant should serve mediterranean food and should be in the south Restaurant-Inform(Area=south;Food=mediterranean)
+SNG01609 2 What restaurants are cheap? Restaurant-Inform(Price=cheap)
+SNG01609 3 Nandos is cheap in that area. Restaurant-Inform(Price=cheap;Name=Nandos)
+SNG01609 4 how about one that serves portuguese food? Restaurant-Inform(Food=portuguese)
+SNG01609 6 Yes, please. 3 people at 12:15 on Friday. Restaurant-Inform(Time=12:15;People=3;Day=friday;Name=nandos)
+SNG01609 8 how about for 11:15? Restaurant-Inform(Time=11:15)
+SNG01609 10 That is all I need, thank you. general-thank()
+SNG01608 0 Are there any Portuguese restaurants in Cambridge? Restaurant-Inform(Food=portuguese)
+SNG01608 1 Yes there is a Portuguese restaurant in Cambridge with two different locations, would you like the addresses? Restaurant-Inform(Food=Portuguese;Choice=two)
+SNG01608 2 If one of them has a moderate price range please give me that address. If not tell me about Turkish restaurants instead. Restaurant-Inform(Food=turkish;Price=moderate)
+SNG01608 4 Actually I need a moderately priced restaurant. Are there any fitting that description? Restaurant-Inform(Price=moderate)
+SNG01608 5 I am sorry. I mistook that price range. The Anatolia is in the moderate range. Would that work for you? Restaurant-Inform(Name=The Anatolia;Price=moderate)
+SNG01608 6 Yes, I need a reservation for 1 people at 14:00 on monday. Restaurant-Inform(Time=14:00;People=1;Day=monday;Name=anatolia)
+SNG01608 7 Booking was successful. The table will be reserved for 15 minutes. Reference number is : 96ZYHLN1. Booking-Book(Ref=96ZYHLN1)
+SNG01608 8 Thanks so much. That's all for today. Bye! general-bye()
+SNG01606 1 What was the location of the accident? I can send the police. general-reqmore()
+SNG01606 2 I can contact the police myself. What's the address including postcode, and also phone number for the police? Police-Request(Post;Addr;Phone)
+SNG01606 4 Okay. Thanks very much for your help. general-thank()
+SNG01606 5 You are most welcome! general-bye()
+SNG01605 0 I need a taxi today arriving at 21:00. Taxi-Inform(Arrive=21:00)
+SNG01605 1 I need a little more information. Where are you leaving from? Taxi-Request(Depart)
+SNG01605 2 Oh I'm sorry - I need to be picked up at the whipple museum of the history of science. Taxi-Inform(Depart=whipple museum of the history of science)
+SNG01605 3 What is your destination? Taxi-Request(Dest)
+SNG01605 4 I want to go to restaurant two two. Taxi-Inform(Dest=restaurant two two)
+SNG01605 5 And do you want to be picked up from whipple museum at 2100 or get to restaurant two two at 2100? Taxi-Request(Leave;Arrive)
+SNG01605 6 I'd like to arrive at Restaurant Two Two by 21:00 please. Restaurant-Inform()
+SNG01605 7 Great I have you booked in a grey lexus and the contact number is 07398176919. Taxi-Inform(Phone=07398176919;Car=grey lexus)
+SNG01605 8 Great thanks! That's all I need. general-thank()
+SNG01605 9 Glad I could help. Let us know if there's ever anything else we can help you with. general-bye()
+SNG01604 0 I'm looking for a the Parkside police station. Police-Inform()
+SNG01604 2 What is the address and postcode? Police-Request(Post;Addr)
+SNG01604 4 That's all I need. Thanks, good bye. general-bye()
+SNG01604 5 Glad I could be of service. general-welcome()
+SNG01602 0 I need the phone number and location of the nearest Red Lobster in the downtown Cambridge area. Taxi-Request(Phone)
+SNG01602 1 I'm sorry, could you please repeat your request? There seems to be an error. general-reqmore()
+SNG01602 2 I need a taxi,from darrys cookhouse and wine shop and go to restaurant two two and leave at 9 00 Taxi-Inform(Depart=darrys cookhouse and wine shop;Leave=9:00;Dest=restaurant two two)
+SNG01602 3 Your booking is complete. The car type is a yellow tesla and the contact number is 07556741489. Taxi-Inform(Car=yellow tesla;Phone=07556741489)
+SNG01602 4 Thank you for your quick response. general-thank()
+SNG01601 2 Thank you very much I will call them now. general-thank()
+SNG01601 3 Ok, do you require any further assistance? general-reqmore()
+SNG01601 4 Can I get the address as well? Police-Request(Addr)
+SNG01601 6 Thank you for your help. general-thank()
+SNG01601 7 Before I let you go, are there any other questions that I can assist with today? general-reqmore()
+SNG01601 8 No that was all. Thank you general-thank()
+SNG01601 9 Okay, have a great day! general-greet()
+SNG01600 0 I am looking for a place to stay. The hotel should be in the north and should have a star of 4 Hotel-Inform(Stars=4;Area=south;Type=hotel)
+SNG01600 1 I am sorry, but we do not have any hotels like that in that area. Hotel-NoOffer(Type=hotels)
+SNG01600 2 Do you have any guesthouses like that? Hotel-Inform(Type=guesthouse)
+SNG01600 6 Yes, we are arriving on Monday. Five of us for 5days, please. Hotel-Inform(Stay=5;People=5;Day=monday)
+SNG01600 7 Booking was successful. Reference number is : A51B0MGU. Enjoy your stay! Booking-Book(Ref=A51B0MGU)
+SNG01600 8 Thanks for your help! Bye! general-bye()
+SNG01600 9 My pleasure. Thank you for contacting TownInfo centre. Goodbye. general-bye()
+WOZ20058 0 can i please have a cheap restaurant in the west ? Restaurant-Inform(Area=west;Price=cheap)
+WOZ20058 1 La Margherita is an Italian restaurant. It is located at 15 Magdalene Street City Centre. Phone number is 01223 315232. Restaurant-Inform(Food=Italian;Addr=15 Magdalene Street City Centre;Phone=01223 315232;Name=La Margherita)
+WOZ20058 2 Thank you very much. bye. general-bye()
+WOZ20058 3 Thank you, goodbye. general-bye()
+SNG01353 0 I'm interested in rooms for the night where you can get free wifi. Hotel-Inform(Internet=yes)
+SNG01353 2 I'm looking for something in a moderate price range, but it must have at least a 4 star rating. Hotel-Inform(Stars=4;Price=moderate)
+SNG01353 5 How about a and b guest house? Hotel-Recommend(Name=a and b guest house)
+SNG01353 6 that will be nice. get me the reference numbers Hotel-Request(Ref)
+SNG01353 7 When would you like to book this for? Booking-Request(Day)
+SNG01353 8 Please book for Sunday for 3 nights and 6 people. Hotel-Inform(Stay=3;People=6;Day=sunday)
+SNG01353 10 No, I need it for those days. Can you try different hotel? Hotel-Inform()
+SNG01353 11 I can try for the Acorn Guest House, if you'd like. They're on Chesterton Road. Hotel-Recommend(Name=the Acorn Guest House;Addr=Chesterton Road)
+SNG01353 14 Can we try for just 2 nights then? Hotel-Inform(Stay=2)
+SNG01353 16 nope, that's all I need thank you! general-thank()
+SNG01896 0 I am looking for a restaurant. The restaurant should be in the south and should be in the cheap price range Restaurant-Inform(Area=south;Price=cheap)
+SNG01896 1 How about nandos, I've heard great things! Restaurant-Inform(Name=Nandos)
+SNG01896 2 Is that restaurant in the south? I"d like to book for 4 people at 1330 on saturday please Restaurant-Inform(Area=south;People=4;Day=saturday;Name=nandos)
+SNG01896 4 Thanks, that's all. Good bye. general-bye()
+SNG01896 5 You are more than welcome! general-bye()
+SNG01352 0 I'm trying to find an expensive restaurant in the centre of town. Restaurant-Inform(Area=centre;Price=expensive)
+SNG01352 2 Belgian food please Restaurant-Inform(Food=belgian)
+SNG01352 4 Ok, how about Chinese food then? Restaurant-Inform(Food=chinese)
+SNG01352 6 No, I don't need a reservation. Just the phone number and post code please. Restaurant-Request(Post;Phone)
+SNG01352 7 their phone number is 01223357187. and port code is cb11hr Restaurant-Inform(Post=cb11hr;Phone=01223357187)
+SNG01352 8 Great! Thanks so much. general-thank()
+SNG01352 9 You are quite welcome. Is there anything further I can assist you with? general-reqmore()
+SNG01352 10 No that is all. Thanks general-thank()
+SNG01352 11 You're welcome. Enjoy your meal. Thank you for contacting the centre. Goodbye. general-bye()
+SNG0163 0 Hi, I need help finding Addenbrookes Hospital. Can you give me some information please? Hospital-Inform()
+SNG0163 2 What is the phone number? Hospital-Request(Phone)
+SNG0163 4 No, that's all I need. Thanks. general-thank()
+SNG0163 5 You're welcome. Goodbye. general-bye()
+PMUL4030 0 I'm looking for a guesthouse to stay at. Can you help me with that? Hotel-Inform(Type=guesthouse)
+PMUL4030 1 Sure what area do you have in mind? Hotel-Request(Area)
+PMUL4030 2 I'd like it to be in the east. A guesthouse would be great with a 4 star. Also, I don't care about internet. Hotel-Inform(Stars=4;Area=east;Internet=dont care)
+PMUL4030 7 The A and B guesthouse meets your criteria and is located at 124 Tenison Lane, postcode cb12dp. The price range is moderate. Hotel-Inform(Post=cb12dp;Addr=124 Tenison Lane;Name=The A and B guesthouse;Price=moderate)
+PMUL4030 8 Thanks. I'm also looking for a train to stevenage for tuesday. Train-Inform(Dest=stevenage;Day=tuesday)
+PMUL4030 9 Will you be departing from cambridge? Train-Request(Depart)
+PMUL4030 11 What time of day would you like to travel? Train-Request(Leave;Arrive)
+PMUL4030 12 The train should leave at 10:45. Train-Inform(Leave=10:45)
+PMUL4030 14 Yes, please. I need tickets for 7 people. Train-Inform(People=7)
+PMUL4030 15 I've book 7 tickets on Train TR6009 departing Cambridge at 13:21. Your total fare is 89.6 GBP, payable at the station. Your reference number is 2SCUVBST. Train-OfferBooked(Id=TR6009;Depart=Cambridge;People=7;Ref=2SCUVBST;Leave=13:21;Ticket=89.6 GBP)
+PMUL4030 16 Great, thank you very much! general-thank()
+PMUL4030 17 Is there anything else I can help with? general-reqmore()
+PMUL4030 18 No that's it. Thanks for everything! Bye! general-bye()
+PMUL3007 1 What did you have in mind? Attraction-Request(Type)
+PMUL3007 2 Do you happen to have any entertainment places in the centre of town to visit? Attraction-Inform(Area=centre)
+PMUL3007 3 We have museums, colleges, and interesting architecture, as well as many other choices in the center of town. Attraction-Inform(Type=museums;Type=colleges;Type=interesting architecture;Choice=many other choices;Area=center of town)
+PMUL3007 8 Yes, can I please have car type and contact number? Taxi-Request(Car)
+PMUL3007 9 It seems like you are asking for a taxi. Where are you departing from and where is your destination, please? Taxi-Request(Depart;Dest)
+PMUL3007 12 Something in the same neighborhood, and that has wifi and parking. Hotel-Inform(Parking=yes;Internet=yes)
+PMUL3007 14 I am looking for a guesthouse if there is one? Hotel-Inform(Type=guesthouse)
+PMUL3007 16 Yes on Friday. I need a taxi too. Taxi-Inform()
+PMUL3007 17 Will that be to or from the club and what time? Taxi-Request(Depart;Leave;Dest)
+PMUL3007 18 I want to leave the hotel by 05:00. Taxi-Inform(Depart=alexander bed and breakfast;Leave=05:00;Dest=ballare)
+PMUL3007 20 Thanks so much you have been a great help to me. general-thank()
+PMUL3006 0 I want to go eat so please find me a restaurant in the South. Money is no object so something expensive please Restaurant-Inform(Area=south;Price=expensive)
+PMUL3006 2 Any of those sound good what do you recommend? I just need the address and type of food they serve. Restaurant-Request(Food;Addr)
+PMUL3006 4 Also need a hotel in the same area and same price range. Hotel-Inform(Area=south;Price=expensive)
+PMUL3006 6 Does it have free wifi? Hotel-Inform(Name=the lensfield hotel)
+PMUL3006 8 No, I just need the address, thank you. Hotel-Request(Addr)
+MUL2665 0 Hi, I'm looking for a guesthouse to stay at that provides free wifi, can you help me find one? Hotel-Inform(Internet=yes;Type=guesthouse)
+MUL2665 1 I have several with available booking. May I have an area and a price range that you are interested in? Hotel-Request(Area;Price)
+MUL2665 2 I am not sure yet but I would like it to have 3 stars. Hotel-Inform(Stars=3)
+MUL2665 3 I'd recommend the Bridge Guest House. It is located in the south area. Hotel-Recommend(Name=Bridge Guest House;Area=south area)
+MUL2665 4 That would be great. Can I can the postcode that it is in? Hotel-Request(Post)
+MUL2665 6 Yes, I'd like to know about some places to go in town. Are there any college I could visit? Attraction-Inform(Type=college)
+MUL2665 7 Christ's college is available if that works for you? Attraction-Recommend(Name=Christ's college)
+MUL2665 8 Sure, can I get the area it is in and the address please Attraction-Request(Area;Addr)
+MUL2665 9 It's in the centre and the address is saint andrew's street. Attraction-Inform(Area=centre;Addr=saint andrew's street)
+MUL2665 10 Thank you! Goodbye! general-bye()
+MUL2665 11 You're welcome, have a great day. general-bye()
+MUL2664 0 Hello! Are there any colleges to visit in town? Attraction-Inform(Type=college)
+MUL2664 2 I don't care what area. I do need the postcode, entrance fee and area when you find one. Attraction-Request(Area;Post;Fee)
+MUL2664 4 Im also looking for a cheap hotel with free parking. Hotel-Inform(Parking=yes;Price=cheap)
+MUL2664 7 There is Alexander Bed and Breakfast, 56 saint barnabas road. Inexpensive. Does that sound good? Hotel-Inform(Addr=56 saint barnabas road;Name=Alexander Bed and Breakfast;Price=inexpensive)
+MUL2664 9 Sure, their phone number is 01223525725. Hotel-Inform(Phone=01223525725)
+MUL2664 10 Thank you for your help. That is all. general-thank()
+PMUL3003 0 I'm looking for a Chinese restaurant. It should be in the expensive price range, please. Restaurant-Inform(Food=chinese;Price=expensive)
+PMUL3003 2 Yes in the south. Restaurant-Inform(Area=south)
+PMUL3003 4 Yes please, could you book a table for 5 at 19:30 on Sunday. Restaurant-Inform(Time=19:30;People=5;Day=sunday)
+PMUL3003 5 Booking was successful. Reference number is : WO2Z8QS7. Booking-Book(Ref=WO2Z8QS7)
+PMUL3003 6 Thank you. I believe that's all I need for today. Thanks. Take care. Bye. general-bye()
+PMUL3003 7 OK, before I let you go, I just want to make sure that you do not need info on a place to stay, train or attraction? general-reqmore()
+MUL2662 0 Hello! I'm planning a trip to Cambridge and am interested in hearing about places to stay. general-greet()
+MUL2662 1 Do you have a preferred price range or area of town? This will help me find just what you are looking for. Hotel-Request(Area;Price)
+MUL2662 2 Oh for sure. Uh let's try something with 2 stars and moderately priced. Hotel-Inform(Stars=2;Area=cambridge;Price=moderate)
+MUL2662 4 Let's try any 2 star hotel, then. Hotel-Inform(Stars=2;Type=hotel)
+MUL2662 6 Yes, please for 1 night. Hotel-Inform(Stay=1)
+MUL2662 7 I would be happy to assist you with booking, first I will need to know what day you will be arriving and for how many people? Booking-Request(People;Day)
+MUL2662 8 I would like accommodations for 6 people for 3 nights starting Tuesday. Hotel-Inform(Stay=3;People=6;Day=tuesday)
+MUL2662 10 Try a 1 night stay, instead. Hotel-Inform(Stay=1;Name=ashley hotel)
+MUL2662 11 Ashley Hotel was available for Tuesday night and I have made your reservation. Your reference number is FP60B1F2. Is there anything else I can help you with? Booking-Book(Day=Tuesday;Ref=FP60B1F2;Name=Ashley Hotel)
+MUL2662 12 I need a sports attraction in the centre, can you give me more info? Attraction-Inform(Area=centre)
+MUL2662 13 Unfortunately, I don't have any sports complexes in the centre. I could try another area, or another attraction. Attraction-NoOffer(Area=centre;Type=sports complexes)
+MUL2662 14 Are there any theatres in the area then? Attraction-Inform(Type=theatre)
+MUL2662 16 Yes, Can I have the post code and entrance fee for the ADC? Attraction-Request(Post;Fee)
+MUL2662 17 Postal is cb58as, I do not have inform on the entrance fee, you may need to call them at 01223300085 Attraction-Inform(Phone=01223300085;Post=cb58as;Fee=do not have inform)
+MUL2662 18 Ok perfect, that is all that I needed. Thank you for your help! Goodbye. general-bye()
+MUL2661 0 I need a 4 star place to stay in the north. Hotel-Inform(Stars=4;Area=north)
+MUL2661 2 Not at this time. Let me think about it. Thanks! general-thank()
+MUL2661 4 Actually, I would like to book the Acorn Guest House for wednesday. Hotel-Inform(Name=acorn guest house)
+MUL2661 6 It will be 3 nights for 8 people. Hotel-Inform(Stay=3;People=8)
+MUL2661 8 Can we please try for 2 nights? Hotel-Inform(Stay=2)
+MUL2661 10 What museums do you have in the centre? Attraction-Inform(Area=centre;Type=museum)
+MUL2661 11 The Castle Galleries are in the centre. Attraction-Inform(Area=centre;Name=The Castle Galleries)
+MUL2661 13 The entrance fee is free. Attraction-Inform(Fee=free)
+MUL2661 14 Thanks. Can I also have the address and postcode? Attraction-Request(Post;Addr)
+MUL2661 16 No, you've been a great help. Thank you for your time. Goodbye. general-bye()
+MUL2660 0 Hello, I need to find a cheap hotel that has free parking in Cambridge Hotel-Inform(Parking=yes;Price=cheap)
+MUL2660 2 I don't care about a particular area, but I would like a guesthouse. Hotel-Inform(Type=guesthouse)
+MUL2660 4 Can you pick one you know is a good place to stay and book it for 7 people staying 4 nights starting Monday? Hotel-Inform(Stay=4;People=7;Day=monday)
+MUL2660 6 Is there any good attractions in the south, you'd recommend? Attraction-Inform(Area=south)
+MUL2660 8 Do you happen to have any colleges to visit? Attraction-Inform(Type=college)
+MUL2660 10 Yes, I would. Perhaps a theatre or cinema? Attraction-Inform(Type=cinema)
+MUL2660 12 Can I get their entrance fee, as well? Attraction-Request(Fee)
+MUL2660 13 we don't have that information available. Attraction-Inform(Fee=we don't have that information)
+PMUL1892 0 Hello, I am looking for information. Can you help me with a train? Train-Inform()
+PMUL1892 1 Sure. Can I get some more information? Where were you wanting to go to? Train-Request(Dest)
+PMUL1892 2 I would be leaving Cambridge and heading to Peterborough on Tuesday. Train-Inform(Depart=cambridge;Dest=peterborough;Day=tuesday)
+PMUL1892 3 Is there a specific time you would like to depart or arrive by? Train-Request(Leave;Arrive)
+PMUL1892 4 Yes, I need to arrive in Peterborough by 13:45. How long is the train ride? Train-Inform(Dest=peterborough;Arrive=13:45)
+PMUL1892 6 No thanks. No need to book at this time. Can you tell me about a hotel called the Avalon? Hotel-Inform(Name=avalon)
+PMUL1892 7 It is a moderately priced hotel on the north. Hotel-Inform(Type=hotel;Price=moderately priced;Area=north)
+PMUL1892 8 Sounds great. How many stars it that? And can I have the phone number? Hotel-Request(Stars;Phone)
+PMUL1892 11 You need to tell me how many people are staying at what days. Booking-Request(People;Day;Stay)
+PMUL1892 12 I'm actually going to call the hotel before I make the reservation. I think you for your time. Have a nice day. Hotel-Inform()
+PMUL1892 13 Is there anything else I can help you with ? general-reqmore()
+PMUL1892 14 No, thank you. I'm all set. Goodbye. general-bye()
+PMUL1893 0 Hey. I'm looking for a train from stansted airport. Train-Inform(Depart=stansted airport)
+PMUL1893 1 What day will you be traveling? Train-Request(Day)
+PMUL1893 2 I plan to go on tuesday. Train-Inform(Day=tuesday)
+PMUL1893 3 What is your destination ? Train-Request(Dest)
+PMUL1893 4 My destination is cambridge. Train-Inform(Dest=cambridge)
+PMUL1893 6 The train should arrive by 10:00 if at all possible. Train-Inform(Arrive=10:00)
+PMUL1893 9 How many tickets would you like? Train-Request(People)
+PMUL1893 10 I would like 4 tickets. Train-Inform(People=4)
+PMUL1893 12 I also need you to book Rosa's Bed and Breakfast for 4 people, two nights, starting on Tuesday. Hotel-Inform(Stay=2;People=4;Day=tuesday;Name=rosa's bed and breakfast)
+PMUL1893 14 That is all, thanks a lot general-thank()
+PMUL1893 15 I am glad to help enjoy your time ! general-bye()
+PMUL1890 0 Can you please find me a train that leaves to bishops shortford? Can it also arrive before 10:45 too? Thankyou for your time. Train-Inform(Arrive=10:45)
+PMUL1890 1 I have the TR2061 that arrives at 06:07. Will that work? Train-Inform(Id=TR2061;Arrive=06:07)
+PMUL1890 2 Does it leave on Sunday? Train-Inform(Day=sunday)
+PMUL1890 3 No, that one leaves on Friday. TR9219 leaves Sunday at 5:29 and arrives in Cambridge by 6:07. Would you like to book a seat? Train-OfferBook(Arrive=6:07;Dest=Cambridge;Leave=5:29;Day=Sunday;Id=TR9219)
+PMUL1890 5 I have booked you a seat and the reference number is : 6IJ7W2BN. Train-OfferBooked(Ref=6IJ7W2BN)
+PMUL1890 6 Thanks so much. Can you also find me a place to stay? general-thank()
+PMUL1890 10 No that's ok. Can I just get the phone number and postcode? Hotel-Request(Post;Phone)
+PMUL1890 12 That will be all for today thanks ! general-thank()
+PMUL1890 13 Awesome. Thank you for using the Cambridge TownInfo centre. Have a great day general-bye()
+PMUL1896 0 I'm looking to get on a train on Saturday. Train-Inform(Day=saturday)
+PMUL1896 1 From where to where? Train-Request(Depart;Dest)
+PMUL1896 2 I'm leaving from London Liverpool Street and I need to arrive in Cambridge by 09:30. Train-Inform(Depart=london liverpool street;Dest=cambridge;Arrive=09:30)
+PMUL1896 3 the TR2503 will get you to your destination at 9:07. Train-Inform(Arrive=9:07;Id=TR2503)
+PMUL1896 4 Perfect. Can you book that for me for 3 people? Train-Inform(People=3)
+PMUL1896 6 I also need a hotel in the East. Hotel-Inform(Area=east)
+PMUL1896 7 Do you need parking at the hotel? Hotel-Request(Parking)
+PMUL1896 8 It doesn't matter, but I do need free wifi and the hotel should have a star of 4. Hotel-Inform(Stars=4;Internet=yes)
+PMUL1896 10 Guesthouse type is fine. Hotel-Inform(Type=guesthouse)
+PMUL1896 11 Which price range would you like? Hotel-Request(Price)
+PMUL1896 15 Their postcode is cb12dp and their address is 124 tenison road. The hotel is moderately priced Hotel-Inform(Post=cb12dp;Price=moderately priced;Addr=124 tenison road;Type=hotel)
+PMUL1896 16 That sounds great thank you for your help. general-thank()
+PMUL1897 0 I would like to find a train leaving Cambridge after 6:30 PM. Can you help me? Train-Inform(Depart=cambridge)
+PMUL1897 2 The destination is stansted airport, and I would like to leave on Sunday. Train-Inform(Dest=stansted airport;Day=sunday;Leave=06:30)
+MUL2669 0 I am looking for a particular attraction. Attraction-Inform()
+MUL2669 1 Do you know the name of the attraction and what area of the city it is in? Attraction-Request(Name;Area)
+MUL2669 2 Yeah, it's called saint catharine's college I believe. Attraction-Inform(Name=saint catharine's college)
+MUL2669 3 Ah yes, that college is in the center of town, on king's parade. Would you like more information? Attraction-Inform(Addr=king's parade;Area=center of town)
+MUL2669 4 Can I get the phone number please? Attraction-Request(Phone)
+MUL2669 6 What type of attraction is that college? Attraction-Request(Type)
+MUL2669 7 It's a college attraction. Attraction-Inform(Type=college)
+MUL2669 8 Okay, thank you. Is there somewhere near there to stay in the moderate price rage, with 4 stars? Hotel-Inform(Stars=4;Stay=4;Price=moderate)
+MUL2669 10 Have you checked in the North? Hotel-Inform(Area=north)
+MUL2669 12 I require free wifi. Hotel-Inform(Internet=yes)
+MUL2669 13 There is wifi available at the hotel. Hotel-Inform(Internet)
+MUL2669 14 Alright, book me one for a four night stay starting on Saturday. Hotel-Inform(Stay=4;Day=sunday)
+MUL2669 15 How many people are in your group? Booking-Request(People)
+MUL2669 16 Just for 1 person, thanks. Hotel-Inform(People=1)
+MUL2669 18 Thank you very much. general-thank()
+PMUL3008 0 There aren't any Polish restaurants in the centre, are there? Restaurant-Inform(Area=centre;Food=polish)
+PMUL3008 2 how about chinese? Restaurant-Inform(Food=chinese)
+PMUL3008 4 I'm not fussy about price, pick one for me and give me the address please, I'm starving! Restaurant-Request(Addr)
+PMUL3008 6 Just the address is all I needed for now. But could you also help me find a train? Restaurant-Request(Addr)
+PMUL3008 7 Definitely! Can you give me some more specifics so I can help? general-reqmore()
+PMUL3008 8 I am going to London kings cross. Train-Inform(Dest=london kings cross)
+PMUL3008 9 And what is your arrival destination and time of travel? Train-Request(Dest;Leave)
+PMUL3008 10 Leaving Cambridge to London kings cross and arrive by 19:45. Train-Inform(Depart=cambridge;Arrive=19:45)
+PMUL3008 11 Ok, on what day will that be? Train-Request(Day)
+PMUL3008 12 I need to leave on Tuesday. Train-Inform(Day=tuesday)
+PMUL3008 14 what is its departure time? Train-Request(Leave)
+PMUL3008 15 It leaves Cambridge at 13:00. Train-Inform(Leave=13:00;Depart=Cambridge)
+PMUL3008 17 I have a train departing Cambridge at 17:00 and arriving at London Kings Cross at 17:51. I don't have a later arrival time on Tuesday, unfortunately. Train-Inform(Arrive=17:51;Depart=Cambridge;Dest=London Kings Cross;Leave=17:00;Day=Tuesday)
+PMUL3008 18 Alright. Could you please provide me with the train ID and the travel time? Train-Request(Duration;TrainID)
+PMUL3008 20 No. thanks. I don't need to book it right now. general-thank()
+PMUL3008 21 Is there anything else I can help you with today? general-reqmore()
+PMUL3008 22 No, thank you. I have everything I need. Goodbye. general-bye()
+PMUL3008 23 Great! Thank you for calling and have a great trip! Goodbye. general-bye()
+SNG0169 0 I got injured and need directions for the clinical decisions unit department Hospital-Inform(Department=clinical decisions unit)
+SNG0169 2 I need the post code. Hospital-Request(Post)
+SNG0169 5 OK. Hope all goes well for you. Bye. general-bye()
+SNG0663 0 Hi, I am looking for a cheap Italian restaurant please. Restaurant-Inform(Food=italian;Price=cheap)
+SNG0663 2 No, no preference. Please just find me one that has a table available for 4 people at 17:45 on Monday. Restaurant-Inform(Time=17:45;People=4;Day=monday)
+SNG0663 4 Yes, I'll try for a little earlier, how about 16:45? Restaurant-Inform(Time=16:45)
+SNG0663 6 Thank you very much for your help! general-thank()
+SNG0663 7 You're welcome. Have a great day! general-bye()
+PMUL4600 0 I need a place to stay, some hotel with 4 star rating and free parking. Hotel-Inform(Stars=4;Parking=yes)
+PMUL4600 1 great, i have 19 options for you! Hotel-Inform(Choice=19)
+PMUL4600 2 I would like for it to be in the cheap price range and also offer free wifi. Hotel-Inform(Internet=yes;Price=cheap)
+PMUL4600 4 yes, i would like to book that for 5 people, we want to stay 3 nights starting thursday Hotel-Inform(Stay=3;People=5;Day=thursday)
+PMUL4600 6 I am also looking for a cheap Indian place to eat. Restaurant-Inform(Food=indian;Price=cheap)
+PMUL4600 8 I'd prefer the centre, please. Restaurant-Inform(Area=centre)
+PMUL4600 9 How does Mahal of Cambridge sound? Restaurant-Recommend(Name=Mahal of Cambridge)
+PMUL4600 11 The phone number is 01223360409. Restaurant-Inform(Phone=01223360409)
+PMUL4600 12 What is wrong with me, I also need the address and postal code, I dont know why I didn't just ask all of that at once. Restaurant-Request(Post;Addr)
+PMUL4600 14 Yes, I need a taxi please to commute between the two. Taxi-Inform()
+PMUL4600 15 Where would you be getting picked up? Taxi-Request(Depart)
+PMUL4600 16 That hotel we discussed earlier. Taxi-Inform(Depart=autumn house)
+PMUL4600 17 MAy i have a leave time ? Taxi-Request(Leave)
+PMUL4600 18 I would like to leave by 11:15 please. Taxi-Inform(Leave=11:15)
+PMUL4600 20 That's it for me. Thanks! Bye general-bye()
+PMUL4601 0 i want a place to stay in Cambridge the is moderate price no wifi Hotel-Inform(Internet=yes;Price=moderate)
+PMUL4601 1 Sure. Would you like a particular area of town? Hotel-Request(Area)
+PMUL4601 2 An inexpensive area with free parking if possible. Hotel-Inform(Parking=yes)
+PMUL4601 5 I just need to know for what day, how many nights and how many guests for the reservation. Booking-Request(Stay;Day;People)
+PMUL4601 6 I need a reservation for 5 people and 5 nights starting Wednesday. Thanks! Hotel-Inform(Stay=5;People=5;Day=wednesday)
+PMUL4601 8 No thanks, that's all I needed. I appreciate your help! general-thank()
+PMUL4601 9 I'm happy we could be of service. Enjoy your stay in Cambridge! general-bye()
+PMUL4602 1 what would you like to know? general-reqmore()
+PMUL4602 3 Yes, of course. The address of camboats is the plough, green end, fen ditton, and the postcode is cb58sx. Attraction-Inform(Name=camboats;Post=cb58sx;Addr=the plough;Addr=green end;Addr=fen ditton)
+PMUL4602 4 Thank you. I would also like some help finding a train. Train-Inform()
+PMUL4602 5 Sure I can help with that. Where are you departing from and going to. What time would you like to depart and on what day would you like the train? Train-Request(Depart;Dest;Leave;Day)
+PMUL4603 0 Can you help me find a train leaving thursday departing from london liverpool street? Train-Inform(Depart=london liverpool street;Day=thursday)
+PMUL4603 2 I don't have a preference but I do need to be in Cambridge by 15:00. Train-Inform(Dest=cambridge;Arrive=15:00)
+PMUL4603 4 What is the price of the ticket and departure time? Train-Request(Price;Leave)
+PMUL4603 5 The departure time is 11:39 and the cost will be 16.60 pounds. Train-Inform(Ticket=16.60 pounds;Leave=11:39)
+PMUL4603 6 Thanks. I also need to find a guesthouse with free wifi. Hotel-Inform(Internet=yes;Type=guesthouse)
+PMUL4603 7 I can also assist you with finding a guest house. Does the train fit your needs and would you like to book tickets for that? Train-OfferBook()
+PMUL4603 8 No tickets for the train. I would like a guesthouse in the east that is expensive, please. Hotel-Inform(Area=east;Price=expensive)
+PMUL4603 9 I do not have any expensive guesthouses in the east offering free wifi. Hotel-NoOffer(Type=guesthouses;Area=east;Internet;Price=expensive)
+PMUL4603 12 Yes, could you book it for 5 people for 3 nights starting thursday? Hotel-Inform(Stay=3;People=5;Day=thursday)
+PMUL4603 13 Booking was successful. Reference number is : Q10RYGHF. Booking-Book(Ref=Q10RYGHF)
+PMUL4603 14 Thanks! Have a wonderful evening. Goodbye. general-bye()
+PMUL4603 15 Thank you for using our service today. Glad I was able to help have a good day. general-bye()
+PMUL4604 0 i am looking for places to go in town. The attraction should be in the type of college and should be in the centre. Attraction-Inform(Area=centre;Type=college)
+PMUL4604 1 how about christ's college? it has free admission. Attraction-Inform(Fee=free;Name=christ's college)
+PMUL4604 3 It's located on saint andrew's street, in postcode cb23bu. Attraction-Inform(Post=cb23bu;Addr=saint andrew's street)
+PMUL4604 4 Would you happen to have the phone number? Attraction-Request(Phone)
+PMUL4604 6 I am also looking for a place to stay. The hotel should be in the south and should be in the type of guesthouse. Hotel-Inform(Area=south;Type=guesthouse)
+PMUL4604 8 How about a moderate price range and a star rating of three? Hotel-Inform(Stars=3;Price=moderate)
+PMUL4604 10 Yes please. Can I get that for 2 nights for 6 people starting on Friday? Hotel-Inform(Stay=2;People=6;Day=friday)
+PMUL4604 12 I also need a taxi to commute. I need to leave the hotel by 15:30. Taxi-Inform(Leave=15:30)
+PMUL4604 14 Thank you, That will be all. general-thank()
+PMUL4604 15 I hope everything works out well. general-bye()
+PMUL4604 16 Thank you goodbye general-bye()
+PMUL4604 17 You're welcome. Have a wonderful day! general-bye()
+PMUL4605 0 Hi, I'm looking for a hotel by the name of Acorn Guest House. Hotel-Inform(Name=acorn guest house)
+PMUL4605 1 Sure, what would you like to know about it? general-reqmore()
+PMUL4605 2 I would like to know if it is available for 8 people for 4 nights starting Saturday Hotel-Inform(Stay=4;People=8;Day=saturday)
+PMUL4605 4 Thank you. I now need help with a train from Cambridge to birmingham new street, please. Train-Inform(Depart=cambridge;Dest=birmingham new street)
+PMUL4605 6 The train should leave after 12:30 and should leave on friday. Train-Inform(Day=friday;Leave=12:30)
+PMUL4605 8 Yes please, any of them will do. I just need the booking for 8 people. Train-Inform(People=8)
+PMUL4605 9 I booked you on train TR2716 and your reference number is FNNVMU8Z. Train-OfferBooked(Id=TR2716;Ref=FNNVMU8Z)
+PMUL4605 10 Ok great, thanks for your help. general-thank()
+PMUL4605 11 May I help with anything else ? general-reqmore()
+PMUL4605 12 No, I think that's all for now. Thanks so much! general-thank()
+PMUL4606 0 Hello, I'm looking for a train to Cambridge on Friday please. Train-Inform(Dest=cambridge;Day=friday)
+PMUL4606 1 I'd be happy to help. Where are you departing from? Train-Request(Depart)
+PMUL4606 2 I will be departing from stansted airport going to cambridge on friday and it needs to arrive by 16:00 Train-Inform(Depart=stansted airport;Arrive=16:00)
+PMUL4606 4 Yes, that would be fine. What's the price and departure time? Train-Request(Price;Leave)
+PMUL4606 5 It will cost 10.10 pounds per ticket and leaves at 15:24. Train-Inform(Ticket=10.10 pounds;Leave=15:24)
+PMUL4606 6 Thanks! Can you also tell me about colleges in the east? Attraction-Inform(Area=east;Type=college)
+PMUL4606 8 how about one that is in the type of museum? Attraction-Inform(Type=museum)
+PMUL4606 12 I don't think so. I am off to work but thanks so much for your help. Goodbye. general-bye()
+PMUL4606 13 Thanks for stopping by! general-bye()
+PMUL4607 0 Can you help me find an expensive restaurant in the west? Restaurant-Inform(Area=west;Price=expensive)
+PMUL4607 2 I was hoping for Indian food. Restaurant-Inform(Food=indian)
+PMUL4607 4 Sure. Do they have table for 1 on Sunday at 15:45? Restaurant-Inform(Time=15:45;People=1;Day=sunday)
+PMUL4607 6 I'd like to have the reference number please Restaurant-Request(Ref)
+PMUL4607 7 Yes of course. It is CHBHZPDM. Booking-Book(Ref=CHBHZPDM)
+PMUL4607 8 Yes I am seeking information on a particular hotel, Hobson's House. Hotel-Inform()
+PMUL4607 10 I'm not sure. What is the price range? Hotel-Request(Price)
+PMUL4607 11 It's in the moderate price range. Hotel-Inform(Price=moderate)
+PMUL4607 13 I'd love to help. When would you like to arrive by? Taxi-Request(Arrive)
+PMUL4607 14 I would like to arrive by 15:45. Taxi-Inform(Arrive=15:45)
+PMUL4607 15 I was able to book a black bmw phone number is 07591473862 Taxi-Inform(Phone=07591473862;Car=black bmw)
+PMUL4607 16 Great! Thank you for your help. general-thank()
+PMUL4607 18 No thank you. That's all that I needed. general-thank()
+PMUL4607 19 You're welcome, have a great day! general-welcome()
+PMUL4608 0 Hello! Can you please give me information about Dojo Noodle Bar? Restaurant-Inform(Name=dojo noodle bar)
+PMUL4608 2 Can you tell me what the price range is for this restaurant? I will also need a table for 2 at 15:15 on Saturday. Restaurant-Inform(Time=15:15;People=2;Day=saturday)
+PMUL4608 4 thank you for assisting. general-thank()
+PMUL4608 6 Yes, I'm also looking for a recommendation on hotels in the north that have free parking. Hotel-Inform(Area=north;Parking=yes;Type=hotel)
+PMUL4608 9 NO worries, can I provide any other information on help with anything else? general-reqmore()
+PMUL4608 12 Yes I would. For 2 nights, same group of people and same day. Hotel-Inform(Stay=2;People=2;Day=saturday)
+PMUL4608 14 Can you try it for 1 night instead and see if that works? and then give reference number Hotel-Inform(Stay=1)
+PMUL4608 16 Could you check your system again? I really need a hotel. Hotel-Inform()
+PMUL4608 18 Thats all i need for now. Thanks! general-thank()
+PMUL4609 0 I need information on a train to Cambridge. I prefer to get there by 16:30 Train-Inform(Dest=cambridge;Arrive=16:30)
+PMUL4609 1 is there a day of the week you want to travel ? Train-Request(Day)
+PMUL4609 2 Saturday is nice Train-Inform(Day=saturday)
+PMUL4609 3 what about TR5729? it leaves at 13:17 on saturday Train-Inform(Day=Saturday;Leave=13:17;Id=TR5729)
+PMUL4609 4 Don't you need to know where I am leaving from? Does that train leave from Ely? Train-Inform(Depart=ely)
+PMUL4609 5 I'm sorry that one leaves from Cambridge. TR8176 leaves from Ely at 15:35 and arrives at 15:52. Train-Inform(Id=TR8176;Arrive=15:52;Leave=15:35;Depart=Cambridge;Depart=Ely)
+PMUL4609 6 Please book TR8176 for 6 people. Train-Inform(People=6)
+PMUL4609 8 Thank you! Can you please tell me about a restaurant called Cotto? Restaurant-Inform(Name=cotto)
+PMUL4609 10 Yes, please. I'd like to book a table for the same group of people at 19:45 on the same day. Restaurant-Inform(Time=19:45;People=6;Day=saturday)
+PMUL4609 11 We have booked you for Cotto, here is your reference number MRQ610AS. Booking-Book(Ref=MRQ610AS;Name=Cotto)
+PMUL4609 12 Thanks. I am all set. general-thank()
+PMUL4609 13 I hope you have a good trip. general-greet()
+PMUL4035 0 Can you help me find information about a hotel called huntingdon marriott hotel? Hotel-Inform(Name=huntingdon marriott hotel)
+PMUL4035 2 Yes, the area of the city and the address. Hotel-Request(Area)
+PMUL4035 3 Huntingdon Marriott Hotel is in the West and the address is kingfisher way, hinchinbrook business park, huntingdon. Hotel-Inform(Name=Huntingdon Marriott Hotel;Area=West;Addr=kingfisher way;Addr=hinchinbrook business park;Addr=huntingdon)
+PMUL4035 4 Thanks. I also need a train departing from cambridge on thursday. Train-Inform(Depart=cambridge;Day=thursday)
+PMUL4035 6 I would like to go to Stevenage and leave after 11:00. Train-Inform(Dest=stevenage;Leave=11:00)
+PMUL4035 7 There is a train leaving at 11:21 would you like me to book this? Train-OfferBook(Leave=11:21)
+PMUL4035 8 Please do. I need 8 tickets Train-Inform(People=8)
+PMUL4035 9 I've made those reservations and your reference number is W29ZP27K. Train-OfferBooked(Ref=W29ZP27K)
+PMUL4035 10 thank you for all of your help general-thank()
+PMUL4035 11 Can I be of further assistance today? general-reqmore()
+PMUL4035 12 That was all that I needed today thanks general-thank()
+PMUL4035 13 excellent, have a great day! general-bye()
+PMUL4034 1 sure, what can i help you find? general-reqmore()
+PMUL4034 2 I need a train from Norwich to Cambridge on Friday, please. I need to get there at about 10:30. Train-Inform(Depart=norwich;Dest=cambridge;Day=friday;Arrive=10:30)
+PMUL4034 5 How many tickets do you need? Train-Request(People)
+PMUL4034 6 I need 3 tickets. Train-Inform(People=3)
+PMUL4034 8 Yes, I'd like to stay at The Lensfield Hotel once we get to town for 4 nights. Hotel-Inform(Stay=4;Name=the lensfield hotel)
+PMUL4034 9 What day would you like to begin your stay? And for how many guests? Booking-Request(Day;People)
+PMUL4034 10 I'd like to stay on Friday, 4 nights, 3 people. I also need a reference number. Hotel-Inform(Stay=4;People=3;Day=friday)
+PMUL4034 12 That is all. Thanks so much! general-thank()
+MUL1363 0 I need a restaurant that serves Irish food and is in centre of Cambridge Restaurant-Inform(Area=centre;Food=irish)
+MUL1363 2 Any restaurant then I guess will have to do located in the centre that is moderately priced. Are you SURE their aren't' any Irish restaurants? Restaurant-Inform(Area=centre;Price=moderate)
+MUL1363 4 Yes please try British. Restaurant-Inform(Food=English)
+MUL1363 6 Ok, anything british will do. I need to book a table for 8 people on Monday at 15:30. Restaurant-Inform(Area=dont care;Food=british;Time=15:30;People=8;Day=monday)
+MUL1363 8 Please. And can I have the confirmation number as well? Can you tell me if that is 3 stars? Hotel-Inform(Stars=3)
+MUL1363 10 Yes. I would like a hotel in the same area as the restaurant. I'm not driing so I don't need free parking. Hotel-Inform(Area=centre;Parking=no;Type=hotel)
+MUL1363 13 Ok how many people and how many nights? Booking-Request(People;Stay)
+MUL1363 14 just me for one night please Hotel-Inform(Stay=1;People=1)
+MUL1363 15 And will you also be checking in on Monday? Booking-Request(Day)
+MUL1363 16 Yes and can you tell me whether they have free wifi? Hotel-Request(Internet)
+MUL1363 18 Yes, may I confirm the address of this hotel please? Hotel-Request(Addr)
+MUL1363 19 The address is sleeperz hotel, station road. Hotel-Inform(Addr=sleeperz hotel;Addr=station road)
+MUL1363 20 Great. That is all the information I need. I will book the room later on my own. Thanks a bunch. Goodbye. general-bye()
+MUL1363 21 Thank you for using our system. general-welcome()
+PMUL2359 1 Okay I can help with that. What type of food would you like to eat and what is your price range? Restaurant-Request(Food;Price)
+PMUL2359 2 I am looking for an expensive Indian restaurant. Restaurant-Inform(Food=indian;Price=expensive)
+PMUL2359 3 Thanks for the information. What area should the restaurant be in? Restaurant-Request(Area)
+PMUL2359 4 It should be in the west. Restaurant-Inform(Area=west)
+PMUL2359 5 The India House is located on the West side and offers a wide range of fine diners. Restaurant-Inform(Name=The India House;Area=West side)
+PMUL2359 6 Great. Could I book a table for 6 people on Sunday at 11:00? Restaurant-Inform(Time=11:00;People=6;Day=sunday;Name=india house)
+PMUL2359 8 I am also wondering if you can help me find an entertainment place in the west as well. Attraction-Inform(Area=west;Type=entertainment)
+PMUL2359 10 Yes, I was also interested in booking a taxi. Could you help me with that? Taxi-Inform()
+PMUL2359 11 Sure, what time you would like to leave by? Taxi-Request(Leave)
+PMUL2359 12 Doesn't matter, as long as I leave Whale of a Time and get to India House before my reservation at 11:00. Taxi-Inform(Depart=whale of a time;Dest=india house;Arrive=11:00)
+PMUL2359 13 I have booked you a taxi to arrive at the India House by 11:00. The car driven will be a grey volkswagen and the contact number is 07207500599. Taxi-Inform(Dest=India House;Phone=07207500599;Arrive=11:00;Car=grey volkswagen)
+PMUL2359 14 Ok, that's all I need, thanks. general-thank()
+MUL1361 0 Hello, I'm looking for some information about places to stay in Cambridge. I would like to know the most inexpensive price range located to the north. Hotel-Inform(Area=north;Price=cheap)
+MUL1361 5 What day would you like to reserve? How many days will you be staying and how many people will be staying in the reserved room? Booking-Request(Stay;Day;People)
+MUL1361 6 I would like the phone number, postcode, and star of the hotel Hotel-Request(Post;Phone)
+MUL1361 8 Can you give me information on the restaurant the Rice Boat? Restaurant-Inform(Name=rice boat)
+MUL1361 9 The rice boat serves indian food and is expensive in the west area. The phone number is 01223302800. Restaurant-Inform(Food=indian;Area=the west area;Price=expensive;Phone=01223302800;Name=The rice boat)
+MUL1361 10 I would like to book a table for four at 11:15 on Sunday. Can you help me with that? Restaurant-Inform(Time=11:15;People=4;Day=sunday)
+MUL1361 11 Sure thing! You have the table reserved for 15 minutes. Your reference number is OGZ024O7. Booking-Book(Ref=OGZ024O7)
+MUL1361 12 Thank you! That's all I need. general-thank()
+MUL1361 13 Okay great. Glad I could help. general-welcome()
+MUL1360 0 I'm looking for a guesthouse in the east. Hotel-Inform(Area=east;Type=guesthouse)
+MUL1360 1 Can I get a price range you are looking for? Hotel-Request(Price)
+MUL1360 2 I need it to be cheap, and it should have free parking. Hotel-Inform(Parking=yes;Price=cheap)
+MUL1360 4 Yes, please. Include their address. Hotel-Request(Addr)
+MUL1360 6 I don't need a reservation for the guesthouse, actually. Could you help me find a cheap place to dine in the east, as well? Restaurant-Inform(Area=east;Price=cheap)
+MUL1360 8 Can I please have the phone number for the restaurant? Restaurant-Request(Phone)
+MUL1360 11 Ok, I have a taxi booked for you in a grey bmw at 4:45 from the hotel. The contact number is 07423515333. Taxi-Inform(Leave=4:45;Phone=07423515333;Car=grey bmw;Depart=hotel)
+MUL1360 12 Thank you so much. general-thank()
+MUL1360 14 No, you have been most helpful. Thank you, again. Good bye. general-bye()
+MUL1367 0 I'm looking for a Japanese restaurant in the north of the centre. Restaurant-Inform(Area=north;Food=japanese)
+MUL1367 2 Sure, can you try Asian Oriental? Restaurant-Inform(Food=asian oriental)
+MUL1367 6 I'm looking for a guesthouse in the north to stay at, what is available there? Hotel-Inform(Area=north;Type=guesthouse)
+MUL1367 8 Free parking and free wifi, please. Hotel-Inform(Parking=yes;Internet=yes)
+MUL1367 14 No that was all the help I needed, thank you. general-thank()
+MUL1366 0 I need a hotel with free wifi but I don't need free parking. Hotel-Inform(Parking=dont care;Internet=yes)
+MUL1366 2 I'm looking for one that is moderately priced and don't have a preference on where exactly it is. Hotel-Inform(Area=dont care;Price=moderate)
+MUL1366 3 The Ashley hotel is the North and is priced at moderate. Hotel-Inform(Price=moderate;Name=The Ashley hotel;Area=North)
+MUL1366 4 Is it available for 4 nights starting from Sunday for 6 people? Hotel-Inform(Stay=4;People=6;Day=sunday;Name=ashley hotel)
+MUL1366 6 could you try the same one, three nights only? Hotel-Inform(Stay=3)
+MUL1366 7 I was able to book that, reference number is 49SWXAT1. Booking-Book(Ref=49SWXAT1)
+MUL1366 8 Thank you, I also need a place to eat in the centre of town. Restaurant-Inform(Area=centre)
+MUL1366 9 Yes can we narrow it done by food type or price range? Restaurant-Request(Area;Price)
+MUL1366 10 I'm looking for Indian food, please. Restaurant-Inform(Food=indian)
+MUL1366 13 The Curry Garden is a popular choice. Restaurant-Inform(Name=The Curry Garden)
+MUL1366 14 Let's go with that. What's the address? Restaurant-Request(Addr)
+MUL1366 16 I'd actually like to book a taxi to commute between those two places you found for me. I need to leave the hotel by 09:15 please. Taxi-Inform(Leave=09:15)
+MUL1366 17 Sure! I have booked a yellow BMW to pick you up at 09:15 from your hotel. The contact number for the taxi is 07744629357. Taxi-Inform(Car=yellow BMW;Phone=07744629357;Depart=your hotel)
+MUL1366 18 Great! Thank you for your help. general-thank()
+MUL1366 19 Can I help you with anything else today? general-reqmore()
+MUL1366 20 No That is all. Again thank you. general-thank()
+MUL1366 21 Thank you for using the Cambridge TownInfo centre. Have a good day. general-bye()
+MUL1366 22 thank you for your help goodbye general-bye()
+MUL1366 23 Thank you and good bye! general-bye()
+MUL1365 0 I am looking for a restaurant called loch fyne Restaurant-Inform(Name=loch fyne)
+MUL1365 2 Can you tell me a little more about the place? I need to know what type of food they serve, price range and where it's located. Restaurant-Request(Food;Price)
+MUL1365 3 It is an expensive restaurant. They serve seafood and they are located at The Little Rose 37 Trumpington Street. Restaurant-Inform(Price=expensive;Addr=The Little Rose 37 Trumpington Street;Food=seafood)
+MUL1365 4 Great. I also need to know about a hotel called the Hamilton lodge. Hotel-Inform(Name=hamilton lodge)
+MUL1365 6 Yes please. I need 2 night stay starting from Friday for 3 people. Hotel-Inform(Stay=2;People=3;Day=friday)
+MUL1365 8 I really want to stay there so can I get it for one night? Hotel-Inform(Stay=1)
+MUL1365 10 No, thank you. You have been of great help. general-thank()
+MUL1365 11 Good bye, thank you general-bye()
+MUL1364 0 Hi, I'd like a 3 star hotel please. And also internet! Hotel-Inform(Stars=3;Internet=yes)
+MUL1364 3 Sorry, but I don't have any cheap 3-star places in town. Hotel-NoOffer(Area=in town;Price=cheap;Stars=3-star)
+MUL1364 4 Okay, why don't we splurge a little. How about telling me what you've got that's expensive? Hotel-Inform(Price=expensive)
+MUL1364 6 I'd like to book a room at the Gonville for 5 people. We'll arrive on Saturday and will stay for 4 nights, please. Hotel-Inform(Stay=4;People=5;Day=saturday;Name=gonville hotel)
+MUL1364 8 May I have the reference number for my reservation please? Hotel-Request(Ref)
+MUL1364 10 I am also looking to eating Italian, in the East part of town. Restaurant-Inform(Area=east;Food=italian)
+MUL1364 13 Sure, the address is Cambridge Retail Park Newmarket Road in Fen Ditton and the price range is moderate. Restaurant-Inform(Price=moderate;Addr=Cambridge Retail Park Newmarket Road in Fen Ditton)
+MUL1364 14 Thank you that's all I needed today. general-thank()
+PMUL2350 0 Can you tell me about some attractions in the east? Attraction-Inform(Area=east)
+PMUL2350 2 I'd be interested in boating and swimming. Please give me phone numbers and postcodes. Attraction-Request(Post;Phone)
+PMUL2350 3 There are no pools in this area. Attraction-NoOffer(Type=pools)
+PMUL2350 4 Oh, well you mentioned that there was. Okay, well how about a museum. Attraction-Inform(Type=museum)
+PMUL2350 6 Thank you. Can you find a Venetian restaurant in the same area in the moderate price range? Restaurant-Inform(Food=venetian;Price=moderate)
+PMUL2350 8 How about Indian food in that area and price range. Restaurant-Inform(Area=east;Food=indian)
+PMUL2350 10 Yes could you please book that for me? Restaurant-Inform(Name=curry prince)
+PMUL2350 11 Yes, of course how many in your party Booking-Request(People)
+PMUL2350 12 5 of us at 15:00 on thursday please. Restaurant-Inform(Time=15:00;People=5;Day=thursday)
+PMUL2350 13 I was able to book it, reference number is M0P9XXNZ. Booking-Book(Ref=M0P9XXNZ)
+PMUL2350 14 Alright! Thank you, you've been very helpful. That's all for today. general-thank()
+PMUL2351 0 Are there any colleges in town I could go to? I would appreciate your help. Attraction-Inform(Type=college)
+PMUL2351 1 Yes may I ask what area you are looking for it to be in? Attraction-Request(Area)
+PMUL2351 4 Yes. I want the phone number please. Attraction-Request(Phone)
+PMUL2351 6 I would also like to book a table at the restaurant Ask for 8 people on Tuesday at 18:00. Restaurant-Inform(Time=18:00;People=8;Day=tuesday;Name=ask)
+PMUL2351 7 What area of town would you like to eat in? Restaurant-Request(Area)
+PMUL2351 8 any side. book for 8 people at 18:00 on teusday Restaurant-Inform(Time=18:00;People=8;Day=tuesday)
+PMUL2351 10 No that would be it thanks. general-thank()
+PMUL2351 11 thank you for contacting us and enjoy your stay in Cambridge! general-bye()
+PMUL2352 0 I'd like to find an attraction to visit. Something in the west. Attraction-Inform(Area=west)
+PMUL2352 1 Okay, what type of attraction would you like to see? Attraction-Request(Type)
+PMUL2352 2 I would like to see a theater. Attraction-Inform(Type=theatre)
+PMUL2352 4 am also looking for a restaurant. The restaurant should serve south african food and should be in the moderate price range Restaurant-Inform(Food=south african;Price=moderate)
+PMUL2352 5 Unfortunately there are no restaurants that serve South African dishes on the West side, would you like me to try a different side of town? Restaurant-NoOffer(Food=South African;Area=West side)
+PMUL2352 7 Unfortunately there are no restaurants that serve South African dishes on the West side, would you like me to try a different side of town? Restaurant-NoOffer(Area=West side;Food=South African)
+PMUL2352 8 no but how about one that serves british food. Restaurant-Inform(Food=british)
+PMUL2352 11 How many people and what day? Booking-Request(People;Day)
+PMUL2352 12 I'm not ready to book yet. Can I get the phone number, postcode, and address, please? Restaurant-Request(Post;Phone;Addr)
+PMUL2352 14 Yes I need an attraction in the west. Anyone will do. Whatever you recommend. Attraction-Inform(Area=west)
+PMUL2352 16 I also need a south african restaurant. Restaurant-Inform(Food=south african)
+PMUL2352 18 Is there a restaurant in the west that serves British food? Restaurant-Inform(Food=british)
+PMUL2352 22 That is all, thanks. general-thank()
+PMUL2352 23 I am glad to have helped. general-welcome()
+MUL1368 0 I need to find a hotel in Cambridge called Finches bed and breakfast please. Hotel-Inform(Name=finches bed and breakfast)
+MUL1368 2 Yes, I would like a room for 2 people for 2 nights, starting on Friday. Please send the reference number. Hotel-Inform(Stay=2;People=2;Day=friday)
+MUL1368 4 I'm also looking for a restaurant named kohinoor? Can you help me find it? Restaurant-Inform(Name=kohinoor)
+MUL1368 6 Yes, I'd like to reserve a table there if possible. Same group of people and also the same day. Do they have a table to accommodate us available at 11:45? Restaurant-Inform(Time=11:45;People=2;Day=friday)
+MUL1368 8 That is all. Thank you! general-thank()
+MUL1368 9 Thank you for choosing Help Desk. Have a great day. general-welcome()
+MUL1368 10 You as well, thanks. Bye. general-bye()
+MUL1368 11 Thanks for you time goodbye. general-bye()
+PMUL2354 0 Where is a museum that is located in the Cambridge centre? Attraction-Inform(Type=museum)
+PMUL2354 2 I would like a museum near the centre. Could you please tell me the fee, phone number, and postal code. Attraction-Request(Post;Phone)
+PMUL2354 3 The Broughton House Gallery, post code cb11ln, phone 01223314960, is free. Attraction-Inform(Name=Broughton House Gallery;Post=cb11ln;Fee=free;Phone=01223314960)
+PMUL2354 5 It is actually free. Attraction-Inform(Fee=free)
+PMUL2354 6 Excellent. Can you find me a cheap restaraunt that is also located in the centre area? Restaurant-Inform(Area=centre;Price=cheap)
+PMUL2354 9 The rice house is a good place and is cheap. Restaurant-Inform(Price=cheap;Name=The rice house)
+PMUL2354 10 Nice can i make a booking for 1 person at 16:30 on friday. Restaurant-Inform(Time=16:30;People=1;Day=friday;Name=rice house)
+PMUL2354 13 what is your departure and destination? Taxi-Request(Depart;Dest)
+PMUL2354 16 Oh, I think I'm all set. Thank you. general-thank()
+PMUL2355 0 I am traveling to Cambridge and excited about seeing local tourist attractions, can you help? Attraction-Inform()
+PMUL2355 1 Do you have an attraction type preference? Attraction-Request(Type)
+PMUL2355 6 Yes could I have their postcode and entrance fee? Attraction-Request(Post;Fee)
+PMUL2355 8 I am also looking for the restaurant Yu Garden. Restaurant-Inform(Name=yu garden)
+PMUL2355 9 Here is the address 529 Newmarket Road Fen Ditton. Restaurant-Inform(Addr=529 Newmarket Road Fen Ditton)
+PMUL2355 12 Just the price range and postal code please. Restaurant-Request(Post;Price)
+PMUL2355 14 that is it. thank you for helping me general-thank()
+PMUL2356 0 I'm looking for a chinese restaurant in the south part of town. Restaurant-Inform(Area=south;Food=chinese)
+PMUL2356 2 I want something expensive. Restaurant-Inform(Price=expensive)
+PMUL2356 4 Let's book Peking for 1 person on Friday at 15:15. Restaurant-Inform(Time=15:15;People=1;Day=friday;Name=peking restaurant)
+PMUL2356 5 I have made those reservations your reference number is J9NGMKIA. Booking-Book(Ref=J9NGMKIA)
+PMUL2356 6 Thanks so much for your help. general-thank()
+PMUL2357 0 Can you help me find a restaurant in Cambridge called Loch Fyne? Restaurant-Inform(Name=loch fyne)
+PMUL2357 2 Can you go ahead and make a reservation for 7 people on Wednesday, around 16:30 for me? Restaurant-Inform(Time=16:30;People=7;Day=wednesday)
+PMUL2357 3 You're all set. Your reference number is D07SIPBF. Booking-Book(Ref=D07SIPBF)
+PMUL2357 4 Thanks so much. I am also looking for places to go in town. Can you help me with that? general-thank()
+PMUL2357 5 Are you interested in things to do in the centre, or perhaps a different area? There is so much to do! Attraction-Request(Area)
+PMUL2357 6 I would like it to be in the West. Attraction-Inform(Area=west)
+PMUL2357 8 The attraction should be in the west and should be in the type of museum. Attraction-Inform(Area=west;Type=museum)
+PMUL2357 9 I would suggest cafe jello gallery located at cafe jello gallery, 13 magdalene street. They have free entry. Attraction-Recommend(Fee=free;Addr=cafe jello gallery;Addr=13 magdalene street;Name=cafe jello gallery)
+PMUL2357 10 Okay great! What is their phone number please? Attraction-Request(Phone)
+PMUL2357 12 That's all I need today. Thanks for all your help! general-thank()
+PMUL2357 13 Yeah, anytime. I am happy I could assist. general-bye()
+PMUL2357 14 I think this would be a good time to end the dialogue. Goodbye. general-bye()
+PMUL2357 15 Have a great day. Good Bye. general-bye()
+SSNG0292 0 I am looking for an expensive 4 star hotel. Hotel-Inform(Stars=4;Price=expensive)
+SSNG0292 2 No, but the hotel should be in the type of guesthouse. Hotel-Inform(Type=guesthouse)
+SSNG0292 4 Is there one available in the cheap price range? Hotel-Inform(Price=cheap)
+SSNG0292 6 yes that sounds nice, can you check for booking for 5 people and 3 nights starting from monday? Hotel-Inform(Stay=3;Name=autumn house)
+SSNG0292 7 Yes, I will book at autumn house for 3 night for 5 people starting Monday. Booking-Inform(People=5;Name=autumn house;Stay=3;Day=Monday)
+SSNG0292 8 Can I get that reference number please? Hotel-Request(Ref)
+SSNG0292 10 please recommend another hotel in that same price range. Hotel-Inform()
+SSNG0292 12 Book it please. Hotel-Inform(Name=alexander bed and breakfast)
+SSNG0292 14 No thank you. Good bye. general-bye()
+SSNG0292 15 Goodbye. Have a great day! general-bye()
+SSNG0293 0 I need to stay in the north, 0 stars. Hotel-Inform(Stars=0;Area=north)
+SSNG0293 2 Actually I would prefer a moderate hotel. Hotel-Inform(Price=moderate)
+SSNG0293 4 I'm sorry, I misspoke a moment ago. I need a hotel in the cheap range if you can find one. Hotel-Inform(Price=cheap)
+SSNG0293 6 Yes, please. I need rooms for 3 nights for 4 people beginning Friday. Hotel-Inform(Stay=3;People=4;Day=friday)
+SSNG0293 8 Yes please find another hotel. Hotel-Inform()
+SSNG0293 9 I was able to book you for the Worth house which meets all of your criteria, your reference number is RJUMPPNC Booking-Book(Name=Worth house;Ref=RJUMPPNC)
+SSNG0293 10 Thank you for your help, that is everything that I need. general-thank()
+SSNG0293 11 Thank you for using our service today. general-bye()
+SSNG0290 0 Hi I am looking for a place to stay that has free parking and does not need to include wifi. Hotel-Inform(Parking=yes;Internet=yes)
+SSNG0290 2 I would like to stay in the east, please. Hotel-Inform(Area=east)
+SSNG0290 3 I can book you in the autumn house. would you like me to do that Booking-Inform(Name=the autumn house)
+SSNG0291 0 I need to find a place to stay that includes free wifi and doesn't need to have free parking. Hotel-Inform(Parking=no;Internet=yes)
+SSNG0291 2 Is it in the north and in the moderate price range? Hotel-Inform(Area=north;Price=moderate)
+SSNG0291 4 Yes that sounds fine. I'd like a room for next Friday and Saturday night. Can you book that? Hotel-Inform(Stay=2;Day=friday;Name=avalon)
+SSNG0291 5 May I ask how many people will be staying in the room with you? Booking-Request(People)
+SSNG0291 6 I would like to book it for 4 people Hotel-Inform(People=4)
+SSNG0291 8 Yes. A different hotel in the same price range would be fine. Hotel-Inform()
+SSNG0291 10 Yes, archway house sounds like a good idea. Please check. Hotel-Inform(Name=archway house)
+SSNG0291 11 Booking was sucessful. Your reference number is IAH92T2M. Booking-Book(Ref=IAH92T2M)
+SSNG0291 12 Thank you, that's all I needed today. general-thank()
+SSNG0291 13 Thank you for using our system! general-bye()
+SSNG0296 0 I'm looking for a moderate priced place to stay in the south of town. Hotel-Inform(Area=south;Price=moderate)
+SSNG0296 2 Yes, I would like the 3 star one,please. Hotel-Inform(Stars=3)
+SSNG0297 0 Can you find me a 3 star hotel in the centre? Hotel-Inform(Stars=3;Area=centre;Type=hotel)
+SSNG0297 4 Yes. I want to book it for 1 person. I want to stay for 5 nights starting from Wednesday. Hotel-Inform(Stay=5;People=1;Day=wednesday)
+SSNG0297 6 Yes please. Another 3-star hotel in the centre with free wifi. Hotel-Inform(Area=centre;Internet=yes)
+SSNG0297 8 Do you have any hotels in the same price range as the Gonville Hotel? Hotel-Inform(Price=expensive)
+SSNG0297 10 Yes please book a room there. Hotel-Inform(Name=the lensfield hotel)
+SSNG0297 12 Thank you for all of your help. general-thank()
+SSNG0294 0 Hello, I'm looking for a hotel in the centre, can you help me. Hotel-Inform(Area=centre;Type=hotel)
+SSNG0294 1 University arms hotel is located in the centre of town. Hotel-Inform(Area=centre of town;Name=University arms hotel)
+SSNG0294 4 No, I need a moderately priced hotel. Do you have one of those? Hotel-Inform(Price=moderate;Type=hotel)
+SSNG0294 6 I'm sorry but I do need an expensive hotel, not a guesthouse, with free parking in the center of town. Hotel-Inform(Parking=yes;Price=expensive;Type=hotel)
+SSNG0295 0 Could you give me information on a hotel called alpha-milton guest house? Hotel-Inform(Name=alpha-milton guest house)
+SSNG0295 1 The Alpha-Milton Guesthouse is moderately priced and is in the north area. Hotel-Inform(Area=north;Name=Alpha-Milton Guesthouse;Price=moderately priced)
+SSNG0295 2 Can I book 3 people for 4 nights starting on thursday? Hotel-Inform(Stay=4;People=3;Day=thursday)
+SSNG0295 4 Yes, please find me another one that's available on Thursday. Hotel-Inform(Day=thursday)
+SSNG0295 5 How about the Acorn guest house? It is available on Thursday. Booking-Inform(Name=Acorn guest house;Day=Thursday)
+SSNG0295 6 Sure. That sounds fine. Can you give me the reference number once you book that? Hotel-Request(Ref)
+SSNG0295 8 No thank you for your time. general-thank()
+SSNG0298 0 I am looking to stay at a guesthouse with free wfii Hotel-Inform(Type=guesthouse)
+SSNG0298 4 I would like to book it for 2 nights for 2 people starting on Saturday. Hotel-Inform(Stay=2;People=2;Day=saturday)
+SSNG0298 6 Is that in the same price range as the Allenbell? That would work for me. Hotel-Inform(Name=acorn guest house)
+SSNG0298 11 Thank you for using the Cambridge TownInfo centre. Have a good day. general-bye()
+SSNG0299 0 Yes, I am looking for a nice place to stay while in town. The hotel doesn't need to include internet but I'd like it to include free parking if it's available. Hotel-Inform(Parking=yes;Internet=dont care)
+SSNG0299 2 Yes, I would prefer the moderate price range please. Hotel-Inform(Price=moderate)
+SSNG0299 4 I am looking for one with a moderate price range possibly with free Wifi Hotel-Inform(Internet=yes;Price=moderate)
+SSNG0299 7 Of course! When would you like to stay? Booking-Request(Day)
+SSNG0299 8 We will be there wednesday, for 4 nights. I need a reservation for 7 people. Hotel-Inform(Stay=4;People=7;Day=wednesday)
+SSNG0299 10 Okay let's try that and please get me a reference number. Hotel-Request(Ref)
+SSNG0299 12 I need the address of the hotel, please. Hotel-Inform()
+SSNG0299 15 The phone number is 01223425478. Hotel-Inform(Phone=01223425478)
+SSNG0299 16 That's all I need. Thank you very much for your help! general-thank()
+MUL0609 0 I need a place to stay in the south. Hotel-Inform(Area=south)
+MUL0609 2 I am looking for something in a moderate price range. Hotel-Inform(Price=moderate)
+MUL0609 4 That sounds perfect! Please book it for me. Thank you! general-thank()
+MUL0609 5 I need to know the day and how many people will be staying, please? Booking-Request(Day;People)
+MUL0609 6 How about you try to search for a type of the guest house without certain dates? Hotel-Inform(Type=guesthouse)
+MUL0609 7 There are the two guesthouses that were mentioned previously, if you would like to see if there are other options, you will need to broaden your search requirements. Hotel-Inform(Type=guesthouse;Choice=two)
+MUL0609 8 I would like to know more about the Aylesbray Lodge, do you have the address and can you tell me whether they offer free parking? Hotel-Request(Parking;Addr)
+MUL0609 10 That's all the info I need about the guesthouse, but I also need to book a train leaving on Friday. Train-Inform(Day=friday)
+MUL0609 11 See where that train will be coming from. I mean where will you be leaving from? Train-Request(Depart)
+MUL0609 12 I need to go to cambridge from bishops stortford Train-Inform(Depart=bishops stortford;Dest=cambridge)
+MUL0609 14 I just need to get there by 2:30 PM is all. Train-Inform(Arrive=14:30)
+MUL0609 17 We have it booked for 4 tickets. Your reference number is B5DD4PQW. The total fee is 40.40 GBP. Train-OfferBooked(People=4;Ticket=40.40 GBP;Ref=B5DD4PQW)
+MUL0609 18 That is all I needed today and I thank you for your help. general-thank()
+MUL0608 0 Good day, I need help getting a train from London Liverpool street going all the way to Cambridge, can you help me? Train-Inform(Depart=london liverpool street;Dest=cambridge)
+MUL0608 2 I would like to travel on Wednesday and arrive by 10:15. Can you help? Train-Inform(Day=wednesday;Arrive=10:15)
+MUL0608 4 No, as long as it arrives by 10:15. Train-Inform(Arrive=10:15)
+MUL0608 6 That will be great. I am also looking for a place to stay in the south part of town. Do you have any recommendations? Hotel-Inform(Area=south)
+MUL0608 8 I need something in the cheap price range. Hotel-Inform(Price=cheap)
+MUL0608 10 Does the hotel offer free wifi? Hotel-Inform()
+MUL0608 11 Yes, Rosa's does offer free wifi. Hotel-Inform(Name=Rosa's;Internet)
+MUL0608 12 Great, I think that will work. I need a room for myself for five days, starting Wed. Hotel-Inform(Stay=5;Day=wednesday)
+MUL0608 16 That is all I need today. Thank you. general-thank()
+PMUL1330 0 We would like to visit a museum while we are in town. Attraction-Inform(Type=museum)
+PMUL1330 6 I also need a train going to cambridge. Train-Inform(Dest=cambridge)
+PMUL1330 7 In order to find a train I need to know where you are departing from and which day. Train-Request(Day;Depart)
+PMUL1330 8 I'm departing from birmingham new street on Saturday and I'd like to leave after 12:45. Train-Inform(Depart=birmingham new street;Day=saturday;Leave=12:45)
+PMUL1330 10 Yes, can I book that for 5 people? Train-Inform(People=5)
+PMUL1330 11 I was able to book it, reference is 0W0BQB8W. Train-OfferBooked(Ref=0W0BQB8W)
+PMUL1330 12 Thank you very much general-thank()
+PMUL1330 14 Thank you, that's all I need today. general-thank()
+SNG1127 0 I'm in the centre of town and need suggetions on things to see. Attraction-Inform(Area=centre)
+SNG1127 2 Nothing particular. What is your favorite attraction in the centre of town? Attraction-Inform(Area=centre)
+SNG1127 3 You might enjoy the Cambridge Punter. It's a boat. Attraction-Inform(Name=Cambridge Punter;Type=boat)
+SNG1127 4 Sounds fun. Do you know the entrance fee? Attraction-Request(Fee)
+SNG1127 6 That will be all today. Thank you very much. general-thank()
+SNG1127 7 Thank you for contacting the help desk. Have a great day. general-bye()
+PMUL0851 0 Please help me find a place to dine that is moderately priced and is in the centre. Thanks. Restaurant-Inform(Area=centre;Price=moderate)
+PMUL0851 2 I would prefer Danish food, please. Restaurant-Inform(Food=danish)
+PMUL0851 4 Lebanese food would be great. Restaurant-Inform(Food=lebanese)
+PMUL0851 6 Can you book it for me and get a reference number ? Train-Request(Ref)
+PMUL0851 7 how many persons should i book for? Booking-Request(People)
+PMUL0851 8 Please book for 2 people on Thursday at 18:00. Restaurant-Inform(Time=18:00;People=2;Day=thursday)
+PMUL0851 9 Just did, your Reference number is : 8WLSP1VJ. Booking-Book(Ref=8WLSP1VJ)
+PMUL0851 10 Can I get the phone, address and post code of the restaurant please? Restaurant-Request(Post;Phone;Addr)
+PMUL0851 11 Their phone number is 01462432565 and their postcode is cb21nt. Their address is 59 Hills Road City Centre Restaurant-Inform(Post=cb21nt;Addr=59 Hills Road City Centre;Phone=01462432565)
+PMUL0851 12 Thanks. I am also looking for a train going to Cambridge. I need to leave sometime after 10:00. Train-Inform(Dest=cambridge;Leave=10:00)
+PMUL0851 13 And what day will you be traveling? Can you also tell me your departure city? Train-Request(Day;Depart)
+PMUL0851 14 I will be departing from Broxbourne and will be leaving on Friday. Train-Inform(Depart=broxbourne)
+PMUL0851 15 There is a train that leaves at 10:32. Train-Inform(Leave=10:32)
+PMUL0851 16 That would work. I'd like 1 ticket, please. Train-Inform(People=1)
+PMUL0851 17 Booking was successful. The price is 17.89 GBP, which is payable at the station. The reference number is PDDNSKVU and the train ID is TR5678. Train-OfferBooked(Id=TR5678;Ticket=17.89 GBP;Ref=PDDNSKVU)
+PMUL0851 18 Thanks for the help, that's all general-thank()
+MUL0603 0 I would like to book a train that leaves from Broxbourne on Wednesday. Can you book that for me? Train-Inform(Depart=broxbourne;Day=wednesday)
+MUL0603 2 Yes, I need to leave sometimes after 11:30. Train-Inform(Leave=11:30)
+MUL0603 5 TR5953 leaves at 11:32 and arrives by 12:32. Train-Inform(Id=TR5953;Arrive=12:32;Leave=11:32)
+MUL0603 6 Okay thanks I am looking for a particular hotel is well named Gonville Hotel Hotel-Inform(Name=gonville hotel)
+MUL0603 7 Yes indeed. That is located in the centre, is an expensive price ranged hotel, valued at 3 stars, and offers free internet and parking. Hotel-Inform(Type=hotel;Internet;Parking;Stars=3;Price=expensive;Area=centre)
+MUL0603 8 Great, can you book that for 5 nights first day wednesday for people please? Hotel-Inform(Day=wednesday)
+MUL0603 9 How many people will be staying please? Booking-Request(People)
+MUL0603 11 I have booked the gonville hotel, 7 people for 4 nights beginning on Wednesday. Your reference number is IUS007CM. Booking-Book(Day=Wednesday;Ref=IUS007CM;Stay=4;Name=the gonville hotel;People=7)
+MUL0603 12 Thank you for your help. That was all I needed for today. Thanks. general-thank()
+MUL0603 13 Have a great day! general-bye()
+PMUL0853 0 I need a train to cambridge that leaves on saturday. Train-Inform(Dest=cambridge;Day=saturday)
+PMUL0853 1 I need to narrow this down a bit. Where will you be departing from? Train-Request(Depart)
+PMUL0853 2 I will be departing from London Liverpool Street and need to arrive by 10:30. Train-Inform(Depart=london liverpool street;Arrive=10:30)
+PMUL0853 4 What is the price? Train-Request(Price)
+PMUL0853 6 What's the departure time for that train? Train-Request(Leave)
+PMUL0853 7 05:39, 07:39, and 23:39 Train-Inform(Leave=05:39;Leave=07:39;Leave=23:39)
+PMUL0853 8 I am also looking for mediterranean food in the centre. Restaurant-Inform(Area=centre;Food=mediterranean)
+PMUL0853 9 I can recommend la mimosa, it is in the expensive range. Restaurant-Recommend(Price=expensive;Name=la mimosa)
+PMUL0852 0 I need to find a train that departs from Cambridge and arrives by 9:15. Can you help? Train-Inform(Depart=cambridge)
+PMUL0852 1 What is your destination? Train-Request(Dest)
+PMUL0852 2 I'm traveling to Ely. Train-Inform(Dest=ely)
+PMUL0852 3 We can definitely help you with that, I just need to know the day you will be traveling. Train-Request(Day)
+PMUL0852 4 For today, arriving by 21:15. Train-Inform(Arrive=21:15)
+PMUL0852 5 I'm sorry, I need to know the day you will be traveling. Train-Request(Day)
+PMUL0852 6 I am departing on Sunday. Train-Inform(Day=sunday)
+PMUL0852 8 That's perfect. Could you book it for 8 people? Train-Inform(People=8)
+PMUL0852 10 Thank you! Will you please find me an expensive restaurant in the Centre part of town? Restaurant-Inform(Area=centre;Price=expensive)
+PMUL0852 11 Would you like me to book it for you ? Booking-Inform()
+PMUL0852 12 no booking yet for the restaurant. I want to eat at a restaurant that serves thai food. Do you have any? Restaurant-Inform(Food=Thai)
+PMUL0852 15 What day would you like to book the table for? Booking-Request(Day)
+PMUL0852 16 I just told you! sunday! Now please go on and book and send me the reference number Restaurant-Inform(Day=sunday)
+PMUL0852 19 I will book your reservation for 10:00 on Sunday. Booking-Inform(Time=10:00;Day=Sunday)
+PMUL0852 21 Booked! The table will be reserved for 15 minutes. Reference number: SDY23J83. Booking-Book(Ref=SDY23J83)
+PMUL0852 22 That's all I need. Thanks for your help tonight. general-thank()
+PMUL0852 23 Have a great night. general-bye()
+PMUL0855 0 I need a place to eat that serves north indian food. Restaurant-Inform(Food=north indian)
+PMUL0855 2 No thank you. Can you please search for Japanese food instead? Restaurant-Inform(Food=japanese)
+PMUL0855 4 i wish to book a table for 5 people at 16:15 on teusday Restaurant-Inform(Time=16:15;People=5;Day=tuesday)
+PMUL0855 5 The booking was successful. Your reference number is V5WEDA1V and the table will be reserved for 15 minutes. Booking-Book(Ref=V5WEDA1V)
+PMUL0855 6 Great. I also need to find a train going to cambridge for the same day. Train-Inform(Dest=cambridge;Day=tuesday)
+PMUL0855 8 I need a train from Cambridge by no later then 10:45 for five people please. May I have the confirmation number for that please? Train-Inform(People=5;Dest=cambridge;Arrive=10:45)
+PMUL0855 9 I booked a train that leaves at 10:08. The reference number is S5D8VQIU. Train-OfferBooked(Leave=10:08;Ref=S5D8VQIU)
+PMUL0855 10 Great, thank you so much for your help. Goodbye! general-bye()
+PMUL0854 0 I was hoping to find an expensive restaurant in the south. Restaurant-Inform(Area=south;Price=expensive)
+PMUL0854 7 Okay, and when would you like the reservation to be? Booking-Request(Time;Day)
+PMUL0854 8 For Friday for 2 people thank you ! general-thank()
+PMUL0854 9 What time would you like to dine on Friday? Booking-Request(Time)
+PMUL0854 10 Oh, around 17:15. But, I meant to say on Monday, not Friday and for 7 people not 2. Thanks! Restaurant-Inform(Time=17:15;People=7;Day=monday)
+PMUL0854 12 I'm also in a need of a train Train-Inform()
+PMUL0854 13 between which areas will you be commuting? Train-Request(Depart;Dest)
+PMUL0854 14 I'll need the train to come to Cambridge, please, so that I can make it to the restaurant that you've booked for me. Train-Inform(Dest=cambridge)
+PMUL0854 15 Would you like me to book tickets for you? Train-OfferBook()
+PMUL0854 16 Yes, please. The same group from the restaurant will be traveling. Restaurant-Inform()
+PMUL0854 17 In order to book a train I need departure location, destination, travel time, day of week and number of people. Train-Request(Dest;Depart;Day;People;Leave;Arrive)
+PMUL0854 18 I will be departing from Leicester and would like to arrive by 11:45. Train-Inform(Depart=leicester;People=7;Dest=cambridge;Arrive=11:45)
+PMUL0854 19 TR7151 has been booked! Your reference number is Q34HN7VC. Train-OfferBooked(Id=TR7151;Ref=Q34HN7VC)
+PMUL0854 20 Thank you so much for your help. general-thank()
+PMUL0854 21 Is there anything else I can help you with today? general-reqmore()
+PMUL0854 23 I hope you have a great stay in Cambridge! general-bye()
+MUL0602 1 There is Acorn Guest house available in the moderate price range with free wifi Hotel-Inform(Name=Acorn Guest house;Internet;Price=moderate)
+MUL0602 4 Sorry, the hotel I'm looking for also needs to be in the south area and have a 4 star rating. Could you suggest anything that fills those requirements too? Hotel-Inform(Stars=4;Area=south)
+MUL0602 5 Aylesbray Lodge Guest House meets all of your requirements. Are you okay with the hotel type being a guesthouse? Hotel-Inform(Name=Aylesbray Lodge Guest House;Type=guesthouse)
+MUL0602 7 I can book this for you if you provide the day you want to stay, the duration of the stay and the number of people. Booking-Request(People;Stay;Day)
+MUL0602 8 4 people for 2 nights starting sunday, please! Hotel-Inform(Stay=2;People=4;Day=sunday)
+MUL0602 9 Booking was successful. Reference number is : OMUG5Y45. Booking-Book(Ref=OMUG5Y45)
+MUL0602 10 Thanks. I also need a train departing from Peterborough at 10:45. Train-Inform(Depart=peterborough;Arrive=10:45)
+MUL0602 11 I'm sorry, there seems to be an error. Can you please restate your request? general-reqmore()
+MUL0602 12 The train should depart from peterborough and arrive in Cambridge by 10:45. Train-Inform(Depart=peterborough;Dest=cambridge;Arrive=10:45)
+MUL0602 13 That's not a problem. What day would you like? Train-Request(Day)
+MUL0602 15 The price is 13.20 pounds and the travel time is 50 minutes. Train-Inform(Ticket=13.20 pounds;Time=50 minutes)
+MUL0602 16 Book 4 seats for me please. Train-Inform(People=4)
+MUL0602 17 I booked TR1071, the last train before 10:45 (arrives 10:38). Your reference number will be AUL3MJY9. However, If you would have preferred something earlier, I can easily cancel and rebook. Train-OfferBooked(Arrive=10:38;Id=TR1071;Ref=AUL3MJY9)
+MUL0602 18 No, that would be fine. Thank you. That was all I needed for today. general-thank()
+MUL0602 19 Thank you for using our system! general-bye()
+PMUL0859 0 Can I get some information on a train? Train-Inform()
+PMUL0859 2 I am departing from Cambridge and going to Leicester on Monday. I want to leave after 16:30. Train-Inform(Depart=cambridge;Dest=leicester;Day=monday;Leave=16:30)
+PMUL0859 4 No thank you. I would like the price, train ID and travel time please. Train-Request(Duration;Price;TrainID)
+PMUL0859 5 The train ID is TR2696 it leaves at 17:21 and arrives 19:06 the travel time is 1:05 with a price of 37.80 pounds. Train-Inform(Ticket=37.80 pounds;Id=TR2696;Arrive=19:06;Time=1:05;Leave=17:21)
+PMUL0859 6 Perfect. Thanks for that info. Now please find me a restaurant that serves crossover food in the centre Restaurant-Inform(Area=centre;Food=crossover)
+PMUL0859 8 How about one that serves Chinese food? Restaurant-Inform(Food=chinese)
+PMUL0859 9 Why yes I do. Ugly ducking has great chinese food and the rice house is pretty good as well Restaurant-Recommend(Name=Ugly ducking;Name=rice house;Food=chinese)
+PMUL0859 13 The address is 12 St. Johns Street City Centre. Restaurant-Inform(Addr=12 St. Johns Street City Centre)
+PMUL0859 14 What is the postcode for that address, please? Restaurant-Request(Post)
+PMUL0859 16 Thank you for all your research--you saved me time. Great service. Goodbye. general-bye()
+PMUL0859 17 Thank you for contacting us have a nice day. general-bye()
+PMUL0858 0 Are there any restaurants that serve christmas food around? Restaurant-Inform(Food=christmas)
+PMUL0858 2 How about British food? Restaurant-Inform(Food=british)
+PMUL0858 4 it should be in the east. Restaurant-Inform(Area=east)
+PMUL0858 6 Yes, I will need one on Saturday at 19:30 for 7 people Restaurant-Inform(Time=19:30;People=7;Day=saturday)
+PMUL0858 8 I also need a train leaving on Sunday for London Liverpool Street. Train-Inform(Dest=london liverpool street;Day=sunday)
+PMUL0858 9 Where will you be leaving from? Train-Request(Depart)
+PMUL0858 10 From Cambridge, and I'd like to arrive in London around 12:15. Train-Inform(Depart=cambridge;Arrive=12:15)
+PMUL0858 12 Perfect, I need 7 tickets and the reference number of the booking. Train-Inform(People=7)
+PMUL0858 13 Booking was successful, the total fee is 92.96 GBP payable at the station . Reference number is : 3EPMFSFA. Train-OfferBooked(Ref=3EPMFSFA;Ticket=92.96 GBP)
+PMUL0858 14 I am all set, thank you for the help. general-thank()
+PMUL0858 15 No thank you that will be all general-bye()
+SNG0461 0 I need a moderately priced restaurant that serves hungarian food. Restaurant-Inform(Food=hungarian;Price=moderate)
+SNG0461 2 Oh, okay. Well, I guess I would like to find a restaurant that serves modern European food. Is there such a place available? Restaurant-Inform(Food=modern european)
+SNG0461 6 Sure please, I need a table at 14:45 for 1 person on saturday Restaurant-Inform(Time=14:45;People=1;Day=saturday;Name=riverside brasserie)
+SNG0461 8 No, that would be it. Thanks. Have a nice day. general-thank()
+SNG0461 9 Alright, thank you. Goodbye. general-bye()
+SNG0392 0 Hello there. I am trying to locate a train for Monday. Train-Inform(Day=monday)
+SNG0392 1 Sure. Where will you be going? Train-Request(Dest)
+SNG0392 2 I am going to Cambridge. Train-Inform(Dest=cambridge)
+SNG0392 3 All right, and where would you like to depart from? Train-Request(Depart)
+SNG0392 4 I'll will be leaving from London Liverpool Street. Train-Inform(Depart=london liverpool street)
+SNG0392 6 I need on that will leave London after 21:00. Train-Inform(Leave=21:00)
+SNG0392 7 I have two trains that will leave after 21:00. One leaves at 21:39 and one leaves at 23:39. Which would you prefer? Train-Inform(Choice=two;Leave=21:00;Leave=21:39;Leave=23:39)
+SNG0392 10 No I don't need to book it right now. Thanks for the information. general-thank()
+SNG0392 12 Nope. Thanks though. Goodbye. general-bye()
+MUL0607 0 I am looking for a guesthouse that has free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+MUL0607 1 There is a guesthouse in the north of town in the moderate price range. Hotel-Inform(Area=north of town;Price=moderate;Type=guesthouse)
+MUL0607 2 It should include free wifi and should be in the cheap price range. Hotel-Inform(Internet=yes)
+MUL0607 4 Alexander is fine. I need to book for 8 people. We'll arrive Wednesday and stay 5 nights. I'll also need the reference number, please. Hotel-Inform(Stay=5;People=8;Day=wednesday)
+MUL0607 6 I also need to find a train going to cambridge. Train-Inform(Dest=cambridge)
+MUL0607 7 Great what is your departure city and what time would you like to leave? Train-Request(Leave;Depart)
+MUL0607 8 I would like to leave after 19:00 the departure city is peterborough. I'm looking to leave the same day as the hotel booking. Train-Inform(Depart=peterborough;Day=wednesday)
+MUL0607 12 Yes it was, thank you. Train-Inform(People=8)
+MUL0607 13 Your train, TR9969, traveling from peterborough to cambridge on wednesday from 19:19 through 20:09 has been booked. The total for 8 people is 132 GBP and your reference number is JHCT9HJU. Train-OfferBooked(Leave=19:19;People=8;Ref=JHCT9HJU;Ticket=132 GBP;Arrive=20:09;Dest=cambridge;Day=wednesday;Id=TR9969;Depart=peterborough)
+MUL0607 14 Thank you that's all that I needed today general-thank()
+SNG0466 0 I'm looking to find a place to eat in the centre of town that needs to have a moderate price range. Can you give me some options? Restaurant-Inform(Area=centre;Price=moderate)
+SNG0466 2 Is there a Lebanese option? I'm really craving some Lebanese right now. Restaurant-Inform(Food=lebanese)
+SNG0466 5 Certainly, how many people will be in your party total? Booking-Request(People)
+SNG0466 6 Actually, can I just get the address there for now please? Restaurant-Request(Addr)
+SNG0466 8 That's all I need. Thanks for your help! general-thank()
+SNG0466 9 You have a nice triip and thank you for contacting us. Have a great day! general-bye()
+PMUL2729 0 i am looking for a place to go in the centre of town Attraction-Inform(Area=centre)
+PMUL2729 2 Any special museums? Attraction-Inform(Type=museum)
+PMUL2729 6 I'm looking for a guesthouse that has free parking included. Should be moderately priced, and have four stars. Hotel-Inform(Stars=4;Parking=yes;Price=moderate;Type=guesthouse)
+PMUL2729 7 carolina bed and breakfast is a 4 star guesthouse in the east part of town in the moderate price range with both free internet and parking. Hotel-Inform(Type=guesthouse;Internet;Parking;Stars=4;Name=carolina bed and breakfast;Price=moderate;Area=east)
+PMUL2729 8 Ok that sounds perfect please book that for 7 people for 5 nights starting from thursday. Hotel-Inform(Stay=5;People=7;Day=thursday;Name=carolina bed and breakfast)
+PMUL2729 9 A room has been booked. Your reference number is YGO4SXPA. Booking-Book(Ref=YGO4SXPA)
+PMUL2729 10 I also would like a taxi to get between those two places, please. Taxi-Inform()
+PMUL2729 11 what time would you like to leave? Taxi-Request(Leave)
+PMUL2729 12 I'd like to leave my hotel by 1:15. Taxi-Inform(Leave=1:15)
+PMUL2729 13 i have booked a yellow ford with contact 07869666997 Taxi-Inform(Phone=07869666997;Car=yellow ford)
+PMUL2729 14 Thank you that's all I need today, good bye. general-bye()
+PMUL2729 16 And thanks again for your help. Goodbye. general-bye()
+PMUL2729 17 Goodbye, have a great day. general-bye()
+PMUL2728 0 Hello- I would like some information about visiting Corpus Christi please Attraction-Inform(Name=corpus christi)
+PMUL2728 1 Corpus christi is a college located in the centre of town. The phone number is 01223338000 and is located at king's parade. Attraction-Inform(Area=centre of town;Name=Corpus christi;Type=college;Addr=king's parade;Phone=01223338000)
+PMUL2728 2 Can I have the post code please? Attraction-Request(Post)
+PMUL2728 3 The postcode is cb21rh. Attraction-Inform(Post=cb21rh)
+PMUL2728 5 the admission is 2 pounds. Attraction-Inform(Fee=2 pounds)
+PMUL2728 6 Can you also find me a place to stay in the centre? Hotel-Inform(Area=centre)
+PMUL2728 8 I'd like a moderately priced hotel with free wifi and parking. Hotel-Inform(Parking=yes;Internet=yes;Price=moderate)
+PMUL2728 10 I'm looking for a moderate priced hotel for 6 people and 5 nights from Sunday. Hotel-Inform(Stay=5;Price=moderate;People=6;Day=sunday)
+PMUL2728 11 I'm sorry, I'm not pulling up any matches. Hotel-NoOffer()
+PMUL2728 14 Aylesbray sounds good. I need a booking for six, five nights starting from sunday. Hotel-Inform(Stay=5;People=6;Day=sunday)
+PMUL2728 16 That is all I need today, thank you for your help. general-thank()
+PMUL2728 17 You are welcome, have a blessed day. general-welcome()
+MUL1585 0 Hello, I'm looking for a train that departs from Cambridge and leaves after 21:45. Train-Inform(Depart=cambridge;Leave=21:45)
+MUL1585 4 Does the train leave on Friday? Train-Inform(Day=friday)
+MUL1585 6 Yes, the 22:01. Book that for 2 people. I need the reference number too. Train-Inform(People=2)
+MUL1585 7 Your reservation is confirmed forTR9312 Leaving Cambridge at 22:01, arriving in Broxbourne at 23:01. Your reference number is 59C0U68K. Total fee is 35.79, which is payable at the station. Train-OfferBooked(Arrive=23:01;Ref=59C0U68K;Depart=Cambridge;Ticket=35.79;Id=TR9312;Dest=Broxbourne;Leave=22:01)
+MUL1585 8 Great, thanks. Can you also provide me with some info on a restaurant called Travellers Rest? Restaurant-Inform(Name=travellers rest)
+MUL1585 9 Absolutely! That is a British restaurant on the west side of town. It is considered to be in the expensive price range. Restaurant-Inform(Food=British;Area=west;Price=expensive)
+MUL1585 10 Could you please make a reservation for us at 11:15 on the same day? Restaurant-Inform(Time=11:15;Day=friday)
+MUL1585 12 How about 10:15? Restaurant-Inform(Time=10:15)
+MUL1585 14 No, that is all that I needed. Thank you for your help! general-thank()
+MUL1584 1 I am sorry there are no restaurants that meet those requirements. Would you like to try another type of food? Restaurant-NoOffer()
+MUL1584 2 What British restaurants are available in the centre to choose from? I'd like to book a table at 17:15 for one on Saturday. Restaurant-Inform(Area=centre;Food=british;Time=17:15;People=1;Day=saturday)
+MUL1584 7 The British places are all booked up then. Another time or place? Restaurant-NoOffer()
+MUL1584 8 How about 16:15 instead? Restaurant-Inform(Time=16:15)
+MUL1584 9 Booking was successful. The table will be reserved for 15 minutes. Reference number is : 8SS1T80V. Booking-Book(Ref=8SS1T80V)
+MUL1583 0 I need to book a nice expensive restaurant in the centre please. Restaurant-Inform(Area=centre;Price=expensive)
+MUL1583 2 I don't have a preference. I need a table booked for six people at 13:45 on Thursday, though. Restaurant-Inform(Time=13:45;People=6;Day=thursday)
+MUL1583 4 How about 12:45 instead? Restaurant-Inform(Time=12:45)
+MUL1583 6 I am looking for a train that departs from Cambridge and leaves after 21:45. Train-Inform(Depart=cambridge;Leave=21:45)
+MUL1583 7 I can help you with that. What is your destination? Train-Request(Dest)
+MUL1583 8 It is stansted airport. Train-Inform(Dest=stansted airport)
+MUL1583 9 How about the 22:40 train? It gets in at 23:08. Does that work? Train-Inform(Arrive=23:08;Leave=22:40)
+MUL1583 10 Yes I need the price also. Train-Request(Price)
+MUL1583 11 10.10 pounds, and it's TR3864 Train-Inform(Ticket=10.10 pounds;Id=TR3864)
+MUL1583 12 Thank you. That is all for now. general-thank()
+MUL1583 13 Are you certain I can't help with anything else right now? general-reqmore()
+MUL1583 14 No, that is all I need, thank you. general-thank()
+WOZ20568 0 Hi. I'm looking for a moderately priced restaurant. Restaurant-Inform(Price=moderate)
+WOZ20568 1 de luca cucina and bar is a modern european restaurant in the centre Restaurant-Inform(Food=modern european;Area=centre;Name=de luca cucina and bar)
+WOZ20568 2 I need something that's in the east part of town. Restaurant-Inform(Area=east)
+WOZ20568 3 Curry prince is moderately priced and located at 451 Newmarket Road Fen Ditton 01223 566388. Restaurant-Inform(Price=moderately priced;Addr=451 Newmarket Road Fen Ditton 01223 566388;Name=Curry prince)
+WOZ20568 4 What is the phone number? Restaurant-Request(Phone)
+WOZ20568 6 No thank you. That is all I needed. Bye bye! general-bye()
+MUL1581 0 Can you help me find an expensive Panasian restaurant, please? Restaurant-Inform(Food=panasian;Price=expensive)
+MUL1581 3 Sorry there is no panasian food in any area. Would like me to find a different restaurant? Restaurant-NoOffer(Food=panasian;Area=any)
+MUL1581 4 Can you look for chinese food? Restaurant-Inform(Food=chinese)
+MUL1581 6 book a table for 6 people at 14:45 on tuesday. Restaurant-Inform(Time=14:45;People=6;Day=tuesday)
+MUL1581 8 I also need to train leaving from cambridge on thursday. Train-Inform(Depart=cambridge;Day=thursday)
+MUL1581 9 I have many trains meeting your request. What is your destination and preferred departure and arrival times? Train-Request(Dest;Arrive;Leave)
+MUL1581 10 My destination is London Liverpool Street, departing on Wednesday from Cambridge after 14:15. Train-Inform(Depart=cambridge;Dest=london liverpool street;Day=wednesday;Leave=14:15)
+MUL1581 12 No, could you give me the price, arrival time, and overall travel time, please? Train-Request(Duration;Price;Arrive)
+MUL1581 13 The arrival time is 17:27. Price is 16.60 pounds. Duration is 88 minutes. Train-Inform(Arrive=17:27;Ticket=16.60 pounds;Time=88 minutes)
+MUL1581 14 Thank you for your assistance. general-thank()
+MUL1581 15 Was there anything else I can do for you today? general-reqmore()
+MUL1581 16 Actually, that's all I needed. Thank you for the help! Goodbye. general-bye()
+MUL1581 17 Great! Have a great day. general-bye()
+MUL1580 0 What train can I take to get to Cambridge from Birmingham New Street? Train-Inform(Depart=birmingham new street;Dest=cambridge)
+MUL1580 2 I need to leave on Friday. Train-Inform(Day=friday;Leave=friday)
+MUL1580 4 I need a train that leaves after 15:00 on Friday. Train-Inform(Day=friday;Leave=15:00)
+MUL1580 5 Where will you be going? Train-Request(Dest)
+MUL1580 12 It would be 2 people. Restaurant-Inform(People=2)
+MUL1580 13 What time will that be? Booking-Request(Time)
+MUL1580 15 ok I have reserved a table for 2 at the Anatolia and Efes Restaurant for 19:00. Is there anything else I can do for you? Booking-Book(Time=19:00;People=2;Name=Anatolia and Efes Restaurant)
+MUL1580 18 No, that is all I need for now. Thanks so much. Bye. general-bye()
+PMUL2721 0 I will be traveling to Cambridge and am interested in going to Cherry Hinton Water Play. Attraction-Inform(Name=cherry hinton water play)
+PMUL2721 2 Could you get me the postcode for that, please? Attraction-Request(Post)
+PMUL2721 3 The post code is cb18dw. Attraction-Inform(Post=cb18dw)
+PMUL2721 4 I'm also looking for a place to stay. I would like it to be a guesthouse. Hotel-Inform(Type=guesthouse)
+WOZ20564 0 I would like a cheap restaurant that serves mediterranean food Restaurant-Inform(Food=mediterranean;Price=cheap)
+WOZ20564 2 Yes, thank you. Could you tell me the address and phone number of that restaurant? Restaurant-Request(Phone;Addr)
+WOZ20564 4 The Gardenia sounds good. Thanks. general-thank()
+WOZ20564 5 Good bye. general-bye()
+PMUL2723 0 I am going to be staying in north cambridge and need a hotel, I can pay for parking. Hotel-Inform(Area=north;Parking=dont care;Type=hotel)
+PMUL2723 1 Ashley hotel is available. Hotel-Inform(Name=Ashley hotel)
+PMUL2723 2 Oh, I have heard of that. Is in in the North part of town? I am looking for a place in the moderate price range also. Hotel-Inform(Area=north;Price=moderate;Name=ashley hotel)
+PMUL2723 5 Ok. What day would you like to book for? Booking-Request(Day)
+PMUL2723 6 Before you book, I just want to make sure--does it have a 4 star rating? Hotel-Inform(Stars=4)
+PMUL2723 9 It's in the north, moderately priced and has a 2 star rating. Hotel-Inform(Area=north;Stars=2;Price=moderately priced)
+PMUL2723 10 No, I'm sorry, I should have specified. I need a 4 star place to stay. Hotel-Inform(Stars=4)
+PMUL2723 11 I'm sorry. I don't have anything that matches your preferences. Hotel-NoOffer()
+PMUL2723 12 Are you sure? I need a 4-star, moderately-priced hotel in the North part of town, and I don't need free parking. Hotel-Inform(Area=north;Price=moderate)
+PMUL2723 14 I'm definitely open to a guesthouse. Hotel-Inform(Type=guesthouse)
+PMUL2723 15 do you need free internet? Hotel-Request(Internet)
+PMUL2723 19 The acorn guest house postcode is cb41da. Hotel-Inform(Post=cb41da;Name=The acorn guest house)
+PMUL2723 20 Thanks. Are there any cinemas around the guest house? Attraction-Inform(Type=cinema)
+PMUL2723 22 What about something to do with boats? Attraction-Inform(Type=boat)
+PMUL2723 23 There is riverboat georgina would you like the address and phone number? The entrance fee isn't listed. Attraction-Inform(Name=riverboat georgina;Fee=isn't listed)
+PMUL2723 25 Okay I have booked you a taxi and your contact number is 07925606670 and they will be driving a black Toyota. Taxi-Inform(Car=black Toyota;Phone=07925606670)
+PMUL2723 27 Thank you, you too. general-bye()
+PMUL2722 0 I'm looking for a hotel with free wifi. Hotel-Inform(Internet=yes;Type=hotel)
+PMUL2722 1 Which area of town will you be staying in? Hotel-Request(Area)
+PMUL2722 2 I will be staying in the south can you book me a room and send me the reference number? Hotel-Inform(Area=south)
+PMUL2722 4 Could you look for something in the west? Hotel-Inform(Area=west)
+PMUL2722 5 In the wast I have huntingdon marriott hotel and the cambridge belfry. Hotel-Inform(Area=wast;Name=huntingdon marriott hotel;Name=the cambridge belfry)
+PMUL2722 6 If it's in the west, I want it to be a 0 star hotel. Is it? Hotel-Inform(Stars=0;Type=hotel)
+PMUL2722 9 The only place that I have in the centre that offers free parking and internet is a guesthouse called the El Shaddai. It is cheap and has 0 stars. Hotel-Inform(Name=El Shaddai;Area=centre;Internet;Type=guesthouse;Parking;Stars=0;Price=cheap)
+PMUL2722 12 I would like a architecture place to visit. Attraction-Inform(Type=architecture)
+PMUL2722 13 Sure, I recommend holy trinity church in the centre, admission is free. Attraction-Recommend(Name=holy trinity church;Area=centre;Fee=free)
+PMUL2722 14 Sweet could you give me their phone and address? Attraction-Request(Phone;Addr)
+PMUL2722 17 Where will you be going to? Taxi-Request(Dest)
+PMUL2722 20 can i have the car type and the phone number for the taxi? Taxi-Request(Car;Phone)
+PMUL2722 22 Perfect! That's all I need. See you later. Bye. general-bye()
+PMUL2722 23 Ok! Have a great day! general-bye()
+WOZ20561 0 I am looking for a cheap restaurant that is in the north part of town. Restaurant-Inform(Area=north;Price=cheap)
+WOZ20561 1 What kind of food would like? Restaurant-Request(Food)
+WOZ20561 2 Any Restaurant-Inform(Food=don't care)
+WOZ20561 3 Da vinci pizzeria serves Italian food in the cheap price range and is in the North part of town. Restaurant-Inform(Price=cheap;Name=Da vinci pizzeria;Food=Italian;Area=North)
+WOZ20561 5 royal spice serves indian food in the cheap price range and is in the North part of town. Restaurant-Inform(Food=indian;Name=royal spice;Area=North;Price=cheap)
+WOZ20561 6 That sounds great. May I have their address please? Restaurant-Request(Addr)
+WOZ20561 7 royal spice's address is Victoria Avenue Chesterton Restaurant-Inform(Name=royal spice's;Addr=Victoria Avenue Chesterton)
+WOZ20561 8 Thank you very much , bye bye general-bye()
+WOZ20561 9 enjoy! general-bye()
+WOZ20560 2 Thank you goodbye. general-bye()
+WOZ20560 3 Goodbye. general-bye()
+MUL1589 0 Hello, I need a train leaving cambridge, please. Train-Inform(Depart=cambridge)
+MUL1589 2 Thursday, going to Broxbourne. Train-Inform(Dest=broxbourne;Day=thursday)
+MUL1589 4 I need the train to leave after 19:45. Train-Inform(Leave=19:45)
+MUL1589 6 Yes, that sounds good. What's the travel time for that? Train-Request(Duration)
+MUL1589 8 Yes, I'm looking for an expensive restaurant in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+MUL1589 10 I would like Indian food. Restaurant-Inform(Food=indian)
+MUL1589 15 Great. Have a wonderful time! Thanks for using Cambridge TownInfo Centre. general-bye()
+WOZ20562 0 I'm looking for a restaurant in the north part of town that serves Welsh food. Restaurant-Inform(Area=north;Food=welsh)
+WOZ20562 2 Italian Restaurant-Inform(Food=italian)
+WOZ20562 4 That would be great thanks! general-thank()
+WOZ20562 6 That's it, goodbye general-bye()
+WOZ20562 7 Thank you, goodbye. general-bye()
+WOZ20562 8 Thanks! general-thank()
+WOZ20562 9 You're welcome. general-welcome()
+SNG01388 0 I need a hospital in town. Hospital-Inform()
+SNG01388 2 No thank you. I think I have everything. general-thank()
+SNG01388 3 Great! Hope you have a better day. general-greet()
+SNG01388 4 Thanks, that's all. Good bye. general-bye()
+SNG01388 5 Good bye now! general-bye()
+SNG01389 0 I'm looking for a police station. It has something to do with parkside, although I don't know if that's a name or a location. Police-Inform()
+SNG01389 2 Thank you, that's all I need. general-thank()
+SNG01382 1 That is a chinese restaurant in the centre of town. Restaurant-Inform(Food=chinese;Area=centre of town)
+SNG01382 2 Ok I'd like to book for 6 people at 1400 on saturday please Restaurant-Inform(People=6;Day=saturday)
+SNG01382 4 No, you were super efficient. Thank you. Goodbye. general-bye()
+SNG01382 5 It was my pleasure. Have a great day! general-bye()
+SNG01380 0 I am looking for a particular restaurant. Its name is called restaurant alimentum Restaurant-Inform(Name=restaurant alimentum)
+SNG01380 2 Thanks a lot. That's all the information I'm looking for. Goodbye. general-bye()
+SNG01380 3 Goodbye and have a nice day. general-bye()
+SNG01381 0 I need a taxi to take me in time for my reservation to tang chinese today Taxi-Inform(Dest=tang chinese)
+SNG01381 1 Where will you leave from? Taxi-Request(Depart)
+SNG01381 2 I am leaving from the backstreet bistro. Taxi-Inform(Depart=backstreet bistro)
+SNG01381 3 Alright. I will just need a time from you please. Taxi-Request(Leave;Arrive)
+SNG01381 4 I want to arrive by 18:00 Taxi-Inform(Arrive=18:00)
+SNG01381 6 Great, thanks! That was everything. general-thank()
+SNG01381 7 We are happy to help. Thank you for using our services. general-bye()
+SNG01386 0 Can you help me find a hotel called a and b guest house? Hotel-Inform(Name=a and b guest house)
+SNG01386 2 Can I get the address and phone number, please? Hotel-Request(Phone;Addr)
+SNG01386 4 That is all. Thank you. general-thank()
+SNG01386 5 You're welcome have a great day. general-bye()
+SNG01387 0 I need a taxi to get me to magdalene college no later than 12:15 Taxi-Inform(Depart=magdalene college;Leave=12:15;Dest=magdalene college;Arrive=12:15)
+SNG01387 1 Ok, what is your destination? Taxi-Request(Dest)
+SNG01387 2 I'm heading to Magdalene College, as I mentioned. I need to be retrieved from Kings Lynn Train Station. Taxi-Inform(Depart=kings lynn train station;Dest=magdalene college)
+SNG01387 3 I booked it for you. They will be driving a black BMW and their contact number is 07894559856. Taxi-Inform(Car=black BMW;Phone=07894559856)
+SNG01387 4 Thank you, that's all I need. general-thank()
+SNG01387 5 Your welcome, have a great day. general-greet()
+SNG01387 7 Thank you and goodbye. general-bye()
+SNG01384 0 I need to book a taxi to come pick me up by 10:30 to take me to Midsummer House Restaurant. Taxi-Inform(Leave=10:30;Dest=midsummer house restaurant;Arrive=10:30)
+SNG01384 1 Okay! What is your departure site? Taxi-Request(Depart)
+SNG01384 2 I'm coming from city stop restaurant. Taxi-Inform(Depart=city stop restaurant)
+SNG01384 3 Okay, I've got you a black bmw with the contact number 07083984796. Taxi-Inform(Car=black bmw;Phone=07083984796.)
+SNG01384 4 Thank you so much! general-thank()
+SNG01384 5 Is there anything else I can help you with general-reqmore()
+SNG01385 0 I need a taxi to come by at 18:15 to take me to Meghna. Taxi-Inform(Leave=18:15;Dest=meghna;Arrive=18:15)
+SNG01385 1 I can help with that, where will you be departing from? Train-Request(Depart)
+SNG01385 2 I'll be departing from aylesbray lodge guest house. Taxi-Inform(Depart=aylesbray lodge guest house)
+SNG01385 3 Your booking is complete. A grey lexus will pick you up. Taxi-Inform(Car=grey lexus)
+SNG01385 6 I have everything I need. Thank you. Goodbye. general-bye()
+SNG0140 0 I was just in a car accident, can I please have the number for the police station? Police-Inform()
+SNG0140 2 no thank you general-thank()
+SNG0140 3 Good luck with everything! general-bye()
+SNG0141 2 What is the post code for the hospital? Police-Request(Post)
+SNG0141 4 Thanks for the info! general-thank()
+SNG0141 5 You are welcome. Is there anything else I can assist you with? general-reqmore()
+SNG0141 6 That's all that I need, thank you! general-thank()
+SNG0141 7 Thanks for using our service. Have a great day. general-greet()
+SNG0141 8 Thank you so much! general-thank()
+SNG0141 9 You're welcome. Thank you for using our service. general-welcome()
+MUL0362 0 I am looking for a restaurant called Pizza Express in Cambridge. Restaurant-Inform(Name=pizza express)
+MUL0362 1 There are two Pizza Express restaurants located in Cambridge. One on Regent Street City Centre and one at Jesus Lane Fen Ditton. Restaurant-Inform(Choice=two;Area=Cambridge;Addr=Regent Street City Centre;Addr=Jesus Lane Fen Ditton;Name=Pizza Express)
+MUL0362 4 I am also looking for a train departing from cambridge on Sunday. Train-Inform(Depart=cambridge;Day=sunday)
+MUL0362 5 What is your destination and your departure and arrival times? Train-Request(Dest;Leave;Arrive)
+MUL0362 6 I need to go to norwich, and I need to leave sometime after 19:15. Train-Inform(Dest=norwich;Leave=19:15)
+MUL0362 10 I am unsure for now but can I please get the price per ticket? Train-Request(Price)
+MUL0362 11 Certainly, the price is 14.08 pounds per ticket. Train-Inform(Ticket=14.08 pounds)
+MUL0362 12 Thank you that's all the information I need. general-thank()
+SNG0143 0 Hello, I need information on the parkside police station. Police-Inform()
+SNG0143 2 amazing, thanks for your help general-thank()
+SNG0143 3 Do you want me to call 911? general-reqmore()
+SNG0143 4 No, that's ok. I've got it. Thanks again. general-thank()
+SNG0143 5 Let us know if you need more help. general-reqmore()
+MUL0364 0 Hello, I am looking for a restaurant that is in the town centre that serves Chinese food. Restaurant-Inform(Area=centre;Food=chinese)
+MUL0364 4 Yes please. Please provide the phone number before you book. Restaurant-Request(Phone)
+MUL0364 6 Yes, I'm also looking for a train departing after 8:45 to Bishops Stortford. Train-Inform(Dest=bishops stortford)
+MUL0364 7 I can help you with that, where will you be departing from? Train-Request(Depart)
+MUL0364 8 From Cambridge on Saturday. Train-Inform(Depart=cambridge;Day=saturday)
+MUL0364 10 Could you give me the price for this train, please? Train-Request(Price)
+MUL0364 12 I think that should be it thank you general-thank()
+MUL0364 13 How many people are you booking for? Train-Request(People)
+MUL0364 14 I am booking for one person. Train-Inform(People=1)
+MUL0364 15 Your booking was successful, reference number is N2J38YE1. Train-OfferBooked(Ref=N2J38YE1)
+MUL0364 16 Thanks, that's all for today. general-thank()
+MUL0364 17 Thank you for using our service. Goodbye! general-bye()
+SNG0145 2 I was in a car accident dispute and need some info. I need a phone number, address, and postcode. Police-Request(Post;Addr;Phone)
+SNG0145 4 Thanks for the information. I have to be going. Goodbye. And thanks again. general-bye()
+MUL0366 0 I am looking for a restaurant in the cambridge area that serve cuisine for a moderate price. Restaurant-Inform(Area=dont care;Price=moderate)
+MUL0366 3 I have two that serve Turkish food, both in the moderate price range: Anatolia and Efes Restaurant. Would you like addresses for both? Restaurant-Inform(Choice=two;Price=moderate;Name=Anatolia;Name=Efes Restaurant;Food=Turkish)
+MUL0366 4 Yes please. I'm also looking for a train if you can help me with that. Train-Inform()
+MUL0366 5 Of course, where is the departure from? And at what time? Train-Request(Depart;Leave)
+MUL0366 6 I'll need to leave from kings lynn sometime after 21:15. Train-Inform(Depart=kings lynn;Leave=21:15)
+MUL0366 7 The first train out of kings lynn after your specified time is TR0672, leaving at 22:11. Train-Inform(Depart=kings lynn;Id=TR0672;Leave=22:11)
+MUL0366 10 Great, thank you! That is everything I needed. general-thank()
+SNG0147 0 Yes I need the nearest police station, I was in a car accident. Police-Inform()
+SNG0147 2 That's all I need, thank you. general-thank()
+SNG0147 3 I hope your day gets better. Goodbye. general-bye()
+SNG0148 0 where is the parkside police station? Police-Inform()
+SNG0148 2 That's all I will need, thank you. general-thank()
+SNG0148 3 You're welcome, let me know if there's anything else I can do! general-reqmore()
+SNG0149 0 Hello I need help finding the nearest police station. Police-Inform()
+SNG0149 2 If you could just get me the postcode and address, that would be perfect. Police-Request(Post;Addr)
+SNG0149 4 Thanks! That's all I need for now. general-thank()
+SNG0149 5 Okay. Hope that helps! general-greet()
+MUL0188 0 I want an expensive place to stay in the west side. Hotel-Inform(Area=west;Price=expensive)
+MUL0188 2 I don't really need internet, but that sounds like everything else I want. Yes, I'd like you to book it. Hotel-Inform(Internet=yes)
+MUL0188 3 OK, what is your arrival date, number of nights, and number of people in your party? Booking-Request(Day;People;Stay)
+MUL0188 6 Actually, I would like to book the hotel for 6 people for 4 nights starting on Sunday. Hotel-Inform(Stay=4;People=6;Day=sunday)
+MUL0188 8 Yes, is 3 nights possible? Could I also please have a reference number? Hotel-Inform(Stay=3)
+MUL0188 10 Thank you. I would like to make reservations for my party to have dinner one night near the hotel. We would like to go to a restaurant that serves Indian food, if possible. Restaurant-Inform(Food=indian)
+MUL0188 12 I would prefer one of the expensive places. Need to impress my guests, you know? Restaurant-Inform(Price=expensive)
+MUL0188 14 Yes, that sounds good. Please book it for the same 6 people at 12:30 on Sunday. Restaurant-Inform(Time=12:30;People=6;Day=sunday)
+MUL0188 16 Yes, how about 11:30 instead? Please send reference number for the booking. Restaurant-Inform(Time=11:30)
+MUL0188 18 No thank you, that is all I needed! general-thank()
+MUL0188 19 Thank you, you have a good day! general-bye()
+MUL0189 0 I'm looking for a restaurant in the center of town that is in the moderate price range. Restaurant-Inform(Price=moderate)
+MUL0189 2 I want a russian food restaurant. Restaurant-Inform(Food=russian)
+MUL0189 4 What about one that serves italian food? Restaurant-Inform(Food=italian)
+MUL0189 5 I have two that fit this criteria. Pizza Express at Regent Street City Centre and pizza express Fen Ditton at Jesus Lane Fen Ditton. Would you like any other information? Restaurant-Select(Name=Pizza Express at Regent Street City Centre and pizza express Fen Ditton)
+MUL0189 6 Yes, may I please have the postcode, address, and phone number of the Pizza Express at Regent Street? Restaurant-Request(Post;Phone;Addr)
+MUL0189 7 The postcode is cb21db, phone number is 01223324033, and address is Regent Street City Centre Restaurant-Inform(Post=cb21db;Phone=01223324033;Addr=Regent Street City Centre)
+MUL0189 8 Thank you! I'm also looking for a hotel in the same area. Hotel-Inform(Area=centre;Type=hotel)
+MUL0189 10 I would like one that includes free wifi please Hotel-Inform(Internet=yes)
+MUL0189 12 Yes that would be great do they have free parking? Hotel-Request(Parking)
+MUL0189 16 8:15 please is when I want the taxi to pick me up. Taxi-Inform(Leave=08:15)
+MUL0189 17 Okay I have booked a taxi for you. It will be a gray ford and the contact number is 07939411352 in case you need to make any modifications. Taxi-Inform(Car=gray ford;Phone=07939411352)
+MUL0189 19 Thank you for using our service. Have a great day! general-bye()
+MUL0184 0 What are some nice, expensive restaurants in the center of town? Restaurant-Inform(Price=expensive)
+MUL0184 2 I would like a table for 1 at 18:15 on Tuesday at the Bedouin, please. And may I have the reference number when it's booked? Restaurant-Inform(Time=18:15;People=1;Day=tuesday)
+MUL0184 4 Yes I need a hotel with free wi-fi. Hotel-Inform(Type=hotel)
+MUL0184 5 Okay there are many to choose from. Do you have a preference for the area you stay in? Hotel-Request(Area)
+MUL0184 6 How about near the restaurant? Restaurant-Inform()
+MUL0184 8 Is that one expensive? I would like an expensive, 4-star hotel. Hotel-Inform(Price=expensive;Type=hotel)
+MUL0184 10 Sounds great! Please book a 4 night stay for 1 person on tuesday. Hotel-Inform(Stay=4;People=1;Day=tuesday)
+MUL0184 11 Okay, I've booked you for one person at University Arms, starting on Tuesday, for 4 days. Your reference number is HSVG3GT9. Booking-Book(Day=Tuesday;Ref=HSVG3GT9;Stay=4;Name=University Arms)
+MUL0184 13 I can do that, when would you like the taxi to pick you up? Taxi-Request(Leave)
+MUL0184 14 I would like to get the taxi to get me there by 18:15 please Taxi-Inform(Arrive=18:15)
+MUL0184 15 I was able to book a black ford phone number is 07618987553 Taxi-Inform(Phone=07618987553;Car=black ford)
+MUL0184 16 Thank you for your help. general-thank()
+MUL0184 17 I'm happy to have assisted you. Is there anything else I can do for you today? general-reqmore()
+MUL0184 18 No. Thank you, you have been very helpful. general-thank()
+MUL0184 19 I am happy to help general-welcome()
+MUL0184 20 Thank you good bye. general-bye()
+MUL0184 21 Goodbye and take care! We hope to see you again. general-bye()
+MUL0185 1 thank you I will go to royal spice. Restaurant-Select(Name=royal spice)
+MUL0185 4 Yes, I also need a place to stay. I would prefer at least 4 stars and free parking. Hotel-Inform(Stars=4;Parking=yes)
+MUL0185 8 I would prefer one that has free parking and a star rating of 4. Hotel-Inform(Parking=yes)
+MUL0185 9 The worth house does meet your stated criteria. Hotel-Inform(Name=worth house)
+MUL0185 10 Okay, could you also tell me the area of the hotel? Hotel-Request(Area)
+MUL0185 12 Yes, that's perfect. Thank you for all of your help! general-thank()
+MUL0185 13 What day would you like the reservation for? Booking-Request(Day)
+MUL0185 14 Saturday at 19:45 Hotel-Inform(Day=saturday)
+MUL0185 15 For how many people and how many nights would you like that hotel reservation? Booking-Request(People;Stay)
+MUL0185 16 Actually, I will go ahead and make a reservation for a later time. But, thank you for all the info. I think that is all I needed. general-thank()
+MUL0185 17 If there is nothing else, have a good day. general-bye()
+MUL0186 0 Hi! I am looking for a place to stay that has free wifi. The hotel doesn't have to have free parking but that would be nice. Hotel-Inform(Parking=yes;Internet=yes)
+MUL0186 2 yes less than 100 a night Hotel-Inform(Price=dont care)
+MUL0186 4 I would like it to be in northern cambridge and have 2 stars. Hotel-Inform(Stars=2;Area=north)
+MUL0186 5 There are two hotels that meet those criteria, the Ashley Hotel and the Lovell Lodge. Hotel-Inform(Choice=two;Name=Ashley Hotel;Name=Lovell Lodge)
+MUL0186 6 Try Ashley Hotel for 6 people, 3 nights, starting Monday. Hotel-Inform(Stay=3;People=6;Day=monday)
+MUL0186 8 Can you try for 2 nights? Hotel-Inform(Stay=2)
+MUL0186 11 There aren't any restaurants serving expensive north indian food. Restaurant-NoOffer(Food=north indian;Price=expensive)
+MUL0186 12 Are there any that serve british food? Restaurant-Inform(Food=british)
+MUL0186 14 Centre would be fine. Could you give me the address and postcode, please? Restaurant-Request(Post;Addr)
+MUL0186 15 51 Trumpington Street City Centre and cb21rg Restaurant-Inform(Post=cb21rg;Addr=51 Trumpington Street City Centre)
+MUL0186 16 Ok great, thank you! general-thank()
+MUL0186 17 Is there anything else you need help with? general-reqmore()
+MUL0186 18 I am traveling to Cambridge and looking for a local restaurant. Restaurant-Inform()
+MUL0186 20 Actually, I'm all set. Thanks again. Goodbye! general-bye()
+MUL0187 0 Hello, I am looking for a moderate priced place to eat that serves British food in Cambridge. Restaurant-Inform(Food=british;Price=moderate)
+MUL0187 1 Would you be interested in a couple of recommendations? I have The Copper Kettle in the centre and Saint Johns Chop House in the west. Both serve great British cuisine. Restaurant-Select(Area=centre;Area=west;Name=The Copper Kettle;Name=Saint Johns Chop House;Food=British)
+MUL0187 2 Can I have The Copper Kettle's phone number and address, please? Restaurant-Request(Phone;Addr)
+MUL0187 3 Of course! The Copper Kettle's number is 01223323361 and they are located at 4 Kings Parade City Centre. Restaurant-Inform(Addr=4 Kings Parade City Centre;Name=The Copper Kettle;Phone=01223323361)
+MUL0187 4 What is the area for The copper Kettle? Restaurant-Request(Area)
+MUL0187 5 The Copper Kettle is located in the center of town. Restaurant-Inform(Name=The Copper Kettle;Area=center)
+MUL0187 7 Alright. I will need more information first. Where can the taxi pick you up, when would you like to leave, and when do you need to arrive? Taxi-Request(Depart;Arrive;Leave)
+MUL0187 9 I am sorry, I cannot book a taxi for you without this information. Taxi-Request(Depart;Leave;Arrive)
+MUL0187 12 Someplace moderately priced with free wifi on the east side of town would be best. Hotel-Inform(Area=east;Internet=yes;Price=moderate)
+MUL0187 15 A and B Guest House meets your criteria so I have booked it for you. The reference number is N5NTPZKL. Booking-Book(Ref=N5NTPZKL;Name=A and B Guest House)
+MUL0187 16 Thanks. That's everything I need. general-thank()
+MUL0187 17 All right, if you're sure you don't need a taxi as well, have a very good day, then. general-bye()
+MUL0187 18 I will. Thanks for your help. general-thank()
+MUL0180 0 Hi there, I'm hoping you can help me find a hotel in the south of Cambridge. Hotel-Inform(Area=south)
+MUL0180 1 The Lensfield hotel, which is expensive is the only hotel in South Cambridge. Will this work for you? Hotel-Inform(Area=South Cambridge;Name=Lensfield hotel;Choice=the only;Price=expensive;Type=hotel)
+MUL0180 4 Yes i would love to hear more information about them. Thank you. general-thank()
+MUL0180 5 Alright the aylesbray lodge guest house is a 4 star guest house. Does that interest you? Hotel-Inform(Stars=4;Name=aylesbray lodge guest house;Type=guest house)
+MUL0180 6 Sure. May I have the address? Hotel-Request(Addr)
+MUL0180 8 I also need a place to dine that is in the same area and price range as the hotel. Hotel-Inform()
+MUL0180 9 I have the Pizza Hut that is moderately priced in the South and also Restaurant Alimentum that serves modern European food. Any interest you? Restaurant-Inform(Food=modern European;Area=South;Price=moderately priced;Name=Pizza Hut;Name=Restaurant Alimentum)
+MUL0180 12 Yes, are there any good Indian restaurants? Restaurant-Inform(Food=indian)
+MUL0180 14 Great can I get their phone number, address, and postcode Restaurant-Request(Post;Phone;Addr)
+MUL0180 16 Not at this time. Thank you for the information! Good-bye general-bye()
+MUL0181 0 I'm looking to stay in a guesthouse in the east. Hotel-Inform(Area=east;Type=guesthouse)
+MUL0181 2 I don't care about price range, but I would like to have free parking. Hotel-Inform(Parking=yes;Price=dont care)
+MUL0181 3 I have a few listings for guesthouses, I will give you the listings for moderate prices as they will be nicer. Hotel-Inform(Price=moderate;Choice=a few;Type=guesthouses)
+MUL0181 4 Please include post code and phone number with the listings. Hotel-Request(Post;Phone)
+MUL0181 6 I am also looking for a restaurant. I prefer it to serve cuban food and i would like a moderate price range. Restaurant-Inform(Food=cuban;Price=moderate)
+MUL0181 8 How about chinese food? Restaurant-Inform(Food=chinese)
+MUL0181 10 North is fine, what is the postcode for that? Restaurant-Request(Post)
+MUL0181 12 No, that is all I need at this time, thank you for your help. general-thank()
+MUL0182 0 I need a Korean restaurant in the centre of town. Restaurant-Inform(Area=centre;Food=korean)
+MUL0182 5 Okay I would be more than happy to assist you with that but I need to know how many will be in your party and what time please. Booking-Request(Time;People)
+MUL0182 6 Please book for 8 people on Monday at 13:30. Restaurant-Inform(Time=13:30;People=8;Day=monday)
+MUL0182 8 I'm also looking for hotel in the same area. Hotel-Inform(Area=centre)
+MUL0182 10 I want one in centre, also expensive and free parking please. Hotel-Inform(Parking=yes;Price=expensive)
+MUL0182 12 I also need free wifi. Stars don't matter, but can you get me their phone number? Hotel-Request(Phone)
+MUL0182 14 No, that's it. Thank you. Goodbye! general-bye()
+MUL0183 0 I need to find a place to stay while in Cambridge, I do not need it to have internet but I do need it to have free parking. Hotel-Inform(Parking=yes;Internet=no)
+MUL0183 2 maybe you can suggest a place close to the area of south, I would appreciate that, thank you Hotel-Inform(Area=south)
+MUL0183 6 I need the hotel to at least have free wifi. Can you accommodate? Hotel-Inform(Internet=yes)
+MUL0183 8 I don't really care about the star rating. I just would like free wifi and would need to book for 3 nights for 6 people. Hotel-Inform(Stars=dont care;Stay=3;Internet=yes;People=6)
+MUL0183 9 what price range are you looking for? Hotel-Request(Price)
+MUL0183 12 I will be arriving Sunday. Hotel-Inform(Day=sunday)
+MUL0183 13 All booked! The reference number is O59MRSHK. Booking-Book(Ref=O59MRSHK)
+MUL0183 14 I am also looking for a restaurant in the same area. Preferably vegetarian food in the moderate price range. Restaurant-Inform(Food=vegetarian;Price=moderate)
+MUL0183 15 there are no vegetarian food restaurants. Restaurant-NoOffer(Food=vegetarian)
+MUL0183 16 Okay. Is there one that serves International food? Restaurant-Inform(Food=international)
+MUL0183 18 Sure, can I please get a table on Sunday at 13:00 for 6 people at The Missing Sock? Restaurant-Inform(Time=13:00;People=3;Day=sunday)
+MUL0183 19 I cannot not book your reservation for the time you wanted, would you want another time or to try one of the other 2 restaurants? Booking-NoBook()
+MUL0183 20 Can you try for 12:00? Restaurant-Inform(Time=12:00)
+MUL0183 21 I'm sorry 12:00 is not available either, would you like to try another time or different restaurant possibly? Booking-NoBook()
+MUL0183 22 Yes let's try another restaurant. Restaurant-Inform()
+MUL0183 23 The Varsity Restaurant is moderately priced, and serves international food, but I'm afraid it's not in the south, but rather the city centre. Would that be agreeable? Restaurant-Inform(Price=moderately priced;Food=international;Area=city centre;Name=Varsity Restaurant)
+MUL0183 25 Booked for 12 at varsity restaurant, you reference number is SSRYQGZ2. Your table will be reserved for 15 minutes. Booking-Book(Ref=SSRYQGZ2;Name=12 at varsity restaurant)
+MUL0183 28 No, I am all set. Thank you for all your help. Have a nice day. general-thank()
+MUL0183 29 Thank you for using our service. You have a great trip! general-bye()
+PMUL1079 0 Can you help me find a train to Cambridge? Train-Inform(Dest=cambridge)
+PMUL1079 1 I sure can! What day and times are you looking for? Train-Request(Arrive;Leave;Day)
+PMUL1079 2 I'll be coming in from Norwich on Friday. I'll need to leave after 11:30, please. Train-Inform(Depart=norwich;Day=friday)
+PMUL1079 3 How about TR9900 that leaves at 05:16? Train-Inform(Leave=05:16;Id=TR9900)
+PMUL1079 5 Yes, I'd be more than happy to book TR9900 for 5 people. Would you like a reference number? Train-OfferBook(Id=TR9900;People=5)
+PMUL1079 6 Yes please give me the reference number Train-Request(Ref)
+PMUL1079 7 Give me one moment to complete the booking. Train-OfferBook()
+PMUL1079 8 Did you complete the booking? I need the reference number. Train-Request(Ref)
+PMUL1079 10 Great I'm also looking for a park to visit in the centre of town. Attraction-Inform(Area=centre;Type=park)
+PMUL1079 11 Okay. The only park in the centre is cambridge university botanic gardens. Their address is bateman street, postcode is cb21jf, phone number is 01223336265, and the entrance fee is 4 pounds. Attraction-Inform(Addr=bateman street;Name=cambridge university botanic gardens;Area=centre;Post=cb21jf;Type=park;Phone=01223336265;Fee=4 pounds)
+PMUL1079 12 That sounds great! Thanks for all your help; that's all I needed today. Goodbye! general-bye()
+PMUL1070 0 I'm travelling from Ely to Cambridge on Tuesday and need help finding a train. Train-Inform(Depart=Ely;Dest=cambridge;Day=tuesday)
+PMUL1070 2 I want to arrive by 18:30. Train-Inform(Arrive=18:30)
+PMUL1070 6 Yes, and please give me the ref. number. Train-Request(Ref)
+PMUL1070 7 Great! How many seats will you need? Train-Request(People)
+PMUL1070 8 Just me please Train-Inform(People=1)
+PMUL1070 10 Can you help me find a park in the south? Attraction-Inform(Area=south;Type=park)
+PMUL1070 12 Please tell me their phone number and address Attraction-Request(Phone;Addr)
+PMUL1070 14 That is all I need today. Thank you for your help. general-thank()
+PMUL1070 15 thank you and enjoy your stay in Cambridge! general-greet()
+PMUL1070 16 Thanks again for all of your help general-thank()
+PMUL1070 17 Glad I could help. general-greet()
+PMUL1071 0 I need help with attractions! Can you help me out? Attraction-Inform()
+PMUL1071 2 Yeah, I'm looking for an entertainment place in the centre of town. Attraction-Inform(Area=centre)
+PMUL1071 4 Actually, I'm looking for a type of park Attraction-Inform(Type=park)
+PMUL1071 8 No, that park is fine. I need help with finding a train though. Train-Inform()
+PMUL1071 9 I would be happy to assist you. Let's get some details of what you need. What is your destination and when will you be travelling? Train-Request(Dest;Arrive;Day;Leave)
+PMUL1071 10 I'm leaving Bishops Stortford and going to Cambridge I need to leave after 16:30 on Sunday. Train-Inform(Depart=bishops stortford;Dest=cambridge;Day=sunday;Leave=16:30)
+PMUL1071 12 I'm traveling by myself, so please just one ticket. Train-Inform(People=1)
+PMUL1071 14 nope. nothing at all. i got what i needed. thanks. bye. general-bye()
+PMUL1071 15 Have a safe trip. general-bye()
+PMUL1072 0 I want general information on places to go in the centre area of town. Attraction-Inform(Area=centre)
+PMUL1072 3 i would recommend primavera located in 10 king s parade, cb21sj. phone number is 01223357708. Attraction-Recommend(Post=cb21sj;Phone=01223357708;Addr=10 king s parade;Name=primavera)
+PMUL1072 4 Okay. Can you find me a train to Broxbourne. I need to arrive by 21:00. Train-Inform(Dest=broxbourne;Arrive=21:00)
+PMUL1072 5 Where will you be departing from? Train-Request(Depart)
+PMUL1072 6 I'm leaving from Cambridge Train-Inform(Depart=cambridge)
+PMUL1072 7 The first train leaves at 5:01. Train-Inform(Leave=5:01)
+PMUL1072 8 Ok, I need to book the train for 6 people please. Train-Inform(People=6)
+PMUL1072 10 No. You took care of everything. Thanks. Goodbye. general-bye()
+PMUL1072 11 Okay fantastic, have a great day. general-bye()
+PMUL1073 0 Good evening, I need to take a train from Cambridge to Norwich. Train-Inform(Depart=cambridge;Dest=norwich)
+PMUL1073 1 What day and time do you want to travel? Train-Request(Leave;Day)
+PMUL1073 2 I want to leave on Wednesday and arrive by 15:30. Train-Inform(Day=wednesday;Arrive=15:30)
+PMUL1073 4 Yes, that would work. I don't need a ticket though. But, can I ask the price per ticket? Train-Request(Price)
+PMUL1073 7 What area would you be in? Attraction-Request(Area)
+PMUL1073 8 I would like information on the colleges in the centre please. Attraction-Inform(Area=centre;Type=college)
+PMUL1073 10 recommend any and give me the entrance fee and postcode Attraction-Request(Post;Fee)
+PMUL1073 11 gonville and caius college have free admission. Their postcode is cb21ta Attraction-Inform(Post=cb21ta;Name=gonville and caius college;Fee=free)
+PMUL1073 12 Thanks, that's all I need for today general-thank()
+PMUL1073 13 Thank you for using our services. Have we met all of your needs? general-greet()
+PMUL1073 14 Yes, thank you very much. That will be all. general-thank()
+PMUL1073 15 Thank you for calling and have a great day. Goodbye. general-bye()
+PMUL1074 0 What sort of entertainment is available in the center of town? Attraction-Inform(Type=entertainment)
+PMUL1074 2 No, I will be in the centre. How abut nightclubs? Are there any of those? Attraction-Inform(Type=nightclub)
+PMUL1074 3 Yes, indeed, we have five nightclubs. Attraction-Inform(Type=nightclubs;Choice=five)
+PMUL1074 4 Can you choose one for me and give me their postcode, entrance fee and phone number? Attraction-Request(Post;Phone;Fee)
+PMUL1074 6 That's perfect. Now please find me a train that leaves on Sunday and arrives by 17:00 Train-Inform(Day=sunday;Arrive=17:00)
+PMUL1074 7 What is your destination? Train-Request(Dest)
+PMUL1074 9 And from which station will you be traveling? Train-Request(Depart)
+PMUL1074 10 London Kings cross is where Ill be leaving from Train-Inform(Depart=london kings cross)
+PMUL1074 12 Not just yet. What is the travel time for that train? Train-Request(Duration)
+PMUL1074 14 That's all I needed today, thank you. general-thank()
+PMUL1074 15 Have a nice day! general-bye()
+PMUL1075 0 I 'm looking for a theatre in town. Attraction-Inform(Type=theatre)
+PMUL1075 1 What part of town were you interested in? Attraction-Request(Area)
+PMUL1075 2 It doesn't matter what part of town, If you have one you would recommend and let me know the entrance fee, that would be great. Attraction-Request(Fee)
+PMUL1075 3 The Cambridge Arts Theatre is located in the centre area. However, the entrance fee is currently unavailable. Attraction-Recommend(Area=centre area;Fee=currently unavailable;Name=The Cambridge Arts Theatre)
+PMUL1075 6 I also need a train going from Cambridge to Peterborough on Sunday. Train-Inform(Depart=cambridge;Dest=peterborough;Day=sunday)
+PMUL1075 7 Can you tell me if there is a time you want to leave by or arrive by? Train-Request(Leave;Arrive)
+PMUL1075 9 OKay I will work on looking this up for you. general-welcome()
+PMUL1075 10 There will be 8 of us traveling, by the way. Train-Inform(People=8)
+PMUL1075 12 No, thank you. That's all I need this morning. general-thank()
+PMUL1075 13 Have a nice day, goodbye. general-bye()
+PMUL1076 0 I'm looking for an attraction called whale of a time. Attraction-Inform(Name=whale of a time)
+PMUL1076 1 Yes, Whale of a Time is entertainment located in the west on Unit 8, Viking Way, Bar Hill. Their phone number is 01954781018. Attraction-Inform(Phone=01954781018;Addr=Unit 8;Addr=Viking Way;Addr=Bar Hill;Area=west;Name=Whale of a Time;Type=entertainment)
+PMUL1076 2 What is the postcode? Attraction-Request(Post)
+PMUL1076 3 The postcode is cb238el Attraction-Inform(Post=cb238el)
+PMUL1076 4 Great Thank you. I also need to look for a train departing from Ely to Cambridge on a Tuesday. Train-Inform(Depart=ely;Dest=cambridge;Day=tuesday)
+PMUL1076 5 I can help with that. What time did you need to travel? Train-Request(Leave)
+PMUL1076 6 I need to leave after 11:30 please. Train-Inform(Leave=11:30)
+PMUL1076 7 The TR3412 leaves at 11:35, arriving at 11:52. Will that work? Train-Inform(Arrive=11:52;Leave=11:35;Id=TR3412)
+PMUL1076 9 Would you like me to book this then? Train-OfferBook()
+PMUL1076 10 Yes please book this train and give me the reference number. Train-Request(Ref)
+PMUL1076 11 How many tickets will you need? Train-Request(People)
+PMUL1076 12 I need 4 tickets, please. Train-Inform(People=4)
+PMUL1076 14 Thank you so much. That will be all today. Goodbye general-bye()
+PMUL1076 15 Thank you and have a nice day. general-bye()
+PMUL1077 0 Where is the Abbey Pool and Astroturf pitch? Attraction-Inform(Name=abbey pool and astroturf pitch)
+PMUL1077 1 Is it in the east side of town. Attraction-Inform(Area=east side of town)
+PMUL1077 2 What is the entrance fee and the address? Attraction-Request(Fee;Addr)
+PMUL1077 3 The fees charged by this venue fluctuate based on time of year so we do not have them, the address is pool way, whitehill road, off newmarket road. Attraction-Inform(Fee=fluctuate based on time of year so we do not have them;Addr=pool way;Addr=whitehill road;Addr=off newmarket road)
+PMUL1077 4 Okay, thanks. I am need some assistance booking a train for Monday. Train-Inform(Day=monday)
+PMUL1077 5 I'd be happy to help with that! What are your departure and destination locations? And do you have a prefered time of day you'd like to travel? Train-Request(Depart;Dest;Leave)
+PMUL1077 7 What time will your departure be? Train-Request(Leave)
+PMUL1077 8 I will be leaving at 17:00. Train-Inform(Leave=17:00)
+PMUL1077 11 Can I help with anything else today? general-reqmore()
+PMUL1077 12 That is all, thanks for your help. general-thank()
+MUL0984 0 Hi! I am looking to find information about the Cambridge University Botanic gardens. Attraction-Inform(Name=cambridge university botanic gardens)
+MUL0984 2 Thank you. What area is that in, and what type of attraction is it? Attraction-Request(Area;Type)
+MUL0984 3 The gardens are considered a park and located in the centre. Attraction-Inform(Name=The gardens;Type=park;Area=centre)
+MUL0984 4 Thank you. Do you have any good korean restaurants listed? Restaurant-Inform(Food=korean)
+MUL0984 6 How about Thai food instead? Restaurant-Inform(Food=thai)
+MUL0984 8 Sala Thong will do. I would like to book a table for 2 people at 12:30 on Saturday. Restaurant-Inform(Time=12:30;People=2;Day=saturday)
+MUL0984 9 Your reference number is Q2VLO8SN. Booking-Book(Ref=Q2VLO8SN)
+MUL0984 10 Thank you. That's all I need for today. general-thank()
+MUL0985 0 I am looking for information on Magdalene College. Attraction-Inform(Name=magdalene college)
+MUL0985 2 Could you give me the address please? Attraction-Request(Addr)
+MUL0985 3 Magdalene College is located at cb30ag Magdalene Street. There phone number is 01223332138. Attraction-Inform(Name=Magdalene College;Post=cb30ag;Phone=01223332138;Addr=Magdalene Street)
+MUL0985 4 Thank you! Could you help me find information on the chiquito restaurant bar as well? Restaurant-Inform(Name=chiquito restaurant bar)
+MUL0985 5 Sure. The Chiquito restaurant bar is located in the south part of town, and serves mexican food. Phone number is 01223400170. Restaurant-Inform(Phone=01223400170;Food=mexican;Name=The Chiquito restaurant bar;Area=south)
+MUL0985 6 What is the price range and address for this restaurant? Restaurant-Request(Price;Addr)
+MUL0985 7 It is in the expensive price range. The address is 2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton. Restaurant-Inform(Addr=2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton;Price=expensive)
+MUL0985 8 Thank you that's all the information I needed today. general-thank()
+SSNG0062 0 I'm looking for a nice, expensive restaurant on the south side of town. Restaurant-Inform(Area=south;Price=expensive)
+SSNG0062 2 Can you find out if any of then can take a reservation at 7:15 pm on Wednesday for 8 people? Restaurant-Inform(People=8;Day=wednesday)
+SSNG0062 4 Mexican sounds good. Restaurant-Inform(Food=mexican)
+SSNG0062 5 I have successfully booked it. Your table will be reserved for 15 minutes starting at 7:15:PM. Your reference number is X4TB06R2. Booking-Book(Ref=X4TB06R2;Time=7:15:PM)
+SSNG0062 6 Perfect! Thank you! general-thank()
+SSNG0062 7 Great. Have a great mexican meal! general-bye()
+MUL0987 0 I would like to visit Clare College. Can you give me more information on it? Attraction-Inform(Name=clare college)
+MUL0987 2 You've told me everything I need to know. Thanks! general-thank()
+MUL0987 4 Im looking for a expensive restaurant in the centre. Can you assist? Restaurant-Inform(Area=centre;Price=expensive)
+MUL0987 6 What an interesting name! Hmm, what do you have in the way of seafood restaurants? Restaurant-Inform(Food=seafood)
+MUL0987 8 No thanks that's all I needed thank you for your help. general-thank()
+MUL0980 0 I'm looking for a restaurant in the west that serves Indian food. Restaurant-Inform(Area=west;Food=indian)
+MUL0980 4 I don't need a reservation, but could you give me their address, postcode, and phone number, please? Restaurant-Request(Post;Phone;Addr)
+MUL0980 5 Tandoori Palace is located at 68 Histon Road Chesterton, postcode cb43le. Their phone number is 01223506055. Is there anything else I can help you with? Restaurant-Inform(Phone=01223506055;Name=Tandoori Palace;Addr=68 Histon Road Chesterton;Post=cb43le)
+MUL0980 6 Yes. I am looking for a college as a place to go in town. Attraction-Inform(Type=college)
+MUL0980 7 I would recommend Clare Hall would you like to visit that? Attraction-Recommend(Name=Clare Hall)
+MUL0980 8 Sure, but first I'll need to know the entrance fee, area, and address. Attraction-Request(Area;Fee;Addr)
+MUL0980 10 Yes, please. Can you book a taxi for me? I'll be heading from Clare Hall to Tandoori Palace, and I'd like to be picked up at 18:15. Taxi-Inform(Leave=18:15;Dest=tandoori palace)
+MUL0980 12 No, that is all. Thank you! general-thank()
+MUL0980 13 Have a great day! general-bye()
+MUL0980 14 Thanks for the help, bye! general-bye()
+MUL0980 15 Glad we could be assistance. general-bye()
+MUL0981 0 I am looking for a moderate restaurant in the centre. Could you help me with this? Restaurant-Inform(Area=centre;Price=moderate)
+MUL0981 4 How about british food? Restaurant-Inform(Food=british)
+MUL0981 6 No thank you. Could I get the phone number and address please? Restaurant-Request(Phone;Addr)
+MUL0981 8 Yes, I'm looking for a museum to go to. Attraction-Inform(Type=museum)
+MUL0981 9 Did you want that museum to be in the center of town, as well? Attraction-Select(Area=center of town)
+MUL0981 10 That sounds good, thank you. general-thank()
+MUL0981 11 Ok, How about the broughton house gallery? Attraction-Inform(Name=broughton house gallery)
+MUL0981 14 No, that's all I needed. Thanks! Goodbye! general-bye()
+MUL0981 15 Thank you for using our services. Have a great day. general-bye()
+MUL0982 0 I'm looking for an exciting place to go in the centre of town. Attraction-Inform(Area=centre)
+MUL0982 1 The Man on the Moon is a great concert hall. How does that sound to you? Attraction-Recommend(Type=concert hall;Name=The Man on the Moon)
+MUL0982 4 The school is fine. What is the entrance fee and phone number? Attraction-Request(Phone;Fee)
+MUL0982 6 A friend was raving about this restaurant called Pizza Hut. Can you help me find it? Restaurant-Inform()
+MUL0982 8 It doesn't matter. What is the food type and addresses? Restaurant-Request(Food;Addr)
+MUL0982 11 Yes, there is! It's address is Cambridge Retail Park Newmarket Road Fen Ditton and it's number is 01223323737. Restaurant-Inform(Addr=Cambridge Retail Park Newmarket Road Fen Ditton;Phone=01223323737)
+MUL0982 12 Thank you - that's all I need today. general-thank()
+MUL0983 0 Hello, I am looking for information regarding magdalene college. Attraction-Inform(Name=magdalene college)
+MUL0983 1 Sure, the address is magdalene street. The entrance is free, it's in the west area, and the phone number is 01223332138 Attraction-Inform(Phone=01223332138;Addr=magdalene street;Fee=free;Area=west)
+MUL0983 2 Thank you so much general-thank()
+MUL0983 3 Your Welcome have a great day. general-bye()
+MUL0983 4 Could you also help me find a restaurant? I'm looking for something that's moderately priced that serves Indian food. Restaurant-Inform(Food=indian;Price=moderate)
+MUL0983 6 Either Curry Prince or Rajmahal will do since they are located in the east. Restaurant-Inform(Area=east)
+MUL0983 8 Yes, that would be great. Rajmahal it is. Restaurant-Inform(Name=rajmahal)
+MUL0983 9 Sure. When would you like the reservation for and how many will be in your party? Booking-Request(Day;Time;People)
+MUL0983 10 Actually, a reservation won't be necessary right now. that's all I need. Thank you! general-thank()
+MUL0988 0 I am looking for places to go in Cambridge. Are there any nightclubs? Attraction-Inform(Type=nightclub)
+MUL0988 2 I do not have a preference. Can you give me the phone number and postcode for one? Attraction-Request(Post;Phone)
+MUL0988 4 Yes I am looking for a restaurant called the Ugly Duckling. Restaurant-Inform(Name=ugly duckling)
+MUL0988 6 I would like to book a table for 5 people at 19:30 on tuesday please. Restaurant-Inform(Time=19:30;People=5;Day=tuesday)
+MUL0988 9 I have booked a table for you for a party of 5 at 18:30 on Tuesday at the Ugly Duckling restaurant. Is there anything else I can help with? Booking-Book(Name=Ugly Duckling;Time=18:30;People=5;Day=Tuesday)
+MUL0988 10 Can you provide me with the reference number for my reservation please? Thanks. Restaurant-Request(Ref)
+MUL0988 12 No, that is all. Thank you! general-thank()
+MUL0989 0 I'm visiting Cambridge soon and would like to visit a museum in the centre. Can you help me with that? Attraction-Inform(Area=centre;Type=museum)
+MUL0989 2 No, the first one would be good. Could I also get the entrance fee and postcode. Attraction-Request(Post;Fee)
+MUL0989 3 Sure! The Broughton House Gallery is located at 98 King Street, cb11ln. It's free to get in! Attraction-Inform(Name=Broughton House Gallery;Post=cb11ln;Fee=free;Addr=98 King Street)
+MUL0989 4 Can you also help me find a restaurant that is in the centre as well? I would like one that serves European food. Restaurant-Inform(Area=centre;Food=european)
+MUL0989 6 Something in the moderate price range would be best thanks! Restaurant-Inform(Price=moderate)
+MUL0989 10 There is nothing else today. Thank you very much for your help. general-thank()
+MUL0989 11 Thank you very much for booking with us. general-greet()
+PMUL0479 0 Hello, I am looking to find a restaurant that is in the centre. I would prefer something in the expensive price range. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL0479 2 Yes, I would like to eat Chinese food. Restaurant-Inform(Food=chinese)
+PMUL0479 4 Yes that is good please make a booking for 8 people at 14:15 on sunday. Restaurant-Inform(Time=14:15;People=8;Day=sunday)
+PMUL0479 5 Booking was successful. The table will be reserved for 15 minutes. Your reference number is 076ZN8YF Booking-Book(Ref=076ZN8YF)
+PMUL0479 6 I need a place to stay that has free parking and is in the expensive price range. Hotel-Inform(Parking=yes;Price=expensive)
+PMUL0479 8 It doesn't matter. I would like 4 stars and fee wifi though. Hotel-Inform(Stars=4;Internet=yes)
+PMUL0479 9 The huntingdon marriott hotel is a 4 star hotel Hotel-Recommend(Name=The huntingdon marriott hotel;Stars=4)
+PMUL0479 10 That sounds great! Does it have free parking and free wifi? Hotel-Inform(Name=huntingdon marriott hotel)
+PMUL0479 12 Yes please, I need rooms for 8 people starting Sunday for 3 nights. Hotel-Inform(Stay=3;Internet=yes;People=8;Day=sunday)
+PMUL0479 15 I will be happy to book that for you. Where is your destination? Taxi-Request(Dest)
+PMUL0479 17 I need to know where you are going? Taxi-Request(Dest)
+PMUL0479 18 TO THE RESTAURANT! JUST BOOK IT< YOU HAVE ALL OF MY INFO! thank you Taxi-Inform(Dest=ugly duckling)
+PMUL0479 20 No, that is it for now. Thank you so much. general-thank()
+PMUL0479 21 Thank you and enjoy your stay! general-bye()
+PMUL0478 0 I would like to stay in a guesthouse that has free parking while I'm in Cambridge. Thanks. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL0478 2 It can be anywhere as long as it has a 4 star rating. Hotel-Inform(Stars=4)
+PMUL0478 4 I would like a moderate price range. Hotel-Inform(Price=moderate)
+PMUL0478 9 What day would you like to stay on? And how many days? How many people? Booking-Request(Day;Stay;People)
+PMUL0478 10 book it for 7 people and 2 nights starting from sunday. Hotel-Inform(Stay=2;People=7;Day=sunday)
+PMUL0478 11 I have made those reservations and your reference number is ODO9D763. Booking-Book(Ref=ODO9D763)
+PMUL0478 12 thanks for your help. i appreciate. general-thank()
+PMUL0478 13 Is there anything else I could assist you with today? general-reqmore()
+PMUL0478 14 no that is it for now. thanks for helping general-thank()
+PMUL0478 15 It was my pleasure. Have a nice day. Good bye. general-bye()
+PMUL0477 0 Hello, I'd like to get some info one a hotel please. Hotel-Inform()
+PMUL0477 1 I can definitely assist with your lodging needs. Did you want me to look for a specific place or run a search in an area? Hotel-Request(Area;Name)
+PMUL0477 2 Please look in the north of town. Hotel-Inform(Area=north)
+PMUL0477 3 There are 13 in that area. Hotel-Inform(Choice=13)
+PMUL0477 4 Is there one with free parking and a 2 star rating? Hotel-Inform(Stars=2;Parking=yes)
+PMUL0476 0 Please find me a hotel with free parking and free wifi. Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+PMUL0476 1 Would you prefer to stay in the north, west, centre, or east section of the city? Hotel-Select(Area=north;Area=west;Area=centre;Area=east)
+PMUL0476 2 I would like a place in the north. Hotel-Inform(Area=north)
+PMUL0476 5 There are no 4 star hotels in this area. Hotel-NoOffer(Stars=4;Type=hotels)
+PMUL0476 6 Okay well I need free parking and wifi. do either one of these hotels have those amenities? Hotel-Inform()
+PMUL0476 10 How about just a place in the north with a 4 star rating? Hotel-Inform(Stars=4)
+PMUL0476 11 Would you like a hotel or guest house? Hotel-Select(Type=hotel;Type=guest house)
+PMUL0476 12 A hotel with free wifi and parking on the north side. Hotel-Inform(Area=north;Parking=yes;Internet=yes)
+PMUL0476 15 Sorry I couldnt help good bye general-bye()
+PMUL0474 0 I am looking for a guesthouse in cambridge with free wifi. Hotel-Inform(Internet=yes;Type=guesthouse)
+PMUL0474 1 What price range are you looking for? Hotel-Request(Price)
+PMUL0474 2 Expensive and in the north please. Hotel-Inform(Area=north;Price=expensive)
+PMUL0474 4 Can you check to see if there is a similar hotel in the moderate price range please? Hotel-Inform(Price=moderate)
+PMUL0474 6 Not particularly, but the nicer the better, of course. I'm coming in saturday and staying 5 nights. Can you book it for me? There's 4 in my party. Hotel-Inform(Stay=5;People=4;Day=saturday)
+PMUL0474 10 I also need a place to eat that serves british food and should be in the same price range as the hotel. Restaurant-Inform(Food=british;Price=expensive)
+PMUL0474 11 which side of town do you prefer? Restaurant-Request(Area)
+PMUL0474 14 Sure. Can you book a reservation for the same group of people on the same day at 17:15? And give me the reference number please. Restaurant-Inform(Time=17:15;People=4;Day=saturday)
+PMUL0474 16 I'm going to need a taxi as well. Taxi-Inform()
+PMUL0474 17 I need to know which two locations you are going between and your time of travel please. Taxi-Request(Depart;Leave;Dest)
+PMUL0474 19 I need the time of travel, name of departure, name of arrival destination please. Taxi-Request(Depart;Leave;Dest)
+PMUL0474 21 How many people will be in the taxi? general-reqmore()
+PMUL0474 22 Four people will be riding in the taxi. Taxi-Inform()
+PMUL0474 23 A white honda will pick you up at Acorn Guest House and take you to Traveller's Rest so that you arrive by 05:15. The driver's phone number is 07854671215 Taxi-Inform(Depart=Acorn Guest House;Car=white honda;Dest=Traveller's Rest;Phone=07854671215;Arrive=05:15)
+PMUL0474 24 Thank you for your help, that is all. general-thank()
+PMUL0473 0 Hello! I am looking for an expensive guesthouse type hotel. Any ideals ? Hotel-Inform(Price=expensive;Type=guesthouse)
+PMUL0473 1 Sorry, but none of the guesthouses in Cambridge fall into the expensive price range. Hotel-NoOffer(Type=guesthouses;Price=expensive;Area=Cambridge)
+PMUL0473 2 I need a guesthouse with free parking and a 4 star rating. Hotel-Inform(Stars=4;Parking=yes)
+PMUL0473 4 The area doesn't matter, but are any of them considered cheap? Hotel-Inform(Price=cheap)
+PMUL0473 6 recommend any and find me its postcode Hotel-Request(Post)
+PMUL0473 8 Yes, I'm also looking for a Chinese place in the south? Do you know of anything? Restaurant-Inform(Area=south;Food=chinese)
+PMUL0473 11 Yes, what kind of food are you looking for? Restaurant-Request(Food)
+PMUL0473 13 I would like to get a table at "the lucky star". Restaurant-Recommend(Name=the lucky star)
+PMUL0472 0 I'm looking for a modern european restaurant in the centre. Restaurant-Inform(Area=centre;Food=european)
+PMUL0472 5 Your booking was successful and your reference number is X1MZQY3X. Booking-Book(Ref=X1MZQY3X)
+PMUL0472 6 If you could assist me with finding a hotel, I'd appreciate it. I really need a hotel that includes free wifi and free parking. Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+PMUL0472 8 It depends, I really want a hotel with a 2 star rating. Does it have a rating of 2 stars? Hotel-Inform(Stars=2;Type=hotel)
+PMUL0472 10 The hotel doesn't have to be in the centre, just a 2 star hotel type with free parking and wifi. Hotel-Inform(Stars=2;Parking=yes;Internet=yes;Type=hotel)
+PMUL0472 11 I have the ashley hotel located in the north. Hotel-Inform(Area=north;Name=the ashley hotel)
+PMUL0472 12 That's wonderful. Please book for 5 nights for 5 people on Saturday. Hotel-Inform(Stay=5;People=5;Day=saturday;Name=ashley hotel)
+PMUL0472 13 Your room has been booked! Your reference number is 6F95T0XQ. Booking-Book(Ref=6F95T0XQ)
+PMUL0472 14 Thank you that is all I needed. general-thank()
+PMUL0472 15 Have a great time. general-bye()
+PMUL0471 0 What can you tell me about the El Shaddai? Hotel-Inform(Name=el shaddai)
+PMUL0471 4 Yes, could you help me find a steakhouse that is cheap. Restaurant-Inform(Food=steakhouse;Price=cheap)
+PMUL0471 6 Yes can you find me a restaurant that serves Italian food? Restaurant-Inform(Food=italian)
+PMUL0471 8 I want the restaurant to be in the north Restaurant-Inform(Area=north)
+PMUL0471 9 There is one cheap italian place in the north. It is da vinci pizzeria. Do you need any further help? Restaurant-Inform(Food=italian;Price=cheap;Name=da vinci pizzeria)
+PMUL0471 10 Yes, I want to book the restaurant please. For 8 people at 11:45 Restaurant-Inform(Time=11:45;People=8)
+PMUL0471 11 Could you give me the day you are wanting the reservation for? Booking-Request(Day)
+PMUL0471 12 Friday the same day please Restaurant-Inform(Day=friday)
+PMUL0471 14 No that will be all. Thanks! general-thank()
+PMUL0471 15 Okay, I hope you have a great time in town! general-bye()
+PMUL0470 0 I am looking for an indian restaurant. I want this to be a special experience so expensive is preferred. Restaurant-Inform(Food=indian;Price=expensive)
+PMUL0470 2 Any area of town is fine. I need to make my reservation for Tuesday so hopefully something is available. Restaurant-Inform(Day=tuesday)
+PMUL0470 3 How many people will be attending? Booking-Request(People)
+PMUL0470 4 There will be 4 people attending. Restaurant-Inform(People=4)
+PMUL0470 5 And what time would you like to arrive? Booking-Request(Time)
+PMUL0470 8 Yes, please book. May I have the reference number? Restaurant-Request(Ref)
+PMUL0470 10 i also want to use a taxi Taxi-Inform()
+PMUL0470 13 Sure! And what time preference do you have? Taxi-Request(Arrive;Leave)
+PMUL0470 14 I need to arrive to the restaurant by 18:30. Restaurant-Inform(Time=18:30)
+PMUL0470 15 Where will you be departing from? Taxi-Request(Depart)
+PMUL0470 17 How man passengers? general-reqmore()
+PMUL0470 19 Would you like me to book it for you? Booking-Inform()
+PMUL0470 20 No, I asked for a taxi please. I need to arrive at the restaurant by my booked time. Taxi-Inform(Arrive=18:30)
+PMUL0470 21 I can not book without a departure site. Which hotel are you departing from? You currently do not have one book and have not mention one. Taxi-Request(Depart)
+PMUL3921 0 i'm looking for a and b guest house Hotel-Inform(Name=a and b guest house)
+PMUL3921 2 yes book it for 4 people and 3 nights starting from thursday. Hotel-Inform(Stay=3;People=4;Day=thursday)
+PMUL3921 3 Ok. I was able to complete the booking. Your reference number is 3PQEENI7. Booking-Book(Ref=3PQEENI7)
+PMUL3921 4 Wow, thanks. Could you please also find me a college to visit in the centre area? Attraction-Inform(Area=centre;Type=college)
+PMUL3921 5 There are 13 colleges in the centre. Many of them are free. Would you like me to suggest one? Attraction-Inform(Type=college;Choice=13;Area=centre;Fee=free)
+PMUL3921 7 Well I would suggest Christ's College which is free to enter and is located on Saint Andrew's Street. Attraction-Recommend(Addr=Saint Andrew's Street;Fee=free;Name=Christ's College)
+PMUL3921 9 admission is free! Attraction-Inform(Fee=free)
+PMUL3921 10 This is great. Thank you for your help. general-thank()
+PMUL3921 13 Wonderful! Thank you for calling Cambridge TownInfo centre, it was a pleasure to serve you. general-bye()
+PMUL3922 0 I'm looking for a 3 star place to stay that includes free parking. Hotel-Inform(Stars=3;Parking=yes)
+PMUL3922 2 I'm looking for something in the north. I don't care so much about the price, but I want it to be all inclusive, no charging extra for wifi. Hotel-Inform(Area=north;Internet=yes)
+PMUL3922 3 Hamilton lodge is available, would that work for you? Hotel-Inform(Name=Hamilton lodge)
+PMUL3922 4 does it have free wifi Hotel-Inform(Internet=yes)
+PMUL3922 6 That would be great. I need a reservation for 4 people for 4 nights starting on Thursday. Hotel-Inform(Stay=4;People=4;Day=thursday)
+PMUL3922 8 Yes, I am looking for a train leaving Kings Lynn on the same day as my hotel check in date. Train-Inform(Depart=kings lynn;Day=thursday)
+PMUL3922 10 My destination is Cambridge and I should arrive by 20:00. Please book tickets for thursday for 4 people. I'll also need the reference number. Train-Inform(People=4;Dest=cambridge;Day=thursday;Arrive=20:00)
+PMUL3922 11 Booking was successful, the total fee is 39.2 GBP payable at the station . Reference number is : FZ0XR4CR. Train-OfferBooked(Ticket=39.2 GBP;Ref=FZ0XR4CR)
+PMUL3922 13 Great. Thanks for letting us assist you today! general-bye()
+PMUL3923 0 i need information about wagamama restaurant. Restaurant-Inform(Name=wagamama)
+PMUL3923 1 i have their info, what would you like to know? general-reqmore()
+PMUL3923 3 Okay! For when? Booking-Request(Day)
+PMUL3923 4 Wednesday, 17:45. Reference number, please? Restaurant-Request(Ref)
+PMUL3923 5 Let me book that for you now. Booking-Inform()
+PMUL3923 7 what about all saints church? Attraction-Recommend(Name=all saints church)
+PMUL3923 9 all saints church is an architecture type attraction. Attraction-Inform(Name=all saints church;Type=architecture)
+PMUL3923 12 No worries. Thanks for the assistance. I was also interested in booking a taxi. Taxi-Inform()
+PMUL3923 13 Okay, where are you wishing to go for the second taxi? Taxi-Request(Dest)
+PMUL3923 14 I'm sorry, before we get to the, could I get the address to the All Saints Church? Attraction-Request(Addr)
+PMUL3923 15 Their address is simply Jesus Lane (because of course it is). Postcode cb58bs. Attraction-Inform(Post=cb58bs;Addr=Jesus Lane (because of course it is))
+PMUL3923 16 Ok thank you. Can I also get help with a taxi to go between the two places? Taxi-Inform()
+PMUL3923 17 Yes, I have booked you a taxi. A blue bmw will arrive to pick you up, the contact number is 07200601710. Taxi-Inform(Car=blue bmw;Phone=07200601710)
+PMUL3923 19 Yes the taxi will arrive at Wagamama by 17:45. Taxi-Inform(Dest=Wagamama;Arrive=17:45)
+PMUL3923 20 Thank you for your assistance. You have went above and beyond. general-thank()
+PMUL3923 21 you are welcome, call me if you need anything else. general-welcome()
+PMUL3924 0 I need a place to stay that has free wifi. Hotel-Inform(Internet=yes)
+PMUL3924 5 I recommend alexander bed and breakfast on 56 saint barnabas road would that due? Hotel-Recommend(Name=alexander bed and breakfast;Addr=56 saint barnabas road)
+PMUL3926 0 Can you help me with train schedules? Train-Inform()
+PMUL3926 1 I certainly can. What did you have in mind? general-reqmore()
+PMUL3926 2 I am looking for trains that depart from cambridge and go to broxbourne. Train-Inform(Depart=cambridge;Dest=broxbourne)
+PMUL3926 4 I need to go on Friday. Train-Inform(Day=friday)
+PMUL3926 5 What time will you be departing from cambridge? Also what time do you need to arrive in broxbourne by? Train-Request(Leave;Arrive)
+PMUL3926 6 I just need to arrive by 18:30, the departure time doesn't matter. Train-Inform(Arrive=18:30)
+PMUL3926 7 I have several that arrive before 18:30. I have one that arrives at 16:01, 17:01, and 18:01. They all leave an hour before arrival time and are 17.90 pounds. Train-Inform(Choice=several;Ticket=17.90 pounds;Arrive=18:30;Arrive=16:01;Arrive=17:01;Arrive=18:01;Leave=an hour before arrival time)
+PMUL3926 8 Can you book the train that will arrive at 18:01 and I need 4 tickets. Train-Inform(People=4)
+PMUL3926 9 Your booking was successful and the total fee is 71.59 GBP, which is payable at the station. Your reference number is D3L643YZ. Train-OfferBooked(Ref=D3L643YZ;Ticket=71.59 GBP)
+PMUL3926 10 Thanks. I also need a guesthouse to stay in in the north. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL3926 11 How about the acorn guest house? Hotel-Recommend(Name=acorn guest house)
+PMUL3926 12 Does it offer free wifi? I'd also like it to have 4 stars. Hotel-Inform(Stars=4)
+PMUL3926 13 Yes, it fits all those needs. Hotel-Inform()
+PMUL3926 14 Great. Please book it for 2 nights starting on Wednesday. Hotel-Inform(Stay=2)
+PMUL3926 15 How many people will be staying? Booking-Request(People)
+PMUL3926 16 There will be a party of four. Hotel-Inform(People=4)
+PMUL3926 17 Booking was successful. Reference number is : 8P7QUDHW. Booking-Book(Ref=8P7QUDHW)
+PMUL3926 18 thanks for helping. general-thank()
+PMUL3926 20 No that was all thank you so much. general-thank()
+PMUL3926 21 excellent, have a great day! general-bye()
+PMUL3927 0 I'd like some information about the El Shaddai. Hotel-Inform(Name=el shaddai)
+PMUL3927 1 It's a 0 star cheap guesthouse in the centre with free parking and internet. Hotel-Inform(Area=centre;Internet;Price=cheap;Parking;Type=guesthouse;Stars=0)
+PMUL3927 2 Ok, great. Can I get their phone number please so that I can contact them? Hotel-Request(Phone)
+PMUL3927 4 Yes, please and thank you. I'd like to learn about the train schedule if you can help me with that? I'll be traveling from London King's Cross to Cambridge. Train-Inform(Dest=cambridge)
+PMUL3927 5 Sure what day will you be travelling? Train-Request(Day)
+PMUL3927 6 I will be traveling on Saturday and would like to leave after 11:45. Train-Inform(Day=saturday;Leave=11:45)
+PMUL3927 8 Can I check on the arrival time of that train first? Train-Request(Arrive)
+PMUL3927 9 It arrives by 14:08. Train-Inform(Arrive=14:08)
+PMUL3927 10 Thanks for the information. That's all I need. general-thank()
+PMUL3927 11 I'm glad I could help. Have a wonderful day. Goodbye. general-bye()
+PMUL3928 0 I would like to see a museum while I am in Cambridge. Attraction-Inform(Type=museum)
+PMUL3928 2 Archaeology. Give me the address, please. Attraction-Request(Addr)
+PMUL3928 3 Sure thing. You can find the museum of classical archaeology on sidgwick avenue. Attraction-Inform(Name=the museum of classical archaeology;Addr=sidgwick avenue)
+PMUL3928 5 What type of food would you like? Restaurant-Request(Food)
+PMUL3928 6 i don't care, but I'd like expensive food Restaurant-Inform(Price=expensive)
+PMUL3928 7 Can you tell me what kind of food you are in the mood for? Restaurant-Request(Food)
+PMUL3928 10 Yes, book a table for 2 people at 19:15 on Sunday. Restaurant-Inform(Time=19:15;People=2;Day=sunday)
+PMUL3928 11 Ok. I was able to book a table for you. Your reference number is BTKETES2. Booking-Book(Ref=BTKETES2)
+PMUL3928 12 Thank you for your help! general-thank()
+PMUL3928 13 Is there anything further I can assist you with? general-reqmore()
+PMUL3928 14 That's all I need, thanks so much for all of your help! Have a great day! general-thank()
+PMUL3929 0 I need a place to stay in the north. I use mturk quite a bit to get vacation money, so it would have to have free wifi. Hotel-Inform(Area=north;Internet=yes)
+PMUL3929 2 I have lots of closed quals so I can go with a moderate price range. Hotel-Inform(Price=moderate)
+PMUL3929 4 Certainly, please book it for 5 people and 5 nights starting from saturday. Please provide me with the reference number and thanks for you help. Hotel-Inform(Stay=5;People=5;Day=saturday;Name=acorn guest house)
+PMUL3929 6 Well, I'm also looking for a restaurant called rice boat Restaurant-Inform(Name=rice boat)
+PMUL3929 7 It is an indian restaurant located at 37 Newnham Road Newnham Restaurant-Inform(Addr=37 Newnham Road Newnham;Food=indian)
+PMUL3929 8 I need to book a table for 5 at 13:30 on saturday Restaurant-Inform(Time=13:30;People=5;Day=saturday)
+PMUL3929 10 I want to book a taxi to commute between the two places Taxi-Inform()
+PMUL3929 11 Which place will you be departing from? Taxi-Request(Depart)
+PMUL3929 13 Yes, but which place will you be departing from? The restaurant or the hotel? Taxi-Request(Depart)
+PMUL3929 14 I will be departing for the hotel. Taxi-Inform(Depart=Rice Boat)
+PMUL3929 15 What time will you be departing for the guesthouse? Taxi-Request(Leave)
+PMUL3929 17 look for a blue volvo with contact 07965372123 Taxi-Inform(Car=blue volvo;Phone=07965372123)
+PMUL3929 18 Perfect. Thank you. general-thank()
+PMUL3929 19 May I help you find an attraction or something else in town? general-reqmore()
+PMUL3929 20 No, I am all set. Thank you for your time and don't work too hard. general-thank()
+PMUL3929 21 excellent, have a great day! general-bye()
+PMUL4590 0 Please find a cheap restaurant in the north. Restaurant-Inform(Area=north;Price=cheap)
+PMUL4590 1 There is an indian restaurant or an Italian one. Which would you prefer? Restaurant-Select(Food=indian;Food=Italian)
+PMUL4590 4 Can you get some information for me about swimmingpools in that area? Attraction-Inform(Area=north;Type=swimmingpool)
+PMUL4590 6 Yes, the Kings one. How much to get into that one? Attraction-Inform(Name=kings hedges learner pool)
+PMUL4590 8 Can you give me the post code as well please? Attraction-Request(Post)
+PMUL4590 10 no that's all thanks general-thank()
+PMUL4591 0 Can you help me find a train leaving by 10:30 going to stansted airport? Train-Inform(Dest=stansted airport;Arrive=10:30;Leave=10:30)
+PMUL4591 1 What day do you perfre to leave ? Train-Request(Day)
+PMUL4591 2 I prefer to leave on Saturday from Cambridge. Train-Inform(Depart=cambridge;Day=saturday)
+PMUL4591 4 It will arrive by 10:40 or will leave then? I need to arrive by 10:30. Train-Inform(Leave=10:00)
+PMUL4591 5 Yes I am sorry this is the only option I have. Train-Inform(Choice=the only option)
+PMUL4591 8 If it is the only thing you have than I suppose I have no other choice, so yes. Can I get the reference number as well? Train-Request(Ref)
+PMUL4591 9 i'm sorry, someone entered the incorrect info. i can actually get you there by 10:08 on the TR2755 train. Train-Inform(Arrive=10:08;Id=TR2755)
+PMUL4591 10 Yes could you please book this train for me and send me the reference number. Train-Request(Ref)
+PMUL4591 12 Yes, help find a place to go in the south part? Say, boating? Attraction-Inform(Area=south;Type=boat)
+PMUL4591 14 Any area would be fine. Attraction-Inform(Area=dont care)
+PMUL4591 16 Tell me about other entertaiment in the south Attraction-Inform(Area=south)
+PMUL4591 17 I have two listings for entertainment, nusha and tenpin. Attraction-Inform(Type=entertainment;Name=nusha;Name=tenpin;Choice=two)
+PMUL4591 20 maybe the address to the park Attraction-Request(Addr)
+PMUL4591 21 I'm sorry. To which park are you referring? Attraction-Request(Name)
+PMUL4591 22 Sorry, I had a lot of background noise and didn't hear the address for Tenpin. Thank you for your understanding. Attraction-Request(Addr)
+PMUL4591 23 Cambridge Leisure Park, Clifton Way, and their postcode is CB17DY. Attraction-Inform(Post=CB17DY;Addr=Cambridge Leisure Park;Addr=Clifton Way)
+PMUL4591 24 Thanks very much for your help today. general-thank()
+PMUL4591 25 Thank you for calling Cambridge TownInfo centre! It was a pleasure to serve you, I hope you have a wonderful visit! general-bye()
+PMUL4592 0 I'm looking for information on a hotel called acorn guest house. Hotel-Inform(Name=acorn guest house)
+PMUL4592 1 Acorn Guest House is a 4-star guesthouse in the North part of town, at 154 Chesterton Road. It is moderately-priced, and has internet and parking. Shall I book a room? Hotel-Inform(Area=North part of town;Name=Acorn Guest House;Internet;Addr=154 Chesterton Road;Price=moderately-priced;Parking;Type=guesthouse;Stars=4)
+PMUL4592 2 Yes, I would like it for 8 people on Monday. Hotel-Inform(People=8;Day=monday)
+PMUL4592 3 And how many nights would your party like to stay? Booking-Request(Stay)
+PMUL4592 4 We will be staying for 5 nights. Hotel-Inform(Stay=5)
+PMUL4592 5 I was able to succesfully book your room for 8 people and 5 nights. Your reference number is : GCBICIA1. Booking-Book(Ref=GCBICIA1;Stay=5;People=8)
+PMUL4592 6 Thank you. I am also looking for a train from london kings cross to cambridge on Monday. Train-Inform(Depart=london kings cross;Dest=cambridge;Day=monday)
+PMUL4592 7 what time should the train leave Train-Request(Leave)
+PMUL4592 8 anytime after 19:45 going to cambridge and leaving london kings cross. I need tickets for 8 and the reference number Train-Inform(Depart=london kings cross;People=8;Dest=cambridge;Leave=20:00)
+PMUL4592 11 Booked! Your reference number is OXVTBQHH. Train-OfferBooked(Ref=OXVTBQHH)
+PMUL4592 12 That's all I need, thank you so much! Have a nice day! general-thank()
+PMUL4592 13 Enjoy your stay. general-bye()
+PMUL4593 0 I need a train from Ely to Cambridge please Train-Inform(Depart=ely;Dest=cambridge)
+PMUL4593 1 Sure, when will you be traveling? Train-Request(Leave;Day)
+PMUL4593 2 I'll be leaving after 19:00 on Monday. What are my options? Train-Inform(Day=monday;Leave=19:00)
+PMUL4593 4 I will take the one that leaves at 19:35. Can you tell me how long the travel time is? Train-Request(Duration)
+PMUL4593 6 Could you recommend a museum in the east? Attraction-Inform(Area=east;Type=museum)
+PMUL4593 7 There are four museums in the East, the Cambridge Artworks, Gallery at twelve a high street and Saint Barnabas Press Gallery are all Free. Cambridge Museum of Technology charges 5 pounds. Attraction-Inform(Fee=free;Fee=5 pounds;Name=Cambridge Artworks;Name=Gallery;Name=Gallery at twelve a high street and Saint Barnabas Press Gallery;Name=Cambridge Museum of Technology)
+PMUL4593 10 That is all, thanks for your help. general-thank()
+PMUL4593 11 Glad I could help. Have a great day! general-bye()
+MUL2058 0 Hello, I'm looking for a train that's going to stevenage and leaves on tuesday. Train-Inform(Depart=stevenage;Dest=stevenage;Day=tuesday)
+MUL2058 2 I am looking for a train that departs from Cambridge. I am traveling to Stevenage and I need to arrive by 13:30. Train-Inform(Depart=cambridge;Dest=stevenage;Arrive=13:30)
+MUL2058 8 Any should be fine as long as it has free wifi and is located in the centre Hotel-Inform(Area=centre;Internet=yes)
+MUL2058 10 Yes please for 5 people for 2 nights starting sunday. Hotel-Inform(Stay=2;People=5;Day=sunday)
+MUL2058 12 That is all I need hep with. Thank you! general-thank()
+MUL2058 13 Sure, no problem. Thank you for calling! Have a nice day. general-bye()
+PMUL4595 0 Find me a place to stay. I need a hotel in the moderate price range with a star of 4. Hotel-Inform(Price=moderate;Type=hotel)
+PMUL4595 1 What area of town interests you most ? Hotel-Request(Area)
+PMUL4595 2 Any area is fine, as long as the place has free wifi. Hotel-Inform(Internet=yes)
+PMUL4595 3 Will you need free parking as well? Hotel-Request(Parking)
+PMUL4595 4 Yes, I will also need free parking. Hotel-Inform(Parking=yes)
+PMUL4596 0 I need to find a cheap restaurant on the North side Restaurant-Inform(Area=north;Price=cheap)
+PMUL4596 2 Does either have availability for a table for 5 people on wednesday at 18:45? Restaurant-Inform(Time=12:45;People=5;Day=wednesday;Name=royal spice)
+PMUL4596 4 No thank you that will be all general-thank()
+PMUL4596 5 Okay, thank you. general-bye()
+PMUL4597 0 i am looking for a place to stay. The hotel should have a star of 4 and should be in the cheap price range. Hotel-Inform(Stars=4;Price=cheap)
+PMUL4597 2 I would prefer a guesthouse that includes free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL4597 4 Yes please go ahead and book for 5 people for 5 nights starting from Tuesday. Hotel-Inform(Stay=5;People=5;Day=tuesday)
+PMUL4597 5 Ok. I was able to take care of that for you, Your reference number is 5JNUY73K. Booking-Book(Ref=5JNUY73K)
+PMUL4597 6 I am also looking for some places to go in the north. Any Recommendations? Attraction-Inform(Area=north)
+PMUL4597 7 Would you like to go boating? riverboat georgina is in the north Attraction-Inform(Type=boating;Area=north;Name=riverboat georgina)
+PMUL4597 11 Your booking was completed. The car will be a grey volkswagen and the contact number is 07010971496. Taxi-Inform(Phone=07010971496;Car=grey volkswagen)
+PMUL4597 12 Thank you for the assistance. I believe we are finished. general-thank()
+PMUL4597 13 Have a wonderful time. general-bye()
+MUL2054 0 Yes, I need some train information. Looking to depart cambridge and arrive by 08:45. Train-Inform(Depart=cambridge;Arrive=08:45)
+MUL2054 2 No, thank you. Does that leave on Tuesday and go to birmingham new street? Train-Inform(Dest=birmingham new street;Day=tuesday)
+MUL2054 6 Yes. I am also looking for a place to stay in the south of town. Are there any guesthouses there? Hotel-Inform(Area=south;Type=guesthouse)
+MUL2054 10 No not today. I think that is everything I need. Thank you. general-thank()
+MUL2055 0 I need some information on the Carolina Bed and Breakfast. Can you help me with that? Hotel-Inform(Name=carolina bed and breakfast)
+MUL2055 1 I can definitely help with that. It is a guesthouse located in the east. It is moderately priced and has a 4-star rating. They also offer free parking and free internet. Hotel-Inform(Area=east;Internet;Price=moderately priced;Parking;Type=guesthouse;Stars=4)
+MUL2055 2 Sounds nice. Can you book a room for 2 nights for me? There will be 2 of us, coming in on Friday. Hotel-Inform(Stay=2;People=2;Day=friday)
+MUL2055 6 I am also looking to get a train on the same day as the hotel booking please. Train-Inform(Day=friday)
+MUL2055 7 Can you tell me where you are coming from or going to and the time please? Train-Request(Leave;Dest;Depart)
+MUL2055 8 I will be leaving cambridge on the same day as the hotel booking. Train-Inform(Depart=cambridge)
+MUL2055 9 Okay, and where will you be travelling to? Train-Request(Dest)
+MUL2055 10 I am coming in to Cambridge from Ely I need it to arrive by 15:15 Train-Inform(Dest=ely;Arrive=15:15)
+MUL2055 12 What is the travel time and the train ID? Train-Request(Duration;TrainID)
+MUL2055 14 I will book it myself, but thank you. general-thank()
+MUL2055 15 Is there anything else I can do to help you today? general-reqmore()
+MUL2055 16 No that is all the information i needed thank you. Goodbye general-bye()
+MUL2055 17 Have a wonderful visit! general-greet()
+MUL2056 0 I need a place to stay in the centre of town. Hotel-Inform(Area=centre)
+MUL2056 4 I would like to make a reservation at the 4 star one please. Hotel-Inform(Stars=4)
+MUL2056 6 Yes. Please book it for 5 people, starting Sunday, for 3 nights. Hotel-Inform(Stay=5;People=5;Day=sunday;Name=alexander bed and breakfast)
+MUL2056 8 Are you sure? Can you try again? If that doesn't work, is there another 4 star guesthouse in the centre that you can try? Hotel-Inform(Stars=4)
+MUL2056 9 I do apologize! I must have fat fingered it the last time. Clumsy me! Booking was successful.Your Reference number is : Q1DDFWPH. Booking-Book(Ref=Q1DDFWPH)
+MUL2056 10 Thank you. I am also looking for a train from kings lynn to cambridge. Can you help with that? Train-Inform(Depart=kings lynn;Dest=cambridge)
+MUL2056 11 Yes, I can. When would you like to travel? Train-Request(Day)
+MUL2056 12 I'd like to leave Sunday after 18:30. Train-Inform(Day=sunday;Leave=18:31)
+MUL2056 14 Yes, please book the train for 5 people on sunday. Let me know the reference number, if available. Train-Inform(People=5;Day=sunday)
+MUL2056 16 That is all I need, good bye. general-bye()
+MUL2056 17 Have a nice day. general-bye()
+MUL2057 0 i need a train from stansted airport to cambridge Train-Inform(Depart=stansted airport;Dest=cambridge)
+MUL2057 1 What day and approximately what time will you be traveling to Cambridge? Train-Request(Leave;Day)
+MUL2057 2 I need to get there by 20:30 on Wednesday. Train-Inform(Day=wednesday;Arrive=20:30)
+MUL2057 3 You could grab the TR3828 leaving stansted airport it will get you there by 09:52. Train-Inform(Arrive=09:52;Depart=stansted airport;Id=TR3828)
+MUL2057 6 There will be 8 of us. Train-Inform(People=8)
+MUL2057 8 I also need a guesthouse for 8 and needs to be a 4 star Hotel-Inform(Stars=4;Type=guesthouse)
+MUL2057 10 Which of those have free wifi? Hotel-Inform(Internet=yes)
+MUL2057 13 How about Allenbell? Hotel-Recommend(Name=Allenbell)
+MUL2057 16 Actually, I change my mind. I will take care of the booking later. Thanks for your help. Goodbye. general-bye()
+MUL2050 0 I need to get out of Cambridge quick! Can you find me a train for tomorrow, Tuesday? Train-Inform(Depart=cambridge;Dest=cambridge;Day=tuesday)
+MUL2050 1 I can help you. What is your destination? Train-Request(Dest)
+MUL2050 2 I would like to arrive to Cambridge from Broxbourne and would like to leave after 15:45. Train-Inform(Depart=broxbourne;Dest=cambridge;Leave=15:45)
+MUL2050 4 Yes. I actually need 3 seats Train-Inform(People=3)
+MUL2050 5 The booking was successful. Your reference number is Y25Y52KM. Train-OfferBooked(Ref=Y25Y52KM)
+MUL2050 6 Can you find me a place to stay in the centre. I don't need internet. Hotel-Inform(Area=centre;Internet=no)
+MUL2050 7 I'm sorry, I'm not finding any matches, would you like to try something else? Hotel-NoOffer()
+MUL2050 8 No thank you I will call back general-thank()
+MUL2050 9 Ok. Is there anything else you need? Information about attractions or a restaurant reservation perhaps? general-reqmore()
+MUL2050 10 Well, I do need a place to stay. How about one with free wifi in the centre of town? Hotel-Inform(Internet=yes)
+MUL2050 12 No, I really would like a hotel in the centre with free parking and it can have wifi. Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+MUL2050 14 If there are no hotels with free parking in the centre, how about one with free wifi? Hotel-Inform(Internet=dont care)
+MUL2050 17 OK. What day will you want to check in, and for how many nights? Booking-Request(Day;Stay)
+MUL2050 18 I would like to check in on Tuesday please. And I want to stay for one night. Hotel-Inform(Stay=1;Day=tuesday)
+MUL2050 19 OK, you're all set. Is there anything else I can do for you? general-reqmore()
+MUL2050 20 No thanks. That would be all. I appreciate your help. Take care. Bye. general-bye()
+MUL2050 21 Did you need a reference number or anything like that? general-reqmore()
+MUL2050 22 No thanks. I forgot I should wait to book until I am sure how many people we will have. Thanks though. Good night! general-thank()
+MUL2050 23 Okay, have a great day! general-bye()
+MUL2051 0 i am looking for a train from cambridge that should arrive by 08:00 Train-Inform(Depart=cambridge;Arrive=08:00)
+MUL2051 1 Sure, where would you like to travel to, and which day? Train-Request(Dest;Day)
+MUL2051 2 I am trying to get to london liverpool street on saturday. Train-Inform(Dest=london liverpool street;Day=saturday)
+MUL2051 4 No, that will be all. Thanks, goodbye. general-bye()
+MUL2051 5 Okay, have a great day! general-bye()
+MUL2051 7 Alright, what type of accommodations are you looking for? Hotel-Request(Type)
+MUL2051 8 I'd like a hotel with free parking, please. Hotel-Inform(Parking=yes;Type=hotel)
+MUL2051 9 There are many options available, any other specific preference Hotel-Inform(Choice=many)
+MUL2051 10 Free parking within the hotel would be great and free wifi. Hotel-Inform(Parking=yes;Internet=yes;Type=hotel)
+MUL2051 12 Does Ashley Hotel have free wifi, I'm going to need a place with free wifi? Hotel-Inform(Type=hotel)
+MUL2051 16 That is all for now, goodbye. general-bye()
+MUL2052 0 I'm looking for a hotel with a star rating of 0. Hotel-Inform(Stars=0)
+MUL2052 1 Yes I have 4 examples from cheap to moderately priced. Hotel-Inform(Choice=4;Price=cheap;Price=moderately priced)
+MUL2052 2 As long as it includes free parking, price doesn't matter. Can you recommend one? I do prefer hotels though, not a fan of guestrooms. Hotel-Inform(Parking=yes;Type=hotel)
+MUL2052 4 How about a 4 star rating instead? Hotel-Inform(Stars=4)
+MUL2052 5 The the cambridge belfry is a 4 star hotel that has a cheap price. Will this work for you? Hotel-Inform(Stars=4;Price=cheap;Name=The the cambridge belfry;Type=hotel)
+MUL2052 6 That might just work out. Can I have their phone number please? Hotel-Request(Phone)
+MUL2052 8 Yes please. I would also like a train to broxbourne if that is okay. Train-Inform(Dest=broxbourne)
+MUL2052 9 No problem, where would you like to depart from, and on which day? Train-Request(Day;Depart)
+MUL2052 10 I would like to leave after 18:30 on friday. I want to depart from cambridge. Train-Inform(Depart=cambridge;Leave=18:30)
+MUL2052 14 No, I think that's it, thank you so much! general-thank()
+MUL2052 15 Okay, thank you for using our service. general-bye()
+MUL2053 0 Hi there. Can you help me find a 2-star rated hotel or guesthouse? Hotel-Inform(Stars=2;Type=hotel)
+MUL2053 1 ashley hotel is a 2-star hotel in 74 chesterton road Hotel-Inform(Name=ashley hotel;Addr=74 chesterton road;Stars=2)
+MUL2053 4 Yes please, that would be great. Hotel-Inform(Internet=yes)
+MUL2053 5 Ok perfect. Before I book, how many people will be staying at the hotel, what day you will be checking in, and how long you will be staying for please? Booking-Request(Stay;Day;People)
+MUL2053 6 Thank you, I need to book for 3 people and 4 nights starting from Tuesday. Hotel-Inform(Stay=4;People=3;Day=tuesday)
+MUL2053 8 Yes, I also need to verify that this hotel is in the east area of town. Hotel-Inform(Area=east;Type=hotel)
+MUL2053 10 I actually really need a booking in the east. Is it possible for you to book me at the Express Holiday Inn by Cambridge instead? For Tuesday, 3 people 4 nights. Hotel-Inform(Stay=4)
+MUL2053 12 Yes, I am looking for a train to Cambridge from Peterborough. I'd like to arrive by 11:45. Train-Inform(Depart=peterborough;Dest=cambridge;Arrive=11:45)
+MUL2053 13 Which day would you be traveling? Train-Request(Day)
+MUL2053 15 Booking was successful, the total fee is 49.5 GBP payable at the station . Reference number is : ANHP9VYN. The train ID is TR1674. Train-OfferBooked(Id=TR1674;Ref=ANHP9VYN;Ticket=49.5 GBP)
+MUL2053 16 What is the departure time and travel time? Train-Request(Duration;Leave)
+MUL2053 18 No. Thank you for all your help. Goodbye general-bye()
+MUL2053 19 Thank for using Cambridge TownInfo centre. general-bye()
+SNG0102 2 Can I please have their address? Police-Request(Addr)
+SNG0102 4 No, I hear the police sirens now. Thank you. Bye. Police-Inform()
+MUL2586 0 Hi, I want to find out about cambridge book and print gallery please. Attraction-Inform(Name=cambridge book and print gallery)
+MUL2586 1 cambridge book and print gallery is a museum found in the Western part of the town. Their postcode is cb39ey. Attraction-Inform(Area=Western part of the town;Name=cambridge book and print gallery;Type=museum;Post=cb39ey)
+MUL2586 2 Great! What is their phone number? Attraction-Request(Phone)
+MUL2586 4 I need a place to stay. I'm looking for a place with 4 stars and free parking. Hotel-Inform(Stars=4;Parking=yes)
+MUL2586 6 I'd like an expensive 4 star guesthouse if that is possible. Hotel-Inform(Stars=4;Type=guesthouse)
+MUL2586 9 What day will you be staying there? Booking-Request(Day)
+MUL2586 10 Wednesday for 3 nights and 6 people please. Hotel-Inform(Stay=3;People=6;Day=wednesday)
+MUL2587 0 I will be visiting Cambridge soon and definitely want to see some local attractions. Can you help me? Attraction-Inform()
+MUL2587 2 I am looking for the best museum in the centre of town. Please let me know what it is and how much I should expect to pay to get in. Attraction-Inform(Area=centre;Type=museum)
+MUL2587 3 The Castle Galleries is very popular and it has no entrance fee. Would you like the address? Attraction-Inform(Fee=no entrance fee;Name=The Castle Galleries)
+MUL2587 5 The Castle Galleries are free of charge. Attraction-Inform(Name=The Castle Galleries;Fee=free)
+MUL2587 6 Thank you. I'm also looking for a guesthouse to stay that has a star of 4 and includes free parking. Hotel-Inform(Stars=4;Stay=4;Parking=yes;Type=guesthouse)
+MUL2587 7 Acorn guest house is available if that works for you. Hotel-Inform(Name=Acorn guest house)
+MUL2587 8 Book rooms for 3 people for 4 nights starting Sunday, please. Hotel-Inform(Stay=4;People=3;Day=sunday;Name=acorn guest house)
+MUL2587 10 I also need a taxi to commute from the hotel to the museum. I need to leave the hotel by 05:15 Taxi-Inform(Leave=05:15)
+MUL2587 11 Sure! I have set that up. Booked car type is a white toyota and the Contact number is 07365958401. Taxi-Inform(Car=white toyota;Phone=07365958401)
+MUL2587 12 Thank you so much for your help. That was all I needed. general-thank()
+MUL2584 0 Hi there! I need a place to stay in Cambridge, and I'm wondering if you have any recommendations for good 2 star hotels in town? Hotel-Inform(Stars=2;Stay=2;Type=hotel)
+MUL2584 2 I would prefer Lovell Lodge, thank you. Hotel-Inform(Name=lovell lodge)
+MUL2584 4 Yes, that would be great. I need accommodations for 6 people starting Sunday for 3 nights. Hotel-Inform(Stay=3;People=6;Day=sunday)
+MUL2584 6 Yeah, can you try for 2 nights then? Hotel-Inform(Stay=2)
+MUL2584 7 You're all set! I've got you booked for two nights starting Sunday. Your reference number is 8UWYWJNX. Enjoy! Booking-Book(Ref=8UWYWJNX;Stay=two;Day=Sunday)
+MUL2584 8 Thanks, I'm going to need some info on the Cambridge Punter as well. Attraction-Inform(Name=the cambridge punter)
+MUL2584 9 The Cambridge Punter is a boating attraction in the center of town. They are located at 251a Chesterton Road in postcode cb41as. Attraction-Inform(Type=boating attraction;Area=center of town;Addr=251a Chesterton Road;Name=The Cambridge Punter;Post=cb41as)
+MUL2584 10 Thank you for all your help. That's all I need today. general-thank()
+MUL2584 11 Thank you for contacting Cambridge TownInfo centre. Goodbye! general-bye()
+MUL2585 0 I am looking for a place to go in the centre of town. Attraction-Inform(Area=centre)
+MUL2585 2 Maybe a museum would be nice. I am not sure. Attraction-Inform(Type=museum)
+MUL2585 8 Yes, I would like to find a place to stay in the south with free parking. Could you help me? Hotel-Inform(Area=south;Parking=yes)
+MUL2585 9 Please tell me your price range and hotel star rating preference. Hotel-Request(Price;Stars)
+MUL2585 10 I am looking for a hotel with a 4 star rating and price no more then 125 a night. Hotel-Inform(Stars=4)
+MUL2585 13 I have rosa's bed and breakfast. It is in the south and cheap with 4 stars. Hotel-Inform(Stars=4;Name=rosa's bed and breakfast;Area=south;Price=cheap)
+MUL2585 14 That sounds fine. Can you provide the phone number and address? And, is that considered a hotel or a guesthouse? Hotel-Request(Addr)
+MUL2585 15 It is a guesthouse and the address is 53 roseford road. The phone number is cb22ha. Hotel-Inform(Post=cb22ha;Addr=53 roseford road;Type=guesthouse)
+MUL2585 16 I'm sorry, can you provide that phone number again? I got a post code. Hotel-Request(Phone)
+MUL2585 17 The phone number for rosa's bed and breakfast is 01223512596 Hotel-Inform(Name=rosa's bed and breakfast;Phone=01223512596)
+MUL2582 0 I am looking for some place to go that offers entertainment in the centre. What do you recommend? Attraction-Inform(Area=centre;Type=entertainment)
+MUL2582 2 Is there one that has architecture? Attraction-Inform(Type=architecture)
+MUL2582 6 I'm also looking for a place to stay. I need some place with free wifi. I don't need free parking. Hotel-Inform(Parking=dont care;Internet=yes)
+MUL2582 7 There are 32 entries, do you have any other information to help narrow it down? Hotel-Inform(Choice=32)
+MUL2582 8 something in the moderate price range, please. Hotel-Inform(Price=moderate)
+MUL2582 9 We have 17 hotels that fit your criteria. Would there be anything else that you would like in your hotel? Hotel-Inform(Choice=17;Type=hotels)
+MUL2582 10 I would like something with free wifi. It doesn't need to have free parking. Hotel-Inform(Parking=no;Internet=yes)
+MUL2583 0 I'm looking for a hotel, but not a guesthouse. All it needs is free parking. Can you recommend one? Hotel-Inform(Parking=free;Type=hotel)
+MUL2583 1 I am sorry are not hotels that match your criteria. Can I try to find a hotel in the south? Hotel-NoOffer(Type=hotels)
+MUL2583 2 Yes, I'm trying to find a hotel in the south with a 4 star rating, with free parking. Hotel-Inform(Stars=4;Area=south;Parking=yes)
+MUL2583 4 Ok, let's try the same other criteria but how about a guesthouse? Hotel-Inform(Type=guesthouse)
+MUL2583 7 The address is 53 roseford road and the post code is cb22ha. Hotel-Inform(Post=cb22ha;Addr=53 roseford road)
+MUL2583 8 Thanks. I'm also looking for a cinema in the same place at the hotel. Attraction-Inform(Type=cinema)
+MUL2583 9 Cineworld Cinema is in that part of town. Attraction-Inform(Area=that part of town;Name=Cineworld Cinema)
+MUL2583 13 The phone is 00872208000. Unfortunately my system does not show fees. Attraction-Inform(Fee=system does not show fees;Phone=00872208000)
+MUL2583 15 Thank you for using our services. general-bye()
+MUL2580 0 I'm looking for architectural attactions in the centre. Can you recommend one? Attraction-Inform(Area=centre)
+MUL2580 4 I am also wanting to find a place to stay. Although, I will need something with free parking. I can't afford to pay extra at some place that charges extra. Hotel-Inform(Parking=yes)
+MUL2580 6 Are any of these accommodations a 0 star? Hotel-Inform(Stars=0)
+MUL2580 7 The El Shaddai guesthouse is a 0-star, cheap place. Hotel-Inform(Type=guesthouse;Stars=0;Name=The El Shaddai;Price=cheap)
+MUL2580 12 No thanks, that's all I need for now. general-thank()
+MUL2580 13 Okay. Have an awesome day! general-bye()
+MUL2581 0 I want to visit an architecture attraction in the south of town. Attraction-Inform(Area=south;Type=architecture)
+MUL2581 2 Is there any with the type of entertainment here? Attraction-Inform(Type=entertainment)
+MUL2581 6 Yeah, could you find me a cheap place to stay with free wifi? Hotel-Inform(Internet=yes;Price=cheap)
+MUL2581 7 In what area would you like to stay? Hotel-Request(Area)
+MUL2581 9 There is Rosa's Bed and breakfast in the south part of town, not too far from Tenpin. Would you like me to check if they are available? Hotel-Inform(Name=Rosa's Bed and breakfast;Area=south part of town)
+MUL2581 10 Does it have free parking, I really don't need free parking, and I worry about security at the places that do have free parking. Hotel-Inform(Parking=yes)
+MUL2581 12 I'm not sure yet, what is the postal code there? Hotel-Request(Post)
+MUL2581 13 Its postal code is cb22ha. Hotel-Inform(Post=cb22ha)
+MUL2581 14 I also need a taxi to commute between the two places. I want to leave the attraction by 03:15. Taxi-Inform(Leave=03:15)
+MUL2581 16 No, that's all I need. You've been very helpful, thank you! general-thank()
+MUL0979 0 I'm looking for an expensive restaurant in the Centre. Restaurant-Inform(Area=centre;Price=expensive)
+MUL0979 2 I would really love to find an expensive Polish restaurant. Restaurant-Inform(Price=expensive)
+MUL0979 4 How about Chinese food? Restaurant-Inform(Food=chinese)
+MUL0979 6 Can I have the phone number for the Ugly Duckling restaurant? Restaurant-Request(Phone)
+MUL0979 7 There is no phone number for Ugly Duckling. Restaurant-Inform(Phone=no phone number;Name=Ugly Duckling)
+MUL0979 8 Okay let's try the Tang Chinese. Is there a phone number for them? Restaurant-Request(Phone)
+MUL0979 9 The phone number for Tang Chinese is 01223357187. Restaurant-Inform(Phone=01223357187;Name=Tang Chines)
+MUL0979 10 I'm also looking for somewhere to go. I'd like to do something entertaining near the restaurant. Are there any museums in the area? Attraction-Inform(Area=centre;Type=museum)
+MUL0979 14 That's not needed. I am looking for a taxi to go between the two places, though. Taxi-Inform()
+MUL0979 15 What time would you like to go between the two locations? Taxi-Request(Leave)
+MUL0979 16 Oh, wait. I'm so sorry. Before we book a taxi, can you provide me with the phone number to the art museum? Attraction-Request(Phone)
+MUL0979 17 The phone number is 01223324222 Attraction-Inform(Phone=01223324222)
+MUL0979 19 Wonderful. I was able to schedule that taxi for you. You will be riding in a grey Ford. If you have any questions for them, you can reach them at 07508824111. Taxi-Inform(Phone=07508824111;Car=grey Ford)
+MUL0979 20 Thanks so much for all your help. general-thank()
+MUL0979 22 No, that's everything. I'm sure my trip will be fantastic. Thank you for all the help. Have a good day! general-thank()
+MUL0979 23 Okay thank you for calling. general-bye()
+MUL2588 0 Yes I would like to stay in a guesthouse that is moderately priced. Hotel-Inform(Price=moderate;Type=guesthouse)
+MUL2588 2 I need a place in the north, with free wifi. Hotel-Inform(Area=north;Internet=yes)
+MUL2588 4 That sounds good please book me a room for 1 person staying 4 nights starting from Saturday. Hotel-Inform(Stay=4;People=1;Day=saturday;Name=limehouse)
+MUL2588 6 What about 3 nights? Hotel-Inform(Stay=3)
+MUL2588 7 Okay, you're all set! Reference number is I198LDZ3. Booking-Book(Ref=I198LDZ3)
+MUL2588 8 i am also looking for a place to go in town, college maybe? Attraction-Inform(Type=college)
+MUL2588 11 Christ's College postcode is cb23bu and address is saint andrew's street Attraction-Inform(Addr=saint andrew's street;Name=Christ's College;Post=cb23bu)
+MUL2588 12 Thank you. Also, what is the entrance fee if any? Attraction-Request(Fee)
+MUL2588 14 No, thanks. You were tremendously helpful. Have a great day! general-thank()
+MUL2588 15 You too! Please let us know if you need anything else! general-bye()
+MUL2589 0 I'm just looking for a hotel called Leverton House. Hotel-Inform(Name=leverton house)
+MUL2589 2 Do they have free parking available? Hotel-Request(Parking)
+MUL2589 3 Yes, it does have free parking. Hotel-Inform(Parking)
+MUL2589 5 01223292094 is their phone number. it has 4 stars. Hotel-Inform(Stars=4;Phone=01223292094)
+MUL2589 6 Can you also provide me with their address please? Attraction-Request(Addr)
+MUL2589 8 Yes, I am looking for a theatre. Possibly in the centre. Attraction-Inform(Area=centre;Type=theatre)
+MUL2589 9 Sure, I enjoy The Cambridge Arts Theatre at 6 Saint Edward's Passage. It is free, which is a plus. Attraction-Recommend(Fee=free;Addr=6 Saint Edward's Passage;Name=The Cambridge Arts Theatre)
+MUL2589 10 Perfect, could I have the phone number please? Attraction-Request(Phone)
+MUL2589 11 Sure! The phone number is 01223503333. Attraction-Inform(Phone=01223503333)
+MUL2589 12 I would like to book a taxi to commute between the two places. I want to leave the hotel by 05:45. Taxi-Inform(Leave=5:45)
+MUL2589 14 No,that is all. Thank you! general-thank()
+MUL2589 15 thank you goodbye general-bye()
+MUL2278 0 I'm looking for a hotel called Worth House. Hotel-Inform(Name=worth house)
+MUL2278 2 Yes please, I need a reservation for 4 nights starting Monday for 1 person. Hotel-Inform(Stay=4;People=1;Day=monday)
+MUL2278 3 I've successfully booked that for you. Your reference number is VO1DEPI5. Booking-Book(Ref=VO1DEPI5)
+MUL2278 4 Thanks! I'm also looking for a train that leaves from bishops stortford and goes to cambridge. Train-Inform(Depart=bishops stortford;Dest=cambridge)
+MUL2278 5 Not a problem, when would you like to depart or when would you like to arrive by? Train-Request(Leave;Arrive)
+MUL2278 6 I don't want to leave any earlier than 08:30, please. Train-Inform(Leave=08:30)
+MUL2278 7 the TR2083 leaves at 09:29, and arrives at 10:07. Train-Inform(Arrive=10:07;Id=TR2083;Leave=09:29)
+MUL2278 8 Is this train the same day as my hotel booking? Train-Inform(Day=monday)
+MUL2278 10 Ok, that's all I need for now. Bye. general-bye()
+MUL2278 11 If there is any other way I can help you please let me know. general-reqmore()
+MUL2279 0 I am looking for a train leaving Cambridge. Train-Inform(Depart=cambridge)
+MUL2279 2 I would like to go to leicester and leave on friday. Train-Inform(Dest=leicester;Day=friday)
+MUL2279 4 Departing from cambridge and I want to arrive somewhere around 20:00, can you get me 7 tickets and I'll need the reference number too. Train-Inform(Depart=cambridge;People=7;Arrive=20:00)
+MUL2279 5 The TR2508 arriving at 19:06 sound okay to you? Train-OfferBook(Id=TR2508;Arrive=19:06)
+MUL2279 6 That sounds great, thank you. Could you book that for me for 7 people? I will need the reference number as well. Train-Inform(People=7)
+MUL2279 8 Yes , I also need to find a place to stay. Preferably 4 stars and a guesthouse. Hotel-Inform(Stars=4;Type=guesthouse)
+MUL2279 10 I definitely want to stay in the east part of town. Hotel-Inform(Area=east)
+MUL2279 12 The price range doesn't matter, but could you pick one and book it for 3 nights for 7 people starting Tuesday? Hotel-Inform(Stay=3;People=7;Day=tuesday)
+MUL2279 14 How about 1 night? Hotel-Inform(Stay=1)
+MUL2279 15 I was able to book the A and B Guest House for 1 night. Booking was successful. Reference number is : 995PR933. Booking-Book(Ref=995PR933;Stay=1;Name=A and B Guest House)
+MUL2279 16 thank you, you've been quite helpful general-thank()
+MUL2270 0 I would like help finding a train headed to Cambridge. Train-Inform(Dest=cambridge)
+MUL2270 1 I will be happy to help you find a train. Can you tell me where you will be departing from? Train-Request(Depart)
+MUL2270 2 Departing from London Kings Cross on Tuesday. Train-Inform(Depart=london kings cross;Day=tuesday)
+MUL2270 3 When would you like to leave or arrive by? Train-Request(Leave;Arrive)
+MUL2270 4 I need to arrive by 18;30. Train-Inform(Arrive=18:30)
+MUL2270 7 Sure! The ticket is 23.60 pounds. Train-Inform(Ticket=23.60 pounds)
+MUL2270 9 They do. Would you like to book a room? Booking-Inform()
+MUL2270 10 I would first like to know what their price range and hotel type are, thank you. Hotel-Request(Price;Type)
+MUL2270 12 Thank you, but no. You've already helped me with everything I needed today. general-thank()
+MUL2270 13 I'm happy we could help today, and thank you for using the Cambridge TownInfo Centre! general-bye()
+MUL2271 2 I would like to be in the centre area and should include free wifi. Hotel-Inform(Area=centre;Internet=yes)
+MUL2271 3 How about the Alexander Bed and Breakfeast guesthouse? It is in the cheap price range and has 4 stars. Hotel-Recommend(Type=guesthouse;Price=cheap;Name=the Alexander Bed and Breakfeast;Stars=4)
+MUL2271 4 That sound perfect. I would really like to book a room for the my family of six. Hotel-Inform(People=6)
+MUL2271 5 What day do you need to book and how many days do you wish to stay? Booking-Request(Stay;Day)
+MUL2271 6 Starting on Saturday, I would like to book 3 nights at that hotel for my family of 6. Hotel-Inform(Stay=3;Day=saturday)
+MUL2271 8 Yes actually. I am looking for a train that goes to the Stansted Airport from Cambridge. Train-Inform(Depart=cambridge;Dest=stansted airport)
+MUL2271 9 What day will you be traveling on? Train-Request(Day)
+MUL2271 10 I'll be traveling on Tuesday. Train-Inform(Day=tuesday)
+MUL2271 12 The train should arrive at Stansted Airport by 13:45. Train-Inform(Dest=stansted airport;Arrive=13:45)
+MUL2271 14 Can I get the one that arrives closest to 13:45? Can you book that for 6 seats and give me the reference number? Train-Inform(Arrive=13:45)
+MUL2271 16 Yes, please book it for the same group of people. Train-Inform(People=6)
+MUL2271 18 No that is all I need for today thank you. general-thank()
+MUL2272 0 I am looking for a place to stay in Cambridge. I prefer a cheap, 4 star hotel. Hotel-Inform(Stars=4;Price=cheap;Type=hotel)
+MUL2272 2 Does this place have free wifi? Hotel-Inform(Internet=yes)
+MUL2272 4 Yes, I would like to book it for 5 people for 5 nights, beginning on Friday. Hotel-Inform(Stay=5;People=5;Day=friday)
+MUL2272 6 Yes, can you help me find a train into Cambridge? Train-Inform(Dest=cambridge)
+MUL2272 7 Where will you be departing from? Train-Request(Depart)
+MUL2272 8 I am departing from Birmingham New Street Train-Inform(Depart=birmingham new street)
+MUL2272 10 If I could leave on the first one after 16:30. that would be perfect. Train-Inform(Leave=16:30)
+MUL2272 11 What day would you like to travel? Train-Request(Day)
+MUL2272 14 Sure. I would like 5 tickets, please. Train-Inform(People=5)
+MUL2272 16 That will be all. Thank you! general-thank()
+MUL2273 0 I need a train from Cambridge to Stevenage please. Train-Inform(Depart=cambridge;Dest=stevenage)
+MUL2273 2 I'd like to leave on Tuesday after 21:30, please. Train-Inform(Day=thursday;Leave=21:30)
+MUL2273 4 Yes, please. I'll actually need 7 tickets. Train-Inform(People=7)
+MUL2273 6 I also need an expensive lodging in the center of town. Hotel-Inform(Price=expensive)
+MUL2273 8 Hmm, I was really looking for something with 0 stars. Can you check for any guesthouses instead? Hotel-Inform(Stars=0)
+MUL2273 9 Perhaps with different criteria? I have nothing for 0 stars, expensive, in the centre. Hotel-NoOffer(Stars=0;Area=centre;Price=expensive)
+MUL2273 11 I'm still looking, please stand by. Hotel-Inform()
+MUL2273 12 Okay, once you've found a hotel, could you give me the hotel type, post code and whether or not they have free parking? Hotel-Request(Post;Parking;Type)
+MUL2273 13 The el shaddai is a guesthouse with free parking. The postcode is cb11eg. Hotel-Inform(Type=guesthouse;Parking;Name=The el shaddai;Post=cb11eg)
+MUL2273 14 Thank you so much, no need for booking, that is all of my questions. general-thank()
+MUL2274 0 Hello! I am looking for a play stay, I would like it in the expensive range and to stay in the north Hotel-Inform(Area=north;Price=expensive)
+MUL2274 2 Are you sure there is no place to stay that is expensive and in the north? Hotel-Inform(Area=north;Price=moderate)
+MUL2274 3 Yes, I just double checked for you. There are some in the moderate price range if you're interested? Hotel-Inform(Price=moderate;Choice=some)
+MUL2274 4 Yes please. An expensive hotel in the north with free parking and free internet. Can you book the room for me please? Hotel-Inform(Area=north;Parking=yes;Internet=yes)
+MUL2274 6 A hotel, please. For 4 people and 4 nights. Hotel-Inform(Stay=4;Type=hotel;People=4)
+MUL2274 8 Book it please! Can you also provide a reference number? thanks! general-thank()
+MUL2274 9 Yes, but I need the day that you will be arriving first. Booking-Request(Day)
+MUL2274 10 Please book for 4 people and 4 nights starting from tuesday. Hotel-Inform(Stay=4;People=4;Day=tuesday)
+MUL2274 12 Nope. Thank you so much for your help. general-thank()
+MUL2274 13 It was a pleasure to assist you. Thank you for using our service. Goodbye. general-bye()
+MUL2275 0 I need a train to cambridge, please Train-Inform(Dest=cambridge)
+MUL2275 2 London liverpool street. Train-Inform(Depart=london liverpool street)
+MUL2275 3 What day are you leaving and what time to you want to depart? Train-Request(Day;Leave)
+MUL2275 4 I'd like to leave on Saturday and would like to arrive in Cambridge by 16:45. Train-Inform(Day=saturday;Arrive=16:45)
+MUL2275 6 Yea please book that train for 4 people. Train-Inform(People=4)
+MUL2275 8 Yes, can you book the huntingdon marriott hotel for 4 people, 5 nights starting on Saturday? Hotel-Inform(Stay=5;People=4;Day=saturday;Name=huntingdon marriott hotel)
+MUL2275 10 Great, that's all I need today. Thanks for your help! general-thank()
+MUL2276 0 I am looking for a palce to stay in cambridge that includes free parking and has a 4 star rating Hotel-Inform(Stars=4;Parking=yes)
+MUL2276 2 Cheap price range and a guesthouse. Hotel-Inform(Price=cheap;Type=guesthouse)
+MUL2276 4 I'm not too concerned with area. Which would you recommend, and do they have internet? Hotel-Request(Internet)
+MUL2276 6 The Allenbell sounds great. Can I get their phone number and postcode please? Hotel-Request(Post;Phone)
+MUL2276 7 The number is 01223525725, and the postcode is cb12de. Hotel-Inform(Phone=01223525725;Post=cb12de)
+MUL2276 8 Thank you. I also need a train on Friday. Train-Inform(Day=friday)
+MUL2276 10 The train departs from King's Lynn on Friday at 12:30 and goes to Cambridge. Train-Inform(Depart=kings lynn;Dest=cambridge;Day=friday;Leave=12:30)
+MUL2276 12 Yes, that would work for me. Can you book me 4 tickets please? Train-Inform(People=4)
+MUL2276 14 Thank you. That's all I need for now. general-thank()
+MUL2277 0 I'm looking for a train to London King Cross leaving Friday. Train-Inform(Day=friday)
+MUL2277 1 Okay, when would you like to leave or arrive by? Train-Request(Arrive;Leave)
+MUL2277 2 I will be coming from cambridge and would like to arrive by 13:30. Train-Inform(Depart=cambridge;Arrive=13:30)
+MUL2277 3 TR1502 leaves at 11:00 and arrives by 11:51. Does that work for you? Train-Inform(Arrive=11:51;Leave=11:00;Id=TR1502)
+MUL2277 6 Not yet. I'm looking for a place to stay. I'd prefer a guesthouse with four stars. Can you find one? Hotel-Inform(Stars=4;Type=guesthouse)
+MUL2277 7 There are 18 results, can you be more specific as to what you're looking for? Hotel-Inform(Choice=18)
+MUL2277 12 No thank you, that was all the information I needed. general-thank()
+MUL2277 15 Have a great day, then. general-bye()
+PMUL0298 0 I am looking for some restaurant recommendations. Restaurant-Inform()
+PMUL0298 1 Do you have a cuisine or area in mind? Restaurant-Request(Food)
+PMUL0298 4 No, not really. How about Indian food instead of Middle Eastern? Restaurant-Inform(Food=indian)
+PMUL0298 6 No just the address, postcode and phone number of the one you recommend. Restaurant-Request(Post;Phone;Addr)
+PMUL0298 8 I also need a place to stay. I need somewhere that is a guesthouse and includes free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL0298 10 Area does not matter but something with 4 stars. Hotel-Inform(Stars=4)
+PMUL0298 11 How about the limehouse? Hotel-Recommend(Name=limehouse)
+PMUL0298 12 Is Limehouse 4 stars? Hotel-Inform(Stars=4)
+PMUL0298 16 I can do that myself. Thank you for the information. general-thank()
+PMUL0298 17 You are welcome. general-welcome()
+PMUL0298 19 Thank you! You as well! general-bye()
+PMUL0293 0 Hi, I'm looking for the Bridge Guest House. Can you give the information about it please? Hotel-Inform(Name=bridge guest house)
+PMUL0293 2 Yes. I would like to book it for 3 nights for four people, starting on monday. Hotel-Inform(Stay=3;People=4;Day=monday)
+PMUL0293 4 I am also looking for a place to eat. It should serve bistro food and be expensive. Restaurant-Inform(Food=bistro;Price=expensive)
+PMUL0293 6 Yes please, could you look for a chinese retaurant in the expensive range? Restaurant-Inform(Food=chinese;Price=expensive)
+PMUL0293 8 It does not matter. Pick and book me at one on Monday, for four people at 13:00. Restaurant-Inform(Time=13:00;People=4;Day=monday)
+PMUL0293 10 I also need a taxi between the two places. Taxi-Inform()
+PMUL0293 11 I'd be happy to help. Would you like to depart from the restaurant or the hotel? Taxi-Request(Depart;Dest)
+PMUL0293 12 The hotel please in a taxi Taxi-Inform(Depart=bridge guest house;Dest=yu garden)
+PMUL0293 14 that's all! thank you! general-thank()
+PMUL0293 15 It was my pleasure. general-welcome()
+PMUL0292 0 Hello, I'm interested in booking a restaurant in cambridge! Restaurant-Inform()
+PMUL0292 1 What type of food do you want to eat? Restaurant-Request(Food)
+PMUL0292 2 I was hoping to eat Indian food that is moderately priced. Restaurant-Inform(Food=indian;Price=moderate)
+PMUL0292 3 Do you have an area of town you prefer? Restaurant-Request(Area)
+PMUL0292 6 Yes, please. We'd like a table for 3 at 15:30 on Tuesday. Restaurant-Inform(Time=15:30;People=3;Day=tuesday;Name=the nirala)
+PMUL0292 8 Thank you for the restaurant booking. Can you look for a guesthouse for me? I don't need free parking by the way. Hotel-Inform(Type=guesthouse)
+PMUL0292 10 Moderate price range please. Hotel-Inform(Price=moderate)
+PMUL0292 12 Sure, please book it for 3 people. We'll arrive tuesday and stay for 2 nights. Hotel-Inform(Stay=2;People=3;Day=tuesday;Name=a and b guest house)
+PMUL0292 14 That's all for now. Thank you general-thank()
+PMUL0292 15 Thank you for using our services. general-bye()
+PMUL0291 0 I would like to find a certain restaurant called the Maharajah Tandoori Restaurant. Can you find it for me? Restaurant-Inform(Name=maharajah tandoori restaurant)
+PMUL0291 1 It is located at 41518 Castle Street City Centre. Restaurant-Inform(Addr=41518 Castle Street City Centre)
+PMUL0291 2 Great. Can you make me a reservation for 5 people at 14:30 on Wednesday. Restaurant-Inform(Time=14:30;People=5;Day=wednesday)
+PMUL0291 3 The booking was successful. The table will be reserved for 15 minutes.Your reference number is : XL60G8AI. Booking-Book(Ref=XL60G8AI)
+PMUL0291 4 Thanks so much. I'm also looking for a place to stay. general-thank()
+PMUL0291 6 Well I would like it to be moderately priced, 4 stars and include free wifi and include free parking. Hotel-Inform(Stars=4;Area=centre;Parking=yes;Internet=yes;Price=moderate)
+PMUL0291 8 Surely there's got to be a moderately priced 4 star hotel in the Cambridge area that offers free parking and internet. Can you please check again? Hotel-Inform(Stars=4;Price=moderate)
+PMUL0291 10 it doesn't matter just book a room for 3 nights I'll need the reference number then too please Hotel-Inform(Area=east;Stay=3)
+PMUL0291 12 No thanks that's all I need for now. Thank you for your help. general-thank()
+PMUL0290 0 Hi! I need a place to stay in the centre of town. Hotel-Inform(Area=centre)
+PMUL0290 2 Expensive price range would be just fine. Hotel-Inform(Price=expensive)
+PMUL0290 4 Before I book can I confirm that it includes free wifi and free parking? Hotel-Inform(Name=university arms hotel)
+PMUL0290 7 what day would you like to leave, how many days Booking-Request(Stay;Day)
+PMUL0297 0 I need a moderately priced place to dine on the west side. Restaurant-Inform(Area=west;Price=moderate)
+PMUL0297 2 I would be interested in a moderately priced Indian restaurant on the west side. Restaurant-Inform(Area=west;Food=indian;Price=moderate)
+PMUL0297 4 No thanks, I'm not sure when exactly I am going to be eating, but thank you very much for the assistance. general-thank()
+PMUL0297 5 Can I help you with anything else today? general-reqmore()
+PMUL0297 7 What area are you wanting to stay in? Hotel-Request(Area)
+PMUL0297 8 I need it in the same area as the restaurant and it should be a 3 star place. Hotel-Inform(Stars=3)
+PMUL0297 9 What price range would you like? Hotel-Request(Price)
+PMUL0297 10 Same price range as the restaurant Restaurant-Inform()
+PMUL0297 11 The Meghna is a nice place,s do you want me to book it ? Booking-Inform(Name=Meghna)
+PMUL0297 13 I would recommend Hobson House on the west side, 3 stars and does have wi-fi. Hotel-Recommend(Internet;Stars=3;Name=Hobson House;Area=the west side)
+PMUL0297 15 Yes, it does have free parking Hotel-Inform(Parking)
+PMUL0297 16 Okay can you give me their phone number? Hotel-Request(Phone)
+PMUL0297 18 Yes, I need a taxi also. Taxi-Inform()
+PMUL0297 19 Where do you want to be picked up and by what time? Taxi-Request(Depart;Leave)
+PMUL0297 20 I would like to leave the restaurant by 14:00. Taxi-Inform(Depart=meghna;Leave=14:00)
+PMUL0297 22 Thanks for all of your help today. Goodbye! general-bye()
+PMUL0297 23 Have a great night. general-bye()
+PMUL0296 0 I am looking for a place to stay with free wifi. Hotel-Inform(Internet=yes)
+PMUL0296 1 What area would you like that in? Hotel-Request(Area)
+PMUL0296 2 In the east side of town. Hotel-Inform(Area=east)
+PMUL0296 6 Could you just give me the address for now? Hotel-Request(Addr)
+PMUL0296 7 The address is 138 perne road Hotel-Inform(Addr=138 perne road)
+PMUL0296 8 I would also like to get some expensive fusion food. Restaurant-Inform(Food=fusion;Price=expensive)
+PMUL0296 9 There is nothing that meets that criteria, shall I run another search? Restaurant-NoOffer()
+PMUL0296 10 How about a British restaurant instead? Restaurant-Inform(Food=british)
+PMUL0296 12 Is Graffiti in the same area as my hotel? I'd like to keep it to that area if possible. Restaurant-Inform(Name=graffiti)
+PMUL0296 16 Possibly, but first can you give me the exact address for Graffiti? Restaurant-Request(Addr)
+PMUL0296 19 How about travellers rest restaurant located in the west side of town? Restaurant-Inform(Name=travellers rest restaurant;Area=west side)
+PMUL0296 20 I need a restaurant in the east area, so that won't work. Restaurant-Inform(Area=east)
+PMUL0296 22 Yes please. Go ahead and book it for me. Thank you and good bye Restaurant-Inform(Name=grafton hotel restaurant)
+PMUL0296 23 I need more information, such as when you would like to book it and for how many people? Booking-Request(Day;People)
+PMUL0295 0 Hi, can you help me locate a hotel named City Centre B and B. Really looking forward to trying different restaurants. Hotel-Inform(Name=city centre north b and b)
+PMUL0295 2 Can you please help me book that hotel for 8 people. We'll be staying for two nights starting on Tuesday. Hotel-Inform(Stay=2;People=8;Day=tuesday)
+PMUL0295 3 i am doing that right away sir. thank you Booking-Inform()
+PMUL0295 4 Are you still there? Were you able to book that? Can I get a reference number please? Hotel-Request(Ref)
+PMUL0295 5 Booking was successful. Reference number is : MOPETAI4. Booking-Book(Ref=MOPETAI4)
+PMUL0295 6 Thank you, good bye general-bye()
+PMUL0295 7 Thank you for using the Cambridge TownInfo centre. Have a great day. general-bye()
+PMUL0294 0 I'm looking for a place to stay with free parking. Hotel-Inform(Parking=yes)
+PMUL0294 2 One in the moderate price range. Hotel-Inform(Price=moderate)
+PMUL0294 3 Can we narrow down your search by area? Hotel-Request(Area)
+PMUL0294 4 I would really like a guesthouse please. Hotel-Inform(Type=guesthouse)
+PMUL0294 5 great, i have 12 options for you to choose from! Hotel-Inform(Choice=12)
+PMUL0294 8 I am fine with the west of town. Hotel-Inform(Area=west)
+PMUL0294 10 Can you book it for me and get a reference number ? Hotel-Inform(Name=hobsons house)
+PMUL0294 12 I will be checking in on Saturday and will be staying for 5 nights. I need it for 5 people. Hotel-Inform(Stay=5;People=5;Day=saturday)
+PMUL0294 14 I also need a restaurant in the centre. Restaurant-Inform(Area=centre)
+PMUL0294 16 I am in the mood for Asian oriental food. I am looking for something in the moderate price range, please. Restaurant-Inform(Food=asian oriental;Price=moderate)
+PMUL0294 18 Yes that would be great, thanks. The same group that you booked the hotel, we'll need a table on the same day at 13:45. Restaurant-Inform(Time=13:45;People=5;Day=saturday)
+PMUL0294 19 I was able to book for you. Your reference number is UL1US0KU. Booking-Book(Ref=UL1US0KU)
+PMUL0294 20 Thank you. That is all that I need. general-thank()
+PMUL0550 0 Hey I am looking for a train from Cambridge to Bishops stortford. Mind helping out? Train-Inform(Depart=cambridge;Dest=bishops stortford)
+PMUL0550 2 I want to leave on Monday and arrive by 18:45. Train-Inform(Day=monday;Arrive=18:45)
+PMUL0550 4 Could you give me the travel time and price of that train please? Train-Request(Duration;Price)
+PMUL0550 5 The cost is 10.10 pounds. The duration of the trip is 38 minutes, leaving Cambridge at 5:29 and arriving at 6:07 in Bishops Stortford. Train-Inform(Ticket=10.10 pounds;Dest=Bishops Stortford;Arrive=6:07;Time=38 minutes;Leave=5:29;Depart=Cambridge)
+PMUL0550 6 I also want a cheap chinese restaurant. Restaurant-Inform(Food=chinese;Price=cheap)
+PMUL0550 8 I'd like to be in the centre please. Restaurant-Inform(Area=centre)
+PMUL0550 10 Yes. Monday, 8 people, 10:30. Restaurant-Inform(Time=10:30;People=8;Day=monday;Name=charlie)
+PMUL0550 11 Booking was successful. The table will be reserved for 15 minutes. Reference number is : IFJMBKLI. Booking-Book(Ref=IFJMBKLI)
+PMUL0550 12 Thank you very much. That will be all for today. I appreciate all your help. general-thank()
+PMUL1538 0 I'm looking for a Saturday train. Train-Inform(Day=saturday)
+PMUL1538 3 There is a train leaving at 5:00. Train-Inform(Leave=5:00)
+PMUL1538 6 That's perfect. I also need a hotel to stay in. Should be rated 4 stars Hotel-Inform(Stars=4)
+PMUL1538 8 Anywhere in the south. As long as it has free wifi. Hotel-Inform(Area=south;Internet=yes)
+PMUL1538 10 No particular price range. I would like to stay in a 4 star guesthouse. Hotel-Inform(Stars=4;Type=guesthouse)
+PMUL1538 11 May I suggest Rosa's Bed and Breakfast? It's a cheap, 4 star, guest house. Hotel-Recommend(Type=guest house;Price=cheap;Name=Rosa's Bed and Breakfast;Stars=4)
+PMUL1538 14 No thanks, just grabbing some information for now. Thank you for all of your help. general-thank()
+PMUL1538 15 Have a nice day. general-bye()
+SNG1145 0 I'm looking for some architecture to visit. What are my options? Attraction-Inform(Type=architecture)
+SNG1145 1 All architecture is in the centre of town. Your options are All Saints Church, Great Saint Mary's Church, Holy Trinity Church, Little Saint Mary's Church, and Old Schools. Attraction-Inform(Area=centre of town;Name=All Saints Church;Name=Great Saint Mary's Church;Name=Holy Trinity Church;Name=Little Saint Mary's Church;Name=Old Schools;Type=architecture)
+SNG1145 2 How about All Saints? And could I have a postcode please? Attraction-Request(Post)
+SNG1145 4 That should be all! Thanks! general-thank()
+SNG1145 5 We hope you enjoy your visit. Thank you for contacting us. general-greet()
+SNG1145 6 Thank you, goodbye. general-bye()
+SNG1145 7 If you need anything else let us know. general-bye()
+PMUL0553 0 Does Cambridge have an Indian restaurant in the Centre of town? Restaurant-Inform(Area=centre;Food=indian)
+PMUL0553 2 I need a cheap one. Restaurant-Inform(Price=cheap)
+PMUL0553 4 Yes, please. I need a reservation for 7 people at 5:15 on Sunday. Restaurant-Inform(People=7;Day=sunday)
+PMUL0553 6 I also need to book a train for my trip to Cambridge. Train-Inform(Dest=cambridge)
+PMUL0553 7 Where will you be departing from? And what day would you like to travel? Train-Request(Day;Depart)
+PMUL0553 8 I will be leaving from Birmingham New Street on Sunday. Train-Inform(Depart=birmingham new street)
+PMUL0553 9 Would you like to specify a departure or arrival time? Train-Request(Arrive;Leave)
+PMUL0553 10 I'll depart anytime as long as I can get to Cambridge by 08:30. Train-Inform(Arrive=08:30)
+PMUL0553 11 Okay. How about TR8730, which would depart at 05:40 and arrive by 08:23? Train-Inform(Leave=05:40;Arrive=08:23;Id=TR8730)
+PMUL0553 12 Sounds good. Please, may I have the price, travel time, and departure time? Train-Request(Duration;Price;Leave)
+PMUL0553 13 TR8730 has a fare of 60.08 GBP, the trip is 163 minutes, and it departs at 05:40. Would you like to book tickets? Or can I help you with anything else? Train-Inform(Id=TR8730;Leave=05:40;Ticket=60.08 GBP;Time=163 minutes)
+PMUL0553 14 Great, that's all I need, thanks so much for your help! Have a great day! general-thank()
+PMUL0007 0 Hi there! I need a 4-star accommodation with free wifi. Hotel-Inform(Stars=4;Internet=yes)
+PMUL0007 1 There are several. Is there an area of town you are interested in? Hotel-Request(Area)
+PMUL0007 2 Yes, I would like to stay in the north of possible. Hotel-Inform(Area=north)
+PMUL0007 4 I would like a moderately priced hotel. I'd like to book it starting Wednesday for 5 nights for 2 people if possible. Can you help? Hotel-Inform(Stay=5;Price=moderate;People=2;Day=wednesday)
+PMUL0007 6 The Archway House would be fine. Can you book me a room for Wednesday for 2 people, 5 nights please? Hotel-Inform(Stay=5;People=2;Day=wednesday;Name=archway house)
+PMUL0007 8 Yes, I'm also looking for a place to eat. I'd like a moderately priced restaurant that serves Halal food. Can you check that out? Restaurant-Inform(Food=halal;Price=moderate)
+PMUL0007 11 there are nine restaurants in the north. Restaurant-Inform(Area=north;Choice=nine)
+PMUL0007 12 Okay, I'm looking for something then that serves Indian food. Restaurant-Inform(Food=indian)
+PMUL0007 13 There are two options, The Nirala which is in the moderate price range and Royal Spice which is in the cheap price range. Restaurant-Select(Price=moderate;Price=cheap;Name=Nirala;Name=Royal Spice)
+PMUL0007 14 The Nirala would be fine. I would like to book a table for the same day Restaurant-Inform(Name=Nirala)
+PMUL0007 15 How many people will be eating and for what time? Booking-Request(People;Time)
+PMUL0007 16 2 people at 11:30, please. Restaurant-Inform(Time=11:30;People=2)
+PMUL0007 17 Your reservation for 2 at the nirala this wednesday at 11:30 was successful. The table will be reserved for 15 minutes. Your Reference number is : 56DW8LTL. Booking-Book(Name=nirala;Time=11:30;Day=wednesday;People=2;Ref=56DW8LTL)
+PMUL0007 18 thanks I need a cab to and from. I need to get at the restaurant on time Restaurant-Inform()
+PMUL0007 19 Booking completed! Your car is a red ford and the contact number is 07386738541. Taxi-Inform(Phone=07386738541;Car=red ford)
+PMUL0007 20 Thanks for the help, goodbye. general-bye()
+PMUL0007 21 You're welcome. If you need anything else, please contact us. general-welcome()
+SNG1144 0 I would like to visit a museum. Attraction-Inform(Type=museum)
+SNG1144 1 Great! What area are you looking for? Attraction-Request(Area)
+SNG1144 6 That's great. Thank you so much. general-thank()
+PMUL0005 0 I was looking for a specific restaurant, please. Restaurant-Inform()
+PMUL0005 2 Yes, it;s called The Golden Curry. Restaurant-Inform(Name=the golden curry)
+PMUL0005 4 Yes I need it booked for 8 people on Monday at 17:15. Restaurant-Inform(Time=17:15;People=8;Day=monday)
+PMUL0005 5 I will book that for you now. Booking-Inform()
+PMUL0005 6 Thank you. If that one fails, Thursday would be good as well. Please provide the reference number. I also need a hotel, at least 1 star and include internet. Hotel-Inform(Internet=yes;Day=thursday)
+PMUL0005 7 What area would you like the hotel to be in? Hotel-Request(Area)
+PMUL0005 8 I do not mind the area. Just free wifi and I like to only have 1 star. Hotel-Inform(Stars=1;Internet=yes)
+PMUL0005 9 i can't find any hotels that fit your criteria, i'm sorry. Hotel-NoOffer(Type=hotels)
+PMUL0005 10 Can you find me a 4 star hotel then? Hotel-Inform(Stars=4)
+PMUL0005 12 i prefer a hotel type. Hotel-Inform(Type=hotel)
+PMUL0005 14 Are any of them in the Centre? Hotel-Inform(Area=centre)
+PMUL0005 17 Okay, and what time would you like the reservation for? Booking-Request(Time)
+PMUL0005 18 The restaurant reservation is at 17:15 Restaurant-Inform(Time=17:15)
+PMUL0005 19 What day would you like to dine and how many people will be with you? Booking-Request(People;Day)
+PMUL0005 20 I have a restaurant reservation, I need a hotel now. 1 star hotel with free wifi. Hotel-Inform(Internet=yes)
+PMUL0005 23 How many days will you need the booking for? Booking-Request(Stay)
+PMUL0005 24 I will need it for 4 nights. Thanks. Hotel-Inform(Stay=4)
+PMUL0005 25 Would you like me to book it for you? Booking-Inform()
+PMUL0005 27 You're all set. Your Reference number is : OI8ROWNH. Booking-Book(Ref=OI8ROWNH)
+PMUL0005 28 That's all I need today. Thank you so much for all your help. general-thank()
+PMUL0005 30 No thank you that will be all general-thank()
+PMUL0005 31 Would you like me to book it for you ? Booking-Inform()
+PMUL0106 0 I'm interested in finding a hotel that has free parking that I can stay at. Hotel-Inform(Parking=yes;Type=hotel)
+PMUL0106 2 Yes I need a place to stay for sure. I like 3 star hotels. Do you have any 3 stars? Hotel-Inform(Stars=3;Type=hotel)
+PMUL0106 4 Oh I almost forgot, I also need the hotel to provide free wifi. That may narrow my options down a bit. Can you check? Hotel-Inform(Internet=yes;Type=hotel)
+PMUL0106 6 That is great. I need it for Tuesday. 7 people lasting 5 nights. Hotel-Inform(Stay=5;People=7;Day=tuesday;Name=bridge guest house)
+PMUL0106 8 Yes, I would also like to find a Spanish place to eat at. Restaurant-Inform(Food=spanish)
+PMUL0106 11 Then I would like to recommend la tasca as the better of the two. Restaurant-Recommend(Name=la tasca)
+PMUL0106 12 Great, lets set up a reservation for 7 people at 20:00 on Tuesday. Restaurant-Inform(Time=20:00;People=7;Day=tuesday;Name=la tasca)
+PMUL0106 14 Thank you. That is all that I need. general-thank()
+PMUL1531 0 Hi, I'm looking for a train going to Ely from Cambridge. Train-Inform(Depart=ely;Dest=cambridge)
+PMUL1531 2 I need to leave on Wednesday after 12:00 please. Train-Inform(Day=wednesday;Leave=12:00)
+PMUL1531 4 That sounds great. I would like to book it for 7 people. I will also need the reference number Train-Inform(People=8)
+PMUL1531 5 Booking was successful, the total fee is 35.2 GBP payable at the station .Reference number is : JD1P380X. Train-OfferBooked(Ref=JD1P380X;Ticket=35.2 GBP)
+PMUL1531 6 Thank you I also need to find a cheap guesthouse to stay at. Can you help me find one? Hotel-Inform(Price=cheap;Type=guesthouse)
+PMUL1531 8 The location doesn't matter, but I'd like it to be 4 stars. Hotel-Inform(Stars=4)
+PMUL1531 9 Okay! How about Allenbell? Hotel-Inform(Name=Allenbell)
+PMUL1531 10 Sounds great, can you book it for 7 people for 4 nights starting saturday? Hotel-Inform(Stay=4;People=7;Day=saturday;Name=allenbell)
+PMUL1531 11 Your room has been booked. Your reference number is ELA3CIDM. Booking-Book(Ref=ELA3CIDM)
+PMUL1531 12 Thats all for today! Thanks so much! general-thank()
+PMUL1531 13 Have a nice day. general-bye()
+PMUL1533 0 I need a train leaving after 08:15 going to cambridge. Thank you. Train-Inform(Dest=cambridge;Leave=08:15)
+PMUL1533 1 Where would you like to depart from? Train-Request(Depart)
+PMUL1533 2 I want to leave from Peterborough on Saturday. Train-Inform(Depart=peterborough;Day=saturday)
+PMUL1533 3 Train TR6763 would fit the bill, would you like me to book you passage? Train-OfferBook(Id=TR6763)
+PMUL1533 4 Yes, can you book for 4 people. Train-Inform(People=4)
+PMUL1533 5 Sure, I will book that for you. Train-OfferBook()
+PMUL1533 6 I need the reference number. Train-Request(Ref)
+PMUL1533 8 Yes, please. I'm also looking for a 4-star hotel with free parking. I'd like something moderately-priced, if possible. Hotel-Inform(Stars=4;Parking=yes;Price=moderate)
+PMUL1533 9 how about avalon? i hear it's lovely Hotel-Inform(Name=avalon)
+PMUL1533 11 Actually, Avalon doesn't meet your requirements. But I do have other options that are moderately priced, such as Acorn Guest House, Arbury Lodge Guesthouse, and Archway House. Hotel-Inform(Price=moderately priced;Name=Avalon;Name=Acorn Guest House;Name=Arbury Lodge Guesthouse;Name=Archway House)
+PMUL1533 15 enjoy your time with us general-bye()
+PMUL2299 0 I'm looking for a museum in the western part of town. Attraction-Inform(Area=west;Type=museum)
+PMUL2299 2 Free is always good. Can you give me the postcode, address, and phone number for one that is historical? Attraction-Request(Post;Phone;Addr)
+PMUL2299 3 The Museum of Classical Archeology is a free museum, located on Sidgwick Avenue in postal code CB3 9DA. Their phone number is 01 22 333 5153. Attraction-Inform(Name=The Museum of Classical Archeology;Post=CB3 9DA;Fee=free;Phone=01 22 333 5153;Type=museum;Addr=Sidgwick Avenue)
+PMUL2299 4 Thank you. I'm also looking for the panahar restaurant, can you give me directions? Restaurant-Inform(Name=panahar)
+PMUL2299 5 The address is 8 Norfolk Street City Centre and phone 01223355012. It's in the Centre just go down Norfolk if you are coming from the freeway. Restaurant-Inform(Phone=01223355012;Addr=8 Norfolk Street City Centre;Area=Centre)
+PMUL2299 6 Thanks, what is the price range? Restaurant-Request(Price)
+PMUL2299 8 No, thanks! I need their phone number and address, though, please. Restaurant-Request(Phone;Addr)
+PMUL2299 10 No, that will do it, thanks! general-thank()
+PMUL2299 11 Okay, have a great day! general-bye()
+PMUL2298 0 I'm looking for a chinese restaurant in the center of town. Restaurant-Inform(Food=chinese)
+PMUL2298 2 I want something cheap. Restaurant-Inform(Price=cheap)
+PMUL2298 4 Yes, can you give me the address, phone, and postcode. Restaurant-Request(Post;Phone;Addr)
+PMUL2298 6 Oh goodness. My mistake. I was supposed to be going to the south part of town. Can you see if you have any cheap chinese restaurants in that area? Restaurant-Inform(Area=south;Food=chinese;Price=cheap)
+PMUL2298 8 Can I have the address, postcode, and number for that restaurant as well? Restaurant-Request(Post;Addr)
+PMUL2298 10 I also need the number to an attraction called Cambridge contemporary art please. Attraction-Inform(Name=cambridge contemporary art)
+PMUL2298 12 Cool I also need a taxi Taxi-Inform()
+PMUL2298 13 What are your departure and destination sites? when would you like to leave or arrive? Taxi-Request(Depart;Dest;Arrive;Leave)
+PMUL2298 14 I need a taxi leaving the attraction by 23:45, heading to the restaurant. Taxi-Inform(Depart=cambridge contemporary art;Leave=23:45;Dest=the lucky star)
+PMUL2298 15 I have booked the taxi. A yellow Audi will be picking you up. Please call 07623682375 should you need to reach them. Taxi-Inform(Phone=07623682375;Car=yellow Audi)
+PMUL2298 16 Thank you! That will be all for today! general-thank()
+SNG1143 0 I'm looking for some entertainment in the center of town. Attraction-Inform(Type=entertainment)
+SNG1143 2 How about a theatre? Attraction-Inform(Type=theatre)
+SNG1143 3 There are 4 theatres located in the centre of town. How does Cambridge Arts Theatre sound? Attraction-Inform(Name=Cambridge Arts Theatre;Choice=4;Area=centre)
+SNG1143 4 That sounds good, what's the phone number? Attraction-Request(Phone)
+SNG1143 6 Thank you, that's all I need right now. Bye. general-bye()
+SNG1143 7 You're very welcome. Goodbye. general-bye()
+PMUL2290 0 I am looking for a place in the centre of town serving indian food. Restaurant-Inform(Area=centre;Food=indian)
+PMUL2290 2 I would like an expensive restaurant. Restaurant-Inform(Price=expensive)
+PMUL2290 6 Yeah, I would like to know about an attraction called saint barnabas press gallery. Attraction-Inform(Name=saint barnabas press gallery)
+PMUL2290 7 Sure! St. Barnabas Press Gallery is located in the east at The Belfast Yard, Coldham's Rd. It's free to attend. The phone number is 01223902116. Attraction-Inform(Addr=The Belfast Yard;Addr=Coldham's Rd;Area=east;Phone=01223902116;Fee=free;Name=St. Barnabas Press Gallery)
+PMUL2290 8 Thanks so much - that's all I need today. general-thank()
+PMUL2293 0 Can you help me find some local restaurants to dine in during my visit to Cambridge? Restaurant-Inform()
+PMUL2293 1 Certainly, do you have an area, pricerange, or food type? Restaurant-Request(Area;Food;Price)
+PMUL2293 2 Something near the attraction primavera would be nice. Where is that located? Attraction-Inform(Name=primavera)
+PMUL2293 5 The Primavera can be reached at 01223357708 Attraction-Inform(Name=The Primavera;Phone=01223357708)
+PMUL2293 6 I also want to dine at a moderate restaurant in the center area. Restaurant-Inform(Price=moderate)
+PMUL2293 7 What price range are you looking for? Restaurant-Request(Price)
+PMUL2293 8 I would like something in the moderate price range. Restaurant-Inform(Price=moderate)
+PMUL2293 9 I would suggest the varsity restaurant. Restaurant-Recommend(Name=the varsity restaurant)
+PMUL2293 10 I need it for 1 on 11:30 Tuesday. Restaurant-Inform(Time=11:30;People=1;Day=tuesday;Name=the varsity restaurant)
+PMUL2293 11 Okay, I've made the reservation for 1 at the varsity restaurant on tuesday at 11:30. The reference number is AXLJBTF7 Booking-Book(Day=tuesday;Ref=AXLJBTF7;Time=11:30;Name=the varsity restaurant;People=1)
+PMUL2293 12 I also want a taxi to go between those two places. Taxi-Inform()
+PMUL2293 13 Ok great and what times do you prefer? Taxi-Request(Arrive;Leave)
+PMUL2293 14 I don't care about the departure time, I just need to be at the restaurant by the booked time. Taxi-Inform(Depart=primavera;Arrive=11:30)
+PMUL2293 16 That is all thanks. general-thank()
+PMUL2292 1 We have the cambridge arts theatre, the adc theatre, mumford theatre, the cambridge corn exhange, and the junction. Attraction-Inform(Name=the cambridge arts theatre;Name=the adc theatre;Name=mumford theatre;Name=the cambridge corn exhange;Name=the junction)
+PMUL2292 3 The entrance fee is not listed would you like the phone number or address? Attraction-Inform(Fee=The entrance fee is not listed)
+PMUL2292 4 Yes please. I would like that very much and I also would like information on the Ugly Duckling restaurant. Restaurant-Inform(Name=ugly duckling)
+PMUL2294 0 I'm looking for some cheap Chinese food. Got any restaurants that fit the bill? Restaurant-Inform(Food=chinese;Price=cheap)
+PMUL2294 4 Yes, I'd like to make a reservation at the Rice House for one person at 11:00 on Sunday please. Restaurant-Inform(Time=11:00;People=1;Day=sunday;Name=rice house)
+PMUL2294 7 We don't have any sports attractions in the centre. Attraction-NoOffer()
+PMUL2294 8 Are there any museums in that area? Attraction-Inform(Type=museum)
+PMUL2294 10 Please provide the entrance fees. Attraction-Request(Fee)
+PMUL2294 13 castle galleries has free entry. Their phone number is 01223307402, postcode cb23bj, and address unit su43, grande arcade, saint andrews street Attraction-Inform(Fee=free;Phone=01223307402;Post=cb23bj;Name=castle galleries;Addr=unit su43;Addr=grande arcade;Addr=saint andrews street)
+PMUL2294 16 No that's everything for me today! Thank you! general-thank()
+PMUL2294 17 Thank you for choosing Cambridge TownInfo centre. Have a nice day! general-bye()
+PMUL2297 0 I'm looking for a restaurant in the west in the expensive range. Restaurant-Inform(Area=west;Price=expensive)
+PMUL2297 3 Would you like to try graffiti? Restaurant-Recommend(Name=graffiti)
+PMUL2297 4 Yes, could you book a table for 1 at 11:30 on thursday? Restaurant-Inform(Time=11:30;People=1;Day=thursday)
+PMUL2297 6 im looking also for a place to go still in the west Attraction-Inform(Area=west)
+PMUL2297 8 How about a museum? What kind are there? Attraction-Inform(Type=museum)
+PMUL2297 10 What is the postcode? Attraction-Request(Post)
+PMUL2297 12 No that is it. Thank you. general-thank()
+PMUL4014 0 I'm looking to get on a train on Saturday. Train-Inform(Day=saturday)
+PMUL4014 1 From where to where? Train-Request(Depart;Dest)
+PMUL4014 2 I'm leaving from London Liverpool Street and I need to arrive in Cambridge by 09:30. Train-Inform(Depart=london liverpool street;Dest=cambridge;Arrive=09:30)
+PMUL4014 3 the TR2503 will get you to your destination at 9:07. Train-Inform(Arrive=9:07;Id=TR2503)
+PMUL4014 4 Perfect. Can you book that for me for 3 people? Train-Inform(People=3)
+PMUL4014 6 I also need a hotel in the East. Hotel-Inform(Area=east)
+PMUL4014 7 Do you need parking at the hotel? Hotel-Request(Parking)
+SNG01418 2 Thank you very much. Can I please have their address and postcode also? Police-Request(Post;Addr)
+SNG01418 4 No, that will be all for today. Thank you. general-thank()
+SNG01418 5 You are welcome. Take care. general-welcome()
+PMUL1968 0 Hi. I need a train out of cambridge. Train-Inform(Depart=cambridge)
+PMUL1968 2 My destination is birmingham new street and I need to leave after 9:00. Train-Inform(Dest=birmingham new street;Leave=09:15)
+PMUL1968 3 On what day will you be travelling? Train-Request(Day)
+PMUL1968 4 I will be leaving on Thursday. Train-Inform(Day=thursday)
+PMUL1968 6 Yes please book that for 1 person. Train-Inform(People=1)
+PMUL1968 8 That is all today. Thank you so much for your end. general-thank()
+PMUL1968 9 Yeah, anytime. I was happy to help. general-welcome()
+PMUL1968 10 Actually, there is one more thing. I'd like to book a stay at the Acorn Guest House for Monday. Hotel-Inform(Day=monday;Name=acorn guest house)
+PMUL1968 11 How many days will you be staying and how many guests? Booking-Request(People;Stay)
+PMUL1968 12 I'd like a booking for the same group of people for 3 nights, please. Hotel-Inform(Stay=3;People=1)
+PMUL1968 14 no, that should be all. thank you very much. general-thank()
+PMUL1968 15 Perfect. Thank you for using the Cambridge TownInfo centre. Have a great day! general-bye()
+PMUL1537 0 I would like to book a room in a hotel, please. Hotel-Inform(Type=hotel)
+PMUL1537 1 Do you prefer a particular area of town or price range? Hotel-Request(Area;Price)
+PMUL1537 2 Yes, I would like a hotel in the north please. Hotel-Inform(Area=north;Type=hotel)
+PMUL1537 3 There are two hotels in the north, Ashley Hotel and Lovell Lodge which would you like? Hotel-Inform(Choice=two;Type=hotels;Area=north;Name=Ashley Hotel;Name=Lovell Lodge)
+PMUL1537 4 i would like to hear about the ashley hotel please Hotel-Inform(Type=hotel)
+PMUL1537 5 The Ashley Hotel in the north is located at 74 chesterton road and offers free internet and parking, moderately priced, and has a rating of 2 stars. Hotel-Inform(Addr=74 chesterton road;Area=north;Stars=2;Parking;Price=moderately priced;Name=Ashley Hotel;Internet)
+PMUL1537 6 Sounds promising. Do tell, what would be the Ashley's phone number and postcode? Hotel-Request(Post;Phone)
+PMUL1537 8 Yes you can help me find a train from Kings Lynn to Cambridge Train-Inform(Depart=kings lynn;Dest=cambridge)
+PMUL1537 9 Sure, when are you hoping to travel? Train-Request(Day)
+PMUL1537 12 Yes please book those seats. Could you please provide me with the train ID? Train-Request(TrainID)
+PMUL1537 14 No! The train needs to arrive by 16:30, not 5:58 Train-Inform(Arrive=16:30)
+PMUL1537 15 that is the train that will arrive earliest sorry. can it be of help? general-reqmore()
+PMUL1537 16 All I need is the departure time, price, and train ID. Thanks Train-Request(Price;TrainID;Leave)
+PMUL1537 17 Sorry, this is the manager, its training day, I have TR1031 for you. It leaves at 15:11, arrives at 15:58, 7.84 pounds per person, does that work? Train-Inform(Arrive=15:58;Id=TR1031;Ticket=7.84 pounds;Leave=15:11)
+PMUL1537 18 Thanks so much for stepping in. I was about to lose it. Yes, this is all the information I need. Thanks. Goodbye. general-bye()
+SNG01413 0 I need the address for the Parkside police station Police-Inform()
+SNG01413 2 Can I get the phone number please? Police-Request(Phone)
+SNG01413 4 Thanks for your help. Goodbye. general-bye()
+SNG01410 2 What is their address? Police-Request(Addr)
+SNG01410 4 Thanks, that is all I needed. general-thank()
+SNG01410 5 Thank you for using our services. general-bye()
+SNG01411 0 I am looking for a place to stay. I need a 2 star hotel with free parking. Hotel-Inform(Stars=2;Parking=yes;Type=hotel)
+SNG01411 1 Do you prefer the north or east side of town? Hotel-Select(Area=north;Area=east side)
+SNG01411 2 No preference there. But I"d like it to be in the moderate range please Hotel-Inform(Price=moderate)
+SNG01411 3 How about the Ashley hotel? Hotel-Recommend(Name=the Ashley hotel)
+SNG01411 4 Does the Ashley hotel include free wifi? Hotel-Inform()
+SNG01411 5 Yes, the ashley hotel has both free internet and parking. Hotel-Inform(Phone=yes;Parking;Name=the ashley hotel)
+SNG01411 8 Great, that's all I needed. Thanks general-thank()
+SNG01411 9 Thank you for using our services. general-bye()
+SNG01416 0 Where is the nearest hospital? Hospital-Inform()
+SNG01416 2 No particular department, but may I please have the address? Hospital-Request(Addr)
+SNG01416 4 I also need the phone number. Hospital-Request(Phone)
+SNG01416 6 No that was all. Thank you. general-thank()
+SNG01416 8 Thank you! You too. Your business provides a really great service. general-thank()
+SNG01416 9 Thank you for using Cambridge TownInfo centre. Good bye. general-bye()
+SNG01414 0 Good afternoon, I need to make arrangements to leave Stevenage on Monday by train. Would you help me please? Train-Inform(Depart=stevenage;Day=Monday;Leave=Monday)
+SNG01414 1 What is your destination? Train-Request(Dest)
+SNG01414 2 Cambridge is my destination Train-Inform(Dest=cambridge)
+SNG01414 4 I wish to leave sometime after 14:15. Train-Inform(Leave=14:15)
+SNG01414 5 How about TR5825? Train-Inform(Id=TR5825)
+SNG01414 6 thats still alright. give mee the reference number too please Train-Request(Ref)
+SNG01414 7 How many tickets do you need, please? Is it one? Train-Request(People)
+SNG01414 8 I need 2 tickets please. Train-Inform(People=2)
+SNG01414 10 No that's all I needed. Thank you! general-thank()
+SNG01414 11 You're welcome,have a nice day and a wonderful trip. general-welcome()
+MUL0974 0 Hello! Can you tell me about the Indian restaurants you have in the center of town? Restaurant-Inform(Food=indian)
+MUL0974 1 Sure I have many. Do you have a preference in price range? Restaurant-Request(Price)
+MUL0974 2 Yes, I'd like a cheap one. Restaurant-Inform(Price=cheap)
+MUL0974 3 In that price range, you have your choice of the Kohinoor, the Gandhi, and the Mahal of Cambridge. Restaurant-Inform(Name=Kohinoor;Name=the Gandhi;Name=and the Mahal of Cambridge)
+MUL0974 4 Great can I book Kohinoor for 5 people at 14:30 on tuesday? Restaurant-Inform(Time=14:30;People=5;Day=tuesday)
+MUL0974 5 Yes success! I was able to reserve all of you a table and your reference number is UM8AZ1RH. Booking-Book(Ref=UM8AZ1RH)
+MUL0974 6 Great can you also direct me to a college to visit in the same area? Attraction-Inform(Area=centre;Type=college)
+MUL0974 7 I'd recommend Emmanuel College in the centre of town. Attraction-Recommend(Name=Emmanuel College;Area=the centre of town)
+MUL0974 8 Perfect. What is the phone number, address and postcode for Emmanuel College? Attraction-Request(Post;Phone;Addr)
+MUL0974 10 Yes, I would like to book a taxi to the restaurant to arrive in time for my reservation. Taxi-Inform(Arrive=14:30)
+MUL0974 11 I certainly can. Would you like to depart from Emmanuel College to go to kohinoor? Taxi-Request(Depart;Dest)
+MUL0974 12 Yes, that's correct. I just want to arrive in time for my reservation. Taxi-Inform(Depart=emmanuel college)
+MUL0974 15 Thank you for using our system! general-bye()
+PMUL1027 0 Please help me find a train that leaves Norwich after 5:45 PM. Thanks. Train-Inform(Depart=norwich;Leave=05:45)
+PMUL1027 1 Certainly what day will you need that? Train-Request(Day)
+PMUL1027 2 I would like to travel on Saturday please. Train-Inform(Day=saturday)
+PMUL1027 6 Yes, I'd also like to find some places to go while I'm in town. What is there in the way of architectural attractions in the city centre? Attraction-Inform(Area=centre)
+PMUL1027 8 Yes, can you please send that to me? Attraction-Inform(Name=all saints church)
+PMUL1027 10 No, that's perfect. Thank you for you help. general-thank()
+SNG1142 0 I am looking for a college in the west part of town to visit. Attraction-Inform(Area=west;Type=college)
+SNG1142 2 I think I would like to visit both Churchill and Magdalene Colleges. May I have their telephone numbers please? Attraction-Request(Phone)
+SNG1142 4 No, thank you. Good day. general-thank()
+SNG1142 5 You too! general-bye()
+SNG0066 0 Hi! I would like to book a taxi that will take me to Pizza Hut Cherry Hinton. I will be departing from Parkside Pools. Taxi-Inform(Depart=Parkside Pools;Dest=pizza hut cherry hinton)
+SNG0066 1 What time would you like to leave? Taxi-Request(Leave)
+SNG0066 2 I want to leave after 02:00 Taxi-Inform(Leave=02:00)
+SNG0066 4 Thank you very much. general-thank()
+SNG0066 5 We are happy to help. Do you require any further assistance? general-reqmore()
+SNG0066 6 nope that is all thank you so much you are amazing and awesome and cool and nice general-thank()
+SNG0066 7 Thank you for the kind words. You have a great day. general-bye()
+PMUL1195 0 I need a train on Friday. Train-Inform(Day=friday)
+PMUL1195 1 Okay. What day would you like to travel? What time would you like to leave? Where are you departing from and what is the destination please? Train-Request(Depart;Leave;Dest;Day)
+PMUL1195 2 I am going to cambridge coming from london kings cross. I will be leaving on friday after 16:30. Train-Inform(Depart=london kings cross;Dest=cambridge;Leave=16:30)
+PMUL1195 5 I do not have that information available. Train-Inform(Ticket=do not have that information available)
+PMUL1195 6 Can I at least get the train ID? Train-Request(TrainID)
+PMUL1195 7 They system is down please try again later. Train-NoOffer()
+PMUL1195 8 Please inform me of the train ID and price when the system is available. I am also looking for entertainment in the centre. Train-Request(Price;TrainID)
+PMUL1195 9 I have TR0835 leaving at 17:17 and arriving at 18:08. That has a travel time of 51 minutes and a price of 23.60 pounds. Train-Inform(Arrive=18:08;Id=TR0835;Ticket=23.60 pounds;Time=51 minutes;Leave=17:17)
+PMUL1195 10 I want an entertainment attraction in the center part of town also thanks. Attraction-Inform()
+PMUL1195 11 little saint mary's church offers architecture and is located at little saint mary's lane. Entrance fee is free Attraction-Inform(Addr=little saint mary's lane;Type=architecture;Name=saint mary's church;Fee=free)
+SNG0065 0 Hi. I would like to book a taxi to the Chiquito Restaurant Bar. I will need to be picked up at the Ely Train Station. Taxi-Inform(Depart=ely train station;Dest=chiquito restaurant bar)
+SNG0065 1 What time would you prefer? Taxi-Request(Leave)
+SNG0065 2 I need to arrive by 13:15 please. Taxi-Inform(Arrive=13:15)
+SNG0065 3 I have booked your taxi from ely train station to chiquito restaurant bar to arrive by 13:15. Booked car type red toyota, contact number 07582230600. May I help with anything else? Taxi-Inform(Depart=ely train station;Dest=chiquito restaurant bar;Car=red toyota;Phone=07582230600;Arrive=13:15)
+SNG0065 4 No, that is it. Thanks! general-thank()
+SNG0065 5 Sounds good, let me know if you need anything else. general-bye()
+SNG0436 0 Please find a train that departs from Peterborough and arrives in Cambridge by 8:45. Train-Inform(Depart=peterborough;Dest=cambridge;Arrive=08:45)
+SNG0436 1 Okay, and which day would you like to travel? Train-Request(Day)
+SNG0436 2 I would like to leave on Saturday from london liverpool street Train-Inform(Day=saturday)
+SNG0436 4 Can I get travel time and price first, please? Train-Request(Duration;Price)
+SNG0436 5 The trip is 50 minutes long and it is 13.20 pounds for a ticket. Train-Inform(Ticket=13.20 pounds;Time=50 minutes)
+SNG0436 6 Ok thanks, Im ready to book. general-thank()
+SNG0436 8 I'm so sorry. I didn't mean to book yet. I won't need that reservation. Could you make sure that train TR3390 is departing from London Liverpool? Train-Inform()
+SNG0436 12 No, thank you. That's all I needed today. general-thank()
+SNG0436 13 Thank you, goodbye. general-bye()
+SNG0063 0 I'm heading to Club Salsa, and I need a taxi. Taxi-Inform(Dest=club salsa)
+SNG0063 1 I'll be happy to get one for you, what time would you like to leave? Taxi-Request(Leave)
+SNG0063 2 I need to be at club salsa by 6:00 leaving la tasca. Taxi-Inform(Depart=la tasca;Arrive=6:00)
+MUL0282 0 I need a restaurant serving swiss food in the centre of town. Restaurant-Inform(Area=centre;Food=swiss)
+MUL0282 2 How about Chinese instead? Restaurant-Inform(Food=chinese)
+MUL0282 4 Price range doesn't matter. Can I have the address of a place that sounds good? Restaurant-Request(Addr)
+MUL0282 6 Yes, I also need a train that departs from Ely on Wednesday. Train-Inform(Depart=ely;Day=wednesday)
+MUL0282 8 I need to arrive in Cambridge by 17:30, so whatever arrives closest to that time would be great. Train-Inform(Dest=cambridge;Arrive=17:30)
+MUL0282 10 What is the price? Train-Request(Price)
+MUL0282 13 How many tickets will you need? Train-Request(People)
+MUL0282 14 I just need 1 ticket please. Train-Inform(People=1)
+MUL0282 15 Your booking was successful, your reference number is PZ1ED5GM. Train-OfferBooked(Ref=PZ1ED5GM)
+MUL0282 17 Great. Have a great day! general-bye()
+MUL1808 0 I need an entertainment place to go to in the east. Attraction-Inform(Area=east;Type=entertainment)
+MUL1808 2 The Funky Fun House sounds fun actually. What is the postcode for it? Attraction-Request(Post)
+MUL1808 3 funky fun house's postcode is cb58hy Attraction-Inform(Name=funky fun house;Post=cb58hy)
+MUL1808 4 Thanks. I also need a train that leaves on Friday. Train-Inform(Day=friday)
+MUL1808 5 Sure. If you could give me a few more details such as departure time and destination, I can help you out. Train-Request(Dest;Leave)
+MUL1808 6 I need to be at birmingham new street by 16:15. Train-Inform(Dest=birmingham new street;Arrive=16:15)
+MUL1808 8 That is really early for me since I don't need to be at Birmingham New Street until 16:15. Please keep looking. Train-Inform(Dest=birmingham new street;Arrive=16:15)
+MUL1808 9 I would be happy to keep looking for you! Before I do, can you please confirm the departure location for your travels? Train-Request(Depart)
+MUL1808 10 I will be departing from cambridge. Train-Inform(Depart=cambridge)
+MUL1808 12 Yes, that sounds much better. I'll need tickets for 3, please. Train-Inform(People=3)
+MUL1808 14 That should be all, thank you for your assistance. general-thank()
+MUL1808 15 And thank you! Have a wonderful day! general-bye()
+MUL1809 0 Hello. I am looking for attractions in the east Cambridge area, can you help me? Attraction-Inform(Area=east)
+MUL1809 4 Can you look up a train for me? I'll be departing from broxbourne and would like to leave after 15:15. Train-Inform(Depart=broxbourne;Leave=15:15)
+MUL1809 6 That sounds great. Can I get the train ID please? Train-Inform()
+MUL1809 8 What is the price for the train ticket? Train-Request(Price)
+MUL1809 10 That's all I need. Thank you. general-thank()
+MUL1809 12 Thanks again for your help. general-thank()
+MUL1809 13 Enjoy your trip! general-bye()
+SNG1158 0 I'm looking for a train. The train should depart from cambridge and should go to london liverpool street Train-Inform(Depart=cambridge;Dest=london liverpool street)
+SNG1158 1 I can help with that! What day will you be traveling? Train-Request(Day)
+SNG1158 2 Tuesday, leaving sometime after 19:45. Train-Inform(Day=tuesday;Leave=19:45)
+SNG1158 4 Yes please! Could you please give me a price? Train-Request(Price)
+SNG1158 6 thank you very much,that's2 all general-thank()
+SNG1158 7 If you'd like us to reserve tickets for you, please keep us in mind. We would be happy to help with that. Train-OfferBook()
+SNG1158 8 sure i will, thank you general-thank()
+SNG1159 0 I am looking for information about the kirkwood hotel. Hotel-Inform()
+SNG1159 2 Do they have internet, and also what is the postcode? Hotel-Request(Post;Internet)
+SNG1159 4 No that is all, good bye. general-bye()
+SNG1159 5 Okay goodbye, have a nice day. general-bye()
+MUL1774 0 I need to find a train from Cambridge. Train-Inform(Depart=cambridge)
+MUL1774 1 There are trains leaving Cambridge every two hours. Train-Inform(Depart=Cambridge;Leave=every two hours)
+MUL1774 2 I need one on Friday heading to Ely. I need to leave after 19:30. Train-Inform(Dest=ely;Day=friday;Leave=19:30)
+MUL1774 4 What is the travel time on that train? Train-Request(Duration)
+MUL1774 5 Travel time is 17 minutes. Train-Inform(Time=17 minutes)
+MUL1774 6 I am also looking for a place to go in the centre. Attraction-Inform(Area=centre)
+MUL1774 9 I would recommend Soul Tree Nightclub. It is in the centre area and the entrance fee is 4 pounds. Attraction-Recommend(Fee=4 pounds;Area=centre;Name=Soul Tree Nightclub)
+MUL1774 11 Yes, their phone number is 01223477900 and their address is 1-6 corn exchange street. Attraction-Inform(Addr=1-6 corn exchange street;Phone=01223477900)
+MUL1774 12 Okay, thank you. That's all I need. Bye! general-bye()
+MUL1774 13 Thank you for using our service. Goodbye. general-bye()
+SNG1155 0 Can you tell me about the Cambridge university botanic gardens. Attraction-Inform(Name=cambridge university botanic gardens)
+SNG1155 1 The botanic gardens is a lovely part of the university which is open to the public for a fee of 4 pounds. Attraction-Inform(Name=The botanic gardens;Type=university;Price=4 pounds)
+SNG1156 0 I need to book a taxi. Taxi-Inform()
+SNG1156 1 I can help with that? What are your departure and destination sites, and what time do you need it? Taxi-Request(Leave;Depart;Dest;Arrive)
+SNG1156 2 I need to leave from ely and get to sidney sussex college by 14:15. Taxi-Inform(Depart=ely train station;Dest=sidney sussex college;Arrive=14:15)
+SNG1156 3 Booking completed! Booked car type : blue honda Contact number : 07229655312 Taxi-Inform(Car=blue honda;Phone=07229655312)
+SNG1156 4 Thanks so much! That'll be it for me for today. general-thank()
+MUL1777 0 Which trains arrive in Cambridge by 17:15? Train-Inform(Dest=cambridge;Arrive=17:15)
+MUL1777 2 Yes I need it to depart from norwich. Train-Inform(Depart=norwich)
+MUL1777 3 I have a train that arrives in cambridge at 16:35. Will that work for you? Train-Inform(Arrive=16:35;Dest=cambridge)
+MUL1777 4 Yes, what is the ID and price, please? Train-Request(Price;TrainID)
+MUL1777 6 And what is the price and departure time? Train-Request(Price;Leave)
+MUL1777 7 The price is 17.60 pounds. The departure time is 15:16. Would you like to book it? Train-Inform(Ticket=17.60 pounds;Leave=15:16)
+MUL1777 9 How many tickets do you need to book? Train-Request(People)
+MUL1806 0 I'm looking for information about People's portraits exhibition at girton college Attraction-Inform(Name=people's portraits exhibition at girton college)
+MUL1806 2 Could I have the phone number please? Attraction-Request(Phone)
+MUL1806 4 I'm also looking for a train departing from cambridge. Train-Inform(Depart=cambridge)
+MUL1806 5 Can you please give me the destination and the day and time you'd like to leave? Train-Request(Dest;Leave;Day)
+MUL1806 6 Yes, I'm going to Birmingham new street. It's on Thursday and I'd like to arrive by 15:30. Train-Inform(Dest=birmingham new street;Day=thursday;Arrive=15:30)
+MUL1806 8 No need to book it, but can you tell me the price? Train-Request(Price)
+MUL1806 9 The price of a ticket is 75.10 pounds. Is there anything else I can do for you? Train-Inform(Ticket=75.10 pounds)
+MUL1806 10 That's it for me. Thanks! general-thank()
+MUL1771 0 I'm looking for a train to cambridge leaving after 09:30, can you help? Train-Inform(Dest=cambridge;Leave=09:30)
+MUL1771 2 I am departing from Norwich. I would also like to leave on Wednesday. Train-Inform(Depart=norwich;Day=wednesday)
+MUL1771 4 The 10:16 will be great, I'd like to book for 1 person please. Train-Inform(People=1)
+MUL1771 6 Yes, I would like some suggestions on places to go on the west side of town. Attraction-Inform(Area=west)
+MUL1771 7 clare hall is an excellent choice on the west end. Attraction-Recommend(Area=west end;Name=clare hall)
+MUL1771 9 No, Clare Hall is a college. Attraction-Inform(Type=college;Name=Clare Hall)
+MUL1771 11 I recommend Whale of a time and the post code is cb238el Attraction-Recommend(Post=cb238el;Name=Whale of a time)
+MUL1771 12 Ok thank you, that's all I need today. general-thank()
+MUL1772 0 I wish to go to a swimmingpool in Cambridge. Attraction-Inform(Type=swimmingpool)
+MUL1772 2 Can you tell me the address and phone number for the one in the center of town? Attraction-Request(Phone;Addr)
+MUL1772 3 The address is gonville place and their phone number is 01223446100 Attraction-Inform(Phone=01223446100;Addr=gonville place)
+MUL1772 4 Thanks. I also need to check on trains. I need to travel on Wednesday. Train-Inform(Day=wednesday)
+MUL1772 5 There are many trains fitting your criteria. Can you give me departure site, destination, and time preferences? Train-Request(Dest;Leave;Arrive;Depart)
+MUL1772 6 I need to leave london liverpool street and be in cambridge by 21:00. Train-Inform(Depart=london liverpool street;Dest=cambridge;Arrive=21:00)
+MUL1772 8 I don't care about the departure time so please give me the ID and price of any one of those trains. Train-Request(Price;TrainID)
+MUL1772 9 Okay, the trainID is TR7020 and the price is 16.60 pounds. Train-Inform(Id=TR7020;Ticket=16.60 pounds)
+MUL1772 10 I would like to book that train. Thank You Train-Inform()
+MUL1772 12 No, that will be everything. Goodbye. general-bye()
+MUL1772 13 Thank you for contacting Cambridge TownInfo Centre! Have a great day! general-bye()
+MUL1805 0 I need a train into Cambridge that will arrive by 14:30. Train-Inform(Dest=cambridge;Arrive=14:30)
+MUL1805 1 I can help you with that. Can you tell me what your departure location will be? Train-Request(Depart)
+MUL1805 2 Yes, I'll be leaving Leicester on Tuesday. Train-Inform(Depart=leicester;Day=tuesday)
+MUL1805 5 I was able to book you those 3 seats and your reference number is J3B2D19H. Train-OfferBooked(Ref=J3B2D19H;People=3)
+MUL1805 6 Thanks! What can you tell me about the parks in town? Attraction-Inform(Type=park)
+MUL1805 8 What is the address and phone number? Attraction-Request(Phone;Addr)
+MUL1805 10 Yes what is the entrance fee? Attraction-Request(Fee)
+MUL1805 11 The entrance is free to Milton Country Park! Attraction-Inform(Fee=free)
+MUL1805 12 Wonderful thank you so much for your help! general-thank()
+MUL1805 13 Can I help you with anything else today. general-reqmore()
+MUL1805 14 I think that is all for today. Thank you. general-thank()
+MUL1805 15 Thank you for using our system! general-bye()
+SNG1140 0 Are there any places in the south section of town the has to do with multiple sports? Attraction-Inform(Area=south)
+SNG1140 2 Do you have in attractions in a type of park in the south? Attraction-Inform(Area=south;Type=park)
+SNG1140 6 No that was all I needed right now, thanks very much. Goodbye. general-bye()
+SNG1140 7 Okay. Have a great time! general-bye()
+PMUL1029 0 I am planning a trip to Cambridge and need a train heading to Cambridge on Tuesday. Train-Inform(Dest=cambridge;Day=tuesday)
+PMUL1029 1 Yes certainly. Where will you be leaving from and at what time of day? Train-Request(Depart;Leave)
+PMUL1029 2 I will leave after 09:00 and need to depart from Stansted Airport. Train-Inform(Depart=stansted airport;Leave=09:00)
+PMUL1029 8 I also need to find a museum in the west to go and see. Attraction-Inform(Area=west;Type=museum)
+PMUL1029 10 Yes, please. I just need the phone number. Attraction-Request(Phone)
+PMUL1029 11 The phone number for the Museum of Classical Archaeology is 01223335153. Attraction-Inform(Name=Museum of Classical Archaeology;Phone=01223335153)
+PMUL1029 12 Great thank you, that is all I need for now. general-thank()
+SNG0068 0 Hi! I'd like to book a taxi to Travellers Rest, please, and I need to get there absolutely no later than 11:45. Taxi-Inform(Dest=travellers rest;Arrive=11:45)
+SNG0068 1 Your car type is the Grey Skoda and its contact number is 07506457479. Taxi-Inform(Phone=07506457479;Car=rey Skoda)
+SNG0068 4 No that is all , thank you. general-thank()
+SNG0068 5 Awesome! Take care and enjoy your evening. general-bye()
+MUL1118 0 I am going to visit and would like to go to a nightclub. Any suggestions? Attraction-Inform(Type=nightclub)
+MUL1118 2 No preference, surprise me. I'll just need the postcode. Attraction-Request(Post)
+MUL1118 4 Yes I need to find a hotel with free parking and 4 star rating. Hotel-Inform(Stars=4;Parking=yes)
+MUL1118 5 There are 19 hotels available with a 4 star rating and free parking. Would you like to add any additional preferences? Hotel-Inform(Stars=4;Parking;Choice=19;Type=hotel)
+MUL1118 6 Yes, I'd prefer a hotel over a guesthouse and I need to stay in the north. Hotel-Inform(Area=north;Type=hotel)
+MUL1118 8 If there is no hotel availability, I will accept a guesthouse. Is one available? Hotel-Inform(Stars=4;Type=guesthouse)
+MUL1118 10 Do any of the guesthouses have access to internet for their guests? Hotel-Request(Internet)
+MUL1118 11 yeah all of them do, any other preference? Hotel-Inform(Choice=all)
+MUL1118 16 Okay. Thank you very much for your help. general-thank()
+MUL1118 17 Can I help you with anything else today? general-reqmore()
+MUL1119 0 Yes I am looking to stay in a 4 star guesthouse. Hotel-Inform(Stars=4;Type=guesthouse)
+MUL1119 2 I am looking for one with free parking and moderate in price Hotel-Inform(Parking=yes;Price=moderate)
+MUL1119 4 Yes, that would be great. I would like my check-in to be on Saturday. I will be staying for 2 nights and there will be a total of 5 people. Hotel-Inform(Stay=2)
+MUL1119 5 The Archway House is in the north area of town. Does that work for you? Hotel-Inform(Area=north;Name=Archway House)
+MUL1119 6 Yes, and I would also like you to include the reference number for the booking. Hotel-Request(Ref)
+MUL1119 7 i have that booked for you and here is your Reference number is : EZ2LETN6 Booking-Book(Ref=EZ2LETN6)
+MUL1119 8 Great! I'm also looking for a place called the Fez Club. What kind of attraction is that? Attraction-Inform(Name=the fez club)
+MUL1119 10 Can I get the phone number for The Fez? I'll also need a taxi. Attraction-Request(Phone)
+MUL1119 12 I want to leave Fez by 17:45 Taxi-Inform(Depart=the fez club;Leave=17:45)
+MUL1119 14 No, that's all I need today. Thanks for your help. Goodbye! general-bye()
+MUL1119 15 My pleasure. Have a good day. general-bye()
+MUL1110 0 I would like to find out where the El Shaddai hotel is please. Hotel-Inform(Name=el shaddai)
+MUL1110 1 It is at 41 warkworth street. Hotel-Inform(Addr=41 warkworth street)
+MUL1110 2 Thanks, do you know what area in the city they're located? I could also use a phone number if you have it on record. Hotel-Request(Area;Phone)
+MUL1110 4 Do you know of any museums I can go to? Attraction-Inform(Type=museum)
+MUL1110 7 Cambridge Artworks looks fun! It's located at 5 greens road. Attraction-Inform(Addr=5 greens road;Name=Cambridge Artworks)
+MUL1110 8 What is the museum's phone number? Attraction-Request(Phone)
+MUL1110 10 No, thanks. I have all the information I require. general-thank()
+MUL1110 11 Fantastic! I hope you have fun! general-greet()
+MUL1110 13 Thanks you too! general-bye()
+MUL1111 0 Are there any places to go in the west of town? Attraction-Inform(Area=west)
+MUL1111 2 Can you give list me off the first one? I need the address, phone number and postcode. Attraction-Request(Post;Phone;Addr)
+MUL1111 3 Churchill College is located at Storey's Way with a postcode of cb30ds. The phone number is 01223336233. Attraction-Inform(Name=Churchill College;Phone=01223336233;Post=cb30ds;Addr=Storey's Way)
+MUL1111 4 Sounds good. Are there any 4 star hotels with free wifi nearby? Hotel-Inform(Stars=4;Internet=yes)
+MUL1111 6 Are any of them cheap and in the same area as the college? Hotel-Inform(Price=cheap)
+MUL1111 8 Which one of those has free parking? Hotel-Request(Parking)
+MUL1111 9 Both of those include free parking. Hotel-Inform(Choice=Both;Parking)
+MUL1111 10 Okay, can I see the address for Cambridge Belfry? Hotel-Request(Addr)
+MUL1111 12 Thank You very much. That's all I needed. general-thank()
+MUL1111 14 That's all. Goodbye! general-bye()
+SNG1372 1 Okay, what kind of place are you looking for? Attraction-Request(Type)
+SNG1372 2 Nothing in particular. What's the phone number, type, and fee for your favorite place? Attraction-Request(Phone;Type)
+SNG1372 3 What area will you be staying in and what kind of things do you like? Attraction-Request(Area;Type)
+SNG1372 4 I would like the attraction to be in the centre. Attraction-Inform(Area=centre)
+SNG1372 7 Would you be interested in an architecture attraction such as great saint mary's church? They have a 2 pound entrance fee or there are others available for free. Attraction-Select(Choice=others;Type=architecture;Fee=2 pound;Fee=free;Name=saint mary's church)
+SNG1372 9 01223350914 is the phone number Attraction-Inform(Phone=01223350914)
+SNG1372 10 Thank you very much that would be it. general-thank()
+SNG1372 11 Enjoy your visit and let us know if you need help with other arrangements in the future. general-bye()
+SNG1372 12 I will and thank you for your assistance. general-thank()
+SNG1372 13 You're very welcome. general-welcome()
+MUL1113 0 I need a hotel close to downtown Cambridge please. Hotel-Inform()
+MUL1113 2 I'm sorry, I wasn't thinking clearly. I'm looking for a place in the West. I need free wifi as well, please. Hotel-Inform(Area=west;Internet=yes)
+MUL1113 4 I don't care about the price range, but do you have one that is a guesthouse? Hotel-Inform(Type=guesthouse)
+MUL1113 6 Does one of those two have free parking? If so, I'll book it for 4 people for 5 nights starting Friday. Hotel-Inform(Stay=1)
+MUL1113 10 I need to book 4 people for 5 nights starting friday please Hotel-Inform(Stay=5;People=4;Day=friday)
+MUL1113 12 Can you try just one night? Hotel-Inform(Stay=1)
+MUL1113 14 Yes, I'm also looking for a museum in the centre of town. Attraction-Inform(Type=museum)
+MUL1113 15 How about the Broughton House Gallery? Attraction-Inform(Name=Broughton House Gallery)
+MUL1113 17 Sure. The phone number is 01223314960 and it's located at 98 King Street at CB11LN. Attraction-Inform(Post=CB11LN;Phone=01223314960;Addr=98 King Street)
+MUL1113 18 Thank you so much for all your help! general-thank()
+MUL1113 21 It was a pleasure assisting you. Have a good evening. general-bye()
+MUL1114 0 I am looking for a museum in the centre of Cambridge. Can you help me find one? Attraction-Inform(Area=centre;Type=museum)
+MUL1114 2 No, that sounds fine. Could I get the phone number? Attraction-Request(Phone)
+MUL1114 3 The phone number is 01223307402. Attraction-Inform(Phone=01223307402)
+MUL1114 4 I also need to find a hotel. I'm looking for one in the east with free wifi. Hotel-Inform(Area=east;Internet=yes;Type=hotel)
+MUL1114 6 Does the hotel include free parking? Hotel-Inform(Type=hotel;Name=express by holiday inn cambridge)
+MUL1114 7 Yes it does have free parking Hotel-Inform(Parking)
+MUL1114 10 There are 2 of us. We will arrive on Wednesday and stay for 3 nights. Hotel-Inform(Stay=3;People=2;Day=wednesday)
+MUL1114 12 Oh dear. What if we only stay there on Wednesday? Hotel-Inform(Stay=1)
+MUL1114 14 I also want to book a taxi to commute between the two places. Taxi-Inform()
+MUL1114 15 Will you need it from the hotel or to the hotel? Taxi-Request(Dest;Depart)
+MUL1114 17 What time would you need to be picked up at the hotel? Taxi-Request(Leave)
+MUL1114 20 No, you've been a great help already. Thanks so much. Bye. general-bye()
+SNG1375 0 I am looking for a train to Ely. Train-Inform(Dest=ely)
+SNG1375 1 What day are you looking to travel? Train-Request(Day)
+SNG1375 2 I need to leave a little after 8:00 on Sunday, and I'm leaving from Cambridge. Train-Inform(Depart=cambridge;Day=sunday)
+SNG1375 3 The closest train I have is the TR3177 that leaves at 09:50. There's nothing earlier on that day. Train-Inform(Leave=09:50;Id=TR3177)
+SNG1375 4 That will have to work. What is the arrival time? Train-Request(Arrive)
+SNG1375 5 The arrival time is 10:07. Train-Inform(Arrive=10:07)
+SNG1375 6 Perfect! That's all I needed to know. Thanks. Have a great day. general-thank()
+SNG1375 7 Have a wonderful day! general-bye()
+SNG1376 0 I am looking for a restaurant. The restaurant should be in the expensive price range and should be in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+SNG1376 2 Is there any chinese restaurants around? Restaurant-Inform(Food=chinese)
+SNG1376 4 Do they have availability on Sunday at 13:00? Restaurant-Inform(Time=13:00;Day=sunday)
+SNG1376 6 We will have 7 people in the party. Restaurant-Inform(People=7)
+SNG1376 8 That will be all, thank you. general-thank()
+SNG1377 0 I am looking for information on the kirkwood house. Hotel-Inform(Name=kirkwood house)
+SNG1377 2 Yes please. What is the price range? Hotel-Request(Price)
+SNG1377 4 No, that was it. Thank you for the help. general-thank()
+SNG1377 5 Okay. Have a great day. Goodbye. general-bye()
+PMUL2105 0 Please find me a british restaurant in the expensive price range? Restaurant-Inform(Food=british;Price=expensive)
+PMUL2105 2 I would like a restaurant in the centre. Restaurant-Inform(Area=centre)
+PMUL2105 4 Yes please, could you book a table for 6 people at 15:30 on Tuesday. Could i have the reference number too please? Restaurant-Request(Ref)
+PMUL2105 5 Give me one moment for the reference number. general-welcome()
+PMUL2105 8 Can you tell me about some colleges to go to? Attraction-Inform(Type=college)
+PMUL2105 12 No, that should be all today. Thank you. general-thank()
+PMUL2104 0 I would like to find a cheap indian restaurant to dine at. Restaurant-Inform(Food=indian;Price=cheap)
+PMUL2104 2 Yes, I want to go in Cambridge and I will need the address, postcode, and area to find it. Restaurant-Request(Area;Addr)
+PMUL2104 4 I have no preference but I would like an attraction to visit in the city center. Attraction-Inform()
+PMUL2104 7 Can I recommend kohinoor, it's address is 74 Mill Road City Centre,and the postcode is cb12as. Restaurant-Recommend(Name=kohinoor;Addr=74 Mill Road City Centre;Post=cb12as)
+PMUL2104 8 What sort of attraction is Kohinoor? Attraction-Inform(Name=k)
+PMUL2104 11 what time would you want to leave? Taxi-Request(Leave)
+PMUL2104 13 Just to double check ... you want a taxi at 6:30? In the morning? Taxi-Request(Leave)
+PMUL2104 16 Sorry, I misspoke. I need a taxi from the attraction to the restaurant, please, leaving by 06:30. Taxi-Inform(Depart=kohinoor;Leave=06:30)
+PMUL2104 17 Ok we have a taxi booked between Kohinoor and Royal Spice, a red Toyota. Contact number is 07391598275 Taxi-Inform(Car=red Toyota;Phone=07391598275;Depart=Kohinoor;Dest=Royal Spice)
+PMUL2104 18 That's all that I need for now. Thank you for your help. general-thank()
+PMUL4838 0 What can you tell me about the bangkok city restaurant? Restaurant-Inform(Name=bangkok city)
+PMUL4838 2 Can you book a table there for me? There will be 6 of us at 16:45 on Saturday. Restaurant-Inform(Time=16:45;People=6;Day=saturday)
+PMUL4838 4 Yes, I'm looking for a hotel in the centre of town. Hotel-Inform(Area=centre)
+PMUL4838 6 I not need internet. I have no preference on parking. Hotel-Inform(Parking=dont care;Internet=dont care)
+PMUL4838 7 I just need to know what your price range is and how many stars you need? Hotel-Request(Stars;Price)
+PMUL4838 8 I would like a 0 star hotel. Hotel-Inform(Stars=0)
+PMUL4838 9 You might want to try CityRoomz. Hotel-Recommend(Name=CityRoomz)
+PMUL4838 10 Can you book it for 6 people. We will need it for 4 days starting on Saturday. I also need a reference number. Thanks Hotel-Inform(Stay=4;People=6;Day=saturday)
+PMUL4838 12 That is all for now. Thank you for the help. general-thank()
+PMUL4838 13 You're welcome and enjoy your stay. general-welcome()
+PMUL4833 0 I am on a budget and need a cheap place to eat. Restaurant-Inform(Price=cheap)
+PMUL4833 2 I'd like Indonesian food located in the city's centre. Do you have anything like that? Restaurant-Inform(Area=centre;Food=indonesian)
+PMUL4833 4 I can't change the location but I can eat spanish food instead. Is that an option? Restaurant-Inform(Food=spanish)
+PMUL4833 5 la raza is fine for you. can i give you the contact? Restaurant-Inform(Name=la raza)
+PMUL4833 6 Actually, it would be quite helpful if you'd book a table for 3 at 13:00 on Monday. Restaurant-Inform(Time=13:00;People=3;Day=monday)
+PMUL4833 7 Booking was successful. The table will be reserved for 15 minutes. Reference number is : UKTN9VKD. Booking-Book(Ref=UKTN9VKD)
+PMUL4833 8 Great, I am also looking for a place to stay. I would prefer a guesthouse and in the same area as the restaurant. Hotel-Inform(Area=centre;Type=guesthouse)
+PMUL4833 10 I would also like it to have a 4 star rating and free parking Hotel-Inform(Stars=4;Parking=yes)
+PMUL4833 12 No, I don't need a booking, just the address. Hotel-Request(Addr)
+PMUL4833 14 That'll be all. Thank you. general-thank()
+PMUL4833 15 Thank you for using our system today! general-bye()
+PMUL4831 0 Hello, I am looking forward to seeing some local attractions in the Centre. Do you have any recommendations? Attraction-Inform(Area=centre)
+PMUL4831 2 No particular attraction in mind. What do you recommend? Attraction-Inform(Type=dont care)
+PMUL4831 3 Does it matter if there is a charge or do you prefer something that is free? Attraction-Select(Fee=a charge;Fee=free)
+PMUL4831 4 I don't mind I just will need their address when you have chosen one. Attraction-Request(Addr)
+PMUL4831 8 I'd prefer a hotel, it doesn't need to have parking as I'll be taking the train into town. Hotel-Inform(Parking=dont care;Type=hotel)
+PMUL4831 9 Do you have any other requirements? Hotel-Request(Area;Price;Stars;Internet)
+PMUL4831 11 I would recommend cityroomz, i hear it's lovely Hotel-Recommend(Name=cityroomz)
+PMUL4831 12 That will be great. I'll need to book it for Sunday. We will be staying 3 nights and it's 8 people. Hotel-Inform(Stay=3)
+PMUL4831 13 Would you like me to book that for you then? Booking-Inform()
+PMUL4830 1 Well how can I help you with that? general-reqmore()
+PMUL4830 2 I am looking for architecture attractions to visit. Attraction-Inform(Type=architecture)
+PMUL4830 4 No, any of them will do. Could you give me the phone number and postcode? Attraction-Request(Post;Phone)
+PMUL4830 6 I'm also looking for a train from cambridge to norwich that arrives by 12:30 on sunday. Train-Inform(Depart=cambridge;Dest=norwich;Day=sunday;Arrive=12:30)
+PMUL4830 8 no what is the travel time on that? Train-Request(Duration)
+PMUL4830 10 No, that will be all. Thank you for your help! general-thank()
+PMUL4830 12 yes thank you that will be all general-thank()
+PMUL4830 15 Have a wonderful day. general-bye()
+PMUL4837 0 Can you find me a guesthouse with a 4 star rating? Hotel-Inform(Stars=4;Type=guesthouse)
+PMUL4837 2 Not really, but I do need free parking in expensive range Hotel-Inform(Parking=yes;Price=expensive)
+PMUL4837 4 what about the one with a cheap range? Hotel-Inform(Price=cheap)
+PMUL4837 8 i want to book it for 1 people and 3 nights starting from tuesday. Hotel-Inform(Stay=3;People=1;Day=tuesday)
+PMUL4837 10 I also would like to find a chinese restaurant in the centre. Restaurant-Inform(Area=centre;Food=chinese)
+PMUL4837 12 Let's go with the cheap place. It will be the same day, same people, and we'd like to dine at 14:15. Restaurant-Inform(Time=14:15;Price=cheap;People=1;Day=tuesday;Name=charlie chan)
+PMUL4837 14 That's all, I'm gonna need. Thanks. general-thank()
+PMUL4837 15 Thank you for using our service today? general-welcome()
+PMUL4837 16 Actually, I will need to book a taxi to commute between the hotel and restaurant. I want to arrive at the restaurant by the booked time. Taxi-Inform(Arrive=14:15)
+PMUL4837 18 No thank you that will be all general-thank()
+PMUL4835 0 Can you help me find a park please? Attraction-Inform(Type=park)
+PMUL4835 2 That sounds great! Can I get their postcode please? Attraction-Request(Post)
+PMUL4835 3 Yes, the postcode is cb21jf. Attraction-Inform(Post=cb21jf)
+PMUL4835 4 Thanks! I'm also looking for a train going to cambridge. Train-Inform(Dest=cambridge)
+PMUL4835 5 I'd love to help! where are departing from and which day? Train-Request(Depart;Day)
+PMUL4835 7 There is a train leaving at 11:17. Train-Inform(Leave=11:17)
+PMUL4835 8 make a booking for 3 people. Train-Inform(People=3)
+PMUL4835 10 That should be everything. Thank you very much! general-thank()
+PMUL4835 11 Wonderful! Have a great day! general-bye()
+PMUL4835 12 Thank you, you as well! general-thank()
+PMUL4835 13 Thank you, take care! general-bye()
+PMUL4834 0 I'm looking for a guesthouse that includes free parking. Hotel-Inform(Parking=yes;Type=guesthouse)
+PMUL4834 2 Where is it located? what is it's star rating? Hotel-Inform(Name=acorn guest house)
+PMUL4834 3 it is located in the north, 154 chesterton road and is 4 star rated Hotel-Inform(Area=north;Stars=4;Addr=154 chesterton road)
+PMUL4834 4 Yes, I need a reservation for 7 people for 2 nights starting from Friday and the reference number. Hotel-Inform(Stay=2;People=7;Day=friday)
+PMUL4834 6 Yes, I also need to book a train for Sunday. Train-Inform(Day=sunday)
+PMUL4834 7 where do you want to go? Train-Request(Dest)
+PMUL4834 8 I need to get to norwich by 19:00. Train-Inform(Dest=norwich)
+PMUL4834 10 I need a train leaving Cambridge and going to Norwich, sunday. It should arrive by 19:00. Train-Inform(Depart=cambridge;Dest=norwich;Day=sunday;Arrive=19:00)
+PMUL4834 12 yes thank you. general-thank()
+PMUL4834 14 thank you so much! general-thank()
+PMUL4834 15 enjoy your stay in cambridge general-bye()
+PMUL1715 0 Can you help me find a cheap hotel? Hotel-Inform(Price=cheap)
+PMUL1715 2 I would like it to be in the north with a 4 star rating and free parking please. Hotel-Inform(Stars=4;Area=north;Parking=yes)
+PMUL1715 4 Yes, please and can you send me a reference number. Thank you. general-thank()
+PMUL1714 0 I need a train on Tuesday that arrives by 16:45. Train-Inform(Day=tuesday;Arrive=16:45)
+PMUL1714 1 Certainly, where is your place of departure and arrival? Train-Request(Depart;Dest)
+PMUL1714 2 I want to depart from London and arrive in Cambridge. Train-Inform(Depart=lon;Dest=cambridge)
+PMUL1714 3 london kings cross or london liverpool street? Train-Select(Depart=london kings cross;Depart=london liverpool street)
+PMUL1714 4 london liverpool street. Train-Inform(Depart=london liverpool street)
+PMUL1714 7 Your train booking was successful. You can pay the fee of 33.2 at the station. Your reference number is 14AXWO0V. Train-OfferBooked(Ref=14AXWO0V;Ticket=33.2)
+PMUL1714 10 No thank you. That's all I need for now. general-thank()
+PMUL1714 11 Ok. Enjoy your stay. general-bye()
+PMUL1241 0 I need info on a train that would be departing from Peterborough. Train-Inform(Depart=peterborough)
+PMUL1241 1 /What day and time? Train-Request(Leave;Day)
+PMUL1241 2 I would like to leave on Sunday and arrive in Cambridge by 15:15. Train-Inform(Dest=cambridge;Day=sunday;Arrive=15:15)
+PMUL1241 4 That'd be perfect, I need three tickets on sunday. Train-Inform(People=3;Day=sunday)
+PMUL1241 6 I'm also looking for information on a place called the man on the moon. Attraction-Inform(Name=the man on the moon)
+PMUL1241 8 Yes can I get the address to that please? Attraction-Request(Addr)
+PMUL1241 9 Yes, the address is 2 norfolk street. Attraction-Inform(Addr=2 norfolk street)
+PMUL1241 10 Can you tell me what the area of town is? Can I get the phone number too please? Attraction-Request(Area;Phone)
+PMUL1241 12 That will be it for today! Thank you so much! general-thank()
+PMUL1716 0 I need to come to Cambridge on Sunday and I'd like to take a train. Do you have anything leaving out of Birmingham New Street on that day? Train-Inform(Depart=birmingham new street;Dest=cambridge;Day=sunday)
+PMUL1716 2 I would like to arrive in Cambridge by 9:15 please. Train-Inform(Arrive=09:15)
+PMUL1716 4 Can I get the train ID and also the price for this trip? Train-Request(Price;TrainID)
+PMUL1716 6 I am also looking for information on a hotel called autumn house. Hotel-Inform(Name=autumn house)
+PMUL1716 7 What would you like to know about it? general-reqmore()
+PMUL1716 8 I want to book it for 5 people for 2 nights starting on the same day as my train trip. Hotel-Inform(Stay=2;People=5;Day=sunday)
+PMUL1716 10 Thank you. That was all I needed today. general-thank()
+PMUL1716 11 Have a great trip. general-greet()
+PMUL1716 12 Thanks a lot for all your help! general-thank()
+PMUL1716 13 Thank you for contacting us and have a nice day. general-bye()
+PMUL1247 0 Hi, are there any local theatres around town? Attraction-Inform(Type=theatre)
+PMUL1247 1 We have 4 theatres in the centre, and 1 in the south. Attraction-Inform(Area=centre;Area=south;Choice=4;Choice=1)
+PMUL1247 2 What's the address for the one in the south? Attraction-Request(Addr)
+PMUL1247 3 The theatre is on clifton way. Attraction-Inform(Addr=clifton way)
+PMUL1247 5 The Junction is the theatre in the south, but I don't have the admission listed in my database. You could phone them at 01223511511 for that information. Attraction-Inform(Type=theatre;Name=The Junction;Phone=01223511511;Area=south;Fee=I don't have the admission listed in my database)
+PMUL1247 9 How about TR2013 that leaves at 6:07 Train-Inform(Id=TR2013;Leave=6:07)
+PMUL1247 10 Sounds good, can I get the total travel time and price? Train-Request(Duration;Price)
+PMUL1247 11 Yes, travel time is 17 minutes and the price is 4.40 pounds per ticket. Train-Inform(Time=17 minutes;Ticket=4.40 pounds)
+PMUL1247 12 Thank you so much. That is all the information I need today. general-thank()
+PMUL1247 13 Thank you for using our system today. general-bye()
+PMUL1246 0 I want a train leaving from london liverpool street. Train-Inform(Depart=london liverpool street)
+PMUL1246 1 I can help with that. What is the destination? Train-Request(Dest)
+PMUL1246 2 My destination is Cambridge, and I'll be traveling on Saturday. Train-Inform(Dest=cambridge;Day=saturday)
+PMUL1246 3 Is there a time you would like to leave or arrive by? Train-Request(Leave;Arrive)
+PMUL1246 4 I would leave after 14:45. Train-Inform(Leave=14:45)
+PMUL1246 6 Yes please make a booking for 4 people. Train-Inform(People=4)
+PMUL1246 8 I am looking for a boat. Attraction-Inform(Type=boat)
+PMUL1246 9 Where would you like it to be? Attraction-Request(Area)
+PMUL1246 10 Can you check in the north please. That would be ideal. Attraction-Inform(Area=north)
+PMUL1246 13 The postcode for the riverboat georgina is cb43ax. Is there anything else I can assist you with today? Attraction-Inform(Post=cb43ax)
+PMUL1246 14 That is all thank you! general-thank()
+PMUL1246 15 Thank you for contacting us and have a nice day. general-greet()
+PMUL1713 0 Help me find a train that leaves after 09:45 on Saturday. Train-Inform(Day=saturday;Leave=09:45)
+PMUL1713 1 The TR5170 departs at 11:00. Would that work? Train-Inform(Id=TR5170;Leave=11:00)
+PMUL1713 2 Does it depart from Leicester? Train-Inform(Depart=leicester)
+PMUL1713 4 Yes please make a booking for 5 people. Train-Inform(People=5)
+PMUL1713 6 Thank you. I am also looking for a place to stay. It needs to be cheap and in the east. Hotel-Inform(Area=east;Price=cheap)
+PMUL1713 9 It sure does. Can I get you more information? general-reqmore()
+PMUL1713 10 Okay would you be able to make a reservation for me for 4 nights for 5 people starting Saturday? Hotel-Inform(Stay=4;People=5;Day=friday)
+PMUL1244 1 That museum is located over at University of Cambridge, downing street. It's free to visit. Attraction-Inform(Fee=free;Type=museum;Addr=University of Cambridge;Addr=downing street)
+PMUL1244 2 Could you please provide me with the postcode. Thank you! Attraction-Request(Post)
+PMUL1244 3 The post code is cb23dz. Attraction-Inform(Post=cb23dz)
+PMUL1244 4 I also need a train, to cambridge, I want to arrive by 17:45. Train-Inform(Dest=cambridge;Arrive=17:45)
+PMUL1244 6 As long as it arrives in Cambridge by 17:45 and departs from Broxbourne that will work. Train-Inform(Depart=broxbourne;Dest=cambridge;Arrive=17:45)
+PMUL1244 7 What day do you need the train? Train-Request(Day)
+PMUL1244 8 I will travel Tuesday. Train-Inform(Day=tuesday)
+PMUL1244 9 Is there a time you need to leave or arrive by? Train-Request(Arrive;Leave)
+PMUL1244 11 I have one arriving at 7:32 will this work for you? Train-Inform(Arrive=7:32)
+PMUL1244 12 Thats perfect. What is the price and travel time on this train? Train-Request(Duration;Price)
+PMUL1244 14 No thanks, just gathering information, that is all I need. general-thank()
+PMUL1244 15 Can I help you with anything else? general-reqmore()
+PMUL1249 0 Hello, are their any trains going to leicester? Train-Inform(Dest=leicester)
+PMUL1249 2 I am traveling on Saturday and I want to arrive by 15:15. I will be departing from Cambridge. Train-Inform(Depart=cambridge;Day=saturday;Arrive=15:15)
+PMUL1249 5 Sure! There's one that arrives at 15:06. Train-Inform(Arrive=15:06;Choice=one)
+PMUL1249 7 Yes, would you like a reference number? Booking-Inform()
+PMUL1249 8 Can you book it for me and get a reference number ? Train-Request(Ref)
+PMUL1249 9 Sure, I can do that. How many tickets would you like me to book? Train-Request(People)
+PMUL1249 10 I need 8 tickets, please. Train-Inform(People=8)
+PMUL1249 11 i booked that for you. your reference number is 12pc3j4w. Train-OfferBooked(Ref=12pc3j4w)
+PMUL1249 12 Thanks so much. I also needed to find out more information about Clare College. Attraction-Inform(Name=clare college)
+PMUL1249 18 What area are they located? Attraction-Request(Area)
+PMUL1249 19 Clare College is in the west. Attraction-Inform(Area=west;Name=Clare College)
+PMUL1249 20 Ok thank you for the information. general-thank()
+PMUL1249 21 Have a nice day. general-bye()
+PMUL1248 0 Thankyou, I am looking for a trian that leaves on friday. I am also wanting it to leave after 12:30. Train-Inform(Day=friday;Leave=12:30)
+PMUL1248 3 No it is going to london kings cross, do you need to go to stevenage? Train-Inform(Dest=london kings cross;Dest=stevenage)
+PMUL1248 4 Yes, I must go to Stevenage. How much is a ticket? Train-Inform(Dest=stevenage)
+PMUL1248 6 First tell me about the attractions in town in the west. Attraction-Inform(Area=west)
+PMUL1248 7 What kind of attraction are you interested in? Attraction-Request(Type)
+PMUL1248 8 It should be in the west part of town. Attraction-Inform(Area=west)
+PMUL1248 11 How about Churchill College? Does that sound interesting? Attraction-Inform(Name=Churchill College)
+PMUL1248 14 No thanks, I am all set. general-thank()
+PMUL1719 0 I need some information on a train going to cambridge. Train-Inform(Dest=cambridge)
+PMUL1719 1 I'd love to help you with that! What day are you headed out? Train-Request(Day)
+PMUL1719 2 Sunday. Sometime after 21:00, if possible. Train-Inform(Day=sunday;Leave=21:00)
+PMUL1719 4 I am leaving from ely. Train-Inform(Depart=ely)
+PMUL1719 6 yeah, i need eight tickets. Train-Inform(People=8)
+PMUL1719 8 I also need a guesthouse located in the north. Hotel-Inform(Area=north;Type=guesthouse)
+PMUL1719 9 There are several choices, but all are priced either cheap or moderate. Which would you prefer? Hotel-Select(Choice=several;Price=cheap or moderate)
+PMUL1719 10 Are there any with a star of 4? I'd like free parking as well if that is available. Hotel-Inform(Stars=4;Parking=yes)
+PMUL1719 13 Worth house is in the cheap price range and located at 152 chesterton road Hotel-Inform(Addr=152 chesterton road;Name=Worth house;Price=cheap)
+PMUL1719 16 Yes, that's all. Thanks! general-thank()
+PMUL1719 17 You're welcome, have a great day! general-welcome()
+PMUL1718 0 I want a place to stay. Is there an expensive hotel? It doesn't need to include internet. Hotel-Inform(Internet=dont care;Price=expensive)
+PMUL1718 2 If you have anything in the south that would be perfect. Hotel-Inform(Area=south)
+PMUL1718 5 No problem. Can I help you with anything else at this time? general-reqmore()
+PMUL1718 6 That is all I need, thank you. general-thank()
+MUL1851 0 I'm looking for a train to stevenage, leaving on Sunday. Train-Inform(Dest=stevenage;Day=sunday)
+MUL1851 2 No, I need to leave some time after 14:30, and I'll be traveling to Cambridge. Train-Inform(Depart=cambridge;Dest=cambridge;Leave=14:30)
+MUL1851 4 Im leaving from Cambridge and going to Stevenage. Train-Inform(Depart=cambridge;Dest=stevenage)
+MUL1851 6 Before we do that are there any attractions that feature a swimming pool in town? Attraction-Inform()
+MUL1851 8 What is the name, entrance fee, and phone number of the one in the center? Attraction-Request(Phone;Fee)
+MUL1851 9 The name is Parkside Pools. The entrance fee is not listed in our database, but you could probably get it by calling them at 01223446100. Attraction-Inform(Fee=not listed;Phone=01223446100;Name=Parkside Pools)
+MUL1851 10 Do you have entrance fees for any of the others? Attraction-Request(Fee)
+MUL1851 12 No thank you that is all the information I need today. general-thank()
+SNG0689 0 Are there any restaurants that serve proper British food in town? Restaurant-Inform(Food=british)
+SNG0689 2 West, if possible. Restaurant-Inform(Area=west)
+SNG0689 3 We have three: Graffiti, Saint John's Chop House, and Traveller's Rest. Restaurant-Inform(Choice=three;Name=Graffiti;Name=Saint John's Chop House;Name=Traveller's Rest)
+SNG0689 6 No Thank you. I think that will be everything today. general-thank()
+SNG0689 7 You're welcome, glad to help. Have a nice day! general-bye()
+SNG0688 0 I am looking for Italian food on the south side of the city. Restaurant-Inform(Area=south;Food=italian)
+SNG0688 1 Do you prefer moderately priced or expensive? Restaurant-Select(Price=moderately priced;Price=expensive)
+SNG0688 4 I'll pass on the Pizza Hut. Yuck. Let's go with Frankie & Benny's. Can I get a table for 1 on Sunday at 12:15 please? Restaurant-Inform(Time=12:15;People=1;Day=sunday)
+SNG0688 8 No, that is all I need. Thank you! general-thank()
+SNG0688 9 Great! Enjoy your meal, let me know if I can help with anything else. general-bye()
+MUL1850 0 Hi! I am looking for a train to Cambridge that leaves after 21:15. Train-Inform(Dest=cambridge;Leave=21:15)
+MUL1850 1 TR1581 leaves at 21:17 Train-Inform(Id=TR1581;Leave=21:17)
+MUL1850 3 Of course. I reserved 1 seat. The reference number is 87ZNT2V8. Train-OfferBooked(Ref=87ZNT2V8;People=1)
+MUL1850 4 Actually, I would need 2 tickets for that train. Train-Inform(People=2)
+MUL1850 5 Okay. No problem. Your new booking and reservation number is Y004877A. Train-OfferBooked(Ref=Y004877A)
+MUL1850 6 Fantastic. Can I also get information about Clare Hall? Attraction-Inform(Name=clare hall)
+MUL1850 8 Yes, what is the entrance fee for Clare Hall? Attraction-Request(Fee)
+MUL1850 10 No, that is all I need, thank you. Bye. general-bye()
+MUL1850 11 Have a good day! general-bye()
+SNG0683 0 I'm going on a date and need an expensive restaurant on the north side of town. Restaurant-Inform(Area=north;Price=expensive)
+SNG0683 2 No, I really prefer Indian if possible. Restaurant-Inform(Food=indian)
+SNG0683 3 I'm sorry, there are no expensive Indian restaurants on the north side. Restaurant-NoOffer(Food=Indian;Price=expensive;Area=north side)
+SNG0683 4 Aww, that's too bad. Hmm, can you see if there is an expensive Asian Oriental restaurant on the north side? Restaurant-Inform(Area=north;Food=asian oriental;Price=expensive)
+SNG0683 6 That sounds good. I want to book a table for 5 people on Saturday at 17:45. Restaurant-Inform(Time=17:45;People=5;Day=saturday)
+SNG0683 8 No that was all I needed, thank you so much, goodbye! general-bye()
+SNG0683 9 Have a great time. Good bye. general-bye()
+SNG0682 0 Yes, I'm looking for a cheap place to eat on the east side. Do you know of anything? Restaurant-Inform(Area=east;Price=cheap)
+SNG0682 3 Their number is 01223812660. Restaurant-Inform(Phone=01223812660)
+SNG0682 4 Thanks! Now could you make a reservation for me? I need a table for 1 on Saturday at 12:15, please. Restaurant-Inform(Time=12:15;People=1;Day=saturday)
+SNG0682 6 How about 11:15? Restaurant-Inform(Time=11:15)
+SNG0682 8 May I have the reference number please? Restaurant-Request(Ref)
+SNG0682 9 Your reference number is FK3AREID. Booking-Book(Ref=FK3AREID)
+SNG0682 10 Thank you so much, that is all I needed! general-thank()
+SNG0682 11 Great! Have a great day! general-bye()
+SNG0681 0 I need help finding an expensive place to eat in the west please. Restaurant-Inform(Area=west;Price=expensive)
+SNG0681 2 Yes, I would like eat Indian food, where I can eat Search Chicken Tikka Masala. Restaurant-Inform(Food=indian)
+SNG0681 4 I'd like to book the Rice Boat for 1 at 11:45 on Monday. Restaurant-Inform(Time=11:45;People=1;Day=monday;Name=rice boat)
+SNG0681 6 No, I think that covers it. Thanks so much for your help! general-thank()
+SNG0681 7 Thank you for using Cambridge TownInfo centre. Have a great day. general-bye()
+SNG0680 0 I am looking for information on the Yippee Noodle bar. Restaurant-Inform(Name=yippee noodle bar)
+SNG0680 4 On second thought, could you book me a table for 5 people at 12:30 on Sunday? Restaurant-Inform(Time=12:30;People=5;Day=sunday)
+SNG0680 6 Sure, please try for 11:30 Sunday. Still 5 people. Thanks. Restaurant-Inform(Time=11:30)
+SNG0680 7 All right, your table is reserved. The reference number is GVNN1K5V. Booking-Book(Ref=GVNN1K5V)
+SNG0680 8 Thanks for your help. general-thank()
+SNG0687 0 I want to eat someplace with unusual food. Price is no object. What can you suggest? Restaurant-Inform(Food=unusual)
+SNG0687 3 There are no restaurants anywhere in Cambridge that describe their cuisine as "unusual." Would you like to broaden your search criteria? Restaurant-NoOffer(Food=unusual)
+SNG0687 4 Then find a European one. Restaurant-Inform(Food=european)
+SNG0687 6 I would like one in the centre area, please. Restaurant-Inform(Area=centre)
+SNG0687 7 How about Eraina, which serves European food and is located in the centre of town and is in the expensive price range? Restaurant-Recommend(Name=Eraina;Food=European;Price=expensive;Area=centre of town)
+SNG0687 8 That sounds good! Can you book a table for 6 people at 12:45 on Wednesday? Restaurant-Inform(Time=12:45;People=6;Day=wednesday)
+SNG0687 10 I think that is all I need. Thank you. general-thank()
+SNG0687 11 You're welcome, enjoy your meal. general-bye()
+MUL1853 0 Hi! I am looking for a train that arrives by 11:30 on Friday. Train-Inform(Day=friday;Arrive=11:30)
+MUL1853 2 The train should depart from Bishops Stortford and should go to Cambridge. Train-Inform(Depart=bishops stortford;Dest=cambridge)
+MUL1853 4 Yes please. I will need 5 seats. Train-Inform(People=5)
+MUL1853 5 Ok, your booking is complete! The total is 50.5 GBP and is payable at the station. Your confirmation number is RGOWFL51 Train-OfferBooked(Ref=RGOWFL51;Ticket=50.5 GBP)
+MUL1853 6 Great. I am also looking for suggestions on places to go in the centre of town. Can you help me with that? Attraction-Inform(Area=centre)
+MUL1853 8 Do you have any multiple sports? Attraction-Inform(Type=mutiple sports)
+MUL1853 9 There are no attractions matching that description. Would you like me to search for parks in the area? Attraction-NoOffer()
+MUL1853 10 Do you have any architecture attractions Attraction-Inform(Type=architecture)
+MUL1853 11 Yes many. All Saints Church is a famous one with no entrance fee. Attraction-Inform(Choice=many;Name=All Saints Church;Fee=no entrance fee)
+MUL1853 13 Attractions are one thing we can't book for you, unfortunately. Is there anything else you need today? Attraction-Inform()
+MUL1853 16 That should be all I need. Thanks for your help. general-thank()
+SNG0685 0 I am looking for a restaurant in the expensive price range. It should serve Sri Lankan food. Restaurant-Inform(Food=sri lankan;Price=expensive)
+SNG0685 4 How about gastropub? Restaurant-Inform(Food=gastropub)
+SNG0685 6 Are they all listed as expensive? Restaurant-Inform(Price=expensive)
+SNG0685 8 Could you please give me the phone number for the Royal Standard? Restaurant-Request(Phone)
+SNG0685 9 Sure, it's 01223247877. Restaurant-Inform(Phone=01223247877)
+SNG0685 10 Okay, thanks. That will do it for today. general-thank()
+SNG0684 0 Hi, I'm looking for a restaurant called pizza hut cherry hinton, can you help me find it? Restaurant-Inform(Name=pizza hut cherry hinton)
+SNG0684 3 I'd be happy to make you a reservation, for what day/time and how many is in your party? Booking-Request(Day;Time;People)
+SNG0684 4 Just one person on Sunday at 19:45 Restaurant-Inform(Time=19:45;People=1;Day=sunday)
+SNG0684 6 no that will be all, thank you. general-thank()
+SNG1180 0 i want to book a taxi. The taxi should go to lynne strover gallery and should depart from parkside police station. Taxi-Inform(Depart=parkside police station;Dest=lynne strover gallery)
+SNG1180 1 What time would you like to leave and arrive by? Taxi-Request(Leave;Arrive)
+SNG1180 3 You are all set! Please be on the lookout for a black lexus and the contact number is 07664673319. Taxi-Inform(Car=black lexus;Phone=07664673319)
+SNG1180 4 i really appreciate, thanks general-thank()
+SNG1180 5 Is there anything else I can do for you today? general-reqmore()
+SNG1180 6 No, that's everything. Thank you very much for your time. general-thank()
+SNG1180 7 I'm happy to be of service! Have a wonderful day. general-bye()
+MUL1855 0 Yes I am looking for a train leaving Cambridge on Tuesday. Train-Inform(Depart=cambridge;Day=tuesday)
+MUL1855 2 Also the destination is london kings cross and leaves after 12:30. Train-Inform(Dest=london kings cross;Leave=12:30)
+MUL1855 4 Yes, please, just one ticket. Train-Inform(People=1)
+MUL1855 6 Yes, please. I am also looking for attractions in the East part of town. Attraction-Inform(Area=east)
+MUL1855 8 Sure. Could I get their phone number please? Attraction-Request(Phone)
+MUL1855 9 Sure! The phone number is: 01223902112 Attraction-Inform(Phone=01223902112)
+MUL1855 10 That's all I needed today. Thank you for your help. general-thank()
+PMUL2108 0 I'm looking for information on the Vue Cinema please? Attraction-Inform(Name=vue cinema)
+PMUL2108 1 It is located at The Grafton Center East Road Attraction-Inform(Addr=The Grafton Center East Road)
+PMUL2108 2 Could you give me the phone number? Attraction-Request(Phone)
+PMUL2108 3 The phone number is 08712240240. Attraction-Inform(Phone=08712240240)
+PMUL2108 4 Can you also please find an expensive restaurant in the centre. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL2108 5 Is there a type of food you would like? Restaurant-Request(Food)
+PMUL2108 6 No any restaurant would be okay I just need the type of food they serve. Restaurant-Request(Food)
+PMUL2108 7 How about the midsummer house restaurant? It is located at Midsummer common in the centre. Restaurant-Inform(Name=the midsummer house restaurant;Addr=Midsummer common;Area=centre)
+PMUL2108 8 what type of food do they serve? Restaurant-Request(Food)
+PMUL2108 9 They serve British food. Will that work for you? Restaurant-Inform(Food=British)
+PMUL2108 10 Yes British food is fine,can you reserve a table ? Restaurant-Request(Food)
+PMUL2108 11 Sure, for how many people? Booking-Request(People)
+PMUL2108 12 Sorry, you know what, I'll just walk in and demand they seat me. That also works out so well. That's all I need today, thanks! general-thank()
+MUL1857 0 I need to get to Peterborough. Can you find me a train that gets there by 13:30? Train-Inform(Dest=peterborough;Arrive=13:30)
+MUL1857 1 What day will you travel on ? Train-Request(Day)
+MUL1857 2 I will depart from Cambridge on Wednesday. Train-Inform(Depart=cambridge;Day=wednesday)
+MUL1857 4 Please and I would appreciate it if you could give me the train ID, departure time, and booking reference. Train-Request(TrainID;Leave)
+MUL1857 6 I will need three tickets please. Train-Inform(People=3)
+MUL1857 7 You are all ready with three tickets. The total fee is 49.5 and you will pay that at the station. Reference number is JPNLH7QF. Train-OfferBooked(Ref=JPNLH7QF;Ticket=49.5)
+MUL1857 8 I would also like to find a museum in town. Attraction-Inform(Type=museum)
+MUL1857 16 Yes, I would like a moderately priced Italian restaurant. Restaurant-Inform()
+MUL1857 17 Hmm, my restaurant reservation system seems to be down at the moment. Is there anything else I can help you with right now? general-reqmore()
+MUL1857 18 No that is all. Thank you for helping me. general-thank()
+PMUL4236 0 I really would like to try some Indian food while in town so please find me a restaurant that serves it on the East side Restaurant-Inform(Area=east;Food=indian)
+PMUL4236 2 Yeah. I'd like a table for 2 people on tuesday at 13:45. Restaurant-Inform(Time=13:45;People=2;Day=tuesday;Name=curry prince)
+PMUL4236 3 Booking was successful. The table will be reserved for 15 minutes.Reference number is : LDY1DUF0. Booking-Book(Ref=LDY1DUF0)
+PMUL4236 6 Same area as the restaurant, moderate price range, and it doesn't have to have free parking. Hotel-Inform(Area=east;Parking=no;Price=moderate)
+PMUL4236 8 That sounds perfect. I need that for 5 nights. Hotel-Inform(Stay=5;Name=carolina bed and breakfast)
+PMUL4236 10 I'd like reservations for Tuesday. Hotel-Inform(Day=tuesday)
+PMUL4236 11 How many people will be staying? Booking-Request(People)
+PMUL4236 12 2 people will be staying. Can you give me the reference number too? Hotel-Inform(People=2)
+PMUL4236 13 The booking was successful, and your reference number is 0OGAX9RA. Booking-Book(Ref=0OGAX9RA)
+PMUL4236 14 Thanks, that's all I needed today. Goodbye! general-bye()
+MUL1856 0 I need a train leaving cambridge on thursday. Train-Inform(Depart=cambridge;Day=thursday)
+MUL1856 2 I would like to go to Leicester and get there by 18:45 Train-Inform(Dest=leicester;Arrive=18:45)
+MUL1856 4 Not right now. Thanks for the information though! Have a great day! Goodbye. general-bye()
+MUL1856 5 You're welcome! Have a great day! general-welcome()
+MUL1856 7 Of course. The Cherry Hinton Village Centre has multiple sports in the east end of town. Attraction-Inform(Type=multiple sports;Area=east;Name=The Cherry Hinton Village Centre)
+MUL1856 8 Sounds good. What is the postcode, please? Attraction-Request(Post)
+MUL1856 10 Yes, may I have their address, please? Attraction-Request(Addr)
+MUL1856 11 The address is colville road, cherry hinton. Attraction-Inform(Addr=colville road;Addr=cherry hinton)
+MUL1856 12 That is all I need, thank you. general-thank()
+MUL1856 13 Thank you for using our service. have a good day! general-bye()
+MUL1856 14 Good bye. general-bye()
+MUL1856 15 Enjoy your day. Good bye. general-bye()
+SNG0427 0 I am looking for a train departing from london kings cross Train-Inform(Depart=london kings cross)
+SNG0427 1 Sure. Where are you going? Train-Request(Dest)
+SNG0427 2 I would like to go to Cambridge, after 11:15 Train-Inform(Dest=cambridge;Leave=11:15)
+SNG0427 3 Okay, and what day do you want to make the trip? Train-Request(Day)
+SNG0427 4 I want to leave on Monday. Train-Inform(Day=monday)
+SNG0427 6 Actually, can I have the price, and the travel time please? Train-Request(Duration;Price)
+SNG0427 7 The cost is 23.60 pounds and the trip will take 51 minutes. Train-Inform(Ticket=23.60 pounds;Time=51 minutes)
+SNG0427 8 Great that's all the info I need, thank you for your help today. general-thank()
+SNG0427 9 Thank you very much. Have a nice day. general-bye()
+SNG0426 0 Greetings! Can you help me in locating a train to get me to Cambridge? Train-Inform(Dest=cambridge)
+SNG0426 1 Certainly. Can you please tell me the location you are departing from and what day you would like to leave? Train-Request(Depart;Day)
+SNG0426 2 Sure. I need to leave on Friday from Broxbourne. Train-Inform(Depart=broxbourne;Day=friday)
+SNG0426 4 I am going to need to leave sometime later than 17:15. I will need 6 seats. Train-Inform(Leave=17:15)
+SNG0426 6 It doesn't matter, I just need to leave sometime after 17:15. Train-Inform(Leave=17:15)
+SNG0426 7 I can book you on TR4322 from broxbourne to cambridge. It leaves at 17:32 and arrives by 18:32. Would you like that? Train-OfferBook(Arrive=18:32;Dest=cambridge;Id=TR4322;Depart=broxbourne;Leave=17:32)
+SNG0426 8 Yes please, for 6 people. Train-Inform(People=6)
+SNG0426 10 That's all I needed for today. Thank you general-thank()
+SNG0426 11 I'm happy to be of service. Enjoy your time in Cambridge! general-bye()
+SNG0357 0 I want to book a train for Friday. Train-Inform(Day=friday)
+SNG0357 1 OK, what are your departure and arrival stations, and what time are you traveling? Train-Request(Depart;Leave;Dest)
+SNG0357 2 I want to go from Cambridge to London Kings Cross on Friday. Train-Inform(Depart=cambridge;Dest=london kings cross)
+SNG0357 3 Is there a time you would like to leave by or arrive by? Train-Request(Leave;Arrive)
+SNG0357 4 Yes, I'd like to arrive by 10:15. Train-Inform(Arrive=10:15)
+SNG0357 6 I'm not looking to book at the moment, can I just get the travel time and price for TR2000? Thanks! Train-Request(Duration;Price)
+SNG0357 8 No that will be all today. Thank you. general-thank()
+SNG0356 0 I'd like a train to Cambridge that arrives by 11:30. Train-Inform(Dest=cambridge;Arrive=11:30)
+SNG0356 1 Where are you departing from? Train-Request(Depart)
+SNG0356 2 I'm departing from Ely. Train-Inform(Depart=ely)
+SNG0356 5 If you wouldn't like me to book you a ticket, is there anything else you need? general-reqmore()
+SNG0356 6 Can you tell me what the travel time for that train is? Train-Request(Duration)
+SNG0356 7 That will be a 17 minute train ride. Train-Inform(Time=a 17 minute train ride)
+SNG0356 8 Okay great. That is all thank you. general-thank()
+SNG0356 9 Okay great. Thanks fro calling. general-bye()
+SNG0423 0 I need a train that will be in Cambridge by 3:00 Train-Inform(Dest=cambridge)
+SNG0423 1 What day will you be travelling? Train-Request(Day)
+SNG0423 2 I will be travelling on Wednesday. Train-Inform(Day=wednesday)
+SNG0423 3 Alright, where will you be departing? Train-Request(Depart)
+SNG0423 4 I'm leaving out of London King's Cross. Train-Inform(Depart=london kings cross)
+SNG0423 5 What time do you need to be there by? Is it 13:00? Train-Request(Arrive)
+SNG0423 7 I have only one train that would be close to those traveling times. It leaves London Kings Cross at 11:17 and arrives in Cambridge at 12:08. Train-Inform(Choice=only one;Depart=London Kings Cross;Dest=Cambridge;Arrive=12:08;Leave=11:17)
+SNG0423 9 I was able to book you 1 ticket on train TR2417. Your total cost is 23.6 GBP payable at the station. Your reference number is T9V9S3I3. Train-OfferBooked(Id=TR2417;Ref=T9V9S3I3;Ticket=23.6 GBP)
+SNG0423 10 Thank you. I think that's all I need. general-thank()
+SNG0423 11 You're welcome. Have a safe trip. Goodbye. general-bye()
+SNG0422 0 I am looking for a train going from Cambridge to stansted airport. Train-Inform(Depart=cambridge;Dest=stansted airport)
+SNG0422 1 I'd be happy to help with that. What day and time are you traveling? Train-Request(Leave;Day)
+SNG0422 2 The train needs to leave on Monday after 11:45. Train-Inform(Day=monday;Leave=11:45)
+SNG0422 3 Do you need to arrive by a certain time? Train-Request(Arrive)
+SNG0422 4 No, just the closest time after 11:45 for 5 tickets please. Train-Inform(People=5)
+SNG0422 6 Yes please. Can I have the reference number for the booking? Train-Request(Ref)
+SNG0422 8 No, that will be all. Thanks for your help. general-thank()
+MUL0641 0 I'm writing an article on places in cambridge with no stars. Can you help me find a place to stay that has free wifi? Hotel-Inform(Stars=0;Internet=yes)
+MUL0641 4 Are there any expensive hotels that have 4 stars? Hotel-Inform(Stars=4;Price=expensive)
+MUL0641 6 Do any of the locations you have found offer free parking? Hotel-Request(Parking)
+MUL0641 7 Almost all of them have free parking. Hotel-Inform(Parking;Choice=Almost all)
+MUL0641 10 Ok, I also want to find a train from cambridge to peterborough on sunday please i want to be there by 13:00. Train-Inform(Depart=cambridge;People=1;Dest=peterborough;Day=sunday;Arrive=13:00)
+MUL0641 11 Sure, I booked you 1 ticket. The train arrives at 12:56 and departs at 12:06 on Sunday. It comes to 13.20 pounds and the train ID number is TR8517 Train-OfferBooked(Ticket=13.20 pound;Day=Sunday;Arrive=12:56;Id=TR8517;Leave=12:06;People=1)
+MUL0641 12 Where is the hotel located? Hotel-Inform()
+MUL0641 13 Huntingdon is kingfisher way, hinchinbrook business park and University Arms is Regent street. Hotel-Inform(Name=Huntingdon;Name=University Arms;Addr=kingfisher way;Addr=hinchinbrook business park;Addr=Regent street)
+MUL0641 14 What area of town is the hotel in? Hotel-Request(Area)
+MUL0641 16 Does it have free parking? Hotel-Request(Parking)
+MUL0641 18 That's alright. I can book it later. I'm also looking to book a train. Train-Inform()
+MUL0641 19 It looks as though your train has already been booked. The train arrives at 12:56 and departs at 12:06 on Sunday. The train ID number is TR8517. Train-OfferBooked(Leave=12:06;Id=TR8517;Arrive=12:56;Day=Sunday)
+MUL0641 20 Thank you, can you please tell me the travel time and confirming the cost is 13.20 pounds? That's all I will need. Train-Request(Duration)
+MUL0641 22 No, that would be all. Thank you. general-thank()
+MUL0641 23 Let me know if you need anything else. general-reqmore()
+MUL0640 0 I need a train departing Cambridge and arriving by 08:00. Train-Inform(Depart=cambridge;Arrive=08:00)
+MUL0640 1 What is your destination and your departure day and time? Train-Request(Leave;Dest;Day)
+MUL0640 2 I would like to travel on Monday and arrive in Kings Lynn. It does not matter what time I depart. Train-Inform(Dest=kings lynn;Day=monday)
+MUL0640 4 Yes. I would like to book the 5:11. I also need the train ID and travel time. Train-Request(Duration;TrainID)
+MUL0640 5 No problem. It's 47 minutes long and the train ID is TR7964. Train-Inform(Id=TR7964;Time=47 minutes)
+MUL0640 6 I'd also like to find a place to stay. Four stars, please, and on the west side of town. Hotel-Inform(Stars=4;Area=west)
+MUL0640 7 Let me see. I have three options available, two are cheap and one is expensive. They all include free internet and parking. Hotel-Inform(Internet;Parking;Choice=three;Choice=two;Choice=one;Price=cheap;Price=expensive)
+MUL0640 10 Sure, I'll need it for 2 people, 2 nights, starting Saturday. Hotel-Inform(Stay=2;People=2;Day=saturday)
+MUL0640 12 No thank you, I have all I need. general-thank()
+SNG0359 0 I need a train to Birmingham New Street that arrives by 8:00. Train-Inform(Dest=birmingham new street;Arrive=08:00)
+SNG0359 1 Where are you departing from? Train-Request(Depart)
+SNG0359 2 I am leaving from cambridge on tuesday Train-Inform(Depart=cambridge;Day=tuesday)
+SNG0359 3 Okay, I've got a training leaving at 5:01 and arriving by 07:44, will that be good? Train-Inform(Arrive=07:44;Leave=5:01)
+SNG0359 4 Perfect. I'd like 8 tickets please. Train-Inform(People=8)
+SNG0359 6 Okay. Thank you for your help. That is all I believe. general-thank()
+SNG0359 7 Sure. Glad to have helped. general-bye()
+SNG0358 0 I am looking for a train that departs from cambridge after 14:00. Train-Inform(Depart=cambridge;Leave=14:00)
+SNG0358 3 Sure, Are you leaving, or going to london kings cross? Train-Request(Dest;Depart)
+SNG0358 4 I am going to London. Train-Inform(Depart=cambridge;Dest=london kings cross)
+SNG0358 5 Okay, I'd recommended TR6203 leaving at 15:00 and arriving at 15:51, total duration 51 minutes. The price is 18.88 pounds. Would that work for you? Train-Inform(Ticket=18.88 pounds;Id=TR6203;Arrive=15:51;Time=51 minutes;Leave=15:00)
+SNG0358 6 Yes thank you very much that's all I needed! general-thank()
+SNG0358 7 You're very welcome. Enjoy your trip. Goodbye! general-bye()
+SNG0429 0 Hi! Can you tell me what trains are available on Friday after 18:30? Train-Inform(Day=friday;Leave=18:30)
+SNG0429 1 Certainly, but first I need to know where you are departing from and what your destination is. Train-Request(Depart;Dest)
+SNG0429 2 I'm going from Stevenage to Cambridge. Train-Inform(Depart=stevenage;Dest=cambridge)
+SNG0429 5 Sure, I have booked your tickets for 8 people, your reference number is : T6B9UNBQ. Train-OfferBooked(Ref=T6B9UNBQ)
+SNG0429 6 Thank you for all your help, that's all I needed today. general-thank()
+SNG0428 0 I'd like a train to Leicester to arrive by 9:45. Train-Inform(Dest=leicester;Arrive=09:45)
+SNG0428 1 Okay, where would you like to depart from? Train-Request(Depart)
+SNG0428 2 I'd like to leave from Cambridge, please. Train-Inform(Depart=cambridge)
+SNG0428 3 There are 28 trains, do you have a day preference? Train-Inform(Choice=28)
+SNG0428 4 I need to leave on Tuesday. Train-Inform(Day=tuesday)
+SNG0428 6 I sure would, thanks. I will need seats for 8 people. Train-Inform(People=8)
+SNG0428 8 No thank you. Have a great day! general-thank()
+SNG0428 9 You as well, enjoy your trip! general-bye()
+PMUL4231 0 Please find a restaurant in the north that serves unusual food. Restaurant-Inform(Area=north;Food=unusual)
+PMUL4231 2 No thank you that will be all general-thank()
+PMUL4231 3 Can I help you find a different type of food? Restaurant-Request(Food)
+PMUL4231 4 How about a Chinese restaurant? Restaurant-Inform(Food=chinese)
+PMUL4231 5 There are three Chinese food restaurants in the north side of town. Two are expensive and the other is moderately priced. Do you need more information? Restaurant-Inform(Choice=three;Choice=Two;Choice=the other;Food=Chinese;Area=the north side of town;Price=expensive;Price=moderately priced)
+PMUL4231 10 What price range is that in? Restaurant-Request(Price)
+PMUL4231 11 It's in the expensive price range. Is there anything else I can help you with? Restaurant-Inform(Price=expensive)
+PMUL4231 12 Are there any swimming pools in the same area as the restaurant? Attraction-Inform(Area=north)
+PMUL4231 14 Yes, that sounds great can you send me all the info. Attraction-Inform(Name=jesus green outdoor pool)
+PMUL4231 15 The Jesus Green Outdoor Pool is located between victoria road and the river. The phone number is 01223302579. Do you need any additional information? Attraction-Inform(Phone=01223302579;Name=The Jesus Green Outdoor Pool;Addr=between victoria road and the river)
+PMUL4231 16 Yes, I am going to need a taxi for transport fro the restaurant by 04:00 please. Taxi-Inform(Leave=04:00)
+PMUL4231 19 okay and thanks for inquiring with us general-bye()
+PMUL4231 20 Thank you. Goodbye. general-bye()
+PMUL4231 21 Goodbye and thank you. general-bye()
+PMUL0431 0 Hello! I'm looking for the hotel called Cityroomz. Can you give me some information, please? Hotel-Inform(Name=cityroomz)
+PMUL0431 2 phone number and postcode please and thank you Hotel-Request(Post;Phone)
+PMUL0431 3 The phone number is 01223304050 and the postcode is cb12tz. Hotel-Inform(Phone=01223304050;Post=cb12tz)
+PMUL0431 4 Thank you for your help. general-thank()
+PMUL0431 5 Can I help with anything else? general-reqmore()
+PMUL0431 6 Yes, I'd like to find a place to eat in the west area. Restaurant-Inform(Area=west)
+PMUL0431 7 Are you interested in a certain cuisine or price range? Restaurant-Request(Price;Food)
+PMUL0431 8 Are there any British restaurants in that area? Restaurant-Inform(Food=british)
+PMUL0431 10 I do not have a preference on price range. Restaurant-Request(Price)
+PMUL0431 14 No but I do need a taxi and need it at restaurant by 03:15. Taxi-Inform(Leave=03:15;Arrive=03:15)
+PMUL0431 16 No, I'll be heading from the restaurant to the hotel. Taxi-Inform(Depart=cityroomz)
+PMUL0431 18 Thats all and thank you. general-thank()
+SNG0624 0 I'm looking for a restaurant that offers British food in a moderate price range, can you help me with that? Restaurant-Inform(Food=british;Price=moderate)
+SNG0624 2 Let's try the west. Restaurant-Inform(Area=west)
+SNG0624 4 For now, can I just get the phone number and postcode? Restaurant-Request(Post;Phone)
+SNG0624 5 Their number is 01223353110. Postcode is cb30ad. Restaurant-Inform(Phone=01223353110;Post=cb30ad)
+SNG0624 6 Thanks, that's everything I need. general-thank()
+SNG0624 7 Thank you for choosing Cambridge TownInfo Centre. general-bye()
+PMUL4578 0 Hi, I am looking for information on a train. Train-Inform()
+PMUL4578 1 You came to the right place! Where would you like to go? Train-Request(Dest)
+PMUL4578 2 I'd like to go to Cambridge and will be departing from Peterborough. Train-Inform(Depart=peterborough;Dest=cambridge)
+PMUL4578 3 What time would you like to leave or arrive by? Train-Request(Leave;Arrive)
+PMUL4578 4 I'd like to arrive by 10:30 on Thursday, please. Train-Inform(Day=thursday;Arrive=10:30)
+PMUL4578 7 First let's verify which train you want. The TR1719 will have you at your destination around 10:09. Train-Select(Arrive=10:09;Id=TR1719)
+PMUL4578 8 Yes, that sounds perfect. I'll need 4 seats. Train-Inform(People=4)
+PMUL4578 10 I need a hotel in the west with free parking please. Hotel-Inform(Area=west;Parking=yes;Type=hotel)
+PMUL4578 12 I actually need a guesthouse instead of a hotel, please. Hotel-Inform(Type=guesthouse)
+MUL2474 2 Some type of fancy architecture would be neat. Attraction-Inform(Type=architecture)
+MUL2474 3 all saints church has some stunning architecture and is located in the centre. It's also free to visit! Attraction-Inform(Name=all saints church;Type=architecture;Fee=free;Area=centre)
+MUL2474 4 Great, I like free! Can you give me the postcode and phone number to all saints church please? Attraction-Request(Post;Phone)
+MUL2474 5 Phone number is 01223452587 and postcode is cb58bs. Attraction-Inform(Phone=01223452587;Post=cb58bs)
+MUL2474 6 Thanks! Can you also tell me about J Restaurant? Restaurant-Inform(Name=j restaurant)
+MUL2474 8 Yes please, for 5 people at 13:00 on Tuesday. Restaurant-Inform(Time=13:00;People=5;Day=tuesday)
+MUL2474 9 The booking was successful. The table will be reserved for 15 minutes. Reference number is : EIYUL9L9. Booking-Book(Ref=EIYUL9L9)
+MUL2474 12 No that will do it. Thanks a lot. Goodbye. general-bye()
+MUL2474 13 you are welcome to use our services anytime. general-welcome()
+MUL2475 0 Hi, I am looking for a Venetian restaurant please. Restaurant-Inform(Food=venetian)
+MUL2475 2 What other restaurants are there in the centre area that serve expensive food? Restaurant-Inform(Area=centre;Price=expensive)
+MUL2475 3 We've got 33 different restaurants, everything from African, to British, Chinese, Indian, all the way to Turkish. Restaurant-Inform(Choice=33;Food=African;Food=British;Food=Chinese;Food=Indian;Food=Turkish)
+MUL2475 4 Ok, how about something Indian? Restaurant-Inform(Food=Indian)
+MUL2475 5 There are 6 Indian restaurants in the area. Are you looking for one nearby, or maybe a specific dish, like curry? Restaurant-Inform(Choice=6)
+MUL2475 6 Of the 6, what is your restaurant recommendation for good curry? Restaurant-Inform()
+MUL2475 14 No, that should be all, thanks. general-thank()
+MUL2475 15 Have a nice day then. general-bye()
+PMUL0046 0 I'm looking for an expensive restaurant in the centre of town. Restaurant-Inform(Area=centre;Price=expensive)
+PMUL0046 1 I can help you with that. Are there any other requirements you are looking for? general-reqmore()
+PMUL0046 2 I'd like to try some Turkish cuisine if there's a restaurant that serves it. Restaurant-Inform(Food=turkish)
+PMUL0046 4 Please do, thank you. general-thank()
+PMUL0046 5 I'm sorry, they do not have a phone number listed. Would you like to book a table? Booking-Inform()
+PMUL0046 6 No. thank you. I am also looking for a place to stay. I would like a 3 star hotel in the expensive price range. Hotel-Inform(Stars=3;Price=expensive)
+PMUL0046 9 They do have free parking yes. Hotel-Inform(Parking)
+PMUL0046 10 And what's their phone number? Hotel-Request(Phone)
+PMUL0046 11 It is 01223366611 Hotel-Inform(Phone=01223366611)
+PMUL0046 13 What time would you like to travel? Taxi-Request(Leave)
+PMUL0046 14 I would like to leave the restaurant by 11:15. Taxi-Inform(Leave=11:15)
+PMUL0046 16 I also would like a restaurant. Restaurant-Inform()
+PMUL0046 18 No, thank you. Please go ahead and make a reservation at Meze Bar. Restaurant-Inform(Name=meze bar restaurant)
+PMUL0046 20 I'll do that later once I find out how many people can make it. Thank you for all your help. general-thank()
+PMUL0046 21 Have a nice day. general-bye()
+PMUL0595 0 Hey, when I was a kid my parents took me to a place called the cow pizza kitchen and bar. Is it still around? Restaurant-Inform(Name=the cow pizza kitchen and bar)
+PMUL0595 2 I need to book a table for 5 at 16:45 on wednesday. Restaurant-Inform(Time=16:45;People=5;Day=wednesday)
+PMUL0595 3 Your table has been booked. Your reference number is JGNHU2IV. The table will be reserved for 15 minutes. Booking-Book(Ref=JGNHU2IV)
+PMUL0595 4 Excellent, thank you for the assistance! general-thank()
+PMUL0595 6 I was also wanting to get some help finding a train to get me to London Kings Cross. Train-Inform(Dest=london kings cross)
+PMUL0595 7 What day would you like your train to leave? Also what time, and where will you be departing from? Train-Request(Day;Leave;Depart)
+PMUL0595 8 i want to leave on monday and arrive by 8 Train-Inform(Depart=cambridge;Day=monday;Arrive=08:00)
+PMUL0595 10 I would like to leave on Monday. Train-Inform(Day=monday)
+PMUL0595 11 Ok, the TR228 will get you to london at 07:51. It leaves cambridge at 07:00. Can I book it for you? Train-OfferBook(Id=TR228;Dest=london;Arrive=07:51;Depart=cambridge;Leave=07:00)
+PMUL0595 12 Can you tell me the price? Train-Request(Price)
+PMUL0595 14 That was all I needed to know. Thank you, goodbye. general-bye()
+PMUL0044 0 I'm traveling to Cambridge and looking forward to their restaurants. I need a place to stay while I'm there. Restaurant-Inform()
+PMUL0044 1 What hotel type are you interested in ? what area will you be staying in? Hotel-Request(Area;Type)
+PMUL0044 2 I need to find a place in the east side and the pricerange should be expensive. I also need free parking Hotel-Inform(Area=east;Parking=yes;Price=expensive)
+PMUL0044 3 The Express by Holiday Inn Cambridge would fit all of your needs. It's a 2 star hotel and offers free internet. Hotel-Inform(Internet;Name=The Express by Holiday Inn Cambridge;Stars=2)
+PMUL0044 4 Perfect. I need a room for 3 people, two nights starting from wednesday. Hotel-Inform(Stay=2;People=3;Day=wednesday;Name=express by holiday inn cambridge)
+PMUL0044 5 The booking was successful. Here is your reference number: 6DAJ8EHD Booking-Book(Ref=6DAJ8EHD)
+PMUL0044 6 Thank you for helping me. general-thank()
+PMUL0044 7 Was there anything else I could help you with today? general-reqmore()
+PMUL0044 8 Yes, actually. I'm looking for information on expensive restaurants with creative food. Restaurant-Inform(Food=creative;Price=expensive)
+PMUL0044 10 how about north american food? Restaurant-Inform(Food=north american)
+PMUL0044 11 Yes! How about Gourmet Burger Kitchen? Restaurant-Inform(Name=Gourmet Burger Kitchen)
+PMUL0044 13 Sure! The phone is 01223312598, the postal code is cb21ab and the address is Regent Street City Centre. Restaurant-Inform(Addr=Regent Street City Centre;Post=cb21ab;Phone=01223312598)
+PMUL0044 14 Cool beans, bro. Thanks for your help. Laters. general-thank()
+PMUL0044 15 Would you like me to make reservations at gourmet burger kitchen for you? Booking-Inform(Name=gourmet burger kitchen)
+PMUL0044 16 I don't think I need reservations today. That is all I need help with thank you. general-thank()
+PMUL0044 17 Sounds good, thank you for your time. general-bye()
+PMUL0597 0 I need to catch a train into Cambridge. Could you help me find one? Train-Inform(Dest=cambridge)
+PMUL0597 2 I need to go to cambridge from broxbourne and the train should leave after 10:00 on a tuesday. Train-Inform(Depart=broxbourne;Dest=cambridge;Day=tuesday;Leave=10:00)
+PMUL0597 4 Yes, I need tickets for 3 people please. Train-Inform(People=3)
+PMUL0597 6 I also need a place to eat serving indian food Restaurant-Inform(Food=indian)
+PMUL0597 7 which side of town do you prefer? Restaurant-Request(Area)
+PMUL0597 10 Any area is fine. Please just recommend a restaurant, and send me the address and postcode. Thanks in advance! Restaurant-Request(Post;Addr)
+PMUL0597 13 I hope you have a great time. general-greet()
+PMUL0597 14 thanks again for everything. general-thank()
+PMUL0042 0 Which hotels in Cambridge offer free wifi for guests? Hotel-Inform(Internet=yes;Type=hotel)
+PMUL0042 2 Yes I am interested in the north and a moderate price range. Hotel-Inform(Area=north;Price=moderate)
+PMUL0042 3 can you please tell me when and how many will join you ? Booking-Request(Day;People)
+PMUL0042 4 I'm not sure at this point. For now, I just need the address. Hotel-Request(Addr)
+PMUL0042 5 How about Lovell Lodge at 365 Milton Road? Hotel-Recommend(Name=Lovell Lodge;Addr=365 Milton Road)
+PMUL0042 7 Yes, they do offer that. Hotel-Inform(Internet)
+PMUL0042 9 In order to make the reservations, can you tell me for what day, how many guests and how many nights please? Booking-Request(Day;Stay;People)
+PMUL0042 10 Yes, thursday through sunday and 6 guests. Hotel-Inform(People=6;Day=thursday)
+PMUL0042 12 Okay great. How about a Chinese restaurant in the same price range? Restaurant-Inform(Food=chinese;Price=moderate)
+PMUL0042 13 The Yippee Noodle Bar is available, would that be satisfactory for you? Restaurant-Inform(Name=The Yippee Noodle Bar)
+PMUL0042 14 Yes can you book that for 4 people at 14:15 on saturday? Restaurant-Inform(Time=14:15;People=4;Day=saturday;Name=yippee noodle bar)
+PMUL0042 16 that is it for today. thanks for helping general-thank()
+PMUL0591 0 I need a train from peterborough going to cambridge. Can you help me? Train-Inform(Depart=peterborough;Dest=cambridge)
+PMUL0591 2 I'd like to leave after 11:45 on Thursday, please. Train-Inform(Day=thursday;Leave=11.45)
+PMUL0591 3 There's a train scheduled on Thursday from Peterborough to Cambridge, leaving at 11:19 and arriving at 12:09. Will this work for you? Train-Inform(Arrive=12:09;Day=Thursday;Leave=11:19;Depart=Peterborough;Dest=Cambridge)
+PMUL0591 4 With our schedule, we can only go on a train that leaves after 11:45. Is there one leaving later? Train-Inform(Leave=12:00)
+PMUL0591 5 There is a train that leaves at 12:19 will that work? Train-Inform(Leave=12:19)
+PMUL0591 6 That sounds great. Can you please book 7 tickets on that one? Train-Inform(People=7)
+PMUL0591 7 Booking was successful. Reference number is 3854SJZ8. Do you need help with anything else? Train-OfferBooked(Ref=3854SJZ8)
+PMUL0591 8 Thank you. Yes, I do need a place to dine. I would like an expensive restaurant in the north. Restaurant-Inform(Area=north;Price=expensive)
+PMUL0591 9 Do you have a particular type of cuisine in mind? Restaurant-Request(Food)
+PMUL0591 12 What type of food is it? Restaurant-Request(Food)
+PMUL0591 13 As mentioned before they are French. Restaurant-Inform(Food=French)
+PMUL0591 14 Thank you. I missed that before. Screaming kids, you know. general-thank()
+PMUL0591 16 Thank you so much for your help. general-thank()
+PMUL0591 17 Happy to help, goodbye.. general-bye()
+PMUL0040 0 I'm looking for a place to stay in west Cambridge. Hotel-Inform(Area=west)
+PMUL0040 1 i recommend hobsons house located in the west with a moderate price range and 3 star rated. it has both parking and internet. you can call them on 01223304906. postal address iscb39Ih, 96 barton road Hotel-Recommend(Phone=01223304906;Post=cb39Ih;Area=west;Internet;Stars=3;Parking;Name=hobsons house;Price=moderate;Addr=96 barton road)
+PMUL0040 2 I'm looking for a two star hotel with free wifi. Is there anything like that in the west? Hotel-Inform(Stars=2;Internet=yes;Type=hotel)
+PMUL0040 4 Maybe I could stay in the north. Can you please look there for a 2 star hotel that includes free wifi? Hotel-Inform(Stars=2;Area=north;Type=hotel)
+PMUL0040 6 Yes I want to book it for 8 people and 3 nights starting from thursday Hotel-Inform(Stay=3)
+PMUL0040 7 How about the Avalon? It is a 4 star guesthouse. Hotel-Recommend(Name=Avalon;Type=guesthouse;Stars=4)
+PMUL0040 8 That sounds good can you book it for 3 nights for Thursday for 8 people. Hotel-Inform(Stay=3;People=8;Day=thursday;Name=avalon)
+PMUL0040 10 have you heard of cote? its a restaurant in town Restaurant-Inform(Name=cote)
+PMUL0040 12 no. i just want the address for today Restaurant-Request(Addr)
+PMUL0040 13 Their address is Bridge Street City Centre. Restaurant-Inform(Addr=Bridge Street City Centre)
+PMUL0040 14 Thanks a lot, that's all for now. general-thank()
+PMUL0040 15 Can I look up any other information for you? general-reqmore()
+PMUL0040 16 No, thank you. You've been very helpful. general-thank()
+PMUL0041 1 Of course, do you have a price range in mind? Hotel-Request(Price)
+PMUL0041 2 no. it should free packing and located in the west Hotel-Inform(Area=west;Parking=free;Price=dont care)
+PMUL0041 4 The star rating doesn't matter, thanks general-thank()
+PMUL0041 6 uhm, i definitely don't want to sleep in a hospital. Hospital-Inform()
+PMUL0041 7 Sorry about that! how about a and be guest house? Hotel-Inform(Name=a and be guest house)
+PMUL0041 8 Okay. Also can you help me find a restaurant in the same area that serves European food. Restaurant-Inform(Food=european)
+PMUL0041 9 Sure thing what price range are you looking for? Restaurant-Request(Price)
+PMUL0041 15 Where do you want to be picked up? Taxi-Request(Depart)
+PMUL0041 16 Picked up at the hotel and sent to the restaurant by the booking time please. Taxi-Inform(Depart=a and b guest house)
+PMUL0041 17 I have booked your taxi. Be expecting a grey Tesla. Please call 07177768413 should you need to reach them. Taxi-Inform(Car=grey Tesla;Phone=07177768413)
+PMUL0041 18 Thank you for your help. general-thank()
+PMUL0041 19 Anything else today? general-reqmore()
+PMUL0041 20 No that is it. Thank you. general-thank()
+PMUL0041 21 Glad to have helped! general-welcome()
+PMUL0598 0 I want to find a Chinese restaurant in the centre of Cambridge. Restaurant-Inform(Area=centre;Food=chinese)
+PMUL0598 2 I would like a suggestion of a moderately priced Chinese place. Restaurant-Inform(Price=moderate)
+PMUL0598 5 On what day would you like your reservation? Booking-Request(Day)
+PMUL0598 7 What day would you like to dine on ? Booking-Request(Day)
+PMUL0598 8 I want a reservation for 2 people at 17:30 on thursday. Sorry, I don't know why I said the other thing before that. I must be going crazy. Restaurant-Inform(Time=17:30;People=2;Day=thursday)
+PMUL0598 9 Your table was booked. Your reference number is 42XEDGDF. Is there anything else I can help you with? Booking-Book(Ref=42XEDGDF)
+PMUL0598 10 I also need a Friday train to Broxbourne. Train-Inform(Dest=broxbourne;Day=friday)
+PMUL0598 12 I would like to leave Cambridge after 15:45. Train-Inform(Leave=16:15)
+PMUL0598 15 How many train tickets would you like to book? Train-Request(People)
+PMUL0598 16 2 please and I need a ref. number. Train-Inform(People=2)
+PMUL0598 17 Okay, booked it and your ref. is TJGHMT3I. Train-OfferBooked(Ref=TJGHMT3I)
+PMUL0598 18 Thanks, that's all I needed today. Goodbye! general-bye()
+PMUL0598 19 Thank you. Let me know if there is anything else I can assist you with. general-greet()
+PMUL0599 0 Hey I'm trying to find a train that leaves on monday to Kings Lynn. Train-Inform(Dest=kings lynn;Day=monday)
+PMUL0599 1 Are you departing from Cambridge? Train-Request(Depart)
+PMUL0599 2 Yes. I am departing from Cambridge. Train-Inform(Depart=cambridge)
+PMUL0599 4 No but I need to arrive by 17:00. Train-Inform(Arrive=17:00)
+PMUL0599 5 I have train TR7964 leaving at 5:11 and arriving at 5:58. Train-Inform(Id=TR7964;Arrive=5:58;Leave=5:11)
+PMUL0599 8 I need the exact travel time please. Train-Request(Duration)
+PMUL0599 10 Thanks, I don't need to book a train just yet. Can you just help me find a high-end Mexican restaurant? Restaurant-Inform(Food=mexican)
+PMUL0599 15 What day would you like to go? Booking-Request(Day)
+PMUL0599 16 Monday would be great, thank you. Restaurant-Inform(Day=monday)
+PMUL0599 17 Booking was successful. The table will be reserved for 15 minutes. Reference number is : S7L5N6UT. Booking-Book(Ref=S7L5N6UT)
+PMUL0599 18 Ok thats it for today thanks ! general-thank()
+PMUL0599 19 Have a lovely day, goodbye. general-bye()
+PMUL0048 0 I need a place to eat that serves chinese food. Restaurant-Inform(Food=chinese)
+PMUL0048 2 A moderate price range. Restaurant-Inform(Price=moderate)
+PMUL0048 4 Is there any located in the centre? Restaurant-Inform(Area=centre)
+PMUL0048 7 The restaurants are: jinling noodle bar, lan hong house and shanghai family restaurant. Restaurant-Select(Name=jinling noodle bar;Name=lan hong house;Name=shanghai family restaurant)
+PMUL0048 8 Can I book a table for 3 at Shanghai for Saturday at 19:45? Restaurant-Inform(Time=19:45;People=3;Day=saturday)
+PMUL0048 9 Yes, I have made a booking for you. Your reference number is T30YC5TL. Booking-Book(Ref=T30YC5TL)
+PMUL0048 10 thanks I need a 4 star guesthouse with free parking of course. Hotel-Inform(Stars=4;Parking=yes;Type=guesthouse)
+PMUL0048 11 There are plenty of high rated guesthouse to choose from 16 in fact, any other preferences? Hotel-Inform(Choice=plenty;Choice=16)
+PMUL0048 12 No, I don't. Any you recommend will be fine. I'll need it booked on the same day, same people, and for 5 nights. Hotel-Inform(Stay=5;People=3;Day=saturday)
+PMUL0048 13 Booking was successful. Reference number is : 3XXZNBWR Booking-Book(Ref=3XXZNBWR)
+PMUL0048 14 The reference number is great but it's going to be hard to find if I don't know the name. Can you tell me the name of the hotel? Hotel-Inform()
+PMUL0048 15 acorn guest house is the name Hotel-Inform(Name=acorn guest house)
+PMUL0048 16 that is just great. thank you. general-thank()
+PMUL0049 0 I am interested in finding the Lensfield Hotel. Hotel-Inform(Name=the lensfield hotel)
+PMUL0049 2 Yes please. I need a room for 5 nights, arriving on Friday. There are 3 of us. Hotel-Inform(Stay=5;People=3;Day=friday)
diff --git a/data/multiwoz/annotation/MULTIWOZ2.zip b/data/multiwoz/annotation/MULTIWOZ2.zip
new file mode 100644
index 0000000..4457555
Binary files /dev/null and b/data/multiwoz/annotation/MULTIWOZ2.zip differ
diff --git a/data/multiwoz/annotation/Multiwoz data analysis.md b/data/multiwoz/annotation/Multiwoz data analysis.md
new file mode 100644
index 0000000..bf185ef
--- /dev/null
+++ b/data/multiwoz/annotation/Multiwoz data analysis.md
@@ -0,0 +1,564 @@
+## Multiwoz data analysis
+
+source: https://www.repository.cam.ac.uk/handle/1810/280608
+
+> ##### Description
+>
+> Dataset contains the following json files: 1. data.json: the woz dialogue dataset, which contains the conversation users and wizards, as well as a set of coarse labels for each user turn. 2. restaurant_db.json: the Cambridge restaurant database file, containing restaurants in the Cambridge UK area and a set of attributes. 3. attraction_db.json: the Cambridge attraction database file, contining attractions in the Cambridge UK area and a set of attributes. 4. hotel_db.json: the Cambridge hotel database file, containing hotels in the Cambridge UK area and a set of attributes. 5. train_db.json: the Cambridge train (with artificial connections) database file, containing trains in the Cambridge UK area and a set of attributes. 6. hospital_db.json: the Cambridge hospital database file, contatining information about departments. 7. police_db.json: the Cambridge police station information. 8. taxi_db.json: slot-value list for taxi domain. 9. valListFile.json: list of dialogues for validation. 10. testListFile.json: list of dialogues for testing. 11. system_acts.json: system acts annotations 12. ontology.json: Data-based ontology.
+>
+> ##### Format
+>
+> The Multi-Domain Wizard-of-Oz dataset (MultiWOZ), a collection of human-human written conversations spanning over multiple domains and topics. The dataset was collected based on the Wizard of Oz experiment on Amazon MTurk. Each dialogue contains a goal label and several exchanges between a visitor and the system. Each system turn has labels from the set of slot-value pairs representing a coarse representation of dialogue state for both user and system. There are in total 10438 dialogues.
+
+### Database
+
+Contain 110 restaurants, 79 attractions, 33 hotels, 2828 trains, 66 hospitals, 1 police and generator of taxi.
+
+#### Restaurant
+
+110 restaurants, example:
+
+```json
+{
+ "address": "Finders Corner Newmarket Road",
+ "area": "east",
+ "food": "international",
+ "id": "30650",
+ "introduction": "",
+ "location": [
+ 52.21768,
+ 0.224907
+ ],
+ "name": "the missing sock",
+ "phone": "01223812660",
+ "postcode": "cb259aq",
+ "pricerange": "cheap",
+ "signature": "african babooti",
+ "type": "restaurant"
+}
+```
+There are 9 attributes that all restaurants have: 'address', 'area', 'food', 'id', 'location', 'name', 'postcode', 'pricerange', 'type'. 3 attributes may be missing: 'introduction', 'phone', 'signature'.
+
+#### Attraction
+
+79 attractions, example:
+
+```json
+{
+ "address": "pool way, whitehill road, off newmarket road",
+ "area": "east",
+ "entrance fee": "?",
+ "id": "1",
+ "location": [
+ 52.208789,
+ 0.154883
+ ],
+ "name": "abbey pool and astroturf pitch",
+ "openhours": "?",
+ "phone": "01223902088",
+ "postcode": "cb58nt",
+ "pricerange": "?",
+ "type": "swimmingpool"
+}
+```
+#### Hotel
+
+33 hotels, example:
+
+```json
+{
+ "address": "124 tenison road",
+ "area": "east",
+ "internet": "yes",
+ "parking": "no",
+ "id": "0",
+ "location": [
+ 52.1963733,
+ 0.1987426
+ ],
+ "name": "a and b guest house",
+ "phone": "01223315702",
+ "postcode": "cb12dp",
+ "price": {
+ "double": "70",
+ "family": "90",
+ "single": "50"
+ },
+ "pricerange": "moderate",
+ "stars": "4",
+ "takesbookings": "yes",
+ "type": "guesthouse"
+}
+```
+#### Train
+
+2828 train (with artificial connections), example:
+
+```json
+{
+ "arriveBy": "05:51",
+ "day": "monday",
+ "departure": "cambridge",
+ "destination": "london kings cross",
+ "duration": "51 minutes",
+ "leaveAt": "05:00",
+ "price": "23.60 pounds",
+ "trainID": "TR7075"
+}
+```
+#### Hospital
+
+66 hospitals, example:
+
+```json
+{
+ "department": "neurosciences critical care unit",
+ "id": 0,
+ "phone": "01223216297"
+}
+```
+#### Police
+
+1 police:
+
+```json
+{
+ "name": "Parkside Police Station",
+ "address": "Parkside, Cambridge",
+ "id": 0,
+ "phone": "01223358966"
+}
+```
+#### Taxi
+
+slot-value list for taxi domain.
+
+```json
+[
+ "taxi_colors" : ["black","white","red","yellow","blue",'grey'],
+ "taxi_types": ["toyota","skoda","bmw",'honda','ford','audi','lexus','volvo','volkswagen','tesla']
+ "taxi_phone": ["^[0-9]{10}$"]
+]
+```
+
+### Ontology
+
+35 slots: (not reliable, lack some slots appeared in dialog_acts.json, maybe only have the slots that used in goal generation)
+
+```
+'hotel-price range',
+'hotel-type',
+'hotel-parking',
+'hotel-book stay',
+'hotel-book day',
+'hotel-book people',
+'hotel-area',
+'hotel-stars',
+'hotel-internet',
+'hotel-name',
+=====================================
+'train-destination',
+'train-day',
+'train-departure',
+'train-arrive by',
+'train-book people',
+'train-leave at',
+=====================================
+'restaurant-food',
+'restaurant-price range',
+'restaurant-area',
+'restaurant-name',
+'restaurant-book time',
+'restaurant-book day',
+'restaurant-book people',
+=====================================
+'attraction-area',
+'attraction-name',
+'attraction-type',
+=====================================
+'taxi-leave at',
+'taxi-destination',
+'taxi-departure',
+'taxi-arrive by',
+=====================================
+'hospital-department',
+=====================================
+'bus-departure',
+'bus-destination',
+'bus-leaveAt',
+'bus-day'
+```
+
+### Dialog Act
+
+6+1 domains: Booking, Restaurant, Hotel, Attraction, Taxi, Train and general.
+
+Bus, Hospital, Police don't have dialog act.
+
+```python
+Counter({'Attraction-Inform': 6976,
+ 'Attraction-NoOffer': 490,
+ 'Attraction-Recommend': 1451,
+ 'Attraction-Request': 1641,
+ 'Attraction-Select': 438,
+ 'Booking-Book': 5256,
+ 'Booking-Inform': 5703,
+ 'Booking-NoBook': 1313,
+ 'Booking-Request': 2708,
+ 'Hotel-Inform': 8224,
+ 'Hotel-NoOffer': 914,
+ 'Hotel-Recommend': 1501,
+ 'Hotel-Request': 3215,
+ 'Hotel-Select': 1005,
+ 'No Annotation': 1933,
+ 'Restaurant-Inform': 8071,
+ 'Restaurant-NoOffer': 1453,
+ 'Restaurant-Recommend': 1495,
+ 'Restaurant-Request': 3083,
+ 'Restaurant-Select': 918,
+ 'Taxi-Inform': 2087,
+ 'Taxi-Request': 1613,
+ 'Train-Inform': 7204,
+ 'Train-NoOffer': 117,
+ 'Train-OfferBook': 3032,
+ 'Train-OfferBooked': 2309,
+ 'Train-Request': 5522,
+ 'Train-Select': 389,
+ 'general-bye': 9107,
+ 'general-greet': 2021,
+ 'general-reqmore': 13773,
+ 'general-welcome': 4786})
+```
+
+**ATTENTION**: It only contains dialog act and slot from system (or wizard) side. Slot from user such as "Attraction-Request-Post" are not listed! We must design by ourselves.
+
+Update: see `dialog_act_slot.txt` or `Multiwoz_analysis.ipynb` for dialog act with slot.
+
+### User Goal
+
+Example:
+
+```json
+"goal": {
+"taxi": {
+ "info": {
+ "arriveBy": "13:15"
+ },
+ "reqt": [
+ "car type",
+ "phone"
+ ],
+ "fail_info": {}
+},
+"police": {},
+"hospital": {},
+"hotel": {},
+"topic": {
+ "taxi": false,
+ "police": false,
+ "restaurant": false,
+ "hospital": false,
+ "hotel": false,
+ "general": false,
+ "attraction": false,
+ "train": false,
+ "booking": false
+},
+"attraction": {
+ "info": {
+ "name": "the place"
+ },
+ "reqt": [
+ "postcode"
+ ],
+ "fail_info": {}
+},
+"train": {},
+"message": [
+ "You are looking for information in Cambridge",
+ "You are looking for a **particular attraction**. Its name is called **the place**",
+ "Make sure you get **postcode**",
+ "You are also looking for a **place to dine**. The restaurant should be in the **centre** and should serve **modern european** food",
+ "The restaurant should be in the **moderate** price range",
+ "Once you find the **restaurant** you want to book a table for **4 people** at **13:15** on **saturday**",
+ "Make sure you get the **reference number**",
+ "You also want to book a **taxi** to commute between the two places",
+ "You want to make sure it arrives the restaurant **by the booked time**",
+ "Make sure you get **contact number** and **car type**"
+],
+"restaurant": {
+ "info": {
+ "food": "modern european",
+ "pricerange": "moderate",
+ "area": "centre"
+ },
+ "fail_info": {},
+ "book": {
+ "people": "4",
+ "day": "saturday",
+ "invalid": false,
+ "time": "13:15"
+ },
+ "fail_book": {}
+}
+},
+```
+
+Not all slots for a domain have value, when system ask, user can just reply "don't care".
+
+All attributes occured in goal:
+
+```python
+attraction
+{'info': {'area', 'name', 'type'}, 'reqt': {'entrance fee', 'address', 'phone', 'area', 'postcode', 'type'}, 'fail_info': {'area', 'name', 'type'}}
+
+hospital
+{'info': {'department'}, 'reqt': {'address', 'phone', 'postcode'}, 'fail_info': set()}
+
+hotel
+{'info': {'name', 'parking', 'internet', 'area', 'stars', 'pricerange', 'type'}, 'fail_info': {'name', 'parking', 'internet', 'area', 'stars', 'pricerange', 'type'}, 'book': {'day', 'pre_invalid', 'people', 'stay', 'invalid'}, 'fail_book': {'day', 'stay'}, 'reqt': {'phone', 'parking', 'internet', 'address', 'area', 'stars', 'postcode', 'pricerange', 'type'}}
+
+police
+{'info': set(), 'reqt': {'address', 'phone', 'postcode'}, 'fail_info': set()}
+
+restaurant
+{'info': {'food', 'area', 'name', 'pricerange'}, 'reqt': {'phone', 'address', 'food', 'area', 'postcode', 'pricerange'}, 'fail_info': {'area', 'food', 'name', 'pricerange'}, 'book': {'day', 'pre_invalid', 'people', 'time', 'invalid'}, 'fail_book': {'day', 'time'}}
+
+taxi
+{'info': {'departure', 'leaveAt', 'destination', 'arriveBy'}, 'reqt': {'phone', 'car type'}, 'fail_info': set()}
+
+train
+{'info': {'departure', 'day', 'leaveAt', 'destination', 'arriveBy'}, 'reqt': {'leaveAt', 'price', 'arriveBy', 'trainID', 'duration'}, 'fail_info': set(), 'book': {'people', 'invalid'}, 'fail_book': set()}
+```
+
+### Dialog state
+
+**The information provided by user (given in user goal) defines in 'semi' dict for each domain. The information that user need is not showed in dialog state.**
+
+Full state example:
+
+```json
+"text": "Enjoy your stay at the hamilton lodge. Have a great day.",
+"metadata": {
+ "taxi": {
+ "book": {
+ "booked": [
+ {
+ "phone": "07218068540",
+ "type": "blue honda"
+ }
+ ]
+ },
+ "semi": {
+ "leaveAt": "17:15",
+ "destination": "pizza hut fen ditton",
+ "departure": "saint john's college",
+ "arriveBy": "not mentioned"
+ }
+ },
+ "police": {
+ "book": {
+ "booked": []
+ },
+ "semi": {}
+ },
+ "restaurant": {
+ "book": {
+ "booked": [
+ {
+ "name": "pizza hut city centre",
+ "reference": "F3K2PQZZ"
+ }
+ ],
+ "time": "19:45",
+ "day": "thursday",
+ "people": "2"
+ },
+ "semi": {
+ "food": "not mentioned",
+ "pricerange": "not mentioned",
+ "name": "pizza hut city centre",
+ "area": "not mentioned"
+ }
+ },
+ "hospital": {
+ "book": {
+ "booked": [
+ {
+ "department": "infusion services",
+ "reference": "L2127Y9Q",
+ "time": "14:00, next Thursday"
+ }
+ ]
+ },
+ "semi": {
+ "department": "infusion services"
+ }
+ },
+ "hotel": {
+ "book": {
+ "booked": [
+ {
+ "name": "hamilton lodge",
+ "reference": "TGSVA9OC"
+ }
+ ],
+ "people": "1",
+ "day": "sunday",
+ "stay": "5"
+ },
+ "semi": {
+ "name": "not mentioned",
+ "area": "not mentioned",
+ "parking": "yes",
+ "pricerange": "moderate",
+ "stars": "3",
+ "internet": "not mentioned",
+ "type": "guesthouse"
+ }
+ },
+ "attraction": {
+ "book": {
+ "booked": []
+ },
+ "semi": {
+ "type": "museum",
+ "name": "not mentioned",
+ "area": "east"
+ }
+ },
+ "train": {
+ "book": {
+ "booked": [
+ {
+ "trainID": "TR1567",
+ "reference": "UIFV8FAS"
+ }
+ ],
+ "people": "1"
+ },
+ "semi": {
+ "leaveAt": "not mentioned",
+ "destination": "bishops stortford",
+ "day": "friday",
+ "arriveBy": "19:45",
+ "departure": "cambridge"
+ }
+ }
+}
+```
+
+### Automaic Annotation for User Dialog Act
+
+Compare with dialog acts for system:
+
+| | System (come from data) | User (defined according to user goal and dialog state table) |
+| ------------------------- | ------------------------------------------------------------ | ------------------------------------------------- |
+| Attraction-Inform | Area Type Choice Post Name Phone Addr Fee Open Price none | Area Type Name none |
+| Hotel-Inform | Name Ref Type Choice Addr Post Area Internet Parking Stars Phone Price none | Name Type Area Internet Parking Stars Price Day People Stay none |
+| Restaurant-Inform | Post Food Name Price Addr Phone Area Choice Ref none | Food Name Price Area Time Day People none |
+| Taxi-Inform | Phone Car Depart Arrive Dest Leave none | Depart Dest Leave Arrive none |
+| Train-Inform | Arrive Id Leave Time Dest Ticket Depart Day Choice Ref People none | Depart Dest Leave Arrive Day People none |
+| Hospital-Inform | lack annotation | Department none |
+| Police-Inform | lack annotation | none |
+| Booking-Inform | Time Stay Name Day People Ref none | don't need |
+| Attraction-Request | Area Type Price Name | Area Type Post Phone Addr Fee |
+| Hotel-Request | Area Price Stars Type Parking Internet Name | Ref Type Addr Post Area Internet Parking Stars Phone Price Ref |
+| Restaurant-Request | Area Name Price Food | Post Food Price Addr Phone Area Ref |
+| Taxi-Request | Depart Arrive Dest Leave | Car Phone |
+| Train-Request | Leave Day Depart Dest Arrive People | Id Arrive Leave Time Dest Ticket Depart Ref |
+| Hospital-Request | lack annotation | Post Addr Phone Ref |
+| Police-Request | lack annotation | Post Addr Phone |
+| Booking-Request | Time Day People Stay | don't need |
+| Train-Offer[Book\|Booked] | | don't need |
+| Booking-[No]Book | | don't need |
+| *-NoOffer | | don't need |
+| *-Recommend | | don't need |
+| *-Select | | don't need |
+| general-* | | by keywords? |
+
+User dialog acts include:
+
+- **Inform**: annotated by dialog state update.
+- **Request**: implied by system inform, not accurate.
+- **General**: keywords detection.
+
+For clarity, some details are not showed below, please refer to the code and comments.
+
+#### Inform
+
+When dialog state changes, the information must come from user by **Inform**. That means when user informs something (from user goal) that in the dialog state table, we can always annotate it. However, there are some problems:
+
+- Can't annotate `Request`, `General` dialog act.
+- There are few wrong annotations caused by wrong dialog state update.
+
+Information comes from dialog state, user goal, utterance, system dialog act.
+
+1. Difference of dialog state.
+ 1. Value is mentioned by user.
+ 2. Slot is mentioned by user.
+ 3. Answer system request ("Would you prefer British, Indian, or Chinese food, or a gastropub?"-"I don't have a preference.").
+ 4. Value for that slot in the goal is mentioned by user, which indicate wrong state update.
+2. state don't change but value is in the goal.
+ 1. Binary value ("yes" or "no"), if '?' not in user utterance (not for confirmation "Does it have free wifi?").
+ 2. Digital value (for people, stars...), if value and slot are mentioned in user utterance and domain is mentioned in user utterance or lastest system utterance.
+ 3. String value, if value are mentioned in user utterance and domain is mentioned in user utterance or lastest system utterance.
+
+
+
+#### Request
+
+The value that user request will not be in the dialog state table. We may use user goal, user utterance, system response and its dialog act. Usually, user request includes but not limited to user goal.
+
+1. Slot for request that in user goal and appear in user utterance. For the slot that multiple domain have (area, address...), reserve the one that informed or recommended by system in next utterance.
+2. Slot "Ref" if " reference" or "ref" appear in user utterance
+
+
+
+#### General
+
+First, if any domain mentioned in user utterance, the dialog act should be `DOMAIN-Inform:[["none", "none"]]`. Then, if there is no other dialog act mentioned above, consider the following:
+
+- Bye: 'bye' in user utterance. Many of them have "thank". Example: "Thanks so much for your help. Bye."
+- Thank: 'bye' not in user utterance but 'thank' in user utterance. Example: "Thank you. I also need a taxi two commute between the hotel and restaurant." (This should be Inform)
+- Greet: 'hello', 'hi' in user utterance. Example: "Hello, I'd like to get some info one a hotel please."
+
+
+
+#### Result
+
+
+
+#### Tokenization
+
+Use [spaCy](https://spacy.io/) for tokenization.
+
+```python
+import spacy
+nlp = spacy.load('en')
+doc = nlp(turn['text'])
+turn['text'] = ' '.join([token.text for token in doc]).strip()
+```
+
+
+
+#### Span info
+
+For slots of **Inform, Select, Recommend, Book, OfferBook, NoBook, NoOffer** dialog act that have non-binary value, use rule to annotate the value occurrence. Cover 98.29% of these slots.
+
+- Exactly match
+- Digit alias ("one" for 1)
+- Coreference-"same" ("same area")
+- Don't care ("doesn't matter")
+- Time ("after 2:30")
+- Alias "center" for "centre"
+
+
+
+
+
+
+
+#### Police and Hospital
+
+Add annotation for police and hospital domain using the corresponding database.
\ No newline at end of file
diff --git a/data/multiwoz/annotation/annotate.py b/data/multiwoz/annotation/annotate.py
new file mode 100644
index 0000000..a87eb7a
--- /dev/null
+++ b/data/multiwoz/annotation/annotate.py
@@ -0,0 +1,677 @@
+import numpy as np
+import json
+from collections import Counter
+import pprint
+import re
+import spacy
+import zipfile
+import os
+import sys
+proj_path = os.path.abspath(os.path.join(os.path.abspath(__file__), "../../../.."))
+sys.path.insert(0, proj_path)
+
+REF_USR_DA = {
+ 'Attraction': {
+ 'area': 'Area', 'type': 'Type', 'name': 'Name',
+ 'entrance fee': 'Fee', 'address': 'Addr',
+ 'postcode': 'Post', 'phone': 'Phone'
+ },
+ 'Hospital': {
+ 'department': 'Department', 'address': 'Addr', 'postcode': 'Post',
+ 'phone': 'Phone'
+ },
+ 'Hotel': {
+ 'type': 'Type', 'parking': 'Parking', 'pricerange': 'Price',
+ 'internet': 'Internet', 'area': 'Area', 'stars': 'Stars',
+ 'name': 'Name', 'stay': 'Stay', 'day': 'Day', 'people': 'People',
+ 'address': 'Addr', 'postcode': 'Post', 'phone': 'Phone'
+ },
+ 'Police': {
+ 'address': 'Addr', 'postcode': 'Post', 'phone': 'Phone', 'name': 'Name'
+ },
+ 'Restaurant': {
+ 'food': 'Food', 'pricerange': 'Price', 'area': 'Area',
+ 'name': 'Name', 'time': 'Time', 'day': 'Day', 'people': 'People',
+ 'phone': 'Phone', 'postcode': 'Post', 'address': 'Addr'
+ },
+ 'Taxi': {
+ 'leaveAt': 'Leave', 'destination': 'Dest', 'departure': 'Depart', 'arriveBy': 'Arrive',
+ 'car type': 'Car', 'phone': 'Phone'
+ },
+ 'Train': {
+ 'destination': 'Dest', 'day': 'Day', 'arriveBy': 'Arrive',
+ 'departure': 'Depart', 'leaveAt': 'Leave', 'people': 'People',
+ 'duration': 'Time', 'price': 'Ticket', 'trainID': 'Id'
+ }
+}
+
+REF_SYS_DA = {
+ 'Attraction': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Fee': "entrance fee", 'Name': "name", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Type': "type",
+ 'none': None, 'Open': None
+ },
+ 'Hospital': {
+ 'Department': 'department', 'Addr': 'address', 'Post': 'postcode',
+ 'Phone': 'phone', 'none': None
+ },
+ 'Booking': {
+ 'Day': 'day', 'Name': 'name', 'People': 'people',
+ 'Ref': 'ref', 'Stay': 'stay', 'Time': 'time',
+ 'none': None
+ },
+ 'Hotel': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Internet': "internet", 'Name': "name", 'Parking': "parking",
+ 'Phone': "phone", 'Post': "postcode", 'Price': "pricerange",
+ 'Ref': "ref", 'Stars': "stars", 'Type': "type",
+ 'none': None
+ },
+ 'Restaurant': {
+ 'Addr': "address", 'Area': "area", 'Choice': "choice",
+ 'Name': "name", 'Food': "food", 'Phone': "phone",
+ 'Post': "postcode", 'Price': "pricerange", 'Ref': "ref",
+ 'none': None
+ },
+ 'Taxi': {
+ 'Arrive': "arriveBy", 'Car': "car type", 'Depart': "departure",
+ 'Dest': "destination", 'Leave': "leaveAt", 'Phone': "phone",
+ 'none': None
+ },
+ 'Train': {
+ 'Arrive': "arriveBy", 'Choice': "choice", 'Day': "day",
+ 'Depart': "departure", 'Dest': "destination", 'Id': "trainID",
+ 'Leave': "leaveAt", 'People': "people", 'Ref': "ref",
+ 'Time': "duration", 'none': None, 'Ticket': 'price',
+ },
+ 'Police': {
+ 'Addr': "address", 'Post': "postcode", 'Phone': "phone"
+ },
+}
+
+init_belief_state = {
+ 'taxi': {'book': {'booked': []}, 'semi': {'leaveAt': '', 'destination': '', 'departure': '', 'arriveBy': ''}},
+ 'police': {'book': {'booked': []}, 'semi': {}},
+ 'restaurant': {'book': {'booked': [], 'time': '', 'day': '', 'people': ''},
+ 'semi': {'food': '', 'pricerange': '', 'name': '', 'area': ''}},
+ 'hospital': {'book': {'booked': []}, 'semi': {'department': ''}},
+ 'hotel': {'book': {'booked': [], 'stay': '', 'day': '', 'people': ''},
+ 'semi': {'name': '', 'area': '', 'parking': '', 'pricerange': '', 'stars': '', 'internet': '',
+ 'type': ''}},
+ 'attraction': {'book': {'booked': []}, 'semi': {'type': '', 'name': '', 'area': ''}},
+ 'train': {'book': {'booked': [], 'people': '', 'ticket': ''},
+ 'semi': {'leaveAt': '', 'destination': '', 'day': '', 'arriveBy': '', 'departure': ''}}
+}
+digit2word = {
+ '0': 'zero', '1': 'one', '2': 'two', '3': 'three', '4': 'four', '5': 'five',
+ '6': 'six', '7': 'seven', '8': 'eight', '9': 'nine', '10': 'ten'
+}
+word2digit = {v:k for k,v in digit2word.items()}
+
+
+def read_json(filename):
+ with open(filename, 'r') as f:
+ return json.load(f)
+
+
+def un_zip(file_name):
+ """unzip zip file"""
+ zip_file = zipfile.ZipFile(file_name)
+ dir_name = '.'
+ if os.path.isdir(dir_name):
+ pass
+ else:
+ os.mkdir(dir_name)
+ for names in zip_file.namelist():
+ zip_file.extract(names, dir_name)
+ zip_file.close()
+
+
+def tokenize(data, process_text=True, process_da=True, process_ref=True):
+ print('Begin tokenization:')
+ print('='*50)
+ nlp = spacy.load('en_core_web_sm')
+ cnt = 0
+ for no, session in data.items():
+ cnt += 1
+ if cnt % 1000 == 0:
+ print('[%d|%d]' % (cnt,len(data)))
+ for turn in session['log']:
+ if process_text:
+ doc = nlp(turn['text'])
+ turn['text'] = ' '.join([token.text for token in doc]).strip()
+ if process_da:
+ for da, svs in turn['dialog_act'].items():
+ for i in range(len(svs)):
+ if svs[i][0] == 'Ref' and not process_ref:
+ continue
+ svs[i][1] = ' '.join([token.text for token in nlp(svs[i][1])]).strip()
+ print('=' * 50)
+ print('Finish tokenization')
+
+
+def dict_diff(dict1,dict2):
+ # compare two dict
+ # two exceptions:
+ # 1) 'bus' domain unuse
+ # 2) 'ticket' and 'people' attr for 'train-book' domain may be missing
+ diff_dict = {}
+ for k,v2 in dict2.items():
+ if k in dict1:
+ assert type(v2)==type(dict1[k])
+ v1 = dict1[k]
+ if v1 != v2:
+ if type(v2) != type({}):
+ diff_dict[k] = v2
+ else:
+ if dict_diff(v1,v2)!={}:
+ diff_dict[k] = dict_diff(v1,v2)
+ else:
+ if k!='bus':
+ assert k=='people'
+ # people attribute for train domain
+ if v2!='':
+ diff_dict[k] = v2
+ return diff_dict
+
+
+def phrase_in_utt(phrase, utt):
+ phrase_low = phrase.lower()
+ utt_low = utt.lower()
+ phrases = [phrase_low]
+ if phrase_low in digit2word:
+ phrases.append(digit2word[phrase_low])
+ elif phrase_low in word2digit:
+ phrases.append(word2digit[phrase_low])
+ for w in phrases:
+ if utt_low.startswith(w) or utt_low.endswith(w):
+ return True
+ elif ' '+w+' ' in utt_low:
+ return True
+ return False
+
+
+def phrase_idx_utt(phrase, utt):
+ phrase_low = phrase.lower()
+ utt_low = utt.lower()
+ phrases = [phrase_low]
+ if phrase_low in digit2word:
+ phrases.append(digit2word[phrase_low])
+ elif phrase_low in word2digit:
+ phrases.append(word2digit[phrase_low])
+ for w in phrases:
+ if utt_low.startswith(w) or utt_low.endswith(w):
+ return get_idx(w, utt_low)
+ elif ' '+w+' ' in utt_low:
+ return get_idx(w, utt_low)
+ return None
+
+
+def get_idx(phrase, utt):
+ char_index_begin = utt.lower().index(phrase.lower())
+ char_index_end = char_index_begin + len(phrase)
+ word_index_begin = len(utt[:char_index_begin].split())
+ word_index_end = len(utt[:char_index_end].split()) - 1
+ return word_index_begin, word_index_end
+
+
+def annotate_user_da(data):
+ print('Begin user da annotation:')
+ print('=' * 50)
+ # empty initial state
+
+ domains = ['taxi', 'police', 'hospital', 'hotel', 'attraction', 'train', 'restaurant']
+
+ # nlp = spacy.load('en_core_web_sm')
+
+ for no, session in data.items():
+ user_das = []
+ user_goal = session['goal']
+ for i in range(1, len(session['log']), 2):
+ prev_state = init_belief_state if i == 1 else session['log'][i - 2]['metadata']
+ next_state = session['log'][i]['metadata']
+ prev_utterance = '' if i == 1 else session['log'][i - 2]['text']
+ next_utterance = session['log'][i]['text']
+ # doc = nlp(session['log'][i - 1]['text'])
+ # user_utterance = ' '.join([token.text for token in doc]).strip()
+ user_utterance = session['log'][i - 1]['text']
+ if i == 1:
+ prev_da = {}
+ else:
+ prev_da = session['log'][i - 2]['dialog_act']
+ next_da = session['log'][i]['dialog_act']
+ diff_table = dict_diff(prev_state, next_state)
+
+ # user da annotate, Inform
+ da = {}
+ for domain in domains:
+ if len(user_goal[domain]) != 0:
+ da[domain.capitalize() + '-Inform'] = []
+ for slot in REF_USR_DA[domain.capitalize()].keys():
+ value_state = ''
+ if domain in diff_table:
+ for subtable in diff_table[domain].values():
+ if slot in subtable and subtable[slot] != 'not mentioned':
+ value_state = subtable[slot]
+ # state for that slot change
+ value_state = value_state.lower()
+
+ value_goal = ''
+ if slot in user_goal[domain]['info']:
+ value_goal = user_goal[domain]['info'][slot]
+ elif 'book' in user_goal[domain] and slot in user_goal[domain]['book']:
+ value_goal = user_goal[domain]['book'][slot]
+ value_goal = value_goal.lower()
+
+ # slot-value appear in goal
+ slot_in_da = REF_USR_DA[domain.capitalize()][slot]
+
+ if value_state != '':
+ # state change
+ if phrase_in_utt(value_state, user_utterance):
+ # value in user utterance
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif phrase_in_utt(slot, user_utterance):
+ # slot in user utterance
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif slot == 'people' and phrase_in_utt('one person', user_utterance):
+ # keyword 'person' for people
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, "1"])
+ elif slot == 'stay' and phrase_in_utt('night', user_utterance):
+ # keyword 'night' for stay
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif slot == 'internet' and phrase_in_utt('wifi', user_utterance):
+ # alias 'wifi' for internet
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif slot == 'pricerange' and phrase_in_utt('price', user_utterance):
+ # alias 'price' for pricerange
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif slot == 'arriveBy' and phrase_in_utt('arrive', user_utterance):
+ # alias 'arrive' for arriveBy
+ if value_state == value_goal:
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif slot == 'leaveAt' and phrase_in_utt('leave', user_utterance):
+ # alias 'leave' for leaveAt
+ if value_state != value_goal:
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif domain.capitalize() + '-Request' in prev_da and [slot_in_da, '?'] in prev_da[
+ domain.capitalize() + '-Request']:
+ # answer system request
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+ elif value_goal != '' and phrase_in_utt(value_goal, user_utterance):
+ # wrong state update
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_state])
+
+ elif value_goal != '':
+ # state don't change but value is in goal
+ if value_goal == 'yes' or value_goal == 'no':
+ # binary value
+ if '?' in user_utterance:
+ # not for acknowledgement
+ if phrase_in_utt(slot, user_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ elif slot == 'internet' and phrase_in_utt('wifi', user_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ elif value_goal.isdigit():
+ # digital value
+ if phrase_in_utt(value_goal, user_utterance):
+ if slot == 'stars':
+ if phrase_in_utt('star', user_utterance) or phrase_in_utt('stars',
+ user_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ elif slot == 'stay':
+ if phrase_in_utt('stay', user_utterance) or \
+ phrase_in_utt('night', user_utterance) or \
+ phrase_in_utt('nights', user_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ elif slot == 'people':
+ if phrase_in_utt('people', user_utterance) or phrase_in_utt('person', user_utterance):
+ if phrase_in_utt(domain, user_utterance) or phrase_in_utt(domain, prev_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ elif phrase_in_utt('ticket', user_utterance):
+ if domain == 'train':
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+ else:
+ assert 0
+ elif phrase_in_utt(value_goal, user_utterance):
+ # string value
+ if phrase_in_utt(domain, user_utterance) or phrase_in_utt(domain, prev_utterance):
+ da[domain.capitalize() + '-Inform'].append([slot_in_da, value_goal])
+
+ if len(da[domain.capitalize() + '-Inform']) == 0:
+ da.pop(domain.capitalize() + '-Inform')
+
+ # Request
+ for domain in domains:
+ if len(user_goal[domain]) != 0:
+ da[domain.capitalize() + '-Request'] = []
+ for slot in REF_USR_DA[domain.capitalize()].keys():
+ # for each possible request in goal
+ slot_in_da = REF_USR_DA[domain.capitalize()][slot]
+ if 'reqt' in user_goal[domain] and slot in user_goal[domain]['reqt']:
+ # if actually in request goal
+ if phrase_in_utt(slot, user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'internet' and phrase_in_utt('wifi', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'postcode' and phrase_in_utt('post', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'pricerange' and phrase_in_utt('price', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'trainID' and phrase_in_utt('id', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'arriveBy' and phrase_in_utt('arrive', user_utterance):
+ if phrase_in_utt('when', user_utterance) or phrase_in_utt('what time', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'leaveAt' and phrase_in_utt('leave', user_utterance):
+ if phrase_in_utt('when', user_utterance) or phrase_in_utt('what time', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'duration' and phrase_in_utt('travel time', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'arriveBy' and phrase_in_utt('arrival time', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+ elif slot == 'leaveAt' and phrase_in_utt('departure time', user_utterance):
+ da[domain.capitalize() + '-Request'].append([slot_in_da, '?'])
+
+ # for request not in goal
+ if phrase_in_utt('reference', user_utterance) or phrase_in_utt('ref', user_utterance):
+ if 'book' in user_goal[domain] and len(user_goal[domain]['book']) > 0:
+ da[domain.capitalize() + '-Request'].append(['Ref', '?'])
+
+ if len(da[domain.capitalize() + '-Request']) == 0:
+ da.pop(domain.capitalize() + '-Request')
+
+ # Clarify the domain of request slot (for address, postcode, area, phone,...)
+ slot2domain = {}
+ for domain_da, svs in da.items():
+ if 'Request' in domain_da:
+ for (s, v) in svs:
+ slot2domain.setdefault(s, [])
+ slot2domain[s].append(domain_da.split('-')[0])
+ # print(slot2domain)
+ for s, d in slot2domain.items():
+ if len(d) > 1:
+ # several request for same slot
+ # note that in data no slot alias appear twice
+ if len(re.findall(s, user_utterance)) <= 1:
+ # for slot don't appear twice
+ system_ack = []
+ for each in d:
+ if each + '-Inform' in next_da:
+ if s in map(lambda x: x[0], next_da[each + '-Inform']):
+ # system Inform the value of slot:
+ system_ack.append(each)
+ elif each + '-Recommend' in next_da:
+ if s in map(lambda x: x[0], next_da[each + '-Recommend']):
+ # system Recommend the value of slot:
+ system_ack.append(each)
+
+ if len(system_ack) == 0:
+ # not informed or recommended by system, abort. 227 samples
+ for each in d:
+ for request_slot_value in da[each + '-Request']:
+ if s == request_slot_value[0]:
+ da[each + '-Request'].remove(request_slot_value)
+ if len(da[each + '-Request']) == 0:
+ da.pop(each + '-Request')
+ elif len(system_ack) == 1:
+ # one of domain informed or recommended by system. 1441 samples
+ for each in d:
+ if each in system_ack:
+ continue
+ for request_slot_value in da[each + '-Request']:
+ if s == request_slot_value[0]:
+ da[each + '-Request'].remove(request_slot_value)
+ if len(da[each + '-Request']) == 0:
+ da.pop(each + '-Request')
+ elif len(system_ack) == 2:
+ # two of domain informed or recommended by system. 3 samples
+ pass
+ else:
+ # no >2 sample
+ assert 0
+
+ # General
+ if len(da) == 0:
+ for domain in domains:
+ if phrase_in_utt(domain, user_utterance):
+ da.setdefault(domain.capitalize() + '-Inform', [])
+ da[domain.capitalize() + '-Inform'].append(['none', 'none'])
+ if len(da) == 0:
+ if phrase_in_utt('bye', user_utterance):
+ da['general-bye'] = [['none', 'none']]
+ elif phrase_in_utt('thank', user_utterance):
+ da['general-thank'] = [['none', 'none']]
+ elif sum([1 if phrase_in_utt(x, user_utterance) else 0 for x in ['hello', 'hi']]) > 0:
+ da['general-greet'] = [['none', 'none']]
+
+ user_das.append(da)
+ if no=='MUL0800':
+ print(user_utterance)
+ print(da)
+ print(next_da)
+ print(diff_table)
+
+ for j, user_da in enumerate(user_das):
+ session['log'][j * 2]['dialog_act'] = user_das[j]
+
+ print('=' * 50)
+ print('End user da annotation')
+
+
+def annotate_sys_da(data, database):
+ print('Begin system da annotation:')
+ print('=' * 50)
+ police_val2slot = {
+ "Parkside Police Station": "name",
+ "Parkside , Cambridge": "address",
+ "01223358966": "phone",
+ "CB11JG": "postcode"
+ }
+ police_slots = set(police_val2slot.values())
+ police_vals = set(police_val2slot.keys())
+ print('police slot:', police_slots)
+
+ hospital_val2slot = {}
+ hospital_slot2val = {}
+ for d in database['hospital']:
+ for k, v in d.items():
+ if k != 'id':
+ hospital_val2slot[v] = k
+ hospital_slot2val.setdefault(k,[])
+ hospital_slot2val[k].append(v)
+ hospital_slot2val['phone'].append('01223245151')
+ hospital_slot2val['address']=['Hills Rd , Cambridge']
+ hospital_slot2val['postcode'] = ['CB20QQ']
+ hospital_val2slot['01223245151'] = 'phone'
+ hospital_val2slot['Hills Rd , Cambridge'] = 'address'
+ hospital_val2slot['CB20QQ'] = 'postcode'
+ hospital_slots = set(database['hospital'][0].keys())-{'id'}
+ hospital_slots = hospital_slots | {'address'}
+ hospital_vals = set(hospital_val2slot.keys())
+ print('hospital slot:', hospital_slots)
+ for no, session in data.items():
+ for i in range(0, len(session['log']), 1):
+ das = session['log'][i]['dialog_act']
+ utterance = session['log'][i]['text']
+ more_da = {}
+
+ # Police-Inform
+ more_da['Police-Inform'] = []
+ for val in police_vals:
+ if phrase_in_utt(val, utterance):
+ slot_in_da = REF_USR_DA['Police'][police_val2slot[val]]
+ more_da['Police-Inform'].append([slot_in_da, val])
+ if len(more_da['Police-Inform']) > 0:
+ das['Police-Inform'] = more_da['Police-Inform']
+
+ # Hospital-Inform
+ more_da['Hospital-Inform'] = []
+ for val in hospital_vals:
+ if phrase_in_utt(val, utterance):
+ slot_in_da = REF_USR_DA['Hospital'][hospital_val2slot[val]]
+ more_da['Hospital-Inform'].append([slot_in_da, val])
+ if len(more_da['Hospital-Inform']) > 0:
+ if 'Hospital-Inform' not in das:
+ das['Hospital-Inform'] = more_da['Hospital-Inform']
+
+ # Police-Request already done in user da annotation (system don't ask)
+ # more_da['Police-Request'] = []
+ # if phrase_in_utt('police', utterance):
+ # for val, slot in police_val2slot.items():
+ # if phrase_in_utt(slot, utterance) \
+ # and not phrase_in_utt(val, utterance) \
+ # and 'Police-Inform' not in das \
+ # and 'Police-Request' not in das:
+ # print(utterance)
+ # print(das)
+
+ # Hospital-Request:department for system
+ more_da['Hospital-Request'] = []
+ if phrase_in_utt('hospital', utterance):
+ slot = 'department'
+ if phrase_in_utt(slot, utterance):
+ for val in hospital_slot2val['department']:
+ if phrase_in_utt(val, utterance):
+ break
+ else:
+ if i%2==1:
+ das['Hospital-Request'] = [[REF_USR_DA['Hospital'][slot], '?']]
+
+ for da, svs in das.items():
+ for j, (s, v) in enumerate(svs):
+ if s == 'Ref':
+ real_v = ''.join(v.split())
+ if v in session['log'][i]['text']:
+ session['log'][i]['text'] = session['log'][i]['text'].replace(v, real_v)
+ if real_v+'.' in session['log'][i]['text']:
+ session['log'][i]['text'] = session['log'][i]['text'].replace(real_v+'.', real_v+' .')
+ svs[j][1] = real_v
+ print('=' * 50)
+ print('End system da annotation')
+
+
+def annotate_span(data):
+ da2anno = {'Inform', 'Select', 'Recommend', 'NoOffer', 'NoBook', 'OfferBook', 'OfferBooked', 'Book'}
+ total_da = 0
+ anno_da = 0
+ for no, session in data.items():
+ for i in range(0, len(session['log']), 1):
+ das = session['log'][i]['dialog_act']
+ utterance = session['log'][i]['text']
+ span_info = []
+ for da, svs in das.items():
+ da_flag = False
+ if sum([1 if x == da.split('-')[1] else 0 for x in da2anno]) > 0:
+ da_flag = True
+ if da_flag:
+ for s, v in svs:
+ if s != 'Internet' and s != 'Parking' and s != 'none':
+ is_annotated = False
+ if phrase_in_utt(v, utterance):
+ # mentioned explicitly
+ is_annotated = True
+ word_index_begin, word_index_end = phrase_idx_utt(v, utterance)
+ span_info.append((da, s, v, word_index_begin, word_index_end))
+ elif phrase_in_utt('same', utterance) and phrase_in_utt(s, utterance):
+ # coreference-'same'
+ if phrase_in_utt('same ' + s, utterance):
+ is_annotated = True
+ assert len(s.split()) == 1
+ word_index_begin, word_index_end = phrase_idx_utt('same ' + s, utterance)
+ span_info.append((da, s, v, word_index_begin, word_index_end))
+ elif s == 'People':
+ is_annotated = True
+ if phrase_in_utt('same group of people', utterance):
+ pattern = 'same group of people'
+ elif phrase_in_utt('same number of people', utterance):
+ pattern = 'same number of people'
+ elif phrase_in_utt('same amount of people', utterance):
+ pattern = 'same amount of people'
+ elif phrase_in_utt('same quantity of people', utterance):
+ pattern = 'same quantity of people'
+ else:
+ assert 0
+ word_index_begin, word_index_end = phrase_idx_utt(pattern, utterance)
+ span_info.append((da, s, v, word_index_begin, word_index_end))
+ else:
+ word_index_begin, word_index_end = phrase_idx_utt('same', utterance)
+ shift = len(utterance[:utterance.lower().index(s.lower())].split()) - word_index_begin
+ if 0 < shift <= 3:
+ is_annotated = True
+ span_info.append((da, s, v, word_index_begin, word_index_begin + shift))
+ elif 'care' in v:
+ # value: don't care
+ key_phrases = ["not particular", "no particular", "any ", "not really", "do n't matter",
+ "do n't care", "do not care", "do n't really care", "do nt care",
+ "does n't matter", "does nt matter", "do n't have a preference",
+ "do not have a preference", "does n't really matter", "does not matter"]
+ for key_phrase in key_phrases:
+ if phrase_in_utt(key_phrase, utterance):
+ word_index_begin, word_index_end = phrase_idx_utt(key_phrase, utterance)
+ span_info.append((da, s, v, word_index_begin, word_index_end))
+ is_annotated = True
+ break
+ elif ':' in v and ':' in utterance.lower():
+ # time value
+ char_index_begin = utterance.lower().index(':')
+ word_index_begin = len(utterance[:char_index_begin].split()) - 1
+ if utterance.lower().split()[word_index_begin - 1] == 'after' or \
+ utterance.lower().split()[word_index_begin - 1] == 'before':
+ span_info.append((da, s, v, word_index_begin - 1, word_index_begin))
+ else:
+ span_info.append((da, s, v, word_index_begin, word_index_begin))
+ is_annotated = True
+ elif v == 'centre' and phrase_in_utt('center', utterance):
+ word_index_begin, word_index_end = phrase_idx_utt('center', utterance)
+ span_info.append((da, s, v, word_index_begin, word_index_begin))
+ is_annotated = True
+ if is_annotated:
+ anno_da += 1
+ total_da += 1
+ session['log'][i]['span_info'] = span_info
+
+
+if __name__ == '__main__':
+ un_zip('MULTIWOZ2.zip')
+ dir_name = 'MULTIWOZ2 2/'
+ database = {
+ 'attraction': read_json(dir_name + 'attraction_db.json'),
+ 'hotel': read_json(dir_name + 'hotel_db.json'),
+ 'restaurant': read_json(dir_name + 'restaurant_db.json'),
+ # 'taxi': read_json(dir_name + 'taxi_db.json'),
+ 'train': read_json(dir_name + 'train_db.json'),
+ 'police': read_json(dir_name + 'police_db.json'),
+ 'hospital': read_json(dir_name + 'hospital_db.json'),
+ }
+ dialog_acts = read_json(dir_name+'dialogue_acts.json')
+ data = read_json(dir_name+'data.json')
+ sessions_key = list(map(lambda x: x.split('.')[0], data.keys()))
+ all_data = {}
+ for session in sessions_key:
+ all_data[session] = data[session + '.json']
+ if len(all_data[session]['log']) - len(dialog_acts[session]) * 2 > 1:
+ # some annotation are incomplete
+ all_data.pop(session)
+ continue
+ for i, turn in enumerate(all_data[session]['log']):
+ if i % 2 == 0:
+ turn['dialog_act'] = {}
+ else:
+ da = dialog_acts[session]['%d' % ((i + 1) / 2)]
+ if da == 'No Annotation':
+ turn['dialog_act'] = {}
+ else:
+ turn['dialog_act'] = da
+ print('dataset size: %d' % len(all_data))
+ tokenize(all_data, process_text=True, process_da=True, process_ref=True)
+ annotate_user_da(all_data)
+ annotate_sys_da(all_data, database)
+ tokenize(all_data, process_text=False, process_da=True, process_ref=False)
+ annotate_span(all_data)
+ json.dump(all_data, open('annotated_user_da_with_span_full.json', 'w'), indent=4)
+ with zipfile.ZipFile('annotated_user_da_with_span_full.json.zip', 'w', zipfile.ZIP_DEFLATED) as zf:
+ zf.write('annotated_user_da_with_span_full.json')
+
+ os.remove('annotated_user_da_with_span_full.json')
diff --git a/data/multiwoz/annotation/annotated_user_da_with_span_full.json.zip b/data/multiwoz/annotation/annotated_user_da_with_span_full.json.zip
new file mode 100644
index 0000000..29e4f61
Binary files /dev/null and b/data/multiwoz/annotation/annotated_user_da_with_span_full.json.zip differ
diff --git a/data/multiwoz/annoted_bio_all.txt b/data/multiwoz/annoted_bio_all.txt
new file mode 100644
index 0000000..dbab0c7
--- /dev/null
+++ b/data/multiwoz/annoted_bio_all.txt
@@ -0,0 +1,142974 @@
+bos what kind of attractions are available in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there is the holy trinity church on market street . it is free to get in . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O N/A
+bos are there any places that have multiple sports ? eos O O O O O O O O O O N/A
+bos sorry there are no listings for multiple sports , can i check in another area ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O N/A
+bos how about any that are about architecture ? eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos there are several . i like old schools on trinity lane . great place to see . eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Addr O O O O O O N/A
+bos could i get the address please ? eos O O O O O O O O N/A
+bos the address of old schools is trinity lane in the centre . would you like more info ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos yes , may i have the phone number and postcode ? also , is there an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number is 01223332320 and the entrance fee is free . the post code is cb21tt . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O N/A
+bos thank you that is all i needed . eos O O O O O O O O O general-thank
+bos you 're welcome ! enjoy your visit ! goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a train to cambridge on monday . eos O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing out of stevenage . eos O O O O O O O B-Train-Inform+Depart O N/A
+bos we have 10 different trains on that day . what time will you be departing or arriving ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to arrive by 16:45. eos O O O O O O B-Train-Inform+Arrive N/A
+bos okay tr8265 departs at 09:54. would you like me to book that for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos sorry , i looked at the calendar . i need a thursday train , not a monday . can you please find a train on that day instead ? eos O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O N/A
+bos okay , no problem . the tr1163 train leaves at 05:54. will that work for you ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O N/A
+bos what time will the train arrive in cambridge ? eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos it arrives at 06:43. eos O O O O O N/A
+bos ok please book that for 5 people . eos O O O O O O O B-Train-Inform+People O N/A
+bos i have made those reservations and your reference number is 9jxa0uwf . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref N/A
+bos thank you . i am also looking for a museum to visit . do you have any recommendations ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos broughton house gallery is a great place in the centre of town ! the entrance fee is free ! would you like their information ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos yes , please give me the postcode , entrance fee and address . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos they are at 98 king street , postcode cb11ln , admission is free , any further questions today ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos no thank you . eos O O O O O general-thank
+bos can i look up anything else for you ? eos O O O O O O O O O O general-reqmore
+bos nope , you have been extremely helpful . thanks again . bye . eos O O O O O O O O O O O O O O general-bye
+bos you are welcome . have a great time in cambridge . bye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos there 's an attraction i 'm looking for in cambridge . eos O O O O O O O O O O O O Attraction-Inform
+bos ok , are you looking for a church ? eos O O O O O O O B-Attraction-Select+Type O O N/A
+bos no . i am looking for an attraction called downing college . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos downing college is in the centre on regent street . the number is 01223334860. it is even free ! eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O N/A
+bos great ! thanks so much for the info . i am also hoping you might help me find a restaurant in the centre . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are many wonderful restaurants in the city centre . do you have a price range ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos yes . it should be moderately priced . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos were you interested in a specific kind of cuisine ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos european would be a nice change . eos O B-Restaurant-Inform+Food O O O O O O N/A
+bos okay there are four matches for your request . may i make a suggestion ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O N/A
+bos yes , i would like your suggestion . eos O O O O O O O O O N/A
+bos the galleria . shall i book it ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O Booking-Inform
+bos yes , for 7 people please eos O O O O O O O N/A
+bos what time would you like ? eos O O O O O O O Booking-Request+Time
+bos at 12:45 please . eos O O O O O N/A
+bos i also need the day in order to book it . eos O O O O O O O O O O O O Booking-Request+Day
+bos thursday , please . thank you eos O B-Restaurant-Inform+Day O O O O O N/A
+bos i have booked for 7 people at the galleria . your reference number is 8ypdwi4i . can i be of further assistance today ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that is all i need . thanks . eos O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! enjoy your trip ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos do you have any restaurants in the center of town that serve the americas cuisine ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos no , sorry . would you like to try searching for a different location or cuisine ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos how about one that serves modern european food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos there are 4 places that server modern european cuisine in centre . do you have a particular price range in mind or would you like a suggestion ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos price does n't matter . i would like to book a table for 7 people at 13:00 on sunday . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i made you a reservation for 7 on sunday at 13:00 at riverside brasserie . your reference is dyyute3x and the table will be held for 15 minutes eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O N/A
+bos thank you , that is nice . eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for somewhere to visit in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have found 44 attractions in the area you will be at . do you have a specific thing you would like to do ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i would love to look at cambridge 's architecture . is this possible ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos great , i recommend all saints church in the centre . they offer free admission . would you like more info ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore
+bos can you tell me their address ? eos O O O O O O O O Attraction-Request+Addr
+bos the address is jesus lane eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos i will a taxi also to make sure i get to the restaurant on time . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i booked a taxi from all saints church to riverside brasserie arriving before your reservation . it is a red bmw and the contact number is 07880762329. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thanks so much . that will be all for today . take care . eos O O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your time with us ! eos O O O O O O O O O O general-greet
+bos looking for a place to go to in the centre area , a type of college . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O N/A
+bos excellent ! there are 13 places that might work . how about downing college on regent street ? it has free entrance . eos O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O general-greet
+bos sounds great ! can i have their postalcode and phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos no problem . their postal code is cb21dq and their phone number is 01223334860. is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-greet,general-reqmore
+bos i like to find a train that goes to broxbourne . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i can help you with that . where will you be leaving from ? eos O O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos i will be leaving from cambridge and will need to arrive by 10:30 eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A
+bos i recommend tr2519 leaving at 09:01 and arriving at 10:01. would you like me to book that train for you ? eos O O O B-Train-Select+Id I-Train-Select+Id O B-Train-Select+Leave I-Train-Select+Leave O O B-Train-Select+Arrive O O O O O O O O O O O Train-OfferBook
+bos is that the schedule for friday ? that 's when i need to travel . if so , please book 8 tickets for me ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos you are booked on train tr2519 for 8 on friday . the total fee is 143.19 gbp payable at the station and your reference number is lddixala . eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+People B-Train-OfferBooked+Day O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref N/A
+bos thank you so much ! goodbye now ! eos O O O O O O O O O general-bye
+bos you 're very welcome ! enjoy your travels ! thank you for contacting the cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for an expensive chinese food restaurant . can you help me ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos i am showing 9 chinese restaurants . would you like a certain area ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Area
+bos i have no area preference . can you make a suggestion for me ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos the hakka is in the north and is excellent . would you like a booking ? eos O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O O O O O O O Booking-Inform
+bos no but could i get the address for the hakka ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos sure , it is on milton road chesterton . anything else i can do for you ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos sure , i am looking for something to do in the town centre eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i 've found the all saint 's church which is at jesus lane . there is no entrance fee . would you like further information ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos actually can you give me some information on boating activities in the center and whether there is an entrance fee ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Fee
+bos i have the cambridge punter boat located in postcode cb41as . i do not know the entrance fee you can call at 07807718591. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O N/A
+bos okay thanks that 's all i need from you . have a good day , bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for interesting museums in the centre of cambridge , can you recommend me any ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i recommend the museum of archaelogy and anthropology eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A
+bos that sounds great ! can i have their address ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos they are located at university of cambridge , downing street and there is no entrance fee . would you like their phone number as well ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos not right now , but thanks . i do need a train to cambridge that leaves after 18:30 , though . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O N/A
+bos sure thing . where will you be travelling from and on what day ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i will be departing from stevanage on tuesday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos great ! train tr6913 leaves at 19:54 and arrives by 20:43 , with a price of 12.80 pounds . would that work for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O N/A
+bos yes , it sounds great . can you book 8 seats for me please ? eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos your booking was on tr6914 not tr6913 . your reference number is 4l2bq9va . can i help you with anything else today ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no , thank you ! eos O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre , have a great day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place called soul tree nightclub . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos soul tree nightclub is found in the center of town.the entrance fee is 4 pounds and their phone number is 01223477900 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone N/A
+bos what type of attraction is it ? eos O O O O O O O O Attraction-Request+Type
+bos it 's classified as a nightclub type of attraction . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O N/A
+bos i also need a place to eat that serves indian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos fantastic . i have 22 restaurants for you to choose from ! eos O O O O O B-Restaurant-Inform+Choice O O O O O O O general-greet
+bos i want to book a table for 6 at 18:45 on thursday eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos curry garden in the centre of town was available . booking was successful . the table will be reserved for 15 minutes.reference number is : otacg9mv . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O Restaurant-Recommend
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you for allowing me to assist you . have a great night . eos O O O O O O O O O O O O O O O general-bye
+bos i am looking for places to go in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos what types of attractions are you interested in going to ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos i do n't know . can you make some suggestions ? eos O O O O O O O O O O O O N/A
+bos there are many churches in the area to check out . eos O O O B-Attraction-Recommend+Choice B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A
+bos a church sounds great . it does n't matter what type church it is . will you pick one and send me the address including the postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr
+bos the address to all saints church is jesus lane . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos can you also find me a restaurant ? eos O O O O O O O O O Restaurant-Inform
+bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos reservation for 3 at 13:00 on saturday at the ugly duckling . please provide reference number . book a taxi to arrive before the booked time . phone number and car type . eos O O O O B-Restaurant-Inform+People B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref,Taxi-Request+Car,Attraction-Request+Type
+bos i have booked a table for 1300 , for 3 people at the ugly duckling , reference # jbz7ordo . where do you need the taxi to meet you ? eos O O O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Ref O O O O O O O O O O O O O O Taxi-Request+Depart
+bos at the church going to the restaurant , would like to get there before the reserved time of 13:00 eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time N/A
+bos i 've arranged for the taxi to get you to the restaurant by 12:45. you 'll be picked up in a black honda . the contact number is 07690050237. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O N/A
+bos alright thank you very much . eos O O O O O O O general-thank
+bos i hope you have a pleasant stay ! eos O O O O O O O O O general-welcome
+bos i 'd like some places to go . some sort of entertainment . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 5 places all in the east , south , and west . which of those areas would you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Select
+bos i prefer the centre area . what do you have for places to go ? type of college maybe ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 13 colleges in the centre area . many of them are free - i would suggest king 's college or trinity college . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos on second thought , i 'd rather go to a entertainment spot . got any of those ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i apologize but in that area , there are no entertainment spots . that is mainly the church area . perhaps i can look in a different section of the city for you . eos O O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos ok , i 'd like to stay in the city centre . i guess a college will do . can you give me the postcode for one that you would recommend ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode of corpus christi is cb21rh . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A
+bos i also need to find a train leaving cambridge on friday and arriving in peterborough . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A
+bos there are quite a few trips available . what time do you want to arrive in peterborough ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive
+bos i 'm not picky on when i want to arrive i just want to leave after 12:45. eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave O N/A
+bos there are many options leaving after 12:45. the earliest departure after `12:45 is 13:06 , arriving by 13:56. would you like to book that option ? eos O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , book it for seven people . i 'll need a reference number . eos O O O O O O O O O O O O O O O O Train-Request+Ref
+bos the tickets are booked and the price is 115.5 gbp which you will pay at the station . reference number is 9ygzea87 . can i help you with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no thanks . you have been very helpful . goodbye . eos O O O O O O O O O O O O general-bye
+bos you are quite welcome ! have a good day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hi i 'm looking for a train that goes to cambridge and it should leave on wednesday and arrrive by 10:15. eos O O O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos where are you going to depart from ? eos O O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge . eos O O O O O O O N/A
+bos there are 49 trains , where would you like to leave from ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge eos O O O O O B-Train-Inform+Depart N/A
+bos ok great , i have 52 trains departing from cambridge . where will you be traveling to ? eos O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O O O O O O O Train-Request+Dest
+bos i 'll be traveling to birmingham new street . could you give me the travel time for that train ? eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Duration
+bos there are four trains that meet your request , would you like me to book one for you ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please , what is the travel time ? eos O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 163 minutes . shall i book the tickets ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook
+bos no . i am also looking for attractions , a swiming pool in the south . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are no swimming pools in the north . would you like one in the centre instead ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O N/A
+bos no , why do n't you try a theatre , instead . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos the junction is a theatre in the south . their phone number is 01223511511. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O N/A
+bos what is their address ? eos O O O O O O Attraction-Request+Addr
+bos the junction is located on clifton way , their phone number is 01223511511 if you need more precise directions . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O N/A
+bos thank you for your assistance today . have a great day ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome ! please contact us again if you need any additional assistance . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to visit in town that is architecture . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos what kind of architecture are you looking for ? churches or schools ? eos O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O N/A
+bos i 'd like churches , and any really old buildings . if you could give me the addresses of a few of those that would be great . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos all saints church is on jesus lane with free entrance , great saint mary 's church is located at market square and has an entrance fee of 2 pounds . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos what is the post code for that place and the area of town it is in ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos the postcode for all saints church is cb58bs and it is located in the city center . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos great . i also need a gastropub restaurant in the east that is expensive . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A
+bos i have the royal standard . would you like me to make a booking for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please . for 3 people at 12:45 on friday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos you are set , the reference number is 8xdu4han , can i help with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thank you that is all i needed today . eos O O O O O O O O O O general-thank
+bos thank you for using the help desk , enjoy your day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , can you suggest some tourist sites to visit in cambridge ? eos O O O O O O O O O O O O O O N/A
+bos there are 79 tourist sites listed in cambridge . what type of attraction are you interested in seeing ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type
+bos yes , i 'd love to visit a college . is there a nice one in the city centre ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos christ 's college is on saint andrew 's street in the centre . it is lovely . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O O O O O O O general-greet,Attraction-Recommend
+bos what 's the entrance fee , address , and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos christ 's college is free to enter . it 's located on saint andrew 's street , and their phone number is 01223334900. is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O O N/A
+bos i am looking for a train that will leave after 14:00 and should depart from cambridge . eos O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart O N/A
+bos i 'm sure we can find what you 're looking for . where will you be traveling to ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,general-greet
+bos i will be going to norwich this thursday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos how about the tr5190 train ? it leaves cambridge at 14:36 and arrives in norwich at 15:55. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos that sounds perfect , that 's all that i needed to know , thank you for your help ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for choosing the help desk . good bye eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for some architecture to go to in the centre of town . any ideas ? eos O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos i 'd like to suggest to you all saints church entrance there is free eos O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O N/A
+bos great , can i have the address and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos of course . the church is on jesus lane and the postcode is cb58bs . can i help you with anything else ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos i 'm also going to need to catch a train into cambridge for sunday . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos where will you be departing from and what time would you like to travel on sunday ? eos O O O O O O O O O O O O O O O O B-Train-Select+Day O Train-Request+Leave,Train-Request+Depart
+bos i 'd like to go from cambridge to ely , and i need to be there by 18:00 for a wedding i 'm attending . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos i have a train leaving cambridge to ely on sunday at 15:50 and you 'll arrive by 16:07. will that work for you ? eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos could you please tell me the train id ? eos O O O O O O O O O O Train-Inform
+bos that would be the tr5713 . eos O O O O O B-Train-Inform+Id O N/A
+bos that 's all . thanks . eos O O O O O O O general-thank
+bos thank you for contacting us . is there anything else you will be needing today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is all . thank you ! eos O O O O O O O O O general-thank
+bos thank you ! have a good day . good bye ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need some information on traveling from cambridge . i 'd like to go to ely by train . eos O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O O O N/A
+bos there are 70 different trains to choose from . what day would you like to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day
+bos i would like to arrive in ely by 17:30 on thursday please . eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos train tr0996 arrives in ely at 6:07 and costs 4.40 pounds per ticket . would you like me to book a reservation for you ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-OfferBook
+bos yes , can you book eight tickets please ? eos O O O O O O O O O O N/A
+bos got you the tickets . the total fee is 35.2 gbp payable at the station . reference number is : 353tsc7m . can i do you anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for places to go on the east side of town . can you give me suggestions ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i have about 10 different attractions . i have a park , swimming pool , museum , entertainment and a boating attraction . which interests you ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O Attraction-Request+Type
+bos i think i 'd like to visit a museum , preferably on the east end of town . eos O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are 4 museums in the east . 3 have free admission and one is 5 pounds . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos any one will do . i just need the phone number . eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos you can reach the cambridge museum of technology at 01223368650. they 're five pounds to get in , but i think it 's definitely worth it . can i help with anything else ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that 's it for today . thanks . you 've been great ! eos O O O O O O O O O O O O O O general-thank
+bos have a great day ! goodbye ! eos O O O O O O O O general-bye
+bos i am looking for a train to london liverpool street . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are many trains that travel from cambridge to london liverpool street . what day and time would you like to travel ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to leave friday and arrive by 17:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A
+bos tr5212 departs from cambridge and arrives at london liverpool street . it leaves on friday 17:59. would you like to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos no , that one wo n't work . i have to arrive by 17:45. eos O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos i have train tr9956 that departs at 15:59 and will get you there by 17:27. would that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , that would work . can you book me 4 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 66.4 gbp payable at the station . reference number is : x5em7dtz . is there anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos would you like to make another reservation ? eos O O O O O O O O O N/A
+bos your train has been booked , reference number x5em7dtz . is there anything else that you need help with today ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos what attractions do you have in the south ? eos O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there is a lovely park , wandlebury country park . there is a great theatre on clifton way as well . it is called the junction . do either sound interesting ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A
+bos can i get the postcode and entrance fee for the junction ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i do not show an entrance fee amount and the postcode is cb22ad . can i help you with anything else today ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no . i think that 's everything . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your stay . eos O O O O O O O O general-bye
+bos i 'm looking for a place to visit . are there any attractions in town that are boats ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos yes , there are 4 locations . are you looking for one in a certain area ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos nope , i just need the entrance fee , phone number , and address of your favorite one . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos i really like camboats . they are located in the east at the plough , green end , fen ditton . there is no entrance fee . would you like to book ? eos O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O Booking-Inform
+bos no , but i 'm interested in train information . is there anything running from peterborough on wednesday ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos i can look that up , but let me confirm first . are you going from peterborough to cambridge or are you going to another city ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be going to cambridge . i would like to arrive by 12:30. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A
+bos i show 13 entries that will arrive by that time . what time would you like to depart by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave
+bos departure time does n't matter to me . eos O O O O O O O O O Train-Request+Leave
+bos i have tr0106 arriving by 12:09 , would you like me to book a ticket for you ? eos O O O B-Train-Inform+Id O O B-Train-OfferBook+Arrive O O O O O O O O O O O O N/A
+bos yes , please book a ticket for me . what 's the travel time for this train trip ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 50 minutes . i was able to book your ticket . your reference number is ko6dhtqx . is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos what is the departure time of my train ? eos O O O O O O O O O O Train-Request+Leave
+bos i am sorry the departure time on that train is 05:19 and you will be arriving at 06:09. sorry got the two confused . eos O O O O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos thank you have a nice day . eos O O O O O O O O general-thank
+bos you 're welcome . have a nice day ! eos O O O O O O O O O O general-welcome
+bos hi ! can i get some info on a cheap place to eat ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are 22 different places that server cheap food . did you have a certain type of food you were interested in ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos do any of those places serve romanian food ? i 'm in the mood for polenta ! eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos unfortunately none serve romanian food , do you have another food preference ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O Restaurant-Request+Food
+bos do any of those places serve vietnamese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have located one restaurant serving vietnamese food called thanh binh located on 17 magdalene street city centre . would you like to book a reservation ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos what is the postcode ? eos O O O O O O Restaurant-Request+Post
+bos the postcode is cb30af . should i book it ? eos O O O O B-Restaurant-Inform+Post O O O O O O Booking-Inform
+bos maybe later . i need a train ticket to peterborough on thursday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there are 38 trains leaving for peterborough on thursday . is there a specific time you would like to arrive by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Arrive
+bos i 'd like to go from cambridge to peterborough and arrive by 13:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos we have the tr8954 that arrives at 12:56. does that work ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O N/A
+bos yes . i just need to know the departure time , train id , and the travel time . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave
+bos departure time is 12:06 , train id tr8954 , and the travel time is 50 minutes . eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A
+bos i think that is everything , thanks for the help ! eos O O O O O O O O O O O O general-thank
+bos happy to be of help . enjoy the rest of your day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you navigate me to a 5 star hotel with free wifi please ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i was unable to find any hotels matching those requirements . eos O O O O O O O B-Hotel-NoOffer+Type O O O O N/A
+bos do you have a place with free wifi in the cheap range with a star of 4 ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i 've found 21 hotels that meet those criteria . the allenbell is one . should i book it ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform
+bos what type of hotels are they ? eos O O O O O O O O Hotel-Request+Type
+bos the allenbell is a guesthouse . do you have any other specifications i can narrow your search by ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking
+bos looking for something with 5 stars and free wifi eos O O O O O O O O O O N/A
+bos sorry , but we 've already established that there are no 5-star hotels available . i can provide you with some 4-star options . eos O O O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O N/A
+bos sorry , how silly of me . i want to stay at a hotel , not a guesthouse . a cheap 4 star with free wifi , please . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos okay , we 've got the the cambridge belfry . shall i book you a room ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos i do n't need it booked just yet . i just needed the info , thanks . eos O O O O O O O O O O O O O O O O O O general-thank
+bos all right . is there anything else i can do for you ? eos O O O O O O O O O O O O O O general-reqmore
+bos no , thank you for your patience . i am all set now . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos great ! have a wonderful day ! goodbye ! eos O O O O O O O O O O general-bye
+bos good afternoon , i am looking for a place to stay on the east side in a guest house eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos there are 6 possible places that fit your request . would you like more information or to add additional search preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O general-reqmore
+bos can you see if any of them offer free parking ? eos O O O O O O O O O O O O N/A
+bos 5 of the guesthouses offer parking . what is your price range preference ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos honestly , any price range will do . can you suggest one for me and help me with booking a room ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos absolutely . can i suggest the warkworth house at a moderate price range , or the autumn house at a cheap price range . do either of these interest you ? eos O O O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O Hotel-Select
+bos i would consider both . i need to book for three people and 5 nights starting on thursday . can either of them offer that ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O N/A
+bos i am having difficulty booking either of the . can you find another day or time that would suit you ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos i really need to stay during that time frame . would you mind checking again ? eos O O O O O O O O O O O O O O O O O N/A
+bos ok , you 're all booked for 3 nights at the warkworth house , starting thursday . your reference number is ac1nvw47 . can i help with anything else today ? eos O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thanks ! eos O O O O O O O O O O general-thank
+bos you 're welcome . goodbye ! eos O O O O O O O general-bye
+bos i am looking for an expensive restaurant in the west . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos graffiti is an expensive restaurant in the west that is available . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos what kind of foods do they serve there ? and i would like an address and the postal code as well please . do you also have reviews of graffiti , from locals ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Addr
+bos graffiti serves british food . the postcode is cb30lx . the address is hotel felix whitehouse lane huntingdon road . reviews are not available in our database . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O N/A
+bos okay thank you for your time . eos O O O O O O O O general-thank
+bos thank you ! have a great day ! eos O O O O O O O O O general-bye
+bos i am looking for a hotel called aylesbray lodge guest house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos there is an aylesbray lodge guest house located at 5 mowbray road . would you like me to provide you with any more information or help you book the hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O O O Booking-Inform
+bos great i am going to need that hotel for 7 people and two nights starting sunday eos O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day N/A
+bos i 'm sorry , i ca n't book at aylesbray lodge for 2 days . would you like a shorter stay ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Booking-NoBook+Stay O O O O O O O O O O O Booking-Request+Stay
+bos yes , 1 night is fine . eos O O O B-Hotel-Inform+Stay O O O O N/A
+bos great , you 're all set . your reference number is wk3e72px eos O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you . good-bye . eos O O O O O O general-bye
+bos thank you very much bye eos O O O O O O general-bye
+bos i need a five starts hotel close to a mall and main restaurants . the hotel should include free wifi in the room . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , but there are no 5-star hotels anywhere in cambridge . would you like to broaden your criteria ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O O O O O O O general-reqmore
+bos how about something with 4 stars and something expensive . eos O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O N/A
+bos i have 2 options for you - the huntingdon marriot on the west side , and the university arms in the center . are you interested in one of these ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select
+bos maybe . is either one a 4 star hotel ? if so , i 'd like to book a room for 4 nights . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O N/A
+bos both are 4 stars . how many days would you be staying , and how many people are in your party ? i can see if something is available . eos O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People,Booking-Inform
+bos i need a reservation for 4 nights starting saturday . eos O O O O O O O O O O O N/A
+bos how many are in your party ? eos O O O O O O O O Booking-Request+People
+bos 3 people . can i get the reference number please ? eos O O B-Hotel-Inform+People O O O O O O O O O Hotel-Request+Ref
+bos i 'm sorry , but there is nothing available at that time at either hotel . would you like to try fewer nights or perhaps a different arrival day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos will you try sunday arrival ? eos O O O O B-Hotel-Inform+Day O O N/A
+bos yes , i tried sunday but it is n't available . can you shorten your stay at all ? eos O O O O B-Booking-NoBook+Day O O O O O O O O O O O O O O O Booking-Request+Stay
+bos yes , can you try it for 3 nights , please . eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos neither hotel appears to have three days available starting on sunday for three people , can i look something else up for you ? eos O O B-Hotel-NoOffer+Type O O O B-Booking-NoBook+People O O O O B-Booking-NoBook+Day O O O O O O O O O O O O O general-reqmore
+bos i may have been confusing you . could you try and book a 4 star , expensive hotel for 3 nights , starting on saturday ? 3 people . wifi please . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos sure . i was able to book you for the huntingdon marriott hotel . reference # ihgctxh9 . anything else i can help with ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos whew , thanks , sorry for all of the confusion . i think that covers everything . thanks so much for the help . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . if you need anything else just message us again . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos good evening . can you help me find a guesthouse to stay at for the weekend ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos acorn guest house is in the north part of town and available , when would you like to stay ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O N/A
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes , it does ! it also has free parking . eos O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos could i get the phone number for them . eos O O O O O O O O O O Hotel-Request+Phone
+bos phone number is 01223353888. eos O O O O B-Hotel-Inform+Phone N/A
+bos thanks . oh , i forgot to ask , is that in the moderate price range ? eos O O O O O O O O O O O O O O O O O O general-thank
+bos the acorn guesthouse is in the moderate range . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos no , i 'll have to think about it . thanks though . bye ! eos O O O O O O O O O O O O O O O O general-bye
+bos you 're quite welcome . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos could you help me find a place to stay on my upcoming trip ? eos O O O O O O O O O O O O O O O N/A
+bos absolutely ! what area will you be staying in ? eos O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i 'll be in the east . i need free wifi and free parking . i 'd prefer something 4 star . eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos there are 5 hotels that meet that criteria . do you have a specific price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price
+bos no that is not an issue . could i get their phone number of one you recommend . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos might i suggest the autumn house ? the phone number is 01223210353. eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Phone N/A
+bos thank you . i also need a train from birmingham new street on sunday . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos did you have a time you would like to arrive or leave ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i need to leave by 17:00. eos O O O O O O O O O N/A
+bos do you have a specific arrival time you need . eos O O O O O O O O O O O Train-Request+Arrive
+bos the train should leave after 20:30 and should go to cambridge . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O N/A
+bos train tr2274 leaves birmingham new street at 20:40 and arrives at cambridge at 23:23. would that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos 163 minutes . would you like me to book it for you ? eos O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos not at this time , thank you . eos O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i am looking for a hotel that is expensive and has free parking . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O N/A
+bos i have about 5 great options for you . do you prefer a certain area in the city ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'm looking for a guesthouse in the east side of town . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos i am afraid i have nothing available with those specifications . would you like a different are or a hotel ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos are there any moderately priced guesthouses in that part of town ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O N/A
+bos yes , both the carolina b & b and the warkworth house are moderately priced guesthouses on the east side . would you like a room at one of these ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform
+bos yes , could you see if either of them have availability starting on tuesday for 5 nights for 5 people ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A
+bos you have a reservation at the carolina bed and breakfast for tuesday . your reference number is bohpjife eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Booking-Book+Day O O O O B-Booking-Book+Ref O N/A
+bos thanks , that 's great . i think i 'm done for today . eos O O O O O O O O O O O O O O O general-thank
+bos that was easy . have a great day . bye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos could you help me find a hotel on the west side with free wifi ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos i have four hotels listed that fit your criteria ranging in price from cheap to expensive . what price range are you looking for ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Price
+bos price does n't matter , really . but i would like to get free parking too , in addition to the wifi please . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos all 2 hotels and 2 guesthouses match your needs . may i recommend the cambridge belfry ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos is that a hotel ? i need a hotel and not a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos yes , it is a hotel . can i book it for you ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O Booking-Inform
+bos that would be great , thanks . we 'll be arriving on sunday . eos O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos how many people are staying , and for how many days ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos 6 people for 4 nights . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos sorry but i was unable to book . do you wan na change the day you book or the number of days ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos how about two nights ? eos O O O O O O N/A
+bos yes , that did it . your reference number is x5xfgmk0 . can i assist you with any other plans today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thanks so much . that 's it for today . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i 'm glad i could help . enjoy your stay . eos O O O O O O O O O O O O general-greet
+bos i need to find a 4 star hotel that has moderate price . eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A
+bos there are 11 possible choices . do you have any additional preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O N/A
+bos yes i would like it to be on the north part of town . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are quite a few guesthouses in that area . would a guesthouse meet your needs ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O N/A
+bos yes a guesthouse would be fine . does it have internet ? and what is it 's postcode ? eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet
+bos yes , the acorn guest house has internet . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Internet
+bos great , that 's perfect . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos and the postcode is cb41da if you still need that information . is there anything else i can help with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O O general-reqmore
+bos no that 's all for now . thank you . eos O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos would you happen to have information on the lovell lodge ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos yes ! this hotel is located in the north . it has a 2 star rating and is in the moderate price range . is there anything else i can assist you with ? eos O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O general-reqmore
+bos can i get the phone number and address please ? eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos the address for lovell lodge is 365 milton road , and the phone number is 01223425478. is there anything else i can help you with ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , thank you . that 's all i need . eos O O O O O O O O O O O O general-thank
+bos all right , thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a train that goes to london liverpool street and leaves after 17:15. eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos i can certainly help you with that . which day did you have in mind to travel ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i want to leave on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos unfortunately , the only train i have matching your criteria is one leaving 23:59 and arriving at 01:27 in the morning . did you want to book that ? eos O O O O O O O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O O O O O O N/A
+bos yes that 's fine . i 'll take 8 tickets for that train please . eos O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos alright , your train tickets have been booked and the reference number is nfa1dpxi . the train id is tr3138 . is there anything else i can help you with ? eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Id O O O O O O O O O O O O O general-reqmore
+bos nope , that is everything . thank you so much ! eos O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos hi , can you look up darrys cookhouse and wine shop for me ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos i sure can ! darry 's cookhouse is an expensive modern european restaurant in the center of town . they are located at 40270 king street city centre . can i make you a reservation by chance ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos that 's it . can you make a reservation for me ? there are 5 of us and we would like to reserve sunday at 11:45 if possible . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A
+bos reservation made . the reference number is fiqy6rr9 . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you for the helpful information ! eos O O O O O O O O general-thank
+bos no problem at all . what else can i do for you ? eos O O O O O O O O O O O O O O general-reqmore
+bos that is all , thanks . have a nice day . bye ! eos O O O O O O O O O O O O O O general-bye
+bos you as well ! goodbye ! eos O O O O O O O general-bye
+bos i 'm looking for cheap food in the centre . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos sure i have asian and chinese restaurants and other options . is there a type of food you are looking for ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Food
+bos i think i 'd like french food please . eos O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry there are no cheap french restaurants in the central area . eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A
+bos what about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 3 cheap indian restaurants located in the centre . i would recommend the kohinoor . would you like to book a table ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos great yes please book me a table there for 4 people at 11:00 on tuesday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have reserved your table for 4. your reference number is ssvf0e1r . can i assist you with anything else today ? eos O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that will be all . thank you very much . eos O O O O O O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-bye
+bos i am looking for a restaurant in the centre of town in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos i found several that fit your request ! what type of food would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos no preference . can you recommend me one and give me their postcode and phone number ? thanks ! eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos sure , how about dojo noodle bar postcode cb21rq and 01223363471 phone number . would you like a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform
+bos no thank you not at this time . eos O O O O O O O O O general-thank
+bos the phone number is 01223363471 if you need it . is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore
+bos nope you gave me everything i wanted to know . thanks bye ! eos O O O O O O O O O O O O O O general-bye
+bos okay . glad to have helped ! eos O O O O O O O O general-bye
+bos i 'd like to find some expensive mexican cuisine . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos chiquito restaurant bar is an expensive restaurant in the south . would you like me to book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos sure that would be great . eos O O O O O O O N/A
+bos okay , is there a particular day and time that would work for you ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos yes i would like it made for wednesday for 7 people at 18:30 please . eos O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A
+bos booked ! your table will be held for 15 minutes . reference number is c3hmwgus . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos that 's great . thank you very much . eos O O O O O O O O O O general-thank
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos that 's it for now . thanks . eos O O O O O O O O O general-thank
+bos enjoy your dinner . thank you for calling cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i want a restaurant in the town centre . can you help me ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos we have 69 restaurants available . could you specify type or price range please ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i 'm looking for a moderately priced restaurant . i 'm looking to book for just myself at 14:00 on friday . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos okay i took the liberty of booking you into the oak bistro that serves traditional british food . your reference number is ba2mq3eb . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Booking-Book+Ref O O N/A
+bos that sounds perfect . thanks for your help ! eos O O O O O O O O O O general-thank
+bos have a wonderful day ! eos O O O O O O general-bye
+bos i am looking for a restaurant that serves asian oriental food in the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos do you have a price range preference ? there are two cheap , 1 moderate , and 1 expensive . eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O Restaurant-Request+Price
+bos i 'm interested in a cheap place . what can you tell me about those ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos we have dojo noodle bar , and j restaurant which are both cheap restaurants in the centre of town . would you like to book one of those ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos yes , get me a table for two at dojo noodle bar on wednesday at 16:00 eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos there are no tables available at the time requested . would you like to try another time or day ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos hmm.. can you try at 15:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : h6ob1o8j . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thanks ! eos O O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'd like to get moderately-priced polynesian food . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos sorry , but there are n't any restaurants of that type . would you like to try a different cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos well is there perhaps a cheap option serving that type of food in the center ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos no i 'm sorry there is n't anything fitting those details . can we try a different area or type of food ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i have 5 moderately priced british restaurants in the centre but i do not have any cheap ones . would you like me to book one of these ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no thank you . can you recommend me one and give me their phone number and address ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the cotto is a great choice . their phone number is 01223302010 and adress 183 east road city centre . is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos as long as they serve british cuisine and moderately priced , that sounds great . thanks for your help . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos they are indeed . is there anything else you need today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that 's everything . thank you ! eos O O O O O O O O O O general-thank
+bos thank you for contacting us and have a great day ! eos O O O O O O O O O O O O general-bye
+bos can you help me find a cheap place to eat ? eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos there are 22 restarants serving cheap food . what type of food would you like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food
+bos indian would be good as long as it 's in the center . i need to book a table for 2 people at 18:15 on a sunday . eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O N/A
+bos the gandhi has great food at an even better price ! should i book you a table here ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , that would be fine . eos O O O O O O O O N/A
+bos unfortunately there are no tables available for sunday at 18:15. would you like to try for a different day or time ? eos O O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos yes can you try sunday at 17:30 please eos O O O O O O O O O N/A
+bos i 'm sorry , but booking was unsuccessful . could you try a different day or time ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos do you have anything available for sunday ? eos O O O O O O O O O N/A
+bos no , could you try another day and time ? eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos how about 17:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book the table for you for your party of 2 on sunday at 17:15. the reference number is z16ztxky . eos O O O O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos great . that 'll be everything . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you , good bye . eos O O O O O O O general-bye
+bos i 'm looking for some info on kohinoor . eos O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos great ! kohinoor is an indian cuisine restaurant in the cheap price range ! is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'd like to book a table for just me at 13:45 on friday . eos O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos unfortunately reservations are not possible for that time . would you like to try for another day or time ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos i could eat at 12:45. i hope that is available . eos O O O O O B-Restaurant-Inform+Time O O O O O O N/A
+bos that worked out for you ! your reference number is ihqk49w4 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great thank you for all your help eos O O O O O O O O general-thank
+bos thank you for calling , goodbye . eos O O O O O O O O general-bye
+bos i 'm looking to go to dinner tonight and am in the mood for some good bistro in the centre of town , can you find me some options ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos i 'm sorry . there is no matching restaurant . would you like to try a different food type or area ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos hmm ... let me think . let 's try maybe something italian instead . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos there are nine italian restaurants in the centre of town ! are you looking for an italian restaurant in any particular price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O N/A
+bos which of those nine has the best ratings ? can i please have the address and postcode . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos i recommend caffe uno - it 's very nice . they 're at 32 bridge street city centre , cb21uj . can i help with anything else ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thanks . eos O O O O O O O O O general-thank
+bos thank you ! goodbye . eos O O O O O O general-bye
+bos can you find me a boat attraction in the north ? eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos riverboat georgina is available in the north . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O N/A
+bos ok , great . can you provide me with their address and phone number ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos address is cambridge passenger cruisers , jubilee house and the phone number is 01223902091. eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O N/A
+bos ok , i 'm also looking for an inexpensive restaurant . one with indian food . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i do n't have any indian restaurants in the south , but i do have 4 inexpensive indian restaurants elsewhere - 3 in the centre and 1 in the north . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-NoOffer+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos can i get more information about the one in the north ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos royal spice is a cheap indian restaurant . they are located on victoria avenue , chesterton . their postcode is cb41eh . you can reach them at 01733553355. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O N/A
+bos ok , i want to book a table there please eos O O O O O O O O O O O N/A
+bos what day would you like those reservations ? eos O O O O O O O O O Booking-Request+Day
+bos i would like it for tuesday for 6 people at 15:15. eos O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A
+bos success ! reference is xsuqlcnz , anything else today ? eos O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos that 's what i needed for now . thank you very much . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos enjoy your visit ! eos O O O O O general-bye
+bos can you help me find a moderately priced guesthouse ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A
+bos we have 15 guesthouses in that price range , any other preferences ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O general-reqmore
+bos i 'd like free wifi included please . eos O O O O O O O O O N/A
+bos the acorn guesthouse is in the moderate price range and has wifi . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes . please book for 8 people for 4 nights starting thursday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos i will book it for you , is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes , i need the reference number . eos O O O O O O O O O Hotel-Request+Ref
+bos you have reservation at acorn guest house for 8 people 4 nights starting thursday.i will give you the reference number . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+Day O O O O O O O N/A
+bos ok ... can i have that reference number , please ? eos O O O O O O O O O O O O Hotel-Request+Ref
+bos your reference number is pjdtnb2z . eos O O O O O O B-Booking-Book+Ref N/A
+bos hey ! i am looking for a train from cambridge to stevenage . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos trains depart approximately every 2 hours . what time would you like to leave/arrive by ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to travel on wednesday , and i need to arrive by 16:45. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos i have found several trains that begin leaving at 5:21 until 15:21 to arrive by 16:45. trains cost 12.80 pounds and are 49 minutes long . do you prefer early or later ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Select+Choice I-Train-Select+Choice O N/A
+bos the 15:21 sounds good . i think all i need will be the train id . eos O O O O O O O O O O O O O O O O O Train-Inform
+bos the train id for the 15:21 is tr7245 . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Id O N/A
+bos fantastic , can you also give me information on the fitzwilliam museum ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos it has free admission and is in the centre area . eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Area O O N/A
+bos can i have the phone number and the address of the museum ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos absolutely . their phone number is 01223332900. they are located on trumpington street . is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos no that will be all for now . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos hello , i am looking for a cheap place to dine in the centre . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are few places that are cheap in the center . you can make your choice from our list based on the kind of food you prefer . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos um , i do n't see any sort of list . could you recommend something ? eos O O O O O O O O O O O O O O O O O N/A
+bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos i would like indian food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three cheap indian restaurants in the centre of town . i have heard great things about the chef at kohinoor . would you like me to make a reservation ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yes . book that one for 3 people on friday at 18:45. eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos done . you have a reservation for 3 at kohinoor on friday at 18:45. your reference is 37r6x4js and the table will be held for 15 minutes . will that be all today ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos i 'm also looking for someplace to go in the same area as the restaurant . can you help with that ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are several in the area . do you have a preference of the type of attraction ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Type
+bos old churches would be nice thank you eos O O O O O O O O N/A
+bos okay , there are 5. i recommend all saint 's church on jesus lane . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos great . can i get the address and entry fee ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos 46 jesus ln , cambridge cb5 8bw . no entrance fee . anything else i can assist you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos that is all i need today , thank you . eos O O O O O O O O O O O general-thank
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos good choice . what can i help you with ? eos O O O O O O O O O O O general-greet
+bos bridge guest house is what im looking for for 7 people and 3 nights eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos i would like to help you book your hotel . what day would you like to reserve it for ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos i 'd like for it to start on wednesday . eos O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos your reference number is : jn5h0ilv . can i help with anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'm also looking for a train that gets in to cambridge that day . i wo n't be able to leave until after 13:15 though . eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O B-Train-Inform+Leave O O O O O N/A
+bos i have many trains available . what is your departure site and time you would like to arrive ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart
+bos i 'm looking to come from broxbourne . eos O O O O O O B-Train-Inform+Depart O O N/A
+bos there are 11 trains that fit your needs . the earliest arrives at 14:32. would you like for me to book it for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos pick the best one and please give price and train id . eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos i would just like the know the price per ticket please . and the train id . eos O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr3470 and the cost is 17.90 pounds . eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thanks so much . that was everything i needed at this time . eos O O O O O O O O O O O O O O general-thank
+bos enjoy your stay in cambridge ! eos O O O O O O O general-bye
+bos hello ! i would like to book a taxi from hughes hall . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos great . where would you like to go and what time do you want to leave or arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive
+bos i 'm going to ali baba from hughes hall . i would like the taxi to arrive at hughes hall at 2:45. eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O N/A
+bos it sounds like you wish to depart hughes hall and arrive at ali baba by 2:45 , is this correct ? if so , i 've booked a black ford for you , contact 07392863087. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O N/A
+bos that 's great . thanks . eos O O O O O O O general-thank
+bos is there anything else you need help with ? eos O O O O O O O O O O general-reqmore
+bos no , you have been great . eos O O O O O O O O N/A
+bos thank you . enjoy your day . good bye . eos O O O O O O O O O O O general-bye
+bos can you help me find a train leaving tuesday from norwich ? thanks . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O N/A
+bos i have about 19 different trains . do you have a certain time you would like to leave after or arrive by ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i want to leave after 20:15. eos O O O O O O B-Train-Inform+Leave N/A
+bos at 20:16 a train leaves for cambridge duration of which is 79 minutes . eos O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i would like to making a booking for one please . eos O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 17.6 gbp payable at the station . reference number is : uk9225hy . is there anything else i can do for you today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O O O O O general-reqmore
+bos can you help with info on places to stay ? eos O O O O O O O O O O O N/A
+bos yes , i can help with that . what are your preferences of area , price range , and type of accommodation ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area
+bos i would like a really nice place because i 'm celebrating my 10 year anniversary . something cozy and romantic . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that sounds great , i want to find you the perfect place ! is pricing a factor , do you have a part of the city in mind ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos price is no concern for me . i need it booked for 1 person for 4 nights starting on tuesday please . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos i need more information please . what area of town ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't need a specific area . what do you recommend ? eos O O O O O O O O O O O O O O N/A
+bos the allenbell in the east is a cheap hotel with 4 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A
+bos does it have free wifi ? eos O O O O O O O N/A
+bos allenbell does indeed have wifi . would you like a reservation ? eos O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please . i 'm celebrating my anniversary with myself , so i need a room for 1 starting tuesday for 4 nights . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O N/A
+bos booking was a success ! your reference number is : xjgr0gcn . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i need to take a train from cambridge to london kings cross , it would need to be after 10. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A
+bos okay . what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day
+bos on friday after 10. eos O O B-Train-Inform+Day O O N/A
+bos the tr1502 leaves friday at 11:00. eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos yes , that will be great . how much does a ticket cost ? eos O O O O O O O O O O O O O O O N/A
+bos a ticket is 23.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos can you also give me the travel time ? eos O O O O O O O O O O Train-Request+Duration
+bos the travel time is 51 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks ! can you also see if there are any expensive , 4-star guesthouses in the north area of town ? eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos what you are looking for can not be found . is there any other area you would mind searching in ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos no i want to stay in that area . what other hotel accomadations are in the area ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos avalon is a moderate priced 4 star guesthouse in the north part of town . it has free internent . would you like more information or can i book it for you ? eos O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform,general-reqmore
+bos can you book it for 4 people and 4 nights starting from monday ? eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : 1vf2w9yc . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you ! that is all . eos O O O O O O O O general-thank
+bos you 're welcome . call back if you need further bookings or assistance . eos O O O O O O O O O O O O O O O general-welcome
+bos i 'm looking for a train to cambridge . eos O O O O O O O B-Train-Inform+Dest O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i would like to leave on friday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos okay i have several . what time are you leaving , and how many tickets would you like ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+People,Train-Request+Leave
+bos i am leaving thurtsday at 2pm and need three tickets eos O O O O O O O O O O O N/A
+bos i have the tr5502 that leaves at 3:17pm . would that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O general-reqmore
+bos actually , i never told you where i was leaving from . i need the train to depart from kings lynn . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos tr2162 leaves at 14:11. want to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O Train-OfferBook
+bos yes please , 7 people . and i 'd like the reference number please . eos O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos certainly ! the total fare is 68.60 pounds , payable at the station , and the reference number is qn77zh17 . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place to stay in the south . i 'd like a guesthouse if possible . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i can recommend the bridge guest house . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos that sounds great . please book for 7 people for 5 nights starting on friday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i will book that for you now . eos O O O O O O O O O Booking-Inform
+bos thanks . i would also like the reference number , please . eos O O O O O O O O O O O O O general-thank
+bos i have made your reservations and your reference numbers is 3fr3o8ho . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos that will be all , thank you for your help today ! eos O O O O O O O O O O O O O general-thank
+bos thank you , i 'm glad we were able to help you . eos O O O O O O O O O O O O O O general-bye
+bos i am organizing my trip to cambridge and need a place to stay in the east in the cheap price range . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A
+bos i have 3 cheap hotels in the east for you to choose from . there are all good hotels with free internet and parking though allenbell is closest to cambridge . eos O O O O B-Hotel-Select+Price B-Hotel-Select+Type O O B-Hotel-Select+Area O O O O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Hotel-Select+Internet,Hotel-Select+Parking
+bos i would prefer a hotel with 4 stars . does allenbell fit the bill ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos yes it does would you like me to make a booking ? eos O O O O O O O O O O O O O Booking-Inform
+bos no but i 'd like to know where it 's exactly located . eos O O O O O O O O O O O O O O N/A
+bos allenbell is located at 517a coldham lane with a postcode of cb13js . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O N/A
+bos i also need a train going to stevenage . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos okay ! what day would you like to travel ? i 'm presuming you 're coming from cambridge ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i would like to travel on thursday leaving from cambridge . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos i have 10 trains that will be leaving cambridge going to stevenage on thursday . what time would you like to leave or arrive ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos the train should arrive by 19:30 the latest . eos O O O O O O B-Train-Inform+Arrive O O O N/A
+bos the closest to 19:30 without being after is tr 4765 , they arrive at 18:10 , does that work for you ? eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos that will give me time to find my way , in case i get lost , so that 's fine . i 'll need you to book 6 tickets , please . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos your total is 76.80 gbp , which you can pay at the station . your reference number is : 708ijwek . eos O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you so much , that 's all i need . eos O O O O O O O O O O O O general-thank
+bos you 're very welcome ! bye now ! eos O O O O O O O O O general-welcome,general-bye
+bos i need to take a train from cambridge on thursday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos okay and where will you be traveling to ? eos O O O O O O O O O O Train-Request+Dest
+bos i will be traveling to bishops stortford and need to leave after 12:00. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A
+bos the tr0927 leaves at 13:29. would that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select
+bos that will work fine . eos O O O O O O N/A
+bos would you like me to book that for you ? eos O O O O O O O O O O O Train-OfferBook
+bos no thank you . i am looking for a place to stay though . what 3 star hotels do you have available ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos i have 6 three star hotels available , what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price
+bos price range does n't matter , i 'd like free wifi though . eos O O O O O O O O O O O O O O N/A
+bos do you want the hotel to be in a certain part of town ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos not really , can you recommend your favorite ? eos O O O O O O O O O O N/A
+bos the gonville hotel gets rave reviews . it is in the centre of town in the expensive price range . do you want me to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos i 'm sorry can you tell me the price and arrival time on the train ? eos O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos train tr0927 will being leaving 13:29 and arrive at 14:07. any thing else i can help you with ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O general-reqmore
+bos how much is the train ? eos O O O O O O O Train-Inform
+bos 10.10 pounds is the price for train tr0927 eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Id N/A
+bos i will also need a guesthouse . eos O O O O O O B-Hotel-Inform+Type O N/A
+bos i have three guesthouses with a 3 star rating . all have parking and wifi . do you prefer the north , south , or west ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos any will do . i need it for 6 people . eos O O O O O O O O O O O O N/A
+bos how long is your stay , for how many people please ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i just told you i need it for 6 people . and it 'll be for 3 nights . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos bridge guest house is the best choice for you . do you want me to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes for monday . i will be staying one night . eos O O O O O O O O O O O O N/A
+bos i am sorry , i am confused . do you need the reservation for 6 people for 3 nights or for 1 person for 1 night ? eos O O O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Stay I-Booking-Inform+Stay O O O O O N/A
+bos i need it for 6 people for 3 nights starting monday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i have made that reservation for you . your reference number is 3huedezp . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos please book for 6 people staying for 3 nights starting on monday . sorry for the conflicting info . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A
+bos i have made that reservation for you . is there anything else i can help with ? eos O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no . thank you for helping me with the train and guesthouse . it saved me time . goodbye . eos O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos i am happy to help you . thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos can you help me find a hotel called el shaddai ? thanks . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes , el shaddai is a cheap guesthouse in the town centre . would you like to book this guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i think so . i hear a lot of good things about them . can you book me a room for 7 people for 2 nights on friday please ? eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos your booking was successful , the reference number is oq4ftsp6 , can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need a train going to stevenage and arriving there by 13:00. eos O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos sure , i can help you with that . what day were you wanting to leave on ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-OfferBook
+bos i 'd like to leave cambridge on sunday , please . eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos tr8464 is your best bet . it leaves cambridge at 11:21 on sunday and arrives in stevenage at 12:10. eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos may i please have the price for this train ? eos O O O O O O O O O O O Train-Request+Price
+bos the cost is 10.24 pounds . would you like me to book a ticket ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos no thanks that 's all i need for today . thanks for the help . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . enjoy your visit . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm going to be leaving on monday and i need a train that leaves after 08:15. eos O O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Leave O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i will be going from stansted airport headed into cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos the tr7360 leaves at 08:24. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos i would like to go ahead and book the tr7360 train for 5 people if avaliable . can i please get a reference number for the booking when complete ? eos O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O N/A
+bos i have booked tr7360 for 5 people , your reference number is 19ji7bwx . 50.5 gbp is payable at the station . can i help with anything else ? eos O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O Train-Inform,general-reqmore
+bos i am interested in a hotel called carolina bed and breakfast . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos sure , what would you like to know ? eos O O O O O O O O O O general-reqmore
+bos i am interested in booking for 5 people for 2 nights starting monday . can you check availability ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O N/A
+bos the rooms are available and i have you booked . your reference number is 1cjn25aw . what else can i do for you ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that is all for today , thank you . eos O O O O O O O O O O O general-thank
+bos ok , great . i hope you enjoy your stay . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos i need you to find a hotel so i have a place to stay . it does n't need to include internet , but it should include free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i like acorn guest house . need me to book a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform
+bos can you tell me more about the acorn guest house before we look at booking . i 'm looking for a moderately priced room and some other amenities . eos O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos the acorn has parking and free wifi . it 's in the north part of town at 154 chesterton rd . it 's a 4 star guesthouse . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Type O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos do you have anything that has a 3 star rating ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have 3 guesthouses that are in moderate price range with 3 star ratings , do you have a location preference ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the centre please . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i do n't have anything in that area . can i look somewhere else ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos i do n't have a preference in what area of town . eos O O O O O O O O O O O O O N/A
+bos i can recommend the hamilton house in the north . would you like to make a booking ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform
+bos do they have free wifi , i was really looking for a hotel rather than a guesthouse though . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i am sorry i can not find any hotel with a 3 star rating , i only find guest house 's . eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O N/A
+bos a guesthouse will be fine i guess . can you recommend one ? eos O O O O O O O O O O O O O O N/A
+bos hobsons house is a very nice guesthouse , would you like me to book you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Type O O O O O O O O O Booking-Inform
+bos yes book it for 7 people on 3 nights starting from friday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i was able to book it , your reference number is vi3dlq64 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , can you help with trains , too ? all 7 of us need to get there from stevenage . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O N/A
+bos what day do you want to depart and what time do you want to leave from stevenage ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i would like to depart sometime after 13:45 on friday , please . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A
+bos i have a train leaving at 13:54 with an arrival time of 14:43. if that is acceptable , i would be more than happy to book your tickets for you . eos O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , that works . can you book 7 tickets please ? eos O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 89.6 gbp payable at the station .reference number is : os6so15n . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for all of your help with this . eos O O O O O O O O O O O general-thank
+bos you 're welcome . is there anything further that i can assist you with today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , thank you . the lodging and train are all i need . you were so helpful . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos have a nice day . eos O O O O O O general-bye
+bos can you give me info on four start places , it doesn ; t matter if they have free wifi or not . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are several 4 star hotels in cambridge . is there a specific area you are interested in ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i 'd like to stay in the city center . i will be driving there . eos O O O O O O O O O O O O O O O O O O O N/A
+bos do you have a star or price preference ? eos O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i would like a 4 star . eos O O O O O O B-Hotel-Inform+Stars O N/A
+bos there 's a hotel and a guesthouse that meet your criteria and since you 're driving , both offer parking . would you like me to make you reservations at one of them ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos could you book the hotel for 8 people for 2 nights starting monday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos booking was successful . reference number is : f4rnchza . you will be staying at the university arms hotel . is there anything more i can do for you ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O general-reqmore
+bos looking for places to go in the same area as the hotel , possibly a concerthall . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there is only one concert hall in town . the man on the moon is located in the centre . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O N/A
+bos well i guess that 's where i 'll be then . can you tell me the address and entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos of course . the address is 2 norfolk street . i 'm afraid that the entrance fee is not listed . can i help you with anything else today ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos yes , i also need a taxi to leave the attraction please . eos O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform
+bos and where are you headed ? eos O O O O O O O Taxi-Request+Dest
+bos to my hotel . i want to leave the attraction by 08:45 please . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos the car will be a black tesla and their contact number is 07060826404. is there anything else i can assist you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that is all i needed . you were very helpful . eos O O O O O O O O O O O O N/A
+bos thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos can you find a multiple sports attraction in the centre ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there 's just one - the cherry hinton village centre on the east side of town . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O N/A
+bos thank you very much , that is what i was looking for eos O O O O O O O O O O O O O general-thank
+bos okay , cherry hinton village centre is on colville road , postcode cb19ej . the phone number is 01223576412. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O N/A
+bos you know , i really wanted to visit the centre of town . can you find a theatre in the center of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are numerous , would you be interested in this one ? adc theatre , phone - 1223300085 , postcode - cb58as , address - park street . eos O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Phone O O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O N/A
+bos how much does it cost to get in ? eos O O O O O O O O O O N/A
+bos the entrance fee is unknown . you may have to call them and check . their phone number is 01223300085. eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O B-Attraction-Inform+Phone O O N/A
+bos hmm . perhaps you could help me with a train . i 'm coming in from ely on monday . eos O O O O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O N/A
+bos what time do you want to depart or to arrive ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to arrive by 15:15. eos O O O O O O B-Train-Inform+Arrive N/A
+bos i have tr4849 that will depart at 13:35 and will put you in cambridge around 13:52. would this interest you ? eos O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos could you make a reservation on that train please ? eos O O O O O O O O O O O Train-Inform
+bos i would be happy to . how many people will be traveling ? eos O O O O O O O O O O O O O O Train-Request+People
+bos just me for now please . eos O O O O O O O N/A
+bos i 've booked your ticket for tr4849 . the fee is 4.4 gpb and you can pay at the station . your reference number is w6zvgnjn . anything else i can help with ? eos O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O N/A
+bos that 's all i needed today thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome
+bos thank you . goodbye . eos O O O O O O general-bye
+bos hope you have a great trip . eos O O O O O O O O general-bye
+bos i am looking for an expensive priced chinese restaurant eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O N/A
+bos there are a few places in the area you could try . the ugly duckling , yu garden , and hakka have great food and are in your price range . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos okay , what is the address and phone number for ugly duckling ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 12 st. johns street city centre . we do not have the phone number available in our database . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O N/A
+bos that 's alright . i 'm also looking for a train booking too . i need to go to cambridge from london liverpool street . eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A
+bos what day and time ? eos O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to arrive by 17:45 on tuesday eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day N/A
+bos i can book your on the tr1395 on tuesday . it leaves cambridge at 13:39 and you 'll be there by 15:07. would you like anything else ? eos O O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore,Train-OfferBook
+bos please book this train for 2 people and provide the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos your train is all booked , your reference number is 5482nxx6 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos ok , great that 's everything i needed . thank you ! eos O O O O O O O O O O O O O general-thank
+bos happy to be of service . enjoy your day ! eos O O O O O O O O O O O general-bye
+bos i am looking for an expensive restaurant for us to eat at . some place nice . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos there are 57 expensive restaurants in cambridge . do you have a particular type of food in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos i was thinking of having caribbean food eos O O O O O O B-Restaurant-Inform+Food O N/A
+bos i ca n't locate a restaurant serving caribbean food . would you like to try a different cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O Restaurant-Request+Food
+bos how about indian . yummy ! eos O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 14 choices . i would recommend tandoori palace in the west . the phone number is 01223506055. would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O O Booking-Inform
+bos sure ! i need a table for just me on tuesday at 16:45 , please . eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos okay . your booking was successful ! the reference number is grj6e9c3 . your table will be reserved for 15 minutes . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-greet
+bos i 'm also looking for places to go in the city centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos we have 44 options for you . would you like to narrow it down by attraction type ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Type
+bos it should be in the same area as the restaurant . eos O O O O O O O O O O O O Restaurant-Inform
+bos i have 5 places for you , 4 have free entrance fee and one has 2 pounds entrance fees.which one will you prefer eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos lets pay , this trip is a business write off , so money is no object , ill take the 2 pound entrance fee . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos great saint mary 's church is located at market square in the city center . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O N/A
+bos that sounds good . can you give me the address , postcode , and phone number please ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos cb23pq , market square . 01223350914. is there anything else you would like to know ? eos O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , thank you . i think i have everything i need at this time . eos O O O O O O O O O O O O O O O O O general-thank
+bos okay , great . have a wonderful day ! eos O O O O O O O O O O general-bye,general-greet
+bos hi ! are there any expensive greek restaurants in town ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A
+bos unfortunately there are none . would you like to try something else ? eos O O O O O O O O O O O O O O Restaurant-NoOffer
+bos are there any expensive french restaurants in town ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos yes , there are two : restaurant two two in the north at 22 chesterton road chesterton cb43ax and cote in the centre at bridge street city centre cb21uf . anything else ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Post O O O O general-reqmore
+bos i 'll take a table for 1 at 17:30 sunday at cote . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O N/A
+bos i 'm sorry , there is no availability for sunday at 17:30. would you like to try a different day or time slot ? eos O O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos can i get a table at 16:30 instead ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A
+bos booked ! the table will be reserved for 15 minutes . reference number is 48aqq83y . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos excellent , thank you ! eos O O O O O O general-thank
+bos you 're welcome ! is there anything else i can help you with ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thanks again . bye . eos O O O O O O O O O O O O O general-bye
+bos you 're welcome , enjoy your meal . eos O O O O O O O O O general-bye
+bos i 'm looking for a specific hotel . can you help me ? eos O O O O O O O O O O O O O O Hotel-Inform
+bos absolutely ! which hotel is it ? eos O O O O O O O O Hotel-Request+Name
+bos the cambridge belfry . what is its price range ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Request+Price
+bos it is in the cheap price range . eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos thanks ! i also need to find an expensive french restaurant to eat at . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos do you have an area preference ? eos O O O O O O O O Restaurant-Request+Area
+bos area , no , just that it 's expensive and french . eos O O O O O O O O O O O O O N/A
+bos restaurant two two would suit your needs . its in the north area.would you like to make a reservation at this time ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform
+bos no , but can you please give me their address with postcode and the phone number ? i 'd like to call them myself to ask about food allergies . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos you can reach them at 01223351880. their located at 22 chesterton road , chesterton . their postcode is cb43ax . eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post O O O N/A
+bos i would like to book a taxi to commute between the two places eos O O O O O O O O O O O O O O Taxi-Inform
+bos sure , what time would you like the car for ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to leave the restaurant at 21:00. eos O O O O O O O O O O Restaurant-Inform
+bos there are many taxi services in town , which would you prefer ? eos O O O O O O O O O O O O O O N/A
+bos can you help me find a park on the east side please ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos cherry hinton water play is located in the east . it has a free entrance fee . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos sounds great . can i get the address and postcode for them please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos cherry hinton hall , cherry hinton road , cb18dw . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A
+bos great can i get a train leaving after 09:15 on friday ? eos O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos i 'll be glad to help you with that . where would you like to leave from and arrive at ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving from stevenage to cambridge . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos okay the tr2860 leaves at 09:54 and arrives by 10:43. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos can make a booking for 2 people and give me a reference number please ? eos O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos your reference number for the booking is yj63ig8a and it will cost 25.6 gbp . eos O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A
+bos great thanks . goodbye eos O O O O O general-bye
+bos you 're welcome . have fun ! eos O O O O O O O O general-welcome,general-bye
+bos my son is a junior in high school , we are looking at college . can you tell me about what colleges are in cambridge ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos sure ! what specific part of cambridge are you interested in ? there are colleges in both the west and the centre areas . eos O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O general-welcome,Attraction-Request+Area
+bos what is located in the centre ? eos O O O O O O B-Attraction-Inform+Area O N/A
+bos i recommend downing college . it 's free admission . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A
+bos can you provide me with their address and phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos their address is agent street . their phone number is 01223334860 eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O N/A
+bos i also need a train to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos okay any particular time you would like to leave ? also where are you coming from ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart
+bos i will be coming from ely and would like to arrive in cambridge by 11:00. eos O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A
+bos do you know which day you 'd like to travel ? eos O O O O O O O O O O O O Train-Request+Day
+bos yes , on sunday . eos O O O B-Train-Inform+Day O O N/A
+bos okay the tr4212 arrives by 09:52. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A
+bos thanks very much ! what time does it depart , and how long is the ride ? eos O O O O O O O O O O O O O O O O O O general-thank
+bos the train tr4212 departs at 09:35 and the ride is 17 minutes long . would you like to book it ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos no thank you ! that 's all i need . thanks for all of your help ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome all the time eos O O O O O O O general-welcome
+bos thanks again , thats all i need . eos O O O O O O O O O general-thank
+bos thank you for calling . have a great day . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a place called hughes hall ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes , they are located in the centre on wollaston road , postal is cb12ew and phone is 01223334898. is there anything else that i can assist with ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos what part of town is it located in ? are there any restaurants in that area ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos hughes hall is located in the centre . there are a lot of restaurants in that part of town . are you interested in a particular type ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos can i have the address and phone number ? i also need a train leaving sunday and arriving by 21:00 eos O O O O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address for hughes hall is wollaston road . the phone number is 01223334898. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O N/A
+bos thanks . i also need a train for sunday . eos O O O O O O O O B-Train-Inform+Day O O N/A
+bos okay , what is your destination and arrival preference ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i need to go to cambridge from kings lynn . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i have train tr6368 leaving at 6:11 and arriving at 6:58. would you like to book that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes please book that train , for 7 people . and may i get a reference number for the booking ? thanks . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O Train-Request+Ref
+bos sure thing your ref # is 7rbus3t6 , anything else today ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore
+bos no thank you . have a great day . goodbye eos O O O O O O O O O O O general-bye
+bos i am glad to help have a nice stay eos O O O O O O O O O O general-welcome,general-bye
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos great ! what were you interested in doing while you 're here ? eos O O O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a train . i need it to bring me to cambridge on friday . eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos there are 202 trains into cambridge on friday . where are you traveling from ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O Train-Request+Depart
+bos i want to leave after 18:45 and am heading to norwich . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos there is a train leaving cambridge for norwich that departs at 19:36. would this suffice ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O Train-Select
+bos yes can i please get a booking for 1 person and a reference number please ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos you are all set ! your reference number for your booking is 1z40l862 . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a hotel in the south area . eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there is 1 expensive hotel and 3 less costly guesthouses in the south . do you have a preference ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Select
+bos i want a 4 star moderately priced guesthouse . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A
+bos aylesbray lodge guest house will suit your needs . can i book something for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes they do offer free parking eos O O O O O O O Hotel-Inform+Parking
+bos please give me aylesbray lodge 's address . i am not booking now . eos O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos sure , it is located at 5 mowbray road , postcode cb17sr . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O N/A
+bos ok. thanks . that is all my requests . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for places to go for my upcoming trip . are there any colleges in the centre of town ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos there are several ! corpus christi is a really cool place to visit , but there is an entrance fee of 2 pounds . i have many free ones if that 's an issue . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos the entrance fee is fine . can i get their address and postcode , please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is king 's parade and the postcode is cb21rh . do you need anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos i am also looking for a hotel with a star of 3 and includes free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos i have two hotels that fit that description . both are expensive , but one is located in the south and the other is in the centre . do you have a preference ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select
+bos i would also like it to be a guesthouse with free wifi . eos O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos how about hamilton lodge eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos sure , could you book it for 5 people for 3 nights starting thursday ? eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A
+bos your reservation for 5 people at the hamilton lodge on thursday for 4 days 3 nights was successful . your reference number is : nlc5rk0f . eos O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay O O O O O O B-Booking-Book+Ref O O N/A
+bos great . thanks for all the help ! eos O O O O O O O O O general-thank
+bos will that be all for today ? eos O O O O O O O O general-reqmore
+bos yes , thanks . have a wonderful morning ! goodbye . eos O O O O O O O O O O O O general-bye
+bos you 're very welcome . i 'm glad i could help you today . good-bye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a hotel called huntingdon marriott hotel . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos it is located at kingfisher way , hinchinbrook business park , huntingdon eos O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos thank you . can you book it for 5 people and 4 nights starting on thursday ? eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos booking was successful.reference number is : qbq6uvz5.what else can i do for you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i 'm also looking for a train departing cambridge and arriving at 8:30. can you help out ? eos O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos what day will you need the train and where are you traveling to and how many people will be traveling ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+People,Train-Request+Day
+bos we would like to go to peterborough on friday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos the tr9487 will reach petersborough at 8:24 on friday . would you like to book that train ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos yes , please book it for 5 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos booked it , your ref . # is ioejeymy eos O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for all your help . have a great day . eos O O O O O O O O O O O O O general-thank
+bos thank you ! eos O O O O general-greet
+bos i would like to stay at a guesthouse while i 'm in cambridge . it does n't need to have internet . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos i 'd recommend alpha-milton guest house in the north . it 's a moderately priced three star hotel . would you like a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Type O O O O O O O O O O Hotel-Inform
+bos no thanks - not yet . does it have free parking ? eos O O O O O O O O O O O O O N/A
+bos unfortunately it does not have free parking . what price range do you have in mind ? i can find you one that does have parking eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking,general-reqmore
+bos i do n't have any price range in mind , i just want a guesthouse with free parking on the north side eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O Hotel-Request+Price
+bos i would then recommend the acorn guest house , a moderately priced 4 star guesthouse located at 154 chesterton road . would you like to book a room ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O Booking-Inform
+bos yes , i do need to book a room . eos O O O O O O O O O O O N/A
+bos how many people will be joining you , if any ? eos O O O O O O O O O O O O Booking-Request+People
+bos actually , i 'll book later . can you help me find a train though ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos where do you want to travel to and from ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos hello . i am interested in finding some good local restaurants . do you have any that you would suggest ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos cambridge has many wonderful dining options , is there a type of cuisine or price range that you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i 'm sorry , i actually need a train on wednesday from peterborough to cambridge . i need to arrive by 10:00. eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O N/A
+bos there are 8 trains that arrive before 10:00. the latest leaves peterborough at 8:48 and arrives at 9:38. would you like me to book that for you ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , please book it for 7 people . eos O O O O O O B-Train-Inform+People O O O N/A
+bos your train is booked for wednesday at 08:48 , the reference number is reinb4ero . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a moderately priced restaurants in the east part of town . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there are three restaurants . would you prefer italian or indian ? eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food N/A
+bos i would prefer italian please . let me know what options you have for that cusine type . eos O O O O O O O O O O O O O O O O O O O N/A
+bos pizza hut fen ditton offers italian cuisine . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O N/A
+bos is that in the east in the moderate price range ? if it is i would like a table for the same day for 7 people at 20:00 please . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A
+bos yes it matches all of your requests , however i 'm very sorry that time is not available at pizza hut fen ditton . would you like to try for another time ? eos O O O O O O O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Request+Time
+bos yes , i will try for a little earlier , how about 19:00 ? i will need a reference number also . eos O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A
+bos i booked that for you and the reference number is : cxz6iyhc . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you that 's all that i need ! eos O O O O O O O O O O general-thank
+bos are you certain you do n't need further assistance ? eos O O O O O O O O O O O general-reqmore
+bos yes . i do not need anymore assistance . thank you . eos O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos are there any places that serve christmas food ? i heard there might be something like that around here . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos i am sorry i do not see any place that serves christmas food . would you like me to look for a different type of food ? eos O O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about some chinese food ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have a lot of choices for chinese food . what price range were you looking for ? or area ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos no preference , just pick a nice one and provide me with the name and phone number please . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos yu garden is excellent . their phone number is 01223244149. is there anything else i can help you with ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O general-reqmore
+bos ok , so their number is 01223244149 ? is there any chinese attractions around the same area as the yu garden ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are no chinese attractions in town . is there a different type of attraction that you are looking for ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos how about a boat attraction ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos there is one boat attraction in the east near yu garden called camboats , located at the plough , green end , fen ditton . their number is 01223902112. anything else ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos can you book my a taxi between the two ? i want to leave camboats for yu garden by 8:30. eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos your taxi is booked and it will be a yellow tesla . is there anything else i can help you with today ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i needed . thanks so much ! eos O O O O O O O O O O O O O general-thank
+bos also , just in case you need it the contact number for the taxi is contact number 07633485095. is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no that is all thank you ! eos O O O O O O O O general-thank
+bos we are happy to help . thank you for using our service . eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a museum . eos O O O O O B-Attraction-Inform+Type O O N/A
+bos ok , there are 23 museums in cambridge , was there an area you had in mind , or a type of museum ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos how about a science museum ? eos O O O O O O O N/A
+bos how about the whipple museum of the history of science ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos that sounds cool , i will just need the area it 's in and the postcode . oh , and how much is the cost to get in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos this museum is free to enter . it is in the centre area , postcode cb23rh . is there any more information that you need ? eos O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes i am looking for an expensive korean restaurant in the city center . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos i have found one korean restaurant that matches your criteria , the restaurant is named little seoul . would you like me to make reservations ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes please . i need a table for 2 on wednesday at 11:15. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos little seoul does not have an empty table at 11:15. would you like to try a different time , or a different day ? eos O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O B-Booking-NoBook+Time O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos how about 10:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos your booking has been successful ! the reference number is bv8fodgd . can i help with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that will be all . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos where can i find a vietnamese restaurant in west cambridge ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A
+bos there is one vietnamese restuarant in the west area , thanh binh . can i book a table for you , if so how many will be dining ? eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos yes , please . i need a table for 8 on thursday at 17:00. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos it looks like that day and time are full . is there another day or time slot you would like to try ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos how about a table for 8 on thurday at 16:00 eos O O O O O O O O O O B-Restaurant-Inform+Time N/A
+bos i was able to book the table for your party of eight at 16:00. the reference number is rltot7x2 . can i help you with anything else ? eos O O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yeah , i need a place to go . i want to go to the museum and it should be in the west area . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there is a museum of classical archaeology on sidgwick avenue for free , and a cambridge and country folk museum located at 2-3 castle street for 3.50 pounds.there are also several free galleries in the area . can i give you more information on any of these ? eos O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O general-reqmore
+bos just the postcode for the cambridge and country folk museum , please . eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is at cb30aq eos O O O O O B-Attraction-Inform+Post N/A
+bos thank you . i also need a taxi to get between the restaurant and the museum . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos is there a specific time you would like the taxi to arrive at the restaurant or museum ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos by 16:00 and i need the contact number and car type please . eos O O B-Taxi-Inform+Arrive O O O O O O O O O O O Taxi-Request+Car
+bos i have successfully booked your taxi . you will be riding in a blue bmw . the company 's contact phone number is 07883192583. would there be anything else i could help with ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos i want to make sure that it will arrive by 16:00. can you please confirm ? eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O N/A
+bos i believe that will be the case . anything else i can help you with ? eos O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos no that will be all i need , thanks . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a nice day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i was wondering if you could help me find a restaurant in cambridge ? eos O O O O O O O O O O O O O O O Restaurant-Inform
+bos there are many restaurants in cambridge ! what type of cuisine or price range are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos actually can you help look for a park in the south area ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos there are 2 parks , wandlebury country park and sheep 's green and lammas land park fen causeway . do you need any additional information ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore
+bos i need to know if there 's an entrance fee and i also need the phone number . i 'm also looking for a restaurant called la mimosa . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Attraction-Request+Phone,Attraction-Request+Fee
+bos neither park has an entrance fee . the phone number for sheep 's green is 01223302580. wandlebury 's is 01223243830. eos O B-Attraction-Inform+Choice B-Attraction-Inform+Type O B-Attraction-NoOffer+Fee I-Attraction-NoOffer+Fee I-Attraction-NoOffer+Fee I-Attraction-NoOffer+Fee O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O N/A
+bos great . i am looking for a particular restaurant named la mimosa and i would like to book a table for 7 people . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+People O O N/A
+bos i would be happy to book that for you . which day would you like to dine and do you have a preferred time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i 'd like to dine at 16:00 on friday , please . eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos i have booked you a table for 7 , at la mimosa , on friday evening at 16:00. is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Book+Day O O B-Booking-Book+Time O O O O O O O O O O O O general-reqmore
+bos yes , can you give me the reference number on that reservation please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos yes , i 'm sorry . the reference number is h5kivrhs . is there anything else i could help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos nope , thats it . thanks ! eos O O O O O O O O general-thank
+bos thank you for allowing me to assist you with your cambridge towninfo adventures . enjoy you time , please let us know if there 's anything we can assist with in the future . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi , i want to visit a museum . eos O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are several museums in the cambridge area . is there a certain area of town you prefer ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Area
+bos any area is fine . perhaps the centre area if there is a good one there . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos i recommend primavera . it is located 10 king s parade , cb21sj . do you need the phone number ? eos O O O B-Attraction-Recommend+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O N/A
+bos yes phone number and postcode , thank uyou eos O O O O O O O O O N/A
+bos the phone number is 01223357708 and the postcode is cb21sj . is there anything else you 'd like me to do for you ? eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos as a matter of fact yes . i need a train that leaves after 13:15 on saturday eos O O O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos what will your destination be ? eos O O O O O O O Train-Request+Dest
+bos i will be coming from kings lynn to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos tr9346 leaves at 14:11. want to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O Train-OfferBook
+bos yes please book that for 8 people . eos O O O O O O O B-Train-Inform+People O N/A
+bos ok , the booking was successful , the total fee is 62.72 gbp payable at the station .reference number is : p1j7rwhq . can i help with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no , that will be all for today . thanks for your help today . it 's been appreciated . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a place to stay ? i am looking for an expensive hotel , but it does n't need free parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos unfortunately there are no hotels available that fit that criteria . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O N/A
+bos what can you recommend ? and please i need free wifi . eos O O O O O O O O O O O O O N/A
+bos there are 5 expensive hotels with free parking . i recommend the gonville hotel which has a 3 star rating . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O Hotel-Inform+Parking
+bos does it have free wifi ? is it in the north ? eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos it does have free wifi , but it is located in the centre , there are no expensive hotels in the north area . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O Hotel-Inform+Internet
+bos check for one in the moderate price range with that criteria . book something for 1 person for 4 nights starting on monday . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos would you prefer a hotel or a guesthouse ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i am looking for a hotel please . eos O O O O O O O O O Hotel-Inform
+bos ashley hotel is in the north in the moderate price range with a 2 star rating . free parking and wifi also . does this suit you to book your stay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , what is the reference number ? i also need a train that departs from cambridge by 12:30 can you assist with that ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O O O O O O O N/A
+bos unfortunately the booking was unsuccessful for the hotel eos O O O O O O O O O Booking-NoBook
+bos will you please try to book the hotel for 2 nights starting from monday ? eos O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos ok you are booked for 2 nights starting on monday at the ashley ( ref # mifn5ixj ) . what else can i help you with ? eos O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes i also need to find a train out of cambridge that arrives by 12:30 in norwich . eos O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A
+bos which day do you require the train ? eos O O O O O O O O O Train-Request+Day
+bos wednesday . i will need 1 ticket . eos O B-Train-Inform+Day O O O O B-Train-Inform+People O O N/A
+bos i have booked train tr9635 departing at 10:36 and arriving at 11:55. reference # un7qy0l4 . will you be needing anything else today ? eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no , that 's it . thanks ! eos O O O O O O O O O general-thank
+bos alright , thank you and goodbye ! eos O O O O O O O O general-bye
+bos i am looking for a place to eat by the name of city stop restaurant . eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos i have found the place you are looking for . its address is cambridge city football club milton road chesterton . would you like me to book a reservation ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform,general-greet
+bos can you get a table for one at 17:15 on thursday ? eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos of course , how many people would you like me to make the reservation for ? eos O O O O O O O O O O O O O O O O O Booking-Request+People
+bos just one . oh , and i 'll need the reference number . eos O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos yes . great ! i have you booked into the restaurant at 17:15 on a thursday for one person . your reference number is d0pc3woc . eos O O O O O O O O O O O B-Booking-Book+Time O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O general-greet
+bos thanks , i also need a cinema in the south for after my reservation please . eos O O O O O O O O O O O O O O O O O general-thank
+bos ok your reservation has been made , it will be honored for up to 15 minutes . is there anything else i can help you with . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos i need a cinema in the south for after my reservation . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos we have the cineworld cinema located there . would you like more information ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos sure that sounds nice . can you tell me about any entrance fees ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i ca n't find the entrance fee information for cineworld cinema but i do have a phone number . would you like that information ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O general-reqmore
+bos yes , please provide the phone number . eos O O O O O O O O O Taxi-Request+Phone
+bos the phone number is 00872208000 eos O O O O O B-Attraction-Inform+Phone N/A
+bos i need to book a taxi as well please to get me to the restaurant by 17:15. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i 'm happy to book you a taxi . where will you be departing from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet
+bos i 'll be departing from the cineworld cinema . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos all right . i was able to book that taxi for you . it will be a black audi . eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O general-greet
+bos can i get the contact number for the taxi , please ? thanks a lot . eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos the number is 07784569593. can i help you with anything else ? eos O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos nope , that 's everything . thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos you have a nice day as well ! eos O O O O O O O O O N/A
+bos thank you and enjoy your trip . eos O O O O O O O O general-bye
+bos i am looking for a train departing from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A
+bos there are many different options for trains departing cambridge . what date and time do you need a train on ? eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Depart O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to get to peterborough on friday , and i have to leave after 12:30. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O N/A
+bos the first train leaving after 12:30 is tr5650 and leaves at 12:34 to get you to petersborough at 13:24. would this suit your needs or would you like a later one ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O B-Train-Select+Choice I-Train-Select+Choice O Train-OfferBook
+bos i 'd like to book this train for 7 people , if possible . eos O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos you 're all booked ! 7 tickets from cambridge to peterborough at 12:34. your reference number is i9ubczw2 . eos O O O O O O O B-Train-OfferBook+Depart O B-Train-OfferBook+Dest O B-Train-OfferBook+Leave O O O O O B-Train-OfferBook+Ref O O N/A
+bos great . thanks for all your help . eos O O O O O O O O O general-thank
+bos you are more than welcome . enjoy the journey . eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for places in west cambridge that feature architecture . eos O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O N/A
+bos i am sorry , i am unable to locate an attraction in your desired location ? eos O O O O O O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O N/A
+bos how about a college then ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos there are 5 college 's in the west area . there is churchill , clare , clare hall , magdalene and queens . would you like me to book one today ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos can you give me the phone number for churchill ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos certainly , churchill college the phone number is 01223336233. what else can i do for you today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i am also looking for information about a restaurant called ugly duckling . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos of course ! ugly duckling is an expensive chinese restaurant in town center . would you like a booking there ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos can you tell me what kind of food the ugly duckling offers and where it is located ? i also need their phone number . thank you . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food
+bos the ugly duckling offers chinese food . the address is 12 st. johns street city centre . their phone number is unavailable . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O N/A
+bos thank you for all your help today . eos O O O O O O O O O general-thank
+bos is there anything else that i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that would be all . thank you . have a good day . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you . enjoy your stay . eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for fun things to do in the center of town . eos O O O O O O O O O O O O O O O N/A
+bos there are 44 different attractions in the centre area , were you looking for an entertainment venue ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos you choose for me . i just need the address and postcode . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos there is the holy trinity church . their phone number is 01223355397. the post code is cb23nz . is there anything else i can help you with ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore
+bos i do n't think a church is a place to have fun in town . could you find me a restaurant instead ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos sure . there are a total of 110 restaurants in town . do you have any preferences that would narrow down the list ? eos O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-Request+Food
+bos yes i am looking for one called peking restaurant . i 'd like a reservation for 8 on friday . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A
+bos i found the listing for peking restaurant in the south not the centre . if this is acceptable what time can i put the 8 of you down for ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O B-Booking-Inform+People O O O O Booking-Request+Time
+bos put me down for 12:30 eos O O O O O B-Restaurant-Inform+Time N/A
+bos staudct0 is your confirmation number eos O B-Booking-Book+Ref I-Booking-Book+Ref O O O N/A
+bos i 'll also need a cab from the church to the restaurant , please . eos O O O O O O O O O O O O O O O O Restaurant-Inform
+bos what time would you like to leave the church ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave with enough time to get to the restaurant at 12:30. how long will the cab ride be ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O N/A
+bos i have booked a yellow toyota for you . their number is 07739750198. i do not know how long the cab ride is , i apologize . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O N/A
+bos thank you , it 's fine . eos O O O O O O O O general-thank
+bos do you need anything else today ? eos O O O O O O O O general-reqmore
+bos no , that 's all . thank you . eos O O O O O O O O O O general-thank
+bos thank you for using our service ! goodbye ! eos O O O O O O O O O O general-bye
+bos i 'd like to find something fun to do in the center of town . eos O O O O O O O O O O O O O O O O N/A
+bos sorry , there 's no entertainment in the centre of town . would you like me to check surrounding areas ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area
+bos are there any movie theaters ? eos O O O O O O O N/A
+bos there 's one - vue cinema . they have no entrance fee and their phone number is 08712240240. can i help with anything else today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get the address for the cinema please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos the address is the grafton centre , east road . do you need any more information ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos i am also looking for a train . eos O O O O O O O O O Train-Inform
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i am in cambridge for the week and want to know what museums that you guys have there . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are 23 museums in cambridge , would you like to know of any in a specific area , or would you like a recommendation ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos could you give me a recommendation ? eos O O O O O O O O N/A
+bos i would suggest byard art . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos what is the phone number for that place ? eos O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223464646. is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , can i get the postcode ? eos O O O O O O O O O N/A
+bos the postcode is cb21sj . eos O O O O B-Attraction-Inform+Post O N/A
+bos what part of town is that on ? i 'll also need a train on friday . eos O O O O O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos byard art is on the south end of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O N/A
+bos and a train for friday ? i need to leave cambridge and arrive in ely by 21:45. eos O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O N/A
+bos the tr6053 meets your criteria and arrives at 20:07. would you like to book tickets ? eos O O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no thank you . can i please have the departure time ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos i 'm sorry it leaves at 19:50 eos O O O O O O B-Train-Inform+Leave O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos did you need any help with anything else or have i met your needs today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos you have met my needs , thank you . eos O O O O O O O O O O general-thank
+bos no problem , thank you for letting me assist you today . have a great day ! eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos know anywhere that has european food ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos sure , there are lots of good european restaurants in town . is there a price range that you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes actually , can we find something in the moderate price range ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos how about the galleria in the town centre ? i could make a reservation for you if you wish . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform
+bos that would be greatly appreciated . i will have one other person with me , this will be on sunday at 18:15. also could i get the reference number ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref
+bos you are all set for sunday . the reference number is 7w544x5o . is there anything else i could help you with ? eos O O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using our service . have all of your needs been met ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos that should be all i need , thank you . eos O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for using the cambridge towninfo centre . eos O O O O O O O O O O O O O O general-bye
+bos thanks i appreciate it . bye ! eos O O O O O O O O general-bye
+bos alright , thank you . goodbye . eos O O O O O O O O general-bye
+bos i am looking at a place to eat that serves venetian food in the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos unfortunately , i do n't see any restaurants that serve venetian in the centre of town . would you like to try a different area or type of cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos do you have any chinese restaurants ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos yes there are 10 in the centre of town . any price preference ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Restaurant-Request+Price
+bos i was hoping for an expensive restaurant . eos O O O O O O B-Restaurant-Inform+Price O O N/A
+bos there are 4 expensive restaurants that are located in the town centre . the ugly duckling , tang chinese , hk fusion , and sesame restaurant and bar , would you like information on one ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select
+bos can i book at the ugly duckling for 4 people , at 12:00 on wednesday please ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos great you 're all set the reference number is 48mb42od eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you ! ca n't wait ! eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos that 's all i needed . thanks eos O O O O O O O O general-thank
+bos you 're quite welcome . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for college attractions in the centre . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos i have about 13 different colleges in that area . might i suggest saint john 's college . it does have a small entrance fee of 2.50 pounds but is one of the nicest . eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O N/A
+bos that is a wonderful suggestion . what is the address and may i have their phone number ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos they are located on saint john 's street and their number is 01223338600. eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O N/A
+bos great ! also i would like to find a place to eat . somewhere in the same area and expensive . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos there are 33 expensive restaurants in the centre . what type of food do you feel like having ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care about the type of food . do you have a suggestion ? eos O O O O O O O O O O O O O O O O O N/A
+bos there is a great seafood place in the city centre called loch fyne . they have some of the best reviews overall . would you like more info about them or a table ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos that sounds great . please book a table for 1 at 19:45 on monday . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i booked your reservations at loch fyne for monday at 19:45 the reference number is 4a4fodse . is there anything else i can do for you ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos nope , that 's all i need today . thank you for your help - goodbye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos you are very welcome . i hope you enjoy your trip and have a fantastic day ! call anytime for assistance . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome
+bos hi i 'd like to book a taxi eos O O O O O O O O O Taxi-Inform
+bos do you mean book a train ? eos O O O O O O O O general-reqmore
+bos i would like to book a table for 3 at the lucky star on monday at 12:00. eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos this particular time is not available , do you have an alternative time or restaurant you 'd like to try ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos could you try monday at 11:00 ? eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos the booking was successful your reference number is r7nxaor7 eos O O O O O O O O O B-Booking-Book+Ref N/A
+bos great ! i do need a train , too . i need to leave from cambridge and arrive at my destination by 9:45. eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos there are many results leaving from cambridge , where is your destination ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O Train-Request+Dest
+bos the train should go to london liverpool street eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos alright , what day will you be travelling ? eos O O O O O O O O O O Train-Request+Day
+bos i will be traveling tuesday . eos O O O O O B-Train-Inform+Day O N/A
+bos ok i have one train that will get you there by 9.27 would you like me to go ahead and book that for you ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes please book for 3 people , i also need a reference number . eos O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos i have 3 tickets booked for you , the reference number is drky3x21 . eos O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much for your help today . i greatly appreciate it . eos O O O O O O O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-greet
+bos what types of colleges are there around the centre eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area N/A
+bos i have 13 colleges to choose from . may i suggest christ 's college ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos that is perfect , can i get the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos christ 's college 's postcode is cb23bu . would you also like their phone number or address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos can you tell me where restaurant alimentum is eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos yes , it serves modern european cuisine and is located in the south area , would you like me to book you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes please , i need a table for 3 people at 16:45 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your reservation is all set , ref # e60ewj8s . is there anything else we can help you with today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i will also need a taxi , from the college to the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i can definitely help you with that ! i assume you would like to make it in time for that reservation , right ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos yes , i would . can you give me the contact number and car type when you book that , please ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos all set ! your car is a blue ford and the contact number is 07068268863. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you so much . goodbye ! eos O O O O O O O O general-bye
+bos you 're welcome . enjoy ! eos O O O O O O O general-bye
+bos i need a taxi from the missing sock and i need to get to my destination by 08:30. can you help ? eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos i can help you with that . where are you going ? eos O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'm going to el shaddai eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos okay your booking is complete . be on the lookout for a white volkswagen eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos i will also need the contact number please . eos O O O O O O O O O O N/A
+bos their contact number is 07053289961. do you need any further assistance ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , thank you ! eos O O O O O O general-thank
+bos you are welcome . thank you for contact us . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i need to find the nearest police station . eos O O O O O O O O O O Police-Inform
+bos the nearest police station is in parkside , cambridge , cb11jg eos O O O O O O O O O O O O N/A
+bos great , thanks . do you also have their telephone number ? eos O O O O O O O O O O O O O Police-Request+Phone
+bos yes , their phone number is 01223358966. eos O O O O O O O O N/A
+bos do you have an address for them ? eos O O O O O O O O O Police-Request+Addr
+bos what i have for them is parkside , cambridge . eos O O O O O O O O O O O N/A
+bos great , thanks very much for the help . eos O O O O O O O O O O general-thank
+bos you 're welcome . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O general-welcome
+bos no , that is . good bye . eos O O O O O O O O O general-bye
+bos thanks for using our services . eos O O O O O O O general-greet
+bos hi there , i 'm looking for a train going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos i need to narrow down the search for you . where are you heading ? eos O O O O O O O O O O O O O O O O Train-Request+Dest
+bos as i said , i am heading to cambridge . eos O O O O O O O O O O O N/A
+bos i 'm sorry , to help narrow down the results please reply with where you will be departing from and your requested arrival/departure time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart
+bos i need to arrive by 14:00 eos O O O O O O B-Train-Inform+Arrive N/A
+bos there is a train depart at 13:11 and arrive by 13:58. would that work for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , what is the id ? eos O O O O O O O O Train-Request+TrainID
+bos please confirm where you are coming from . are you leaving from london -- king 's cross station ? or from somewhere else ? eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O Train-Request+Depart
+bos oh , i 'll be departing from bishops stortford , yes , thanks . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O N/A
+bos tr0516 arrives at 12:07 , would you like to reserve seats ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O O O Train-Inform
+bos yes please . i would like to travel on tuesday eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos i 'm sorry for the mix-up , train tr0516 is not available on tuesday . i do have tr4173 available but it arrives in cambridge at 12:07. will this work ? eos O O O O O O O B-Train-NoOffer+Id I-Train-NoOffer+Id O O O B-Train-NoOffer+Day O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O N/A
+bos yes , please book for 2 people./ eos O O O O O O B-Train-Inform+People O N/A
+bos you are booked . you 'll pay 20.2 pounds at the station . your reference number is es8zdmr2 . may i help with anything further ? eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no , thank you . that 's all . thanks ! eos O O O O O O O O O O O O general-thank
+bos thanks a lot eos O O O O general-bye
+bos have a great day . eos O O O O O O N/A
+bos you too ! please let us know if there 's anything else we can help you with . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos help i 've been robbed . i need help . eos O O O O O O O O O O O N/A
+bos please contact the parkside , cambridge police station , the telephone number is 01223358966 eos O O O O O O O O O O O O O O O N/A
+bos i need their postcode also please . eos O O O O O O O O Police-Request+Post
+bos the postcode is cb11jg . eos O O O O O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos yes , i was wondering what the location is of addenbrookes hospital . eos O O O O O O O O O O O O O O Hospital-Inform
+bos that hospital is located on hills rd , cambridge . eos O O O O O O O O O O O N/A
+bos thank you . could you please get me the phone number ? eos O O O O O O O O O O O O O Hospital-Request+Phone
+bos the main hospital phone number is 01223245151. were you looking for a specific department ? eos O O O O O O O O O O O O O O O O N/A
+bos no , that 's all thanks eos O O O O O O O general-thank
+bos happy to help . feel free to call back if any additional questions come up . have a good day . eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train please . eos O O O O O O O O O Train-Inform
+bos certainly . on what day do you want me to look ? eos O O O O O O O O O O O O O Train-Request+Day
+bos on tuesday from cambridge to norway leaving at 2030 hrs eos O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O N/A
+bos i 'm sorry , could you confirm your destination so i can get an accurate schedule . eos O O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos i 'm sorry , i meant norwich , not norway . eos O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos i could n't get you to norway but norwich is much more doable . i 've got the tr2181 to norwich leaving at 20:36 with a fare of 17.60gbp . would that suit you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that would be perfect . could you book it for 1 person and provide me a reference number ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos 4ssokt22 is your reference number . what else may i do for you ? eos O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , thank you . good bye eos O O O O O O O O general-bye
+bos okay , have a great time and be safe . eos O O O O O O O O O O O general-bye
+bos i want to leave for cambridge by train on wednesday . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos okay , where are you departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i 'll be coming from london kings cross eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos when do you want to leave london kings cross ? eos O O O O O O O O O O O Train-Request+Leave
+bos i will leave on wednesday eos O O O O O O N/A
+bos how about tr5725 that leaves at 05:17 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos that will work . will you please book it for 5 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos it is booked and your reference number is ekdnfgb7 . is there anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos that is all i needed . thanks ! eos O O O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-welcome
+bos oh , hey , can you tell me where parkside police station is located ? eos O O O O O O O O O O O O O O O O Police-Inform
+bos parkside police station is located in parkside , cambridge postcode cb11jg . eos O O O O O O O O O O O O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i need a taxi to go to cambridge punter . eos O O O O O O O O O O O Taxi-Inform
+bos i can help you with that , where are you departing from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm leaving from addenbrookes hospital . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos what time would you like to leave addenbrookes hospital ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave the hospital after 08:15 , please . eos O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos your taxi is booked . look for a blue toyota . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos what is the contact number for the blue toyota ? eos O O O O O O O O O O O N/A
+bos the contact number is 07738411271. is there anything else we can help you with ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that was all , thank you ! eos O O O O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-bye
+bos i need a taxi after 21:45 to take me to jesus college . eos O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i 'd be happy to help ! where are you coming from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i am coming from 4455 woodbridge road . it 's the hotel next to the shell gas station and cambridge college . eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos what is the name of the hotel you are coming from ? eos O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm coming from thanh binh . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos i have that booked a yellow skoda with contact number 07116573501. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A
+bos thank you for your help , goodbye . eos O O O O O O O O O general-bye
+bos my pleasure . enjoy your day . eos O O O O O O O O general-bye
+bos hi , i am traveling to cambridge and i am looking for things to do in the city centre . can you help me find something to do ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos there is a lot to do in the centre is there a type of attraction you want ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Type
+bos i have no preference . pick any for me and please tell me the attraction type , entrance fee and phone number . eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type
+bos all right . great saint mary 's church is one our many churches famous for architecture . it 's 2 pounds to get in , and their number is 01223350914. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Phone O O O O O N/A
+bos i am also looking for a restaurant that serves korean food , and is located in the same area as great saint mary 's church . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos little seoul is on 108 regent street city centre . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O Booking-Inform
+bos no thank you . can you provide me with their phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223308681 eos O O O O O B-Restaurant-Inform+Phone N/A
+bos thank you . do you also book taxis ? i would like one from saint mary 's to the little seoul . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A
+bos what time would you like to travel by taxi ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i want to leave the church by 1:00. eos O O O O O O O O O N/A
+bos i have booked you a taxi . the car type is a yellow audi and the contact number is 07332260834. can i help with anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no that will be all for today . thanks alot . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm planning a trip to cambridge and looking for a train to get me there . can you help me find one please ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O N/A
+bos we have many trains to cambridge , where are you departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge and i would like to go to london kings cross . i would like my train to arrive by 09:15 and leave on friday . eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A
+bos the tr8026 arrives in london kings cross by 07:51 , can i book a ticket for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes please book a round trip ticket for 10 people . eos O O O O O O O O O O B-Train-Inform+People O N/A
+bos okay , the train is booked . the fee is 236 gpb and the reference number is em9qisg0 . can i help you with anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i need a hotel with free parking and free wifi . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i have many hotels that fit those needs , is there a certain area of town you wanted me to book you near ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it does not matter but i would like it to have a star rating of 0. eos O O O O O O O O O O O O O O O O O N/A
+bos there are no hotels that fit that criteria . would you like me to look for another star rating ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos what about a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A
+bos there are 2 choices . city centre north b and b and el shaddai . would you like to make a reservation ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos what is the price range of those hotels ? eos O O O O O O O O O O Hotel-Request+Price
+bos both guesthouses are in the cheap price range . do you want me to book one ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos not at this time . thank you for all the information . i 'm all set . good bye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a nice day , goodbye eos O O O O O O O general-bye
+bos i need train tickets that leave friday going to london liverpool street please , can you help me ? eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O N/A
+bos yes i can help . the tickets cost 16.60 pounds and the trip is 88 minutes long . when you you like to leave ? eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-Request+Leave
+bos i just need to arrive by 15:45 leaving from cambridge . eos O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O N/A
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos just one . can you give me the train id , please ? eos O O O O O O O O O O O O O O Train-Request+TrainID
+bos the train id is tr4187 . would you like me to book this for you ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos i 'm also looking for a expensive restaurant located in the north . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A
+bos i have 5 different restaurants . i have an asian oriental , two chinese , a european , and a french restaurant . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select
+bos european food , please . eos O B-Restaurant-Inform+Food O O O O N/A
+bos ok i can book that for you , do you have a particular time you would like ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Time
+bos no particular time . i just need the phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos ok great . the restaurant is named city stop restaurant and their phone number is 01223363270. can i help you with anything else today ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no , thanks , you 've been great , i do n't need anything else . eos O O O O O O O O O O O O O O O O O general-thank
+bos ok great ! i hope that you enjoy your travels ! thank you for contacting the cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for information about a particular restaurant in cambridge that people are talking about . it is named saint johns chop house . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos yes , people are talking about it . saint john 's chop house is a moderately-priced restaurant in the west part of town that serves british food . would you like to book a table ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform,general-greet
+bos no , thank you . i just need the area and phone number . eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone
+bos they are located at 21 - 24 northampton street , postcode cb30ad and phone number 01223353110. eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone O N/A
+bos i am also looking for places to go in town . the attraction should be in the centre and should be in the type of theatre eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type N/A
+bos there is adc theatre , cambridge arts theatre , mumford theatre and the cambridge corn exchange theatre , which one could you prefer ? eos O O O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O O O N/A
+bos pick one for me . i do meed address and entrance fee information , please . eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos how about adc theatre on park street , cb58as ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O N/A
+bos sounds good . what is the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee
+bos we do n't have that information with us eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos alright . that 's everything i needed . thanks . eos O O O O O O O O O O O general-thank
+bos are you certain you do not need anything else ? eos O O O O O O O O O O O general-reqmore
+bos that would be all thank you eos O O O O O O O general-thank
+bos thank you for calling the cambridge towninfo centre . enjoy your stay . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a hospital with a diabetes and endocrinology department please . eos O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A
+bos addenbrookes hospital diabetes and endocrinology department phone number is 01223217323 eos O O O O O O O O O O O N/A
+bos what is the postcode ? eos O O O O O O Hospital-Request+Post
+bos the postcode is cb20qq eos O O O O O N/A
+bos i am looking for a hotel to stay at in cambridge . can you recommend a place on the east side ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos how about the express by holiday inn cambridge ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos does it have free wifi and parking ? eos O O O O O O O O O N/A
+bos yes . the express by holiday inn has both free parking and free wifi . would you like to reserve a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos could you please provide me the phone number of the hotel ? eos O O O O O O O O O O O O O Hotel-Request+Phone
+bos yes . the phone number is 01223866800. is there anything else i can help you with today ? eos O O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos i am also looking for a train on saturday . eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos there are many trains available . where is your departure and destination ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos from cambridge to norwich . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos we have 19 options available to you . is there a specific departure or arrival time you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart
+bos i need to leave after 8:15 , please . i also need the travel time for that eos O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos tr1062 leaves at 8:36 and the ride would last 79 minutes . should i book that one for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos no , i think i can do that myself . thank you for all your help today . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome
+bos you too , thanks ! eos O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . please consider us for your future travel needs ? eos O O O O O O O O O O O O O O O O O O general-greet
+bos i am looking for a guesthouse that has free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Hotel-Request+Price
+bos i do n't care about that . i do want a place with a 4-star rating . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos there are 16 entries here . personally i recommend allenbell . eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name O O N/A
+bos that sounds good as long as it 's got parking . can you get me the address ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos how about the allenbell ? the address is 517a coldham lane . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A
+bos sounds great . thanks for your help , that is all i need . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos thank you and have a great day , goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a train leaving from cambridge this thursday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A
+bos in order to better assist you , may i please have your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos i 'm going to king 's lynn , and i need to arrive by 21:00. eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos there are 16 trains traveling that path that will arrive no later than 21:00. the earliest leave time is 5:11 a.m. is there a time that you would like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Leave
+bos please get me a ticket for one that leaves at 5:11 a.m and send me the reference number . eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos i have successfully booked you a ticket for 05:11 on thursday . the total fee is 9.8 gbp , payable at the station . the trainid is tr7239 , and your reference number is hlsa9r72 . is there anything else i can do for you today ? eos O O O O O O O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos yes ! i am looking for a restaurant that serves corsica food and it should in the centre . can you find me a place to dine ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos i could not find any matches for the criteria you mentioned . perhaps there is another area or food type you would like to look for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos can you check if these is any corsica restaurants anywhere ? eos O O O O O O O O O O O O Restaurant-Inform
+bos no , i am sorry no matches found . another type of cuisine possibly ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , how about something that serves indian food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i found 5 restaurants that serve indian food . how about the golden curry ? it 's an expensive restaurant . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O O N/A
+bos that sounds great ! go head and make a reservation for 1 for 13:00 on thursday , please . i would like the reference number as well . eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A
+bos great your reservation was successful the reference number is vc1ikxj9 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos actually , i was looking for an cheap restaurant . are there any cheap indian restaurants . if so , let 's cancel that reservation . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos you have a new one at a cheap restaurant , reference 45j21vv5 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos what is the name of the restaurant ? eos O O O O O O O O O Restaurant-Inform
+bos the name of the restaurant is kohinoor . is there anything else i can help you with ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O general-reqmore
+bos no , thanks . i am all set . eos O O O O O O O O O O general-thank
+bos great . have a great day . eos O O O O O O O O general-bye
+bos are there any pricey russian restaurants in cambridge ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos my system is not pulling up any expensive russian restaurants . would you like to try another cuisine or price range ? eos O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos yes i would like moderately priced european please . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos how about galleria at 33 bridge street ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos no you know what . how about indian food instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos yes what area would you like it to be in ? eos O O O O O O O O O O O O Restaurant-Request+Area
+bos actually , i want indian food not european food . eos O O O O O O O O O O O N/A
+bos in what area would you like the indian food to be in ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O Restaurant-Request+Area
+bos i would like the indian restaurant to be in the west . eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A
+bos i have the megha located at 205 victoria road chesterton . would you like reservations ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O Booking-Inform
+bos yes can you please book a reservation for 3 people at 12:45 on thursday ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3oo6s8az . can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need train tickets for my group . i need it to leave by 8:30 from norwich to cambridge . same day please . eos O O O O O O O O O O O O O O O O B-Train-Inform+People B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O N/A
+bos alright i found you the tr3948 that leaves at 07:16. would you like me to book it for you ? eos O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes please . i 'll need 3 tickets . eos O O O O O O B-Train-Inform+People O O O N/A
+bos you are booked on tr2398 . the total fee is 52.8 gbp . your reference number is 7jqyrema . departs at 09:16 and arrives at 10:35. may i help with anything else ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore
+bos that 's all , thanks a lot man ! you were awesome ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . may i assist you in any other way today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you , that was everything ! eos O O O O O O O O O general-thank
+bos the meghna is located at 205 victoria road in chesterton . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O Booking-Inform
+bos i 'm sorry i do n't know what you 're talking about . i have gotten everything i need . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am glad to have been assistance . eos O O O O O O O O O general-bye
+bos i need a good place to eat dinner . i like italian , what do you suggest ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos sure ! there are plenty of options . do you prefer a certain area or price range ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos i do not have a preference in price . eos O O O O O O O O O O Train-Request+Price
+bos i can suggest the pizza express in the centre . would you like more information on that ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O O O O O O general-reqmore
+bos please make a booking for a table of 2 at 16:15 on thursday and provide the reference number . i also need to look for a train . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i booked you a table for 2 for thursday at 16:15 at the pizza express . your reference number is 6pxrdihg . now let me help you with the train eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O Train-OfferBook
+bos great . i will be leaving london kings cross and want to get to cambridge by 11:45 the day i eat at the restaurant . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O N/A
+bos i have a 9:17 train that will get you into cambridge by 10:08. eos O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos okay , may i please have the travel time and price ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time is 51 minutes and the per ticket price is 23.60gbp . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Ticket O N/A
+bos thank you so much , i will book later . have a great day , you have been helpful . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos feel free to contact us again should you need more assistance . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm going to cambridge and i need a train that arrives by 16:00. eos O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O N/A
+bos where will you be departing from and what time will you be leaving ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i will be departing from stansted airport and i want to leave on thursday eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Day N/A
+bos ok , the tr3076 train arrives at 15:52. would you like to book that one or consider other options ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-OfferBook
+bos yeah , book that one . eos O O O O O O O N/A
+bos how many tickets would you like me to book for you ? eos O O O O O O O O O O O O O Train-Request+People
+bos i want to book for six people . i also want a restaurant . the restaurant should serve northern european food and should be in the centre eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i have made the train reservations your reference number is hhqdga03 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you . i 'm also looking for a restaurant that serves northern european food in the centre . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos i have several options what price range were you looking for ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price
+bos how about northern european ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i 'm sorry , i was mistaken . i do not have a northern european restaurant in the centre of town . eos O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O general-greet
+bos okay , how about italian food ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes i have 9 to choose from . what price range would you like ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price
+bos probably cheap would be best eos O O B-Restaurant-Inform+Price O O O N/A
+bos there are several to choose from . there 's pizze hut city centre , ask , and also zizzi cambridge . does one of those sound good ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O N/A
+bos can you pick one for me ? eos O O O O O O O O N/A
+bos absolutely ! i really enjoy zizzi cambridge . would you like me to make a reservation there for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O Booking-Inform,general-greet
+bos sure . sounds good . i need to book it for the same group of people on the same day at 20:15. can i please have the reference number as well ? eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A
+bos booking was successful . reference number is : be27dmzm . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks for your help ! that is all i needed today . eos O O O O O O O O O O O O O general-thank
+bos may i look anything else up for you ? eos O O O O O O O O O O general-reqmore
+bos that is all i need today good bye . eos O O O O O O O O O O general-bye
+bos thank you goodbye . eos O O O O O general-bye
+bos i need a train leaving arriving in stevenage . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos i 'm sorry , can you clarify your departure and destination sites ? also , what day and time are you planning to leave ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos i am departing from cambridge and going to stevenage . this will be for saturday and i want to arrive by 15:45 eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A
+bos tr6998 will leave cambridge on 13:21 and arrive at stevenage at 14:10. the price is 10.24 pounds . would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook
+bos yes . please book for 6 people . eos O O O O O O B-Train-Inform+People O O N/A
+bos your booking was successful , the total fee is 61.44 payable at the station . reference number is : k6e4v6xo . will there be anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i also need food eos O O O O O N/A
+bos i have 110 restaurants to choose from . is there a particular area or type of food you 'd prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos looking for something in the cheap price range that serves danish food . if that is not available then chinese food . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos charlie chan is a cheap chinese place located in the centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos for the reservation , i need to know the day , number of guests and the time please . eos O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time
+bos for 6 people at 11:15 on saturday . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos table for 6 at 11:15 on saturday at charlie chan . they will hold your table for up to 15 minutes after your reservation . your reference # is : uqqi88m8 . eos O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you that is all i needed . good bye . eos O O O O O O O O O O O O general-bye
+bos have a nice day , goodbye ! eos O O O O O O O O general-bye
+bos hi . can you help me find a train ? eos O O O O O O O O O O O Train-Inform
+bos i sure can ! do you have a destination in mind ? eos O O O O O O O O O O O O O Train-Request+Dest
+bos i 'm going to broxbourne . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos ok. what day will you be traveling ? eos O O O O O O O O O Train-Request+Day
+bos i would like to leave on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from cambridge . eos O O O O O O O O N/A
+bos is there a certain time you would like to leave ? eos O O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to leave at 20:15. there will be 8 people traveling with me . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+People O O O O O N/A
+bos booking was successful , the total fee is 143.19 gbp payable at the station .reference number is : zkt87gl0 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos can you also help me find some information on a restaurant ? it is called pizza express . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos is that just pizza express or pizza express fen ditton ? eos O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name N/A
+bos just pizza express please . eos O O O O O O N/A
+bos pizza express is a moderately priced italian restaurant in the centre . do you want a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos yes please , 8 people at 12:30 on tuesday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i ca n't make that reservation right now . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos can you try for thursday then ? eos O O O O O B-Restaurant-Inform+Day O O N/A
+bos ok ! you 're booking was successful . your reference number is 662alfuf . anything else i can do ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that 's all i needed today . thanks for your help . goodbye ! eos O O O O O O O O O O O O O O O general-bye
+bos i am always happy to assist ! bye ! eos O O O O O O O O O O general-bye
+bos i need a friday train , to arrive by 19:30. eos O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A
+bos there are many trains ! where are you coming from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O Train-Request+Depart
+bos i am heading to broxbourne from cambridge . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos is there a certain time you would like to leave ? eos O O O O O O O O O O O O Train-Request+Leave
+bos no , i just know that i need to arrive by 19:30. eos O O O O O O O O O O O O O N/A
+bos tr2436 will arrive in broxbourne at 19:01. would you like me to book a ticket for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes please for four people eos O O O O O O N/A
+bos i have you booked on train tr2436 for 4 people , your reference number is ugrozaq1 . 71.59 is payable at the station , can i help with anything else ? eos O O O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for an expensive restaurant to dine at earlier the same day . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos did you have a particular type of cuisine you were looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i am flexible on the cuisine . but i would like something in the centre of town that is expensive . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos i recommend fitzbillies restaurant . it is an expensive restaurant in the centre that serves british cuisine . would you like to make a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform
+bos book for the same group of people at 12:45 on the same day eos O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos i will book it for you and get a reference number eos O O O O O O O O O O O O Booking-Inform
+bos hello , i 'd like some information on a restaurant in the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos i have many types of restaurants in the center . what type of cuisine are you looking for ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food
+bos i would like african food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i highly recommend bedouin located at 100 mill road city centre . it is in the expensive range . would you like me to book you a table ? eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Price O O O O O O O O O O O O O Booking-Inform
+bos yes , please . for 7 people starting at 11:15 on sunday . eos O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i was able to book the table for you , your reference number is 1crco6ht they will hold the table for 15 minutes . do you need anymore assistance ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos i would also like to find a train that would arrive at 19:45 and depart from cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O N/A
+bos what is your destination and travel day ? eos O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos train should go to kings lynn and should leave on monday eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Day N/A
+bos your best bet would be tr7803 , leaving cambridge at 18:11 and arriving king 's lynn at 18:58. would you like a ticket ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please that sounds good ! eos O O O O O O O N/A
+bos how many tickets should i book you for ? eos O O O O O O O O O O Train-OfferBook
+bos i apologize . i dont need to book tickets . but can i please get the travel time . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 47 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks . that 's really all i need . goodbye . eos O O O O O O O O O O O O general-bye
+bos your welcome , have a great day ! eos O O O O O O O O O general-welcome,general-bye
+bos i looking for a restaurant in centre . eos O O O O O O O B-Restaurant-Inform+Area O N/A
+bos dojo noodle bar is a nice restaurant in the centre of town , it serves asian oriental food . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O N/A
+bos is that restaurant moderately priced ? eos O O O O B-Restaurant-Inform+Price O O N/A
+bos what criteria are you searching for concerning dining ? eos O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area
+bos i 'm looking for a moderately priced european restaurant located near the centre ? eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A
+bos great , i have 4 options for you to choose from ! eos O O O O O B-Restaurant-Inform+Choice O O O O O O O N/A
+bos please make a suggestion and provide the postcode , address , and phone number . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the hotel du vin and bistro is my favorite . address is 15 - 19 trumpington street cb21qa , phone 01223227330 eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Phone O O N/A
+bos i 'm also looking for a train that leaves after 20:15 on saturday . i need to go to kings lynn from cambridge please . do you have anything ? eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O N/A
+bos yes , the tr6633 leaves at 21:11 and arrives by 21:58. would you like me to make a reservation for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes please . book it for four people and send me the reference number . eos O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your train is booked , the total fee is 31.36 gbp payable at the station and the reference number is : 63qmg2xo . may i help you with something else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos do you know where i can find the peking restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos the peking restaurant is located at 10 homerton street in centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area O N/A
+bos what is the price range ? eos O O O O O O O Restaurant-Request+Price
+bos the peking restaurant is an expensive restaurant . were you interested or did you want to keep looking ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos what type of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food
+bos they serve chinese food . would you like to make a booking today ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform
+bos maybe but could i have the postcode , food preference and phone number fot this indiana restaurants ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food
+bos i 'm sorry , i do n't see any indiana restaurants . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A
+bos no , if i could get the phone number for the peking restaurant , that would be good . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Restaurant-Request+Phone
+bos you can phone them at 01223354755. what else can i do for you ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos that was all i needed . thank you , eos O O O O O O O O O O general-thank
+bos your welcome . please contact us anytime . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for some info on rice house restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos rice house has cheap food and is located at 88 mill road city centre . may i book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yes , i 'd like a table for a party of 8 at 11:15 on thursday . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : 5ma263eb . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i was hoping to eat for longer than that . any chance you could book it for at least one hour ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your booking has been successful . there is no direct time limit for your meal once you arrive . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos ok thank you very much for your help . eos O O O O O O O O O O general-thank
+bos you are very welcome ! have a great time ! goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos are there any proper hotels in the south ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A
+bos yes , the lensfield hotel is an expensive hotel in the south with 3 stars , free wifi , and free parking . it 's located at 53-57 lensfield road cb21en . would you like to book ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok , are there any hotels in the cheap price range in the south part of town ? eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i 'm not finding any . would you care for another part of town ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos can we check for guesthouses ? eos O O O O O B-Hotel-Inform+Type O N/A
+bos rosa 's bed and breakfast is a guesthouse in the south area that meets your preferences . would you like me to make a reservation for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , that will work . eos O O O O O O O N/A
+bos when would you like to visit ? eos O O O O O O O O Booking-Request+Day
+bos i do n't need a reservation right now , but does rosa 's b & b have internet ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yes they do ! do you have any other questions about rosa 's ? eos O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos i really need internet . can you tell me if they have free wifi ? eos O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yes , rosa 's absolutely has free wifi . can i book a room for you ? eos O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no , that 's fine ! eos O O O O O O O N/A
+bos sure . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using our services & have a good day . eos O O O O O O O O O O O O O general-bye
+bos hi , can you help me find a train out of cambridge for my upcoming visit ? eos O O O O O O O O O O O B-Train-Inform+Depart O O O O O O N/A
+bos absolutely . where would you be traveling to and for what day ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos monday , to broxbourne . eos O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A
+bos there are several trains that leave that day what time would you like to leave and where will you be going eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i will be traveling to broxbourne and would like to leave after 20:45. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave N/A
+bos i have a train leaving at 21:01. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes for 5 people please . eos O O O O B-Train-Inform+People O O N/A
+bos the booking was successful the total price is 89.5 that you can pay at the station and your reference number is 4na0wk3r . eos O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos great , thanks . can you tell me some information on the cambridge arts theatre please ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos its a theatre located in the centre of town , it does not list the entrance fee ... but i can give you their number if you would like to call them eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , please and could you give me their hours of operation ? eos O O O O O O O O O O O O O O N/A
+bos hours of operation are not available to us , you would have to call them , any other questions ? eos O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes i need their postcode . eos O O O O O O O Attraction-Request+Post
+bos there postcode is cb23pj . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos and what area are they in ? eos O O O O O O O O Attraction-Request+Area
+bos they are located within the city center . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos is there anything else you 'd like my help with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . goodbye . eos O O O O O O O O O O general-bye
+bos thanks and have a good day ! eos O O O O O O O O general-bye
+bos i want to get a train out of cambridge that departs after 20:45 please . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O N/A
+bos what is your destination and day of travel ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i wish to go to new york city leaving this friday . eos O O O O O O O O O O O O O N/A
+bos i 'm sorry , but i ca n't help you with travel outside of cambridge and the surrounding areas . eos O O O O O O O O O O O O O O O O O O O O O Train-NoOffer
+bos ok. how about a train to the stansted airport ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i found three , one leaving at 21:40 , 22:40 , and 23:40 which would you like to go ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Select
+bos i would like to book the 21:40 train on wednesday for one person please . i also need a reference number please . eos O O O O O O O B-Train-Inform+People O O B-Train-Inform+Day O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 10.1 gbp payable at the station . your reference number is : vj3zao4f . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking to eat some north african food . can you help me find a restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos i can not find any restaurant that serves north african food in the area . eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O N/A
+bos how about thai food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are 2 restaurants that serve thai food ; one in the west and one in the centre . do you have a location preference ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Select
+bos the one in the west works please . can you pleas book it for me on the same day at about 13:15. eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A
+bos how many people will be dining ? eos O O O O O O O O Booking-Request+People
+bos i 'll be dining alone . eos O O O O O O O N/A
+bos unfortunately no table is available at that time do you have another time ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos could you please check for a table at 12:15 and can i have the reference number ? eos O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos alright , i have you booked at sala thong at 12:15. reference number is : qih3g407 . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that should be everything . thank you very much ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome - safe travels ! eos O O O O O O O O general-welcome,general-bye
+bos i need a 16:30 taxi . eos O O O O B-Taxi-Inform+Leave O O N/A
+bos i 'd be happy to help with your request , will you be leaving at 16:30 and what is your departure site ? eos O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos yes , i will be leaving at 16:30 from bedouin . eos O O O O O O O O O B-Taxi-Inform+Depart O O N/A
+bos great . and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest
+bos i am going to london liverpool street train station . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i have booked your taxi eos O O O O O O Taxi-Inform
+bos thank you very much . eos O O O O O O general-thank
+bos a grey toyota will be picking you up . do you also need the contact number ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O general-reqmore
+bos yes , please . i need it in case there is a problem . eos O O O O O O O O O O O O O O O N/A
+bos no problem.the contact number is 07357977369. can i help with anything else ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no thank you . eos O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos could i get the phone and postal for the emergency department ? eos O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O Hospital-Request+Post,Hospital-Request+Phone
+bos the phone number for the emergency department is 01223217118. the postal code for the entire hospital is cb20qq . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos may i also have the general hospital number , too , just in case i need it ? eos O O O O O O O O O O O O O O O O O O O Hospital-Inform
+bos the phone numbe to the hospital is 01223245151. eos O O O O O O O O O N/A
+bos enjoyed your services . keep that up eos O O O O O O O O N/A
+bos well thank you . i will , and i enjoyed talking to you as well . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i will , good bye . eos O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . good-bye . eos O O O O O O O O O O O general-bye
+bos i 've been robbed and need the police . eos O O O O O O O O O O Police-Inform
+bos okay , the police station is located at parkside , cambridge . eos O O O O O O O O O O O O O N/A
+bos thanks , can i also have the phone number and postcode ? eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Phone
+bos yes , the postcode is cb11jg and the phone number is 01223358966 eos O O O O O O O O O O O O O N/A
+bos great , thank you for your help . i do n't need anything further . eos O O O O O O O O O O O O O O O O general-thank
+bos i 'm sorry this happened to you , i really hope that the police are able to help . if there is anything else i can do for you do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a train departing from london kings cross eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos when would you like to depart london kings cross ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O Train-Request+Leave
+bos yes departing from there heading to cambridge on saturday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos what time would you like to depart or arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should go to cambridge and should arrive by 14:00. eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos i have train tr7309 departing london kings cross at 11:17 and arriving in cambridge at 12:08. eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos please book that for 5 people . eos O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 94.4 gbp payable at the station . reference number is : 7uggornq . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you , good bye . eos O O O O O O O general-bye
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos i need to find the nearest hospital please . eos O O O O O O O O O O Hospital-Inform
+bos i have an addenbrookes hospital , would that be okay ? eos O O O O O O O O O O O O general-reqmore
+bos i need the address , postcode , and phone number . eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos the address is hills road , cambridge . the postcode is cb20qq . is there a specific department you 'd like to call ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that will be all . thanks , good bye . eos O O O O O O O O O O O O O general-bye
+bos great ! have a nice day ! eos O O O O O O O O general-welcome
+bos i need a taxi to come to broxbourne train station by 21:15. eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A
+bos sure ! where are you coming from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i am coming from bankok city . eos O O O O O O O O N/A
+bos please confirm . are you departing from broxbourne train station or bankok city ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos to be picked up from bangkok city , must arrive at the broxbourne train station by 21:15. please give me contact number and type of car as well . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your booking is complete . a blue lexus will be picking you up . their contact number is 07268032250. anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos that 's all . thank you very much . eos O O O O O O O O O O general-thank
+bos you are very welcome . please let us know if we can be any further help . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a taxi to the stevenage train station . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos sure thing , when would you like to arrive or leave by ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos it 's important that i arrive no later than 23:30. eos O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i will be departing from frankie and bennys . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have confirmed you booking for a taxi , a yellow ford will be picking you up . eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A
+bos thanks ! what is the contact number ? eos O O O O O O O O O general-thank
+bos the number is 07629492399would you like help with anything else today ? eos O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos have a safe trip ! eos O O O O O O general-bye
+bos i need a taxi at 24:00 to take me to milton country park . eos O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart
+bos i 'm departing from anatolia . eos O O O O B-Taxi-Inform+Depart O O N/A
+bos booking completed ! anything else i can help with today ? booked car type : black teslacontact number : 07553660538 eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos no , thank you for your help ! eos O O O O O O O O O general-thank
+bos my pleasure . have a great night ! eos O O O O O O O O O general-welcome,general-bye
+bos where is the nearest police station ? eos O O O O O O O O Police-Inform
+bos the nearest police station is in parkside , cambridge . telephone number is 01223358966. is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , could you also give me their postcode ? eos O O O O O O O O O O O Police-Request+Post
+bos the post code is cb11jg . anything else i can help with ? eos O O O O O O O O O O O O O O N/A
+bos no , that will be all thank you . eos O O O O O O O O O O general-thank
+bos i 'm happy to help . feel free to contact us should you need anything else . have a good day . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need to find the nearest police station . eos O O O O O O O O O O Police-Inform
+bos the police station is located at parkside cambridge cb11jg . the phone number is 01223358966. eos O O O O O O O O O O O O O O O O N/A
+bos wonderful , thank you very much ! eos O O O O O O O O general-thank
+bos you are welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that will be all , thank you very much . eos O O O O O O O O O O O general-thank
+bos thank you and hope your day gets better . eos O O O O O O O O O O general-bye
+bos do you happen to know of any trains leaving for cambridge this wednesday ? eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos yes . there are a total of 202 trains leaving for cambridge on wednesday . where will you be departing from ? eos O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-Request+Depart
+bos i will be leaving from norwich and i need to arrive by 8:15. eos O O O O O O B-Train-Inform+Depart O O O O O O O N/A
+bos the tr4203 is leaving from norwich to cambridge at 05:16. would you like to book a ticket ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos sure , can you book that for 2 people and provide my reference number ? eos O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos your booking has been completed , the reference number is fh111zqu . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks , i 'm also looking for a restaurant in the city centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 69 results for restaurants in the city centre area . what type of food are you looking for , and what price range ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos i do n't really care what kind of food , but i am on a budget so cheap would be great . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos how about dojo noodle bar ? it meets your requirements . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A
+bos that sounds great . can i get a table for 2 there on wednesday at 18:15 ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i 'm very sorry i was not able to book for that time , would you like to try for a different time or day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos how about 17:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos great , i have you booked at 17:15 with reference number gxkqhw3c . the table will be reserved for 15 minutes . may i help you with anything else ? eos O O O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , thanks . i have all i need . enjoy your day . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i am trying to book a train to peterborough . can you help me ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos there are many trains to peterborough . can you tell me where you 'll be leaving from and what day and time you 're interested in traveling ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i am not sure what time i need to leave but has to be saturday and depart from cambridge to arrive by 11:45 eos O O O O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos i can book you for an arrival by 11:24 and leaves at 10:34. would you like me to book that for you ? eos O O O O O O O O O B-Train-OfferBook+Arrive O O O B-Train-OfferBook+Leave O O O O O O O O O O N/A
+bos yes , please book that for me please . eos O O O O O O O O O O N/A
+bos how many tickets would you like ? eos O O O O O O O O Train-Request+People
+bos just one of them please , can i get the reference number ? eos O O O O O O O O O O O O O O Train-Request+Ref
+bos you 're booked with 1 ticket on tr3596 , departing cambridge at 10:34 on saturday and arriving peterborough at 11:24. the reference number is f92qqr6f . eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day I-Train-OfferBooked+Day O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you . i would also like to know about places to go ? eos O O O O O O O O O O O O O O O general-thank
+bos there are several attractions . is there a specific type of attraction or area you would like to go to ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos something that is for entertainment , cinemas , museums , theatres , please . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos whipple museum of the history of science is a museum that has a free entrance fee and located in the centre . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Area O N/A
+bos great . would you be able to provide me with their phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes sure . their telephone number is 01223330906. eos O O O O O O O B-Attraction-Inform+Phone O general-greet
+bos what is the postal code for the whipple museum ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb23rh . eos O O O O B-Attraction-Inform+Post O N/A
+bos thank you , that will be all i need for today . eos O O O O O O O O O O O O O general-thank
+bos wonderful ! have a great day . eos O O O O O O O O general-welcome,general-bye
+bos i was in a car accident dispute and i need some help . eos O O O O O O O O O O O O O O N/A
+bos the parkside police station can help out with your dispute . their telephone is 01223358966 with a postcode of cb11jg parkside , cambridge . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that was very thorough , i really appreciate the help . it 's been a nightmare of a day . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can imagine , sorry for your trouble ! eos O O O O O O O O O O general-bye
+bos have a great day . eos O O O O O O N/A
+bos you , too . let me know if i can be of any more assistance . eos O O O O O O O O O O O O O O O O O general-bye
+bos is there a local hospital that has a cardiology department ? eos O O O O O O O O O B-Hospital-Inform+Department O O N/A
+bos addenbrookes hospital located at hills rd , cambridge has cardiology . do you need their phone number ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i just need their address and postcode please eos O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos their address is hills rd , cambridge , postcode cb20qq eos O O O O O O O O O O O N/A
+bos thank you and goodbye . eos O O O O O O general-bye
+bos you 're welcome . i am glad i could assist you at towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i just had a physical altercation with another driver after i hit his car accidentally . may i get some help please ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos here is the information for contacting police . telephone:01223358966address : parkside , cambridge . postcode : cb11jg eos O O O O O O O O O O O O O O O O O O N/A
+bos i appreciate your help . do you know how quickly the police will respond ? i may need some medical help as well . eos O O O O O O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos the police will arrive soon , are you injured ? eos O O O O O O O O O O O N/A
+bos no , i am not . this is all i need , thanks ! good bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos hope your day gets better ! eos O O O O O O O general-greet
+bos i need a taxi pick up at london kings cross train station going to saigon city eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos ok , what time do you want to leave by ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave by 05:00. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! booked car type : yellow bmwcontact number : 07229816957 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos i am looking for a place to stay . the hotel should have a star of 2 and should be in the moderate price range eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O N/A
+bos there are two such hotels in the north area . the first is the ashley hotel and the second is the lovell lodge . do you have a preference ? eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select
+bos i do n't have a preference , actually . which one do you recommend ? eos O O O O O O O O O O O O O O O O N/A
+bos they both have internet and parking , so it is really up to you . eos O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet
+bos i choose the ashley hotel . what is their address , please ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Request+Addr
+bos the number for the ashley hotel is 01223350059. can i book that for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O O O Booking-Inform
+bos no , i just need the address . eos O O O O O O O O O Hotel-Request+Addr
+bos that hotel is located at 74 chesterton road . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos ok thank you that is all i needed today . eos O O O O O O O O O O O general-thank
+bos you are most welcome ! eos O O O O O O general-welcome
+bos can you help me find a hotel with free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are 8 hotels with free parking . do you prefer a specific area in town ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos north area of town eos O B-Hotel-Inform+Area O O O N/A
+bos there are two hotels in that area with free parking : ashley hotel and the lovell lodge . would you like to book either of those ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Select
+bos actually , i 'd like a guest house . eos O O O O O O O O O O N/A
+bos how about hamilton lodge ? it sounds lovely . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos is it moderately priced ? area actually does n't matter as long as it is a 3 star moderately priced guest house eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos it is moderate price , would you like more info or a booking ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos yes , and i would also like the address ? eos O O O O O O O O O O O Hotel-Request+Addr
+bos hamilton lodge is located at 156 chesterton road , postcode cb41da . would you like to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform
+bos no that wo n't be necessary . thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . do you need any more information or do you have any transportation needs ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos nope , that 's it . thanks again . eos O O O O O O O O O O general-thank
+bos you 're very welcome . have a great time . eos O O O O O O O O O O O general-greet
+bos i am looking for a train departing from cambridge that would arrive by 19:45. eos O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos there are 1,029 trains that meet your needs . would you like to narrow it down by destination , day , and/or the time it leaves ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos yes , i need a train that goes to ely and leaves on sunday . eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos train tr5389 leaves cambridge at 17:50 and arrives in sly at 18:07. can i book this for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos that works , can you book 2 seats for me please ? eos O O O O O O O B-Train-Inform+People O O O O O N/A
+bos booking was successful , the total fee is 7.04 gbp payable at the station . reference number is : 9yzo84hu . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for a very expensive restaurant located in the centre . do you have any suggestions ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos there are 33 expensive restaurants in the centre . is there a particular kind of cuisine you 're looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i 'd prefer british food . eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are 3 results for expensive british food in the centre area . the first is fitzbillies restaurant , would you like more information on it ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O general-reqmore
+bos that one sounds good , could you reserve me a table for 2 at 14:15 ? eos O O O O O O O O O O O O O O O O O N/A
+bos just to make sure i have this correct . which day would you like the reservation booked for ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,general-greet
+bos the same day as the train , on sunday . can i also get the reference number please ? eos O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos unfortunately that is booked already . would you like to book a different time ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can you try booking for 2 on sunday at 13:15 instead ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O N/A
+bos certainly ! i was able to book you for 2 people at fitzbillies restaurant at 13:15 on sunday . your reference number is yhp8jiia . eos O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O general-greet
+bos thanks so much - that 's all i need today . you 've been a great help ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you as well . have a wonderful day . eos O O O O O O O O O O O general-welcome,general-bye
+bos am robbed and looking for help eos O O O O O O O N/A
+bos you need to go to the police station at parkside , cambridge , cb11jg eos O O O O O O O O O O O O O O O N/A
+bos thanks , i need the phone number too please . eos O O O O O O O O O O O Police-Request+Phone
+bos the phone number is 01223358966. eos O O O O O O N/A
+bos please book me a taxi to arrive by 12:45 to the city stop restaurant . eos O O O O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos and where are you departing from please . eos O O O O O O O O O Taxi-Request+Depart
+bos i 'll be departing from jinling noodle bar eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos that 's great , thank you , have a nice day . eos O O O O O O O O O O O O O general-greet
+bos ok i need to book this taxi and i need the contact number and car type please . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos a grey audi is booked to come pick you up . eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O N/A
+bos contact number please ! eos O O O O O N/A
+bos certainly , the contact number is 07809487521. is there anything else ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O N/A
+bos that should cover it . thanks for your help . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos ok. i apologize for not getting the contact number for you the first time you asked . i hope you have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos i am looking for a cheap place to dine that serves belgian food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , but there are no belgian restaurants in all of cambridge . would you like a different type of cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Food
+bos let 's try indian food , but it needs to be near the centre of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are no belgian restaurants in the center of the town . would you like to try another type of restaurant ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Food
+bos is there a cheap italian place in the centre instead ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos yes , i 've got pizza hut city centre in that area . would you like to try it ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O N/A
+bos i want to book a table for 1 person at 16:30 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos your booking was successful , your reference number is 4o3358y2 . is ther anythin else i may help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you i also need a train arriving by 12:45 going to cambridge eos O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest N/A
+bos i have 525 trains travelling to cambridge , could you be more specific on what day you 'd like to leave and where you are departing from ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos yes , i 'll be leaving from birmingham new street on saturday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos there are 7 trains available . are you looking for a specific departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos whichever gets me there closest to 12:45 please . i need to book 1 ticket and i also need the reference number , please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O N/A
+bos tr7802 has you arriving at 12:23. i 've booked your ticket , and your reference number is 2i1hvlg4 . do you need anything else today ? eos O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos actually i do n't need anything else . thank you . eos O O O O O O O O O O O O general-thank
+bos great ! thanks for allowing me to assist you . goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need help , i was robbed . eos O O O O O O O O O N/A
+bos oh no ! the number to the parkside police station is 01223358966. eos O O O O O O O O O O O O O N/A
+bos can i get the address . i would like to go directly to the station . eos O O O O O O O O O O O O O O O O O Police-Request+Addr
+bos yes the parkside police station is at parkside , cambridge postcode cb11jg . anything else i can help with ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos nope , you have been great ! eos O O O O O O O O N/A
+bos i 'm so glad to have helped . you have a pleasant time at the police station , now ! eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i want to find a cheap hungarian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , but there are no restaurants that match your criteria . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos what kind of cheap restaurants are there in the center of town ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos a few cheap restaurants in the centre of town include asian oriental , chinese , indian , italian , mediterranean cuisine . do any of these interest you ? eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Select
+bos ooh , italian sounds good . eos O O B-Restaurant-Inform+Food O O O O N/A
+bos zizzi cambrdige is my recommendation . would you like to book a table there ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes please i need a table for 7 people at 13:30 on thursday eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos unfortunately that time is not available , would you like to try another time or restaurant ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 12:30 then ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos we have you booked for a party of 7 at zizi cambridge for 12:30. the reference number is f25ii3n0 . they hold the reservation for 15 minutes . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos ok , great ! can you also help me find a train going to cambridge ? eos O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos sure thing there are 1,414 trains heading to cambridge , do you have a time or location you would like to depart from ? eos O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart
+bos i would like to depart from kings lynn . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are 19 trains that day , so you have a arrival or departure preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i 'd like to arrive no later than 9:00 in the morning . eos O O O O O O O O O O O O O O N/A
+bos tr8705 will arrive in cambridge at 8:58 , would you like to book a ticket for this or is that cutting it too close to your time ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos i can make that arrival time work . let 's book it . and what is the total price and travel time , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos booking for your train is successful . the total will be 68.6 for 7 people and the travel time is 47 minutes . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O N/A
+bos thank you for all your help , that is all i need today . eos O O O O O O O O O O O O O O O general-thank
+bos thanks for using our system ! eos O O O O O O O general-bye
+bos i want information about a place i can see local attractions . eos O O O O O O O O O O O O O Attraction-Inform
+bos okay ! what part of town would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos come to think of it , let 's put that off for now . i was thinking of trying some new cuisine while we are in town . something expensive . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos okay ! what cuisine would you like to try ? eos O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos i 've got a couple of jamaican buddies and i want to make them feel at home . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos we do n't have any expensive jamaican places in town . do you want to try something else ? eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food,general-reqmore
+bos how about something that serves african food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos the bedouin in the city centre is an expensive african restaurant . would you like me to book it for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O Booking-Inform
+bos i do n't need a table right now , but i do need the postcode and phone number for that restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223367660 and the postcode is cb12bd eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post N/A
+bos thanks for that info . i also need attractions in the same section of town as the restaurant . do you have any boat activities ? eos O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 2 in that area . they are scudamores punting co and the cambridge punter . eos O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos i want to try scudamores punting co. what is their postcode and phone number , please ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the postcode is cb21rs , and the phone number is 01223359750 eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O N/A
+bos cool , thanks . i do n't need anything more . see ya ! eos O O O O O O O O O O O O O O O general-thank
+bos bye . i hope you enjoy your visit . eos O O O O O O O O O O general-bye,general-greet
+bos i need a train out of london kings cross . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos traveling on what day and to where ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos the train should go to cambridge on thursday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos okay , and do you have a preferred time to leave or arrive ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 13:00 for 5 people please . eos O O O O O O O B-Train-Inform+Leave O O O O O N/A
+bos the tr2512 leaves london kings cross at 13:17 and arrives cambridge at 14:08. it 's price is 23.60 pounds per person . shall i book it ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes please . i would like 5 tickets please . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos ok , you have 5 tickets reserved on tr2512 . total fee is 118 gbp . your reference # is lbjrmi8y . can i help with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos great that was all i needed thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a lovely trip ! goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm hoping you can help me find a restaurant . eos O O O O O O O O O O O O Restaurant-Inform
+bos sure , what kind of cuisine are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like persian food . eos O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry i have no restaurants serving persian food . eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O N/A
+bos okay how about chinese food ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there are a lot of chinese restaurants in town . do you have a preference on area or price range ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos any type is fine can you just give me the postcode of it ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos rice house is in the center , is cheap , and post code is cb12bd . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Post O O O N/A
+bos i am also looking for a train . the train should leave on sunday and should go to bishops stortford.the train should depart from cambridge and should arrive by 17:30. eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O N/A
+bos okay the tr3600 leaves at 15:26 and arrives by 16:07. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos that 's perfect . can you book for 4 people please ? eos O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 32.32 gbp payable at the station .reference number is : 4yocring . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you . that is all the information i need . eos O O O O O O O O O O O O general-thank
+bos is there anything else that i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos thanks for using our services , have a lovely day . eos O O O O O O O O O O O O general-bye
+bos hi , i need to find a hotel to stay at . it does n't need to have wifi . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , i have 33 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A
+bos it needs to be a hotel and include free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i have 8 different options . are you looking to stay in a certain area of town ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos no but should include free parking eos O O O O O O O N/A
+bos i 'd recommend the ashley hotel . would you like to make a booking ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes please , i need 3 people for 3 nights starting saturday eos O O O O O O B-Hotel-Inform+People O O O O O O N/A
+bos booking was successful . reference number is : gwjtwc3y . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos that 's all i need today , thank you . eos O O O O O O O O O O O general-thank
+bos okay great . glad i could be of help . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos great ! what type of attraction are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type,general-greet
+bos i should have mentioned this before , sorry for wasting everyone 's time . i need info on a place called museum of archaelogy and anthropology , what area is it in ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Area
+bos that museum is located in the centre of town . their address is university of cambridge , downing street . they also offer free entrance . eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O N/A
+bos i also need to book a train for sunday eos O O O O O O O O O B-Train-Inform+Day N/A
+bos what time should it depart ? eos O O O O O O O Train-Request+Leave
+bos i need to get from ely to cambridge , and i need to leave after 19:30. eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O N/A
+bos yes please book a seat on the train from ely to cambridge leaving after 19:30. thank you . eos O O O O O O O O O O O B-Train-OfferBook+Depart B-Train-OfferBook+Dest O O B-Train-OfferBook+Leave O O O N/A
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos ok , how can i help you ? eos O O O O O O O O O general-reqmore
+bos i need a train to cambridge leaving after 13:45. eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A
+bos the earliest train leaving to cambridge is on friday at 15:17 , this train will be leaving from london kings cross . is this okay ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O Train-OfferBook
+bos not at all . i need a train departing from peterborough to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos tr2521 leaves at 13:48 would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos is that train running on sunday ? i need to travel from peterborough to cambridge on sunday . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A
+bos the tr9407 leaves on sunday . it travels from peterborough to cambridge . it departs at 13:48. will this work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes . i need to book that for 7 people and i need the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos great ! your reference number for tr7864 leaving peterborough at 14:19 and arriving in cambridge at 15:09 on sunday for 7 people is confirmed . the total will be 92.4 gbp , payable at the station , and your reference number is pxs0gh2c . is there anything else i can help you with today ? eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Day I-Train-OfferBooked+Day O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , i also need a cheap guest house . it should be 4 stars in any area . eos O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos we have quite a few when were you planning your stay eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Booking-Request+Day
+bos sunday , 2 nights . 7 people . eos O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i would recommend the leverton house in the east then . what day are you arriving ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O Booking-Request+Day
+bos it will be on sunday . eos O O O O O O O N/A
+bos can i give you more information about leverton house ? would you like me to book a room for you ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes please , can i also have the reference number ? eos O O O O O O O O O O O O N/A
+bos your all set ! ref # is 6c507j4u . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , thank you ! have a great day . goodbye . eos O O O O O O O O O O O O O general-bye
+bos you 're welcome . i hope you have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need an expensive restaurant in the centre eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area N/A
+bos sure , what type of food do you want me to look for ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference . it should be in the centre , however . eos O O O O O O O O O O O O O O O O O N/A
+bos bedouin is a very nice african restaurant . shall i book it ? eos O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O O O O O O Booking-Inform
+bos yes , please . would you book it for 8 people on tuesday at 13:00 ? i need to be sure to get the reference number , please . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : p29i9v5t . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you . i 'm also in need of a place to stay . i 'd like it to be a hotel with a star of 2. eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O N/A
+bos there is the ashley hotel , which is a two star hotel in the north . shall i book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos does the hotel have free parking ? eos O O O B-Hotel-Inform+Type O O O O N/A
+bos yes free parking and internet . would you like me to book it for you ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes please for 3 nights for 8 people on tuesday . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A
+bos you are good to go , in case you need it , the reference number is fbc4ykk9 , can i help with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , that is all . thanks for being so helpful for my upcoming trip . looking forward to my stay . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos your welcome , i 'm glad i could help . eos O O O O O O O O O O O general-welcome
+bos can you help me find a train leaving on saturday departing from london kings cross ? eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos certainly ! where are you going ? what time of day do you want to leave ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,general-greet
+bos i am going to cambridge and would like to leave after 11:45. eos O O O O O B-Train-Inform+Dest O O O O O O O N/A
+bos the tr5729 fits your needs . would you like to make a booking ? eos O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook
+bos what is the travel time for tr5729 ? eos O O O O O O O O O Train-Request+Duration
+bos the travel time is 51 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos that 's great , i also need a hotel with free wifi , i would prefer a 3 star place , please . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos did you have a preference for the area ? eos O O O O O O O O O O Hotel-Request+Area
+bos in the centre please . eos O O O B-Hotel-Inform+Area O O N/A
+bos okay i have one hotel matching those criteria called the gonville , would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes . saturday , 2 nights , 6 people . reference number please . eos O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O Hotel-Request+Ref
+bos your booking was successful and the reference number is 6ix4ypbk . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos enjoy your visit ! eos O O O O O general-bye
+bos i 'm looking for information on a hotel called the lensfield hotel . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the lensfield hotel is a 3 star hotel in the south area . it offers internet and parking . contact them at 01223355017. thank you and have a great day ! eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-welcome,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ummm ... can you book that for me ? or do i have to call the hotel myself ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i can definitely do that for you - when would you like to arrive ? eos O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i need to stay for 5 nights . we 'll be arriving on monday . eos O O O O O B-Hotel-Inform+Parking O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos how long is your stay ? i am only showing the lensfield hotel , it has 3 stars and free internet and parking eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos lensfield sounds perfect . i will need 5 nights please . eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos and how many people will be staying ? eos O O O O O O O O O Booking-Request+People
+bos 3 for 5 nights starting wednesday , and i need the reference # then too please eos O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O N/A
+bos your all set reference # is n970m2ry . something else i can help you with ? eos O O O O O O O O O O O O O O O O O Booking-Request+People
+bos i need a cab by 12:30 too the contact # and car type will be most helpful eos O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos is it monday then ? i want to make sure this is correct . ( roles are reversed ) eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes it is monday , sorry for any confusion eos O O O O O O O O O O N/A
+bos anything else i can assist you with today ? eos O O O O O O O O O O N/A
+bos still need a cab by my booked time , 12:30 please eos O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos i need to know where you are traveling to eos O O O O O O O O O O Taxi-Request+Dest
+bos the hotel to the restaurant please eos O O O O O O O Restaurant-Inform,Hotel-Inform
+bos i am sorry we did n't reserve a table for you at any restaurant , would you like to do that now ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , expensive french food for 3 people at 12:30 on monday eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+People O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O N/A
+bos sure , just need one more piece of info to complete your taxi booking . which restaurant will the taxi be taking you to ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i need to make a reservation ! an expensive french restaurant 3 people on monday at 12:30 , i should have just called myself eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Taxi-Inform+Arrive O O O O O O O O N/A
+bos i reserved a table at cote for you , ref # is zlk6w3cy . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos the roles are reversed- i need a cab now eos O O O O O O O O O O N/A
+bos i still need that cab ! eos O O O O O O O N/A
+bos thank you that is all i need eos O O O O O O O O general-thank
+bos thank you and enjoy your stay ! eos O O O O O O O O N/A
+bos i need a place to stay eos O O O O O O O N/A
+bos is there a certain area or price range you had in mind ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i really want to stay with something moderately priced . but , i want it to be 4 star rated if possible . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there are lots of moderately priced four star hotels . are you interested in a particular part of town ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars I-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Area
+bos maybe a guesthouse with free parking , i have 7 guests and that will be for 2 nights this monday eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos we have several such choices in the north , south and east . if you have no preference for location shall i just book one for you ? eos O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform
+bos that would be great . eos O O O O O O N/A
+bos carolina bed and breakfast is a moderate price , 4 star guesthouse in the east area with wifi and parking . will that work ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yeah , that sounds great . do they have room for all 7 of us ? eos O O O O O O O O O O O O O O O O O N/A
+bos i can try to see if we do . can you provide when you want to stay and for how long ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos book it for 7 people and 2 nights starting from monday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos done ! your reference number is 0c3z1qko . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking to visit saint john 's college , do you know the address and cost to visit ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O Attraction-Request+Addr
+bos the entrance fee is 2.50 pounds and the address is saint john 's street . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos haha , i 'm not familiar with cambridge . what part of town is that in ? eos O O O O O O O O O O O O O O O O O O N/A
+bos it is located in the centre . eos O O O O O O B-Attraction-Inform+Area O N/A
+bos ok , i think that should be about it for me . thank you for your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! have a great trip ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'd like some information about colleges in the area that are interesting to visit eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area
+bos which area do you prefer ? eos O O O O O O O Attraction-Request+Area
+bos i do n't care , do you have any suggestions ? eos O O O O O O O O O O O O N/A
+bos i suggest christ 's college in the center area . entrance is free . the address is saint andrew 's street , the phone is 01223334900. would you like the postcode ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O O O O O O O O general-reqmore
+bos thanks . i also need train going to cambridge on tuesday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos where would you like to depart from ? eos O O O O O O O O O Train-Request+Depart
+bos i need to leave from leicester , and the train should arrive by 10:45 please . eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O N/A
+bos ok , there are 4 trains that meet that criteria , what time would you like to leave by ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave
+bos i do n't care when i depart , please book me one that is closest to the 10:45 arrival in cambridge . i just need one ticket . eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest O O O O O O O O O N/A
+bos certainly , i have booked tr4734 arriving at 09:54 your reference number is vz5hhw3e . can i help with anything else ? eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos that will be all , thank you . have a great day . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm looking for a train leaving on thursday departing from bishops stortford . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos ok , and what time are you traveling ? eos O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i 'd like to leave after 21:30. eos O O O O O O B-Train-Inform+Leave O N/A
+bos train tr3000 leaves bishops strotford for cambridge on thursday at 23:39. will this suit your needs ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A
+bos that would work for me can i get tickets for 3 people ? eos O O O O O O O O O O O O B-Train-Inform+People O N/A
+bos great ! i have booked tr3000 for 3 people at 23:29. your reference number is : fopyb8uc . may i help with anything else ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos no , that is all i really needed . thanks . have a great day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos glad i could help ! eos O O O O O O general-bye
+bos i 'm looking for this restaurant called pizza hut fen ditton eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos it is a moderately priced restaurant in the east that serves italian food . can i five you the address ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O general-reqmore
+bos no , but could you book a table for me ? 3 people on friday at 16:00 , please . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : f78j1sk2 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i 'm not sure ... let me ask my wife . eos O O O O O O O O O O O O N/A
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos i also need a place to stay . eos O O O O O O O O O N/A
+bos can you please tell me what type of place and if you have any preferences ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i want a guesthouse in the north with a moderate price range and 4 stars . eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O N/A
+bos a and b guest house would fit that criteria , would you like to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes , that would be great . i 'll need to book for friday , 3 people , and for 3 nights . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A
+bos actually , the a and b guest house is in the east . it is 4 stars with a moderate price range . i did n't see anything that fit your criteria in the north . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-NoOffer+Area O O O O O N/A
+bos would you check again for a guesthouse in the moderate price range , in the north with four stars , please ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos acorn guest house fits your criteria . can i book this ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform
+bos yes , sounds good . can i get the reference with that too please ? eos O O O O O O O O O O O O O O O O N/A
+bos i have booked your room here is your information : booking was successful.reference number is : wmsf8tu5 eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you very much eos O O O O O general-thank
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos nope , that 's all ! thanks ! eos O O O O O O O O O general-thank
+bos thank you for using our services . have a wonderful day ! eos O O O O O O O O O O O O O general-bye
+bos i need a train from cambridge to ely . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos no problem . what day will you be leaving , and is there a particular time you would like to board ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos yes , i need to leave on friday sometime after 15:30. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos i have a train that leaves cambridge at 15:50 and arrives in ely at 16:07 , would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes , i also would like the reference number . eos O O O O O O O O O O O Train-Request+Ref
+bos sure thing . the number is fac22hsg . anything else i can do for you ? eos O O O O O O B-Train-Inform+Ref O O O O O O O O O O general-reqmore
+bos i 'm sorry , i forgot to specify that i need 6 tickets . could you change that for me ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos surely , i have made that change and the new reference number is ywf1k74n . is there anything else i can do for you ? eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos thanks i appreciate it . that 's all i need ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your trip ! eos O O O O O O O O O general-bye
+bos is there any expensive seafood restaurant in town ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos yes , there is an upscale seafood restaurant called loch fyne which is centrally located . would you like me to make a reservation for you ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos can i get a booking for 8 people at 19:45 on friday ? send me the reference number . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is : j5q03qcs . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay a 3 star preference and it does not have to have the internet , thanks for your help . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos we have just the place . the alpha-milton guest house is a 3 star place that is located in the north . will that be okay ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos no i need a hotel in the west . can you search again please ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos unfortunately there are no 3-star hotels in the west area . eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O N/A
+bos are there any hotels that fit that description with free wifi without three stars ? eos O O O O O O O O O O O O O O O O N/A
+bos we have just the place . the huntington marriott hotel is a 4 star place with wifi that is located in the west . will that be okay ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet
+bos sure as long as they have free parking as well . can you give me the address and phone number please ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Addr
+bos there is free parking . the phone number is 01480446000 , and the address is kingfisher way , hinchinbrook . will that be all for today ? eos O O O O O O O O O B-Hotel-Inform+Phone O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos i also need a taxi booked to commute the two places and need it to get to the restaurant by 19:45 eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos sure thing ! i 've booked a yellow tesla for you . if you need it , the contact number is 07855855225. is there anything else i can help with today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos i just want to make sure it 'll arrive in time for the restaurant reservation at 19:45. can i get a contact number and type of car the taxi would be ? eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O N/A
+bos the car is a yellow tesla . the contact number is 07855855225. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thank you very much for all of your help today . eos O O O O O O O O O O O O general-thank
+bos you are welcome very much . thank you for using our service . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a train from stansted airport to cambridge , can you help me ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O N/A
+bos yes , what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day
+bos monday , after 11:15 eos O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos there are 13 trains that match . shall i reserve any tickets for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook
+bos can you reserve 6 tickets on the next train after 11:15 ? eos O O O O O B-Train-Inform+People O O O O O B-Train-Inform+Leave O N/A
+bos i reserved you 6 seats on the tr5754 . it leaves at 11:24. the total fee of 60.59 gbp is payable at the station . your reference number is : 1ibjmmm8 eos O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O B-Train-Inform+Ref O O N/A
+bos great sounds perfect ! ! thank you so much for all your help . eos O O O O O O O O O O O O O O O general-thank
+bos no problem . have a great day and trip . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos thanks . i 'm looking for a place to go on the south . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos would you prefer a museum or a nightclub ? eos O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type N/A
+bos a museum , please . eos O O B-Attraction-Inform+Type O O O N/A
+bos there 's one museum called byard art that fits your needs . eos O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A
+bos can i get the phone number for that ? eos O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223464646. what else can i assist with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos no , thanks so much ! eos O O O O O O O general-thank
+bos glad to help , please let us know if you need any further assistance . eos O O O O O O O O O O O O O O O O general-bye
+bos hello , can you tell me about some colleges in town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 18 colleges to choose from . is there a specific area you are interested in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'm looking for college attractions in the cambridge area eos O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Area
+bos pembroke college is available would you like to visit that ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Select
+bos yes please . what area is that in ? eos O O O O O O O O O O Attraction-Request+Area
+bos it is located in the centre . would you like more information ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos yes , i would like to book a train for cambridge on tuesday eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos there are many options to choose from . can you give me the departure city and departure/arrival times ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart
+bos i 'll be departing from london liverpool street , and i 'd like to arrive by 18:45. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O N/A
+bos i can get you a train that arrives at 17:07. would you like to book that ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes for five people please . eos O O O O O O O N/A
+bos your booking is all set ! your reference number is 5watwcjj . is there anything else i can help you with ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , i believe that 's everything for now . thank you for all of your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant called restaurant two two ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos restaurant two two is located at 22 chesterton road chesterton . would you like to book a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yeah i need a reservation for wednesday eos O O O O O O O B-Restaurant-Inform+Day N/A
+bos for how many and what time please eos O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos i 'd like to eat at 14:45. it will be three people . eos O O O O O O B-Restaurant-Inform+Time O O O O O O O N/A
+bos your table has been reserved . the booking reference number is b1qt9ydw . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i wanted to find out about local restaurants in cambridge . eos O O O O O O O O O O O O Restaurant-Inform
+bos kindly be more specific eos O O O O O general-reqmore
+bos it is called parkside pools . find me their post code . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Attraction-Request+Post
+bos i can not locate the restaurant you are speaking of . eos O O O O O O O O O O O O Restaurant-NoOffer
+bos i am sorry , i 'm looking for a attraction called parkside pools not a restaurant . do you have their postcode ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Post
+bos their post code is cb11ly eos O O O O O B-Attraction-Inform+Post N/A
+bos i also need an expensive place to dine in the mid of town . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos there are 33 restaurants with your requirements . what type of food do you feel like eating ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like italian food , if possible . eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i 'd recommend clowns cafe . would you like reservations ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O Booking-Inform
+bos that will be ok once you find the restaurant book a table for 6 people eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People N/A
+bos i would be more than elated to book a table for you , but what day and time would you like it for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos i need the table for tuesday at 14:45 , but if for some reason tuesday does n't work sunday is also acceptable . i will need the reference number as well . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos 01223355711 is your reference number . may i help you with anything else ? eos O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that was everything . thank you ! eos O O O O O O O O O O general-thank
+bos thank you for contacting us . have a great day ! eos O O O O O O O O O O O O general-greet
+bos i need a moderately priced restaurant in the centre . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A
+bos certainly ! what type of cuisine would you like ? eos O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos i would like sometthing international . eos O O O O O B-Restaurant-Inform+Food O N/A
+bos okay , i recommend bloomsbury restaurant . would you like me to book a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yes there will be 8 of us at 17:15 on wednesday . eos O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i was able to reserve you a table , they will only hold the table for 15 minutes . your reference number is knrffo4k . do you need anymore assistance today ? eos O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos can you help me find a train ? eos O O O O O O O O O Train-Inform
+bos i can help find a train . i need to know where you are traveling from and to and what day and time you wish to travel . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Dest,Train-Request+Depart,general-greet
+bos i would like a train from ely to cambridge on wednesday and i need to arrive before 10:45. eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A
+bos train tr2704 would suit your needs . can i book you a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos no thank you . i 'll just need the travel time and train id , please ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos the id is tr2704 and the total travel time is 17 minutes . anything else ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos no . that will be all for now . thank you for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos sure thing ! enjoy your trip and your dinner . be sure to contact us for anything else you may need . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i would like a place to eat in the expensive price range . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos sure , what type of food are you interested in ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'm not too picky , could you make a suggestion ? one in the centre ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos fitzbillies restaurant is an expensive british restaurant in the centre . can i book that for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform
+bos not now . please get me the address , postcode and food type . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Addr
+bos yes , the address is 51 trumpington street city centre , postcode cb21rg , phone number is 01223352500 , can i help with anything else ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you . yes , i need the phone number for kings hedges learner pool . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Phone
+bos the phone number for the pool is 01223353248. is there something else i can do for you ? eos O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i also need the entrance fee and postcode . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos the postcode is cb42xh . i do not the entrance fee . eos O O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos that is all i need , thank you . eos O O O O O O O O O O general-thank
+bos welcome any time eos O O O O general-welcome
+bos thanks for helping have a good day eos O O O O O O O O general-thank
+bos have a good day too . goodbye . eos O O O O O O O O O general-bye
+bos do you know if there are any cheap places to eat in the north part of town ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos we have two places that meet your criteria , royal spice and da vinci pizzeria , any preference between those two ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos royal spice sounds interesting , can i get the food type , address and postcode please ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Addr
+bos the food price is cheap , postal cold cb41eh and address is victoria avenue chesterton . eos O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos what kind of food do they serve there ? eos O O O O O O O O O O Restaurant-Request+Food
+bos royal spice serves indian food . does that sound interesting to you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select
+bos yes , thank you . i 'm also looking for a guesthouse in the same area as the restaurant . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos we have quite a few cheap and moderate priced guesthouses in the north . do you care about parking or internet ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i 'm hoping for a 3 star place , do n't care about internet . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos the hamilton lodge meets your needs and offers parking . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes please , 7 people for 2 nights starting on sunday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i have your party of 7 booked at hamilton lodge for 2 nights starting on sunday . your reference number is ew29soto . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A
+bos thank you for all your help ! eos O O O O O O O O general-thank
+bos will that be all today ? eos O O O O O O O general-reqmore
+bos that is all i need today . eos O O O O O O O O N/A
+bos i hope your stay is enjoyable . eos O O O O O O O O general-greet
+bos thank you ! i am sure it will be thanks to your help . eos O O O O O O O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos there 's a lot to do in cambridge . are you looking for a ceratin type of attraction there ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like a train eos O O O O O O Train-Inform
+bos where will you be departing from and on what day ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i want to leave bishops stortford on monday , going to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Dest O O N/A
+bos the tr1827 arrives in cambridge from bishops stortford at 14:07 is 38 minutes long and cost 10.10'lbs . does this work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Ticket O O O O O O O Train-Select
+bos yes , thank you . are there any theatre on the east side of town ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are no theatre in the east eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area N/A
+bos can you locate me a restaurant within 1 mile of the train station . eos O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform
+bos i 'm sorry there are many choices . can you narrow it down for me a little bit . eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O N/A
+bos not worried about food . i actually need to find some entertainment . eos O O O O O O O O O O O O O O N/A
+bos i have 5 theatres in town , but they are all in the centre of town or the south . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos okay happy i could assist . eos O O O O O O O general-welcome
+bos wait ! can i get the postcode for your favorite entertainment venue in the east ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O Attraction-Request+Post
+bos funky fun house is my favourite and its postcode is cb58hy . is that it ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Post O O O O O general-reqmore
+bos well , it would be but i realized my train needed to leave bishops after 21:15. please rebook that for me . eos O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O N/A
+bos would a 21:29 be okay ? eos O O O B-Train-Select+Leave O O O N/A
+bos yes that will be fine . thank you ! eos O O O O O O O O O O general-thank
+bos is there anything else i can help you ? eos O O O O O O O O O O general-reqmore
+bos i just need a a new confirmation number , thanks . eos O O O O O O O O O O O O general-thank
+bos sure your reference number is : pdgadkqi . eos O O O O O O B-Train-Inform+Ref O O N/A
+bos thank you ! okay , now we 've covered everything . have a great day ! thanks again for all the help ! eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm glad i could help you plan your trip . if you need anything else please contact at cambridge towninfo centre and we 'll be happy to help . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like to treat myself by eating out so please find me an expensive restaurant in the centre eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos yes ! what kind of cuisine would you like ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos any restaurant that you recommend will be great . can i have the postcode for the one you pick too ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos i would recommend little seoul , a korean restaurant . it 's postcode is cb21dp . would you like to reserve a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos no thank you . i am looking for an expensive place to stay that includes free parking . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are five hotels that meet your criteria . would you like to book one or would you rather narrow it down further ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos i would prefer to find one that is located in the north . eos O O O O O O O O O O O O O B-Hotel-Inform+Area N/A
+bos there are no expensive hotels in the north area with free parking . eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O Hotel-NoOffer+Parking
+bos is there a cheaper one ? eos O O O O O O O N/A
+bos there are 9 in the moderate price range do you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i would prefer a hotel . eos O O O O O B-Hotel-Inform+Type O N/A
+bos i have two hotels that fit your needs . i recommend the ashley hotel . when would you like to book a room ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos do either have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes ahley does has free internet . can we book it eos O O B-Hotel-Inform+Name O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no thanks , i just need the address please . eos O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 74 chesterton road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thanks for helping . have a great day eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos have a great day too . eos O O O O O O O N/A
+bos please call if you need anything else . goodbye . eos O O O O O O O O O O O general-bye,general-reqmore
+bos list all thursday train times heading to cambridge . eos O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O N/A
+bos there are 202 entries , can you please be more specific ? eos O O O O B-Train-Inform+Choice O O O O O O O O general-reqmore
+bos okay , i guess that would be quite a lot of typing . how about this : i need a train leaving from leicester sometime after 21:45 on thursday . eos O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave
+bos anytime after 21:45 is good . eos O O O O O O O N/A
+bos i have train tr8149 leaving at 22:09 , is that okay ? eos O O O O B-Train-Select+Id O O B-Train-Select+Leave O O O O O N/A
+bos that is fine . can you give me the price and travel time , please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos it is 37.80 pounds and travel time is 105 minutes . do you need anything else ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O general-reqmore
+bos i am planning a trip to cambridge eos O O O O O O O O N/A
+bos excellent choice , my fellow human . what can i help you with ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i would like a european place in the west to eat please . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos the cambridge lodge restaurant is the only european restaurant in the west . it is in the expensive price range . would you like me to book you a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos no thanks , could you just give me their phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos their phone is 01223355166. can i help with anythign else ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore
+bos i need a train to stevenage on sunday , please . i need to arrive by 08:00. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr5390 train departs from cambridge at 5:21 and arrives at stevenage at 6:10. eos O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos can you book me for 2 people ? eos O O O O O O O B-Train-Inform+People O N/A
+bos the booking number for the tickets is ny8nhhxk , and you can pay the 10.24 pounds at the station . is there anything else i can do ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O general-reqmore
+bos no , that 's it . thanks for your help . eos O O O O O O O O O O O O general-thank
+bos you are all set and enjoy you stay . eos O O O O O O O O O O general-bye
+bos i need a taxi from london kings cross train station to the gonville hotel . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos tell the customer what time the train departs from london kings cross train , and possible arrival time to gonville hotel . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos um what ? i need to arrive by 23:00. can you help or not ? eos O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O N/A
+bos i 'm sorry about that . i have booked you a black audi arriving at the hotel by 23:00. the contact number is 07582132009. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Phone N/A
+bos that 's okay , thanks so much for your help . have a good day now , bye ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos you are welcome . bye . eos O O O O O O O general-welcome,general-bye
+bos i am in the center are of cambridge , are there any japanese restaurants in that part of town ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos yes . there is one japanese restaurant in the centre . it is called wagamama and is in the expensive price range . would you like me to place a reservation ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform,general-greet
+bos yes , if you could that would be great . can i get their number please ? eos O O O O O O O O O O O O O O O O O O N/A
+bos phone number is 01223462354. is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i need reservations for 8 people please . eos O O O O O O O O O N/A
+bos what day and time would you like the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i need a table for 8 at 14:30 on thursday . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O N/A
+bos reference number is : kjbb2gxb . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore
+bos yes , i am looking for places to go in the same area as the restaurant . possibly and entertainment type of venue . eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos unfortunately , there are n't any entertainment venues in the centre . would you like me to search for a different type of venue or in a different area ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos yes , could you try the north please ? eos O O O O O O O O O O N/A
+bos i 'm sorry , there are none in the north . i have found a few in the east , south and west . would any of those areas work for you ? eos O O O O O O O O B-Attraction-NoOffer+Area O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos okay are their any colleges around ? i need a phone number , entrance fee and address of one that you would recommend please eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos my favorite college in the centre is jesus college on jesus lane . it 's very jesus-y . would you like their contact information ? eos O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O O general-greet,general-reqmore
+bos phone number , entrance fee , and address . eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos the phone number is 01223339485. eos O O O O O B-Attraction-Inform+Phone N/A
+bos great , thanks so much ! can you please book me a taxi from the college to the restaurant that arrives by the time of my reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your taxi has been booked . it will be a grey volkswagen and their contact number is 07598698020. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos have a nice day . eos O O O O O O N/A
+bos thank you . you as well ! eos O O O O O O O O general-bye
+bos i am looking to book a train . eos O O O O O O O O O Train-Inform
+bos i would be more than happy to help you find a train . can you tell me where you will be departing from and where you would like to go ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm looking for a train that goes to leicester and arrives on sunday . the train needs to leave after 6:45 from cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos is there a time you need to arrive by ? eos O O O O O O O O O O O Train-Request+Arrive
+bos i need to leave after 18:45 , not the time i said before . eos O O O O O O B-Train-Inform+Leave O O O O O O O O N/A
+bos i have five options for your requested time with the closest leaving at 19:21. would you like to make a reservation ? eos O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes please . book it for 5 people . what is the reference number ? eos O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos your reference number is p5xahu9d . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a cheap place to dine . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i 've got several choices for cheap dining . do you have a preference of area or food type ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos centre area , no food type preference , what do you recommend ? eos O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos i have several options . how about the dojo noodle bar ? it 's located at 40210 millers yard city centre . eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A
+bos sounds great , i 'd like to book for the same number of people at 10:00 on the same day . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O N/A
+bos unfortunately booking at that time was unsuccessful , do you have an alternate time you 'd prefer ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos please try 9:00 instead on the same day . eos O O O B-Restaurant-Inform+Time O O O O O O N/A
+bos they are not open at 9:00 on sunday . may i suggest another establishment ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos are you quite certain you ca n't get me a table at 9:00 ? eos O O O O O O O O O O O O O O O N/A
+bos i am certain . their phone number is 01223363471 , perhaps you can call and speak with someone . eos O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O N/A
+bos thank you i will call them eos O O O O O O O general-thank
+bos you 're welcome . is there anything else needed ? eos O O O O O O O O O O O general-reqmore
+bos actually , book that for me . same number of people on the same day . eos O O O O O O O O O O O O O O O O O N/A
+bos it appears to be booked up all day sunday . can i recommend another restaurant that might be open that day ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please do i am having no luck , i need the reference number then too . eos O O O O O O O O O O O O O O O O O O N/A
+bos i can do the j restaurant in the centre if that would be ok eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O Booking-Inform
+bos sure we can try to book that . eos O O O O O O O O O N/A
+bos that does n't seem to be working either . eos O O O O O O O O O O Booking-NoBook
+bos can you please locate another restaurant for me please that is accepting reservations on sunday . eos O O O O O O O O O O O O O O O O O N/A
+bos i am sorry but on sunday cheap restaurants in the centre are all completely booked . is there something else i can help you with ? eos O O O O O O B-Booking-NoBook+Day B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O O general-reqmore
+bos please recommend the cheapest restaurant that is available and book it . we need to eat ! thanks ! ! ! eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O N/A
+bos okay , the river bar steakhouse and grill can be booked at 9:00 on sunday , i 've booked for 5 people , the reference number is rftexmix , is there anything else i can help with today ? eos O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Day O O O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O Restaurant-Inform
+bos no , thank you . you were very helpful . eos O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos hi , can you help me find a train from kings lynn on monday ? eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos sure ! there are 19 trains departing from kings lynn on monday . what is your destination so i can narrow down the list for you ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O O O O O Train-Request+Dest
+bos cambridge is my destination , please . eos O B-Train-Inform+Dest O O O O O O N/A
+bos how many tickets would you like ? eos O O O O O O O O Train-Request+People
+bos i will need 6 tickets . eos O O O O O B-Train-Inform+People O N/A
+bos the tr4943 leaves kings lynn at 05:11 , would you like me to book your seats on that train ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos yes , is there a reference number ? i also am looking for a place to dine in the north area of town that serves chinese food . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are three places that serve chinese in the north , what is your price-range ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O Restaurant-Request+Price
+bos moderate please and thank you . eos O B-Restaurant-Inform+Price O O O O O N/A
+bos the golden wok fits your criteria . is there anything else i could help you with today ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O general-reqmore
+bos can you book me a table there for monday at 14:30 ? eos O O O O O O O O O O O O O N/A
+bos yes of course , just tell me how many guests before i can process . eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos there will be 6 of us . eos O O O O O B-Restaurant-Inform+People O O N/A
+bos that place is not open at that time . shall i try another ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos could you try for 13:30 ? eos O O O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book the restaurant for you . the reference number is oesbpdpb . what else can i help you with ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that will be all . thank you so much for all of your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . its been our pleasure to serve you . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos what is the best french expensive restaurant in town ? eos O O O O O B-Restaurant-Inform+Food B-Restaurant-Inform+Price O O O O N/A
+bos there are two located in town . the restaurant two two , which is in the north , and the cote , which is located in the centre . would you like to book a table ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos i 'd like to eat at the one that 's in the north . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos okay , that 's restaurant two two , located at 22 chesterton road chesterton cb43ax . may i help you book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos what is the phone number for the restaurant ? eos O O O O O O O O O O Restaurant-Request+Phone
+bos they can be reached at 01223351880. can i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos yes , can you tell me a little about a hotel called rosa 's bed and breakfast ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos it is located at 53 roseford rd in the south area , rated 4 stars , they have internet and parking . the phone number is 01223512596. eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos thank you for that information . sounds like a good place . eos O O O O O O O O O O O O O general-thank
+bos would you like me to make you a reservation ? eos O O O O O O O O O O O Booking-Inform
+bos hmm , no thank you . i will need a taxi though , can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos where are you traveling to and from ? eos O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos it 's going to be from the restaurant to the hotel . i want to leave the restaurant by 4:45. can you tell me what type of car and contact number ? eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 've booked your taxi ! a yellow tesla will pick you up at the restaurant at 4:45 , and the contact number is 07207525802. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O O N/A
+bos great ! thank you very much ! eos O O O O O O O O general-thank
+bos is there anything else i can do to help you today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that is it . thanks . bye . eos O O O O O O O O O O O general-bye
+bos alright ! thanks for contacting cambridge towninfo centre ! have a great day ! eos O O O O O O O O O O O O O O O general-bye
+bos hi , do you have a listing for the copper kettle ? it 's a restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A
+bos yes i do , it is located at 4 kings parade city centre , would you like to make a booking ? eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos yes please for 3 people on satruday around lunch time eos O O O O O B-Restaurant-Inform+People O O O O O N/A
+bos do you have a specific time in mind ? eos O O O O O O O O O O Booking-Request+Time
+bos actually , i do n't need to reserve just yet . can you please just give me the postcode and price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos sure , the postcode is cb21sj , and the price range is moderate . is that all you need today ? eos O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore
+bos yes that would be all . thank you eos O O O O O O O O O general-thank
+bos have a lovely day ! eos O O O O O O general-bye
+bos oh , wait ! while i have you , i can go ahead and check on hotels . i need a hotel with free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , is there an area or a price range you are interested in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos no but i do need to make sure it is a hotel and not a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there are 8 hotels with free parking . how about ashley hotel ? it 's a moderate 2 star hotel in the north with free wifi and parking . eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos sounds great . i need it for one person and three nights starting saturday . thank you ! eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A
+bos ok , i was able to book you at the ashley hotel . your reference number is t0wk7hhs . is there anything else i can do to help you this evening ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos yes , i need a taxi to take me to and from the hotel and the restaurant . i need to leave the restaurant by 10:45. what taxi do you have available ? eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O N/A
+bos okay , what time do you want to arrive at the restaurant by ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos i actually just need a taxi from the restaurant to the hotel after we eat . we will be done eating by 10:45 , so please have the taxi for us by then . eos O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O N/A
+bos ok , you 're taxi has been booked . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos yeah , could i get the contact number and type of car , as well ? eos O O O O O O O O O O O O O O O O O N/A
+bos the contact number is 07703313171 and the car is a white volkswagen . eos O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos okay great . that 's all the information i need for now . thanks . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome , have a wonderful day . eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm trying to find a good place to eat . i heard about restaurant alimentum . what can you tell me about it ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O N/A
+bos they are a great modern european restaurant located in the south . they are moderately priced . they are located on 152-154 hills road . can i reserve a table for you ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos i am not quite ready to reserve a table , but may i have the phone number for this european restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223413000 eos O O O O O B-Restaurant-Inform+Phone N/A
+bos thank you . i also need to find a place to stay in the east . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos what sort of place to dine would you prefer ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i am looking for a moderate priced guesthouse with a 4 star rating in the east . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A
+bos i have found three moderately priced guesthouses in the east with four star ratings . would you like me to book one for you ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform
+bos can you just get me the phone number , address , and postcode for the one you recommend ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos the a and b guest house 's number is 01223315702 , the postcode and address is cb12dp at 124 tenison road . anything else ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Phone O O O O O B-Hotel-Recommend+Post O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O general-reqmore
+bos that 's all , thank you very much ! eos O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you help me get train tickets leaving london kings cross arriving by 18:30 ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Arrive O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos on thursday please . eos O O O O O N/A
+bos tr5219 is leaving london kings cross at 05:17 and arriving by 06:08 at cambridge on friday eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos can you tell me the price and travel time of that ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos i 'm sorry about the misinformation . the tr2775 leaves on thursday like you want . the price is 23.60 and the travel time is 51 minutes . eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day I-Train-Inform+Day O O O O O B-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O general-greet
+bos thank you . i am also looking for a place to eat , called graffiti . eos O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O N/A
+bos i have that , what would you like to know and would you like to book it ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i would like to make a booking for 1 people at 21:00 on the same day . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O N/A
+bos i 'm sorry , they were not able to accommodate that request . would you like to try a different time ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 20:00 instead ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos i 'm sorry , but that booking is also unavailable . is there a different day or time i can check for you ? maybe earlier in the evening ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos if 21:00 and 20:00 are not available , i guess i am not interested in booking anything . can you check one more time for 20:00 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it was still unsuccessful . i am sorry . any other times you would like me to check ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,general-greet
+bos no , unfortunately i need either 21:00 or 20:00. thank you for checking . eos O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos i tried again , but there may be some technical difficulty.none of the reservations i 've tried are working . i tried for every time between your requests . can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-greet,general-reqmore
+bos no , but i appreciate the help . eos O O O O O O O O O N/A
+bos i hope you have a lovely day . eos O O O O O O O O O general-welcome
+bos thanks so much , but i just realized i am missing a crucial bit of info . what is the departure time on my train , please ? the corrected train , that is . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i do n't believe we were able to complete a reservation . would you like to try again ? eos O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , a train to cambridge from london kings cross on thursday by 18:30. if you can get a table for 1 at graffiti that day at 20:00 or 21:00 too , great . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos booking was successful , the total fee is 47.2 gbp payable at the station .reference number is : r8p7xt7b . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's all i need . thanks . eos O O O O O O O O O general-thank
+bos ok. i 'm sorry i was n't able to get you into the restaurant you wanted . your train tr2512 is leaving at 13:17. let me know if you ever need anything else . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O O general-welcome,Booking-NoBook,general-reqmore
+bos i need to find a really cheap hotel can you help me find one ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 10 really cheap hotels i 've found . is there a certain area you 're looking for ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Request+Area
+bos i need to find a hotel in the west that has free wifi and located in the west please . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos the cambridge belfry is a hotel that should meet your needs . would you like me to book you a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , can you book that for friday for 3 nights ? eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos i 'd love to - how many people in your party ? eos O O O O O O O O O O O O O Booking-Request+People
+bos there will be 5 of us . eos O O O O O B-Hotel-Inform+People O O N/A
+bos i booked you a room with reference number 39rb6i37 . can i be of further assistance to you today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for a cheap , italian restaurant near the hotel . eos O O O O O O O B-Hotel-Inform+Price B-Restaurant-Inform+Food O O O B-Hotel-Inform+Type O O N/A
+bos i have two near the hotel , the la margherita is very cheap . would you like me to reserve it ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform
+bos can i please get the address for it ? eos O O O O O O O O O O Restaurant-Request+Addr
+bos yes , of course . the address is 15 magdalene street city centre . would you like to reserve a table ? eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos no , but i do want to book a taxi to go between the restaurant and the hotel , leaving the restaurant by 19:00. eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Taxi-Inform+Leave O O N/A
+bos ok , i have reserved a taxi for you leaving the restaurant at 19:00. it will be a red volvo , and the contact number is 07540782675. is there anything else i can help you with ? eos O O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thanks so much ! bye ! eos O O O O O O O O O O O O O general-bye
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a hotel in the east . can you help me ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos sure , express by holiday inn cambridge is located in the east . free internet & parking 2 stars . phone number is 01223866800 eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Phone O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i 'd actually like to find a guesthouse in the east instead . i 'd still like it to have free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos i have about 6 different ones . do you have a preference on price range ? i have cheaper options and moderately priced ones . eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Request+Price
+bos the price does not matter . i would like it to be booked for 7 people for 2 nights starting from friday . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can book you into the allenbell . it is a cheap price range with free wifi and parking . eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos great , let 's try booking a room there . eos O O O O O O O O O O O N/A
+bos the booking was unsuccessful do you have another choice ? eos O O O O O O O O O O O Booking-NoBook
+bos maybe just a one night stay then , try that . eos O O O O O O O O O O O O N/A
+bos alright , i was successful in booking the allenbell for friday for 7 people at one night . your reference code is 7d76eljf . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you also find me an expensive british restaurant in the same area as the hotel ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos the grafton hotel restaurant sounds perfect for you . would you like me to make a booking ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos yes please . could you provide me with their postcode , phone number , and address as well ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos what time on friday would you like to reserve your table ? also , will it be the 7 people ? eos O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O O O O O O O O O O O B-Booking-Inform+People O O Booking-Request+People,Booking-Request+Time
+bos actually , no need to book . i just need the postcode , phone number and address for the grafton hotel restaurant . thanks . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos it is located at grafton hotel 619 newmarket road fen ditton , postcode cb58pa . their phone number is 01223241387. can i assist you with anything else ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'd like to book a taxi from the hotel at 18:30 to the restaurant . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A
+bos your booking is completed . your car type is a blue bmw and contact number is 07515734744. may i help you with anything else ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , i think that covers everything . thanks so much for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i am looking for a moderately priced restaurant please . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos we have several moderately priced restaurants to choose from . do you have a food type or location preference ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i would like to try jamaican cuisine . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry but there does n't seem to be any jamaican restaurants available , do you have another food preference you 'd like to try ? eos O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos sure , i 'd be happy with some european food . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos the galleria is an excellent choice in the centre . would you like a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area O O O O O O O Booking-Inform
+bos no thank you , but i would like the phone number please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos sure thing . the phone number is 01223362054. eos O O O O O O O B-Restaurant-Inform+Phone O N/A
+bos i am also looking for a train . eos O O O O O O O O O Train-Inform
+bos where are you leaving from and going to ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm leaving from cambridge and going to peterborough . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos and when will you be travelling ? eos O O O O O O O O Train-Request+Day
+bos i am looking to leave cambridge on saturday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos do you have a time you want to leave or arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos yes i need to arrive by 12:45 , for 2 people eos O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos you have tickets on tr1615 , reference number 3gf53qet . eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much , you have been very helpful . that is everything . have a nice day , bye . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos glad to have been of assistance ! eos O O O O O O O O general-welcome
+bos i 'm looking for a hotel in the east , and i 'd like free wifi please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos i 've found express by holiday inn cambridge . 15-17 norman way , coldhams business park eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A
+bos does that hotel include free parking and have 2 stars ? eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes it does . would you like me to book it ? eos O O O O O O O O O O O O O Booking-Inform
+bos no , thank you , that 's all i need . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . have a nice trip ! goodbye ! eos O O O O O O O O O O O O O O O O general-bye
+bos actually , i also need a moderate priced restaurant in the same area . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos i can find a few that meet that criteria , would you like indian , or italian food ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A
+bos well , everyone said it s my choice , so i think i would like italian . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos okay the pizza hut fen ditton fits that criteria . it is located in cambridge retail park . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos could you provide me with the address , phone number and postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure . the address is cambridge retail park newmarket road fen ditto , the postcode is cb58wr , and the phone number is 01223323737. eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O N/A
+bos ok , thank you , that is everything that i need . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . its our pleasure to serve you . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i need to find a hotel in north area that includes free wifi . eos O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O N/A
+bos the ashley hotel and lovell lodge meet your specifications , would you like to book one of them now ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos are either one of them a guesthouse ? eos O O O O O O O B-Hotel-Inform+Type O N/A
+bos no , they are not . i do have 33 guesthouses that fit your needs . eos O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O N/A
+bos can you give me the star rating of your top three guesthouses along with a price range ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos they are all 4 star guesthouses that are moderately priced . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A
+bos can you give me the phone number for your favorite of those ? eos O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the avalon is my personal favorite . their phone number is 01223353071 , anything else i can assist you with ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Phone O O O O O O O O O O general-reqmore
+bos i am also looking for information about a restaurant called the hotpot . can you help me with that ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A
+bos yes , i found it . it is in the expensive price range in the north area . the phone number is 0123366552. would you like me to book a table ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos yes please . for 1 at 16:45 this saturday . eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos you are all set , the reference number is , can i help with anything else ? eos O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos what was the reference number ? eos O O O O O O O Restaurant-Request+Ref
+bos your reference number is jk25tfx6 . is there anything else that i can help you with today ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that would be everything . thank you eos O O O O O O O O general-thank
+bos alright , thanks for contacting cambridge towninfo centre , have a great day ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you , you too ! eos O O O O O O O general-thank
+bos it 's been a pleasure . have a good day . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay with free wifi . eos O O O O O O O O O O O O O N/A
+bos certainly . what part of town are you wanting to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos the north part of town please . are there any guesthouses ? eos O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Type O N/A
+bos we have ten such places . eos O O O O B-Hotel-Inform+Choice O O N/A
+bos great ! could you book one of those for sunday for me ? eos O O O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos i 'm sorry , there is n't anything available for sunday . would a different day work ? eos O O O O O O O O B-Booking-NoBook+Day O O O O O O O O O O Booking-Request+Day
+bos how about just 1 night ? eos O O O O O B-Hotel-Inform+Stay O N/A
+bos i 'm sorry there are no rooms available for that day at all . would it be possible for your to book another day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos i really need a room for 4 people on sunday . eos O O O O O O O O O O O O N/A
+bos i 'm not sure we 're going to be able to help you get a room on sunday . can you restate your requirements ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos i need a hotel on sunday for 4 people for 3 nights . i need the hotel to be a guesthouse with free wifi . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i actually attempted all ten guesthouses with the booking instructions , all of them are unsuccesful . may need to try hotels or different area to move forward . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Area,Hotel-Request+Type
+bos try hotels in the north , then . eos O O O O O B-Hotel-Inform+Area O O O N/A
+bos the rooms are booked then , shall i try a shorter stay ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos ok , can you try for just 1 night please ? eos O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos i was able to get you in for one night at the acorn guest house , reference number 2t2wbnrp . sorry it took so long . is there anything else i can help with ? eos O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O general-reqmore
+bos i also am looking to dine out . something european , and expensive . eos O O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A
+bos there are 5 different expensive european restaurants in town . is there a particular area you would like to eat in ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos nearest the hotel will be fine , i also need a cab after the restaurant eos O O O O O O O O O O O O O O O O N/A
+bos city stop restaurant is the european restaurant in the north near your hotel . where would you like the taxi to take you after the restaurant ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i would like to go back to the hotel after eating eos O O O O O O O O O O O O N/A
+bos can you tell me what time you would like the taxi to pick you up from the restaurant ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to book the city stop restaurant for 4 people on sunday at 15:45. i need the taxi to get from the hotel to the restaurant by that time . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O N/A
+bos okay your all set ! reference number is 9abqgpgt . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O Taxi-Inform,general-reqmore
+bos i also need a taxi to commute between both places , and could you make sure it arrives at the restaurant by the booked time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked a yellow lexus , contact number 07327430362. can i help you with anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that is all . thank you ! you were so helpful ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for an indian restaurant with high ratings in the moderate price range please ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O Train-Request+Price
+bos there are 4 restaurants that meet your request . i would recommend the `` curry price '' located in the east . would you like me to book that you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos could you tell me more information about curry price ? eos O O O O O O O O O O O N/A
+bos curry prince is located at 451 newmarket road fen ditton . their postcode is cb58jj , and their phone number is 01223566388. would you like to book a table there ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform
+bos yes please . i would like to book a table for 5 at 12:30 on friday , please . eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos i 'm sorry booking that was unsuccessful , can you choose another time or day possibly ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos is it available at 11:30 ? eos O O O O O B-Restaurant-Inform+Time O N/A
+bos you 're in luck - they do have a table for 5 at 11:30 on friday . your reference number is : wbhzzwo7 . can i help with something else today ? eos O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes i 'm also looking for a train to kings lynn on saturday . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i want to depart from cambridge after 10:45. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos i found one tr1817 leaving at 11:11 would that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A
+bos maybe . how much does that cost ? eos O O O O O O O O O N/A
+bos 7.84 pounds . what 's your price point ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A
+bos that one will work just fine , thank you . eos O O O O O O O O O O O general-thank
+bos ok , before booking i will need to know how many tickets you would like to purchase ? eos O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos no need , that 's all i wanted . thank you for the help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you . have a great day . eos O O O O O O O O O general-bye
+bos i want to find an expensive indian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there are 14 indian restaurants in the expensive price range . what part of town would you like ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Area
+bos i 'd like the restaurant to be in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos curry garden meets your criteria . the address is 106 regent street city centre . would you like to make a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos what is the postal code for the curry garden ? eos O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode for curry garden is cb21dp . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O N/A
+bos ok , great thanks . can you also help me find a train going to stevenage ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos there are 70 trains to cambridge . what day will you be travelling ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O O O O O O O O Train-Request+Day
+bos sorry , i 'm looking for a train to stevenage arriving by 14:00 on friday . eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A
+bos i have four trains from cambridge to stevenage on friday . they arrive at 06:10 , 08:10 , 10:10 , and 12:10. would you like to book one of these ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O Train-Select
+bos no booking necessary , but could you tell me the travel time ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time between cambridge and stevenage is 49 minutes . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos sounds good thank you . eos O O O O O O general-thank
+bos you 're welcome . thank you for calling and do please call us again in the future . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hi , could you recommend any local cinemas in the area ? i 'm looking for any places that are near the centre . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there is one cinema in the centre called vue cinema . would you like the address and postcode ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O general-reqmore
+bos yes , please . i would also like to know the entrance fee and phone number for that cinema . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the postcode is cb11ps . the address is the grafton centre , east road . the phone number is 08712240240. the entrance fee is not present in our database . eos O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos i also want information on any trains that depart from broxbourne to cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos there are 133 trains that travel that route . what day and time would you like to travel ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i want to leave on a tuesday and arrive by 21:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos there are 15 departures with those criteria . when do you want to leave by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos it does n't matter when i leave by . eos O O O O O O O O O O Train-Request+Leave
+bos train tr2938 leaves at 05:32. would you like to book this train ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos no thanks , i 'm just gathering information . could you give me the ticket price of the 05:32 ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos the price is 17.90 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you very much for the help ! eos O O O O O O O O O general-thank
+bos you are welcome . if you would like help booking a train feel free to ask . eos O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i am hoping to book a 5 star hotel in cambridge that is expensive . what ones are available to book for next thursday through sunday ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i 'm happy to help with that . is there a particular area you 'd like ? what about amenities ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet,general-greet
+bos actually , i 'm not looking for a hotel at all . i 'm looking for a train on thursday that is departing birmingham new after 12:15 to cambridge . is there anything available ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest O O O O O O O O O O N/A
+bos twelve trains match your request . when do you want to arrive ? eos O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive
+bos anytime is fine by me . can i have the train id and travel time ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos the train departing closest to 12:15 is the tr3498 , which leaves at 12:40. the duration of the trip is 163 minutes . eos O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos yes also i am looking to visit one of the colleges on the wets side of town . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i 'm showing 5 colleges in the west end . 3 have free admission , 2 charge a 2.50 pounds fee . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos could you provide me with the address of each location including the entrance fee for them as well ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos three are free : churchill , at storey 's way ; clare hall , at herschel road ; and magdalene on magdalene st. the others are 2.5p , clare at trinity lane ; and queens ' at silver street . eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A
+bos thanks you have been very helpful . that 's all i need for today . eos O O O O O O O O O O O O O O O O general-thank
+bos i am glad i could help . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need help , i was in a car accident dispute . eos O O O O O O O O O O O O O N/A
+bos the parkside police number is 01223358966. would you like me to call them ? eos O O O O O O O O O O O O O O O N/A
+bos yes please i need help eos O O O O O O N/A
+bos where is your location ? i can direct the police to where you are . eos O O O O O O O O O O O O O O O O N/A
+bos can i just have the address and postcode for the police station , please ? eos O O O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos of course . the postcode is cb11jg and it is located in parkside . anything else ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no , i think that 's it for right now . thanks . eos O O O O O O O O O O O O O O general-thank
+bos thanks for using our service , and i hope your day gets better ! eos O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm planning a trip to cambridge and i 'm looking for places to visit in the centre . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are churches , colleges , and museums . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A
+bos i 'm not sure which i 'd like to visit , do you have any recommendations ? also , please let me know the entrance fee . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i recommend adc theatre . i am unsure of the entrance fee . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos is there anyway to find out the entrance fee ? i will also need to book a train leaving stevenage leaving after 11:45. eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O Attraction-Request+Fee
+bos you can call adc theatre at 01223300085 to find out the entrance fee . for the train , can you tell me the day you would like to travel ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i would like to travel on sunday going to cambridge . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A
+bos there are many trains that go to cambridge on sunday , where are you departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O Train-Request+Depart
+bos i 'll be leaving from stevenage eos O O O O O B-Train-Inform+Depart O N/A
+bos there is a train leaving stevenage at 11:54 and arriving in cambridge at 12:43 this sunday . would you like me to book this train ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O Train-OfferBook
+bos yes please , for 4 people . eos O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 40.96 gbp payable at the station . reference number is : ky3bcce0 . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no . that will be all for today . thank you . eos O O O O O O O O O O O O O general-thank
+bos have a great day . eos O O O O O O general-bye
+bos hello , i 'm looking for a train to birmingham new street that will leave on wednesday . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Day O O O N/A
+bos i have trains departing cambridge to birmingham new street wednesday every hour starting at 5:01 , is there a particular time you would like to depart at ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O Train-Request+Leave
+bos departing time , no , but i 'd like to arrive at birmingham new street by 16:45 eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A
+bos i can get you there at 16:44 , if you like . tr8860 will depart cambridge at 14:01. would you like to book tickets on that train ? eos O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos no . i require the travel time , price , and train id . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos that 's train tr8860 . travel time is 163 minutes . the ticket costs 75.10 pounds . can i help with anything else ? eos O O O B-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore
+bos i 'm looking for a place to dine , preferably an indian restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i found 22 restaurants , do you have a preference of area or price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i 'd like something cheap and in the centre , please . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos i have three locations fitting those criteria . the kohinoor , the gandhi , and mahal of cambridge . should i book you at any of these locations ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes , please . i 'd like a table for 1 on wednesday at 12:15 at the kohinoor . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O N/A
+bos i 'm sorry , there are no tables available at kohinoor at that time . would you like to book another day or time ? eos O O O O O O O O O B-Restaurant-Inform+Name O B-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos how about 11:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos okay , you 're booked for 11:15. your reference number is fn32jwuo . can i help with anything else ? eos O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , could you also book me a taxi to the nearest hotel ? eos O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos sure , when do you want to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos that was all i needed , thank you . eos O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos hello , i need information for the nearest police station please . eos O O O O O O O O O O O O O Police-Inform
+bos the telephone is 01223358966 and the address is parkside , cambridge . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i have the postcode please ? eos O O O O O O O O Police-Request+Post
+bos the postcode is cb11jg . can i help you with anything else ? eos O O O O O O O O O O O O O O N/A
+bos no , thank you for your help . eos O O O O O O O O O general-thank
+bos you are welcome . please let us know if there 's anything else we can assist you with in the future . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi i want a train to ely arrived by 13:45 , can you help me do that ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O N/A
+bos what time do you want to depart ? eos O O O O O O O O O Train-Request+Leave
+bos any time is fine as long as it 's on saturday . eos O O O O O O O O O O O O O N/A
+bos there is only one train that would meet your criteria closely and it leaves at 11:50 and arrives in ely at 12:07. may i book that for you ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , please . i will need 8 tickets , and please give me the reference number once you book . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos first , may i confirm that your departure site is cambridge ? eos O O O O O O O O O O O O O Train-Request+Depart
+bos that is correct . eos O O O O O N/A
+bos i have successfully booked you 8 tickets . your reference number is 0yy5wzq6 . is there anything else you need ? eos O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i also need a thai restaurant in the moderate price range . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos i 'm sorry , but there are no restaurants that meet your criteria . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos what about a restaurant that serves european food ? i 'd like the phone no . and postcode to that , please . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos there are 5 places that serve european . did you prefer modern european , or just european food in general ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O O O O O O N/A
+bos just european food in general , please . eos O O O O O O O O O N/A
+bos how about the galleria ? their phone number is 01223362054 and the address is 33 bridge street , the postcode is cb21uw eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O Restaurant-Recommend
+bos sounds lovely . thank you so much for all of your help ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for using this system . eos O O O O O O O O general-bye
+bos i was wondering if you could point me in the direction of a local restaurant by the name of wagamama . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos great ! thanks for all the extra information beyond the address . i will book a time later . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i need to book it for 8 people at 13:30 on wednesday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos unfortunately there are no tables available at that time . would you be interested in a different time or day ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos okay how about 12:30 ? eos O O O O O O N/A
+bos yep 1330 works . is there anything else i can help you with ? eos O O B-Booking-Book+Time O O O O O O O O O O O O general-reqmore
+bos yes i need you to confirm what time my reservation is and give me the reference number . i thought you said 13:30 originally did n't work . i 'm getting confused . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos so sorry for the confusion , i was able to book for 12:30 on wednesday for 8 at wagamama . your reference number is ufxhvhmx , it will be held 15 minutes . eos O O O O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+People B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos can you find me a train that departs from ely to cambridge ? i need to book a seat on the same day as my restaurant booking please . eos O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O O O O O O O O O O O N/A
+bos i have 10 different trains available . can you tell me what time you would like to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to arrive by 8:00 , please . eos O O O O O O O O O O O N/A
+bos ok there are two that arrive before 8. one that leaves at 7:35 and arrives at 7:52. the other leaves at 5:35 and arrives at 5:52. which would you prefer ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O Train-Select
+bos the one that arrives at 7:52 is fine . i would like 8 tickets please . can i get the reference number as well ? eos O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos alright , i have 8 tickets booked on tr9741 , arriving at 7:52. the reference number is 6jrdo7p6 . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O N/A
+bos excellent ! that 's everything i need , thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos great . i 'm glad i could help . please call again . eos O O O O O O O O O O O O O O general-bye
+bos no thanks for all your help . eos O O O O O O O O general-thank
+bos thank you for using our service and have a great day . eos O O O O O O O O O O O O O general-bye
+bos hi , i need to book a train . eos O O O O O O O O O O Train-Inform
+bos great ! can you please provide where you will be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be leaving bishops stortford and i would like to arrive by 16:30. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A
+bos i have 42 trains matching your preferences . is there a specific day and time you would like to leave by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i would like a train for tuesday going to cambridge . the departure time does n't matter . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O O O O N/A
+bos we have the tr1392 arriving in cambridge at 16:07. how does that sound ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos yes , that sounds great . could you please make a booking for 6 people and provide me the reference number ? eos O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos yes , you 're all set ! your reference number is hwxoa2ru . the total fee is 60.59 gbp payable at the station . may i help with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O general-reqmore
+bos i am also looking for kettle 's yard , can you help ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A
+bos yes , kettle 's yard is in the west area located at castle street . their phone number is 01223748100. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O N/A
+bos that 's all i need , thank you . eos O O O O O O O O O O general-thank
+bos you 're very welcome , have a fantastic day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hi i was just robbed ... can i get some help ? eos O O O O O O O O O O O O O general-greet
+bos the nearest police stations number is 01223358966 eos O O O O O O O O N/A
+bos thank you , could you also give me the postcode ? eos O O O O O O O O O O O O Police-Request+Post
+bos the post code is cb11jg . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's it , thanks . eos O O O O O O O O O general-thank
+bos okay . hope things get better . goodbye . eos O O O O O O O O O O general-bye
+bos i am looking for a centrally located upscale restaurant . eos O O O O O O O O O O O Restaurant-Inform
+bos i can book you at the midsummer house restaurant if you would like . eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O N/A
+bos for 3 people , at 17:30 on sunday . reference number please . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O Restaurant-Request+Ref
+bos ok. i 've booked your table . your reference number is gvc0k9wu . can i help with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-greet,general-reqmore
+bos yes . i a place to stay . a upscale hotel please . eos O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are 33 hotels in that area , can you give me a price range and a star rating to narrow down the search ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i prefer upscale and want to stay in a hotel rather than a guesthouse . i also need free parking . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos huntingdon marriott hotel is located west and has 4 stars . does this sound okay to you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O O O O O Booking-Inform
+bos does it have free parking ? and internet ? eos O O O O O O O O O O Hotel-Request+Internet
+bos yes , the huntingdon marriott hotel has both free parking and internet . would you like me to book a room for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos not right now . can i please have the address and phone number of the huntingdon marriott ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos of course ! the address of the huntingdon marriott hotel is kingfisher way , hinchinbrook business park , huntingdon and it 's phone number is 01480446000 , would you like anything else ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-greet,general-reqmore
+bos no , that should be it , thanks ! eos O O O O O O O O O O general-thank
+bos so happy to be of service , and thanks for using cambridge towninfo centre today . have a wonderful day ! eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information on the cambridge belfry hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the cambridge belfry is cheap , located in the west , and has 4 stars . it has free internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos can you book that for me ? eos O O O O O O O O N/A
+bos sure , when were you looking to book for ? eos O O O O O O O O O O O Booking-Request+Day
+bos i 'm sorry i do n't need that booked . rather i need information on a place to dine . preferably expensive and in the centre of town . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos what about the cambridge chop house ? it is located in the centre of town and has expensive food . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A
+bos sure that sounds great ! can you please give me their address , postcode and what type of food do they serve ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Addr
+bos the cambridge chop house serves british cuisine and is located at 1 kings parade with a postcode of cb21sj . could i make a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O Booking-Inform
+bos please make a taxi reservation for me . eos O O O O O O O O O Taxi-Inform
+bos i 'd be happy to assist you , but i will need some more information . where are you departing from and when would you like to leave ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i 'm departing from the cambridge belfry and heading to the cambridge chop house . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos what time would you like the taxi to arrive ? eos O O O O O O O O O O O Taxi-Request+Arrive
+bos i need to leave the restaurant by 22:15. i will need the contact number and car type as well please . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car
+bos the car type is a white skoda and the contact number is 07572111702. will that be all ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O N/A
+bos that is all , thank you . i got all the information that i need . thank you and have a good day . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . thank you very much for using our service . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a nice guesthouse to stay at during my trip to cambridge . anything with a 4 star rating will do . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos the a and b guest house meets your needs . would you like to book it ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos possibly , does this guesthouse hotel offer free parking and free wifi ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos how about allenbell ? this meets all your criteria . eos O O O B-Hotel-Recommend+Name O O O O O O O N/A
+bos that could work . where is allenbell located ? eos O O O O O O O O O O N/A
+bos the allenbell is located in the east area . would you like its address ? eos O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos i am also looking for a cheap restaurant in the area that serves vegetarian food . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O Hotel-Request+Area
+bos i 'm not finding any cheap vegetarian restaurants . is there something else you 'd like to look for ? eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O general-reqmore
+bos what price range do you have for vegetarian food in the centre area ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O Hotel-Request+Area
+bos there are no results for a vegetarian restaurant in any price range in the centre area . would you like to broaden your search to another area ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Area
+bos are there any that serve spanish food instead ? preferably in the center area as well . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Hotel-Request+Area
+bos yes . we have two restaurants that meet your criteria . would you like me to book one for you ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Booking-Inform
+bos i just need the address for one of the restaurants . eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address for la tasca is 14 -16 bridge street . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you . the last thing i think i need is a taxi . to pick me up at the restaurant by 10.00 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i 'd be happy to help with your request , but first i will need to know what your destination is from the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i need to return back to the hotel from the restaurant . eos O O O O O O O O O O O O O N/A
+bos all right , i have booked you a taxi from the restaurant back to your lodgings . it will be a white volkswagen , and it will arrive to pick you up at 10:00. is there anything else you need ? eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O general-reqmore
+bos yes i will also need the contact number for the taxi . thanks eos O O O O O O O O O O O O O O Taxi-Inform
+bos the contact number is 07800878036. anything else i can do for you ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos what is the car type that will be sent ? eos O O O O O O O O O O O Taxi-Request+Car
+bos the car is a white volkswagen . may i help you with anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O general-reqmore
+bos no , that is all ! thank you very much ! eos O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day , goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos while in cambridge i would really like to know where to find a place to eat called meghna . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos meghna is in the west , address 205 victoria road chesterton , postcode cb43lf . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O N/A
+bos excellent . can you book that for me please ? eos O O O O O O O O O O O N/A
+bos what day and time would you like to make a reservation on and for how many people ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos scratch that , i 'll book it myself . now i just need to find a place to stay , a hotel with a 4 star rating . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i have many 4-star hotels . is there a certain area of town you 're looking in , or perhaps a particular price range . eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos yes i would prefer that it 's in the west . and i need free parking . that is a hotel style correct ? eos O O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i have two hotels that fit your request . one is cheap and the other is expensive . what is your price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Request+Price
+bos i would like a 4 star rating , but price does n't really matter . what are the prices ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Request+Price
+bos one is expensive and one is cheap in the 4 star rating . eos O O O O O O O O O O O O O O N/A
+bos i would like the phone number and the address of the expensive one . eos O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos the huntingdon marriot hotel is located at kingfisher way , hinchinbrook business park , huntingdon , with a phone number of 01480446000. would you like to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform
+bos no thank you , would you book a taxi for me ? i want to be picked up at meghna and leave by 10:15. i would like the contact number and car type . eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Leave O O O O O O O O O O O O N/A
+bos where is your desired destination ? eos O O O O O O O Taxi-Request+Dest
+bos the huntingdon marriot hotel where i will be staying . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Hotel-Inform+Type O O O O O O N/A
+bos i have booked you a red toyota taxi . the contact number is 07193902205 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos i also need the phone number for the restaurant that you booked for me , the meghna . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O Restaurant-Request+Phone
+bos the phone number to meghna is 01223727410. is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , thank you very much for all of your help today . eos O O O O O O O O O O O O O O general-thank
+bos no problem ! have a nice day ! eos O O O O O O O O O general-welcome,general-bye
+bos can you help me fine a local restaurant ? i am looking for a moderately priced place to dine that is located somewhere near the centre . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are a total of 21 restaurants that match that criteria . is there a certain style of food you are wanting ? eos O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos no particular food style , but i need a reservation for 1 on saturday at 11:30 , once i decide on a place i will need a reference number . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O N/A
+bos do you have a further preference to reduce the number of acceptable entries ? eos O O O O O O O O O O O O O O O N/A
+bos i am also looking for a place to stay . i need a guesthouse with free wifi . eos O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful at yippee noodle bar . the table will be reserved for 15 minutes . reference number is : k1103xe1 . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you ! is there a guesthouse with free parking and wifi nearby ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos we have the alexander bed and breakfast a 4 star guesthouse in the centre part of town in the cheap price range . does this sound acceptable to book ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos are there any hotels instead of guesthouses with the same criteria ? eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos the university arms hotel might be your best bet . it is an expensive 4-star hotel in the center of town with free wifi and free parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos actually , can you please book the alexander bed and breakfast instead ? i 'll be arriving on saturday and need a room for 4 nights . just one person . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos i 'm sorry , but there are no vacancies for your requested time . would you like to try a different day or perhaps a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos is it available for a single night stay ? eos O O O O O O O O O O N/A
+bos yes . i have booked your reservation for one night . the reference number is q1bd4pp0 eos O O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O N/A
+bos i also need a taxi in order to commute eos O O O O O O O O O O Taxi-Inform
+bos when do you want to depart and/or arrive ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'll want to leave the guesthouse to arrive at our lunch reservation by 11:30. please let me know the car type of the taxi and a contact number . eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i have booked you a taxi meeting your requirements . it is a yellow volkswagen and the contact number is 07340142322. eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos great . thank you . that is all i need for today . eos O O O O O O O O O O O O O O general-thank
+bos good day then , pleasure serving you . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a moderate price hotel in the north part of town . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i found 11 moderately priced hotels on the north side . is there a star rating you would prefer ? what about parking or internet ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Internet
+bos i do n't care about star rating so much , but it the hotel needs to include free wifi . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 10 hotels which match your requirements . do you need parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking
+bos yes i need parking . eos O O O O O O N/A
+bos how about the acorn guest house ? it has parking and wifi . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that will work . what is the phone number , address , and star rating for the hotel ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos sure , the phone number is 01223353888 , the address is 154 chesterton road , and it has a 4 star rating . eos O O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O N/A
+bos thanks . i 'm also looking for a restaurant in the same price range as the hotel can you help me out ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about the the nirala ? they are moderate price range and are in the north . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A
+bos is there one that serves fusion food and if they do n't , is there any that serve indian food ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have fusion , but the nirala serves indian food in the north area , and is moderate priced . eos O O O O B-Restaurant-NoOffer+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A
+bos that sounds good . i need a table for two at 16:00 on thursday . eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos okay , i have that booked for you , thursday at 16:00 for two people . here is your reference number : w7r9keyj . they will hold your table for 15 minutes . eos O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O N/A
+bos wonderful , thanks . can you also help me find a taxi that can take me from the restaurant to my hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos i have booked a black honda for you that will arrive at 18:00. please call 07851425026 if you need to adjust the pick up time . do you need anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i actually need to arrive by 16:00 at the restaurant so the 18:00 will not work . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O N/A
+bos do you want to go from the restaurant to the hotel , or from the hotel to the restaurant ? your restaurant reservation is at 16:00. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Time O O Taxi-Request+Depart,Taxi-Request+Dest
+bos from the hotel to the restaurant , please . eos O O O O O O O O O O N/A
+bos i have booked you a grey bmw from acorn guesthouse to nirala in time for your reservation at 16:00. contact number is 00273193767. is there anything else i can help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos great thank you very much that 's all the info i need . eos O O O O O O O O O O O O O O general-thank
+bos great . thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for suggestions for a cheaper restaurant in the center of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i have several listings available for you to choose from , is there any preference on the type of food they serve for you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos not really . just get me a table for 3 on tuesday at 17:00 eos O O O O O O O O O O O O O O O N/A
+bos would you like me to book you a table at dojo noodle bar at 40210 millers yard city centre for tuesday at 17:00 for 3 people ? eos O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Booking-Inform+Day O O O O B-Booking-Inform+People O N/A
+bos yes please , if that time does n't work , we can try for 16:00. eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O O N/A
+bos your booking for 3 at the dojo noodle bar for tuesday at 16:00. your reference number is v65s4lw2 . eos O O O O O B-Booking-Book+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos i also need a hotel with free parking and free wifi . eos O O O O O O O O O O O O O N/A
+bos what area of town and price range would you prefer ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i prefer a guesthouse , and i need someplace cheap , please . area does n't matter . eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i have several options here . i would recommend finches bed and breakfast thats located in the west . would you like more info or would you prefer something different ? eos O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O Hotel-Request+Type,general-reqmore
+bos could you tell me the star of the hotel ? eos O O O O O O O O O O O Hotel-Inform
+bos finches has a 4 star rating . would you like me to go ahead and book that for you ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Inform
+bos no thank you , that is all . eos O O O O O O O O O general-thank
+bos thank you for using our service . is there any further assistance you need ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no thanks . that 's all i needed . have a great day ! eos O O O O O O O O O O O O O O O general-thank
+bos have a good day ! eos O O O O O O general-bye
+bos i am looking for a restaurant in the moderate price range in the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are many moderately priced restaurants that meet your criteria , what type of food are you looking for ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like it to serve food from the americas . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A
+bos unfortunately i could not find any restaurants serving food from the amercias in the moderate price range . eos O O O O O O O O O O O O O O O O O O O N/A
+bos how about european food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are 2. did you want me to book one of them ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Booking-Inform
+bos what are the names ? eos O O O O O O N/A
+bos 'hotel du vin and bistro ' and 'galleria ' eos O O O O O O O O O O N/A
+bos i would like to book a table for three on friday , at 16:00. eos O O O O O O O O O O O O O O O N/A
+bos certainly , can i book your table at hotel du vin and bistro or would you prefer a table at galleria ? eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O Booking-Inform
+bos i need to book a table for 3 people at 16:00 on friday at galleria eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your table has been booked and is reserved for 15 minutes , reference number is m32yyijn . can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm also looking for a hotel called hamilton lodge . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos i have the information pulled up . what would you like to know about it ? eos O O O O O O O O O O O O O O O O O N/A
+bos do they offer free parking ? and can i get the phone number for them please . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking
+bos yes , there is free parking at hamilton lodge . the phone number is 01223365664. eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Parking
+bos is it possible to arrange a taxi to take me from the hotel to the restaurant by 16:00 ? eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos i have booked you a taxi , red tesla , phone number is 718 850 4433. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone O N/A
+bos thank you that 's all that i needed eos O O O O O O O O O general-thank
+bos thank you have a great day . eos O O O O O O O O general-bye
+bos find a budget hotel with free parking in cambridge . eos O O O O O O O O O O O N/A
+bos there are 10 hotels that meet your needs . would you like to narrow your search by area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like it to have a four star rating and be located on the west side . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos the cambridge belfry fits your requirements , would you like to book a reservation there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos please book it for 5 people and 5 nights starting from wednesday . eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos unfortunately the booking was unsuccessful . can you book for another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos let 's try 4 nights only please and i 'll need a reference number . eos O O O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A
+bos that works out perfectly . your reference number is 72ycmlxx . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i am also looking for a vietnamese place to dine in the same price range as the hotel . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos i found thanh binh ; would you like me to make you a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos first , tell me how far away from the hotel this restaurant is . eos O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos it is also in the west side area , located at 17 magdalene street city centre . would you like to make a reservation ? eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes i 'd like to book for 5 at 13:00 on wednesday as well . i will also need the reference number . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O N/A
+bos great the reference is pdelckqs . thank you . eos O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you . that 's all i need . eos O O O O O O O O O O general-thank
+bos have a good day , goodbye eos O O O O O O O general-bye
+bos i 'm planning to visit cambridge and would like to know the options available for upscale chinese dining . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i have several recomendations . would you care to try yu garden ? it has great chinese food , but is expensive . eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A
+bos i do n't mind an expensive restaurant so that will be fine . i would like to reserve a table for 3 on sunday at 15:00. eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A
+bos how about yu garden ? it 's expensive and serves chinese food . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O N/A
+bos that should be fine . can you get the reference number ? eos O O O O O O O O O O O O O Restaurant-Request+Ref
+bos unfortunately there are no reservations left at that time . would you like to change the restaurant ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos do you have reservations for 14:00 for yu garden since the 15:00 is full ? eos O O O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A
+bos for 14:00 , booking was successful . the table will be reserved for 15 minutes . reference number is : nhcrn6ds . eos O O B-Booking-Book+Time O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks . i 'm also looking for a guesthouse that includes free wifi and free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos certainly . what area of town do you prefer ? eos O O O O O O O O O O O Hotel-Request+Area
+bos any part of town will be fine . eos O O O O O O O O O N/A
+bos there are 21 guesthouses that offer those amenities . do you have a preferred price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price
+bos no , any price range is fine . go ahead and book , and get me the postcode . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the alexander bed and breakfast is cheap and in the centre . the postcode is cb12de . to book , i need to know when you 'll stay and how many people . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos that 's all i need for now . thanks ! eos O O O O O O O O O O O general-thank
+bos great ! thanks for using cambridge towninfo . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i am excited about visiting a particular attraction in cambridge . can you help me ? eos O O O O O O O O O O O O O O O O O Attraction-Inform
+bos we have 79 attractions listed at this time . was there anything in particular you were looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i am looking for the fitzwilliam museum eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos the fitzwilliam museum is located in the centre area of town and is free to enter . would you like more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes , please . what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post
+bos no problem . the post code for the fitzwalliam museum is cb21rb . is there anything else i can help you with ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes . i am looking for a place to stay that has 4 stars and includes free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos we have at least 33 four star hotels with internet , would you like one close to the museum ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos yeah sure why not ! that would be dope ! eos O O O O O O O O O O O N/A
+bos ok , i can book you a room at the arbury lodge guesthouse . is that good ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos yes please . book a room for 4 people for 3 nights , beginning monday . i need a reference number . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos i have confirmed your booking at arbury lodge guesthouse for 3 nights starting monday . your reference number is wai4et4d . would you like help with anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos no thank you , you been so helpful , have a wonderful day ! eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos can you find me a cheap spanish restaurant ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there are two spanish restaurants in total , what price range do you want ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price
+bos i am looking for a cheap restaurant . eos O O O O O O B-Restaurant-Inform+Price O O N/A
+bos la raza is a spanish restaurant , in the cheap price range and in the centre part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos can you please give me the address ? eos O O O O O O O O O Restaurant-Request+Addr
+bos the address is 4 - 6 rose crescent . can i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos what is the area ? eos O O O O O O Restaurant-Request+Area
+bos la raza 's area is in the centre part of town eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos thank you . good bye eos O O O O O O general-bye
+bos thanks for using this system and enjoy your meal ! goodbye ! eos O O O O O O O O O O O O O general-bye
+bos i need a cheap restuarant . probably in the west part of town eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how about la margherita ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos what kind of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food
+bos la margherita is an italian restaurant in the area of west in the cheap price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos that sounds good . what is their phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223 315232. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos that was all i needed . bye now . eos O O O O O O O O O O general-bye
+bos goodbye eos O O general-bye
+bos i am looking for an expensive restaurant in the south part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos there is five restaurants to your request . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O N/A
+bos i would like italian food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos frankie and bennys serves italian food in the south part of town . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos yes , what is their phone number and where are they located at ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos their address is cambridge leisure park clifton way cherry hinton and phone number is 01223 412430 eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you for using our system . good bye eos O O O O O O O O O O general-bye
+bos i am looking for irish food that is cheap . i will need their phone number too . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Phone
+bos there are no irish restaurants in the cheap price range . would you like something else ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about vietnamese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos the only restaurant meeting your criteria is thanh binh in the west . their phone number is 01223 362456. eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos i would like a restaurant in the west part of town . eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 14 restaurants that are in the west area of town . what kind of food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos english food , please . eos O B-Restaurant-Inform+Food O O O O N/A
+bos no restaurants serving english food are located in the west part of town . would you like me to check for a different location or cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos graffiti is a british restaurant located in the west part of town and in the expensive price range . would you like their address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O general-reqmore
+bos yes , please . and can you also give me their phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos certainly . the phone number for graffiti is 01223 277977 and address is hotel felix whitehouse lane huntingdon road . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos i need the address , too . eos O O O O O O O O Restaurant-Request+Addr
+bos the address is hotel felix whitehouse lane huntingdon road eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos could you recommend an expensive restaurant that serves mediterranean food ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos sure thing ! where are you located ? eos O O O O O O O O O Restaurant-Request+Area,general-greet
+bos i do n't care what part of town the restaurant is in . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos how about shiraz restaurant ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos what is their phone number and post code ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos their postcode is c.b 2 , 1 d.p and their phone number is 01223307581. eos O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos enjoy your meal . eos O O O O O general-bye
+bos hello , i am looking for a moderately priced restaurant on the north side of town . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos golden wok is a moderately priced restaurant in the north part of town , that serves chinese food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos what is their address ? eos O O O O O O Restaurant-Request+Addr
+bos the golden wok is located at 191 histon road chesterton . is there anything else i can help you with today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos thank you good bye eos O O O O O general-bye
+bos you 're welcome , goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for an expensive restaurant that serves korean food . i would like the address and area , please . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr
+bos the little seoul fits fits your price request . it is located at 108 regent street city centre . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you . eos O O O O general-thank
+bos thank you good bye eos O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i want to find a restaurant in any part of town and serves malaysian food . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no malaysian restaurants . would you like something different ? eos O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos north american , please . give me their price range and their address and phone number , please . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr
+bos gourmet burger kitchen is in the expensive price range their phone number is 01223 312598 and their address is regent street city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos thank you for using cambridge restaurant system . enjoy your meal ! eos O O O O O O O O O O O O O general-bye
+bos hello , i am looking for a restaurant on the south side of town that serves unusual food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O N/A
+bos sorry but there is no resaurants that fit your request . do you want something different ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos yes , how about indian food eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i recommend taj tandoori . it is located in the south part of town . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos taj tandoori 's phone number is 01223 412299. is there anything else i can do for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no that is all . thank you , goodbye . eos O O O O O O O O O O O general-bye
+bos thank for calling cambridge restaurant system , goodbye . eos O O O O O O O O O O general-bye
+bos i need a train that is leaving on friday . eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos i can help you with that . can you give me the departure/destination locations and a preferred timeframe ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest
+bos i am traveling from cambridge to stansted airport on friday . i need to arrive by 9:15. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O N/A
+bos i have 4 trains available . do you have a preferred departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos no , i do n't . can you give me the earliest departure out of the 4 trains ? eos O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos tr7213 leaves cambridge at 05:40 and arrives at the airport by 06:08 , does this suit your needs ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos yes , that sounds great . can you book that for me ? eos O O O O O O O O O O O O O O N/A
+bos definitely ! how many tickets do you need ? eos O O O O O O O O O O Train-Request+People
+bos actually i have all the information i need but i would like to find a type of multiple sports attraction on the east side . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A
+bos there are none in that side . can we change location ? eos O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O Attraction-Request+Area
+bos are there any theatres ? eos O O O O B-Attraction-Inform+Type O N/A
+bos there are also no theatres on the east side . is there anything else i could help you find attraction wise ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O general-reqmore
+bos are there any churches or museums on the east side ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos yes , i highly suggest saint barnabas press gallery . would you like more information ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos scratch that , i 'd like to see some multiple sports venues eos O O O O O O O O O O O O O N/A
+bos the cherry hinton village centre is a multiple sports venue in the east . does that work for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos okay could i have their entrance fee please ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Fee
+bos i do n't have any information about their entrance fees , but you can call them at 01223576412 for more information . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O N/A
+bos that will be all for today . thanks . goodbye eos O O O O O O O O O O O general-bye
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos any suggestions for entertainment ? eos O O O O B-Attraction-Inform+Type O N/A
+bos is there a certain area you 're looking at ? eos O O O O O O O O O O O Attraction-Request+Area
+bos yes , i 'm looking for something close to the center of town . eos O O O O O O O O O O O O O O O N/A
+bos i 'm not finding anything close to the centre of town . is there another area you 'd like me to check for you ? eos O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos is there a college in the centre area that you could give me more information on ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos there are several , what would you like to know ? eos O O O O O O O O O O O O N/A
+bos which one would you recommend for me to visit as a tourist ? i need the postcode , entrance fee and phone number for it . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos i highly recommend downing college . it 's free ! the postcode is cb21dq and the phone number is 01223334860. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O N/A
+bos sweet , brah . i 'm also looking to book a train . eos O O O O O O O O O O O O O O Train-Inform
+bos okay brah where you leaving from ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving after 8:15 from london kings cross . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos we have many trains available that are leaving london kings cross after 8:15. what is the location of your destination ? which day would you like to leave on ? eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos i will travel in tuesday . arrival is not important . eos O O O O O B-Train-Inform+Day O O O O O O N/A
+bos tr5886 leaves at 09:17 , price is 23.60 pounds a person , do you want me to book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos thank you . yes i would really love for you to book the train for 2 people . eos O O O O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos i have made that reservation and your reference number is iadfzdhy . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos great , thanks so much ! that 's all i 'll be needing ! bye bye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'm looking to book a train , if you could help me . eos O O O O O O O O O O O O O O O Train-Inform
+bos we can definitely help you with that . where will you be departing from , and what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet
+bos depart from stevenage and should arrive by 15:30. eos O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos i can certainly look that up for you , what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos cambridge on teusday . book for 7 people and please get me reference number . eos O B-Train-Inform+Dest O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i was able to book on train tr9263 for tuesday leaving at 05:54 and arriving at 06:43. the total fee is 89.6 gbp and the reference number is 0qgd9jb5 . eos O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Day I-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A
+bos thank you i also need to find a college to go to . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos okay , i found 18 colleges all over town . is there a particular area you 're interested in so i can narrow down your options ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos whichever you recommend is great eos O O O O O O N/A
+bos i recommend clare hall located at herschel road and has free entrance . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A
+bos what part of town is it in ? eos O O O O O O O O O N/A
+bos clare hall is in the west part of town . do you need more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O general-reqmore
+bos thank you ! can you please tell me the postcode ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb3 9al . what else can i help you with ? eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that is everything thank you so much . eos O O O O O O O O O general-thank
+bos thank you for using our services . have we met all of your needs ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , you have . thank you . eos O O O O O O O O O general-thank
+bos you are welcome . thank you for contacting cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hello looking for a good train that leaves on saturday after 19:00. eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos sure . where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart
+bos i 'm departing from cambridge . eos O O O O B-Train-Inform+Depart O O N/A
+bos thank you . what destination are you traveling to ? eos O O O O O O O O O O O Train-Request+Dest
+bos i am going to leicester after 19:00 on saturday . eos O O O O O B-Train-Inform+Dest O O O O O N/A
+bos train 4708 leaves at 19:21 and arrives at 21:06. would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes that works make a booking for 5 people . please provide a reference number . i need information on people 's portraits exhibition at girton college too . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your booking is complete . your reference number is ti6pzfh7 . what information can i provide you with about people 's portraits exhibition at girton college ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos i need the postcode and attraction type ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type
+bos its an exhibit and cb3ojg . eos O O O B-Attraction-Inform+Type O B-Attraction-Inform+Post O N/A
+bos thanks , that 's all i need today ! eos O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for places to go in town . i would like a boat attraction in the centre . any suggestions ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O N/A
+bos i recommend scudamores punting co they are located at granta place , mill lane . the entrance fee is n't listed . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A
+bos what 's their phone number and postcode ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos sure their phone number is 01223359750 and their addres is 251a chesterton road . eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos that 's the address . what 's the postcode ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb21rs . what else can i help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos i need a train ticket going to london liverpool st leaving cambridge anytime after 08:15 on sunday , can you help me with that ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave B-Train-Inform+People B-Train-Inform+Day O O O O O O O O N/A
+bos i have booked for you train tr9025 the total fee is 13.28 gbp payable at the station .reference number is : htsdz9ll eos O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref N/A
+bos i 'm looking to go somewhere in the centre to enjoy some entertainment . can you help ? eos O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O O O N/A
+bos i ca n't find any entertainment venues in the centre . would you like to try something different ? a museum perhaps ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O Attraction-Request+Price
+bos no museums , what colleges are there around town ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos sure , there are 13 colleges in that area . eos O O O O O B-Attraction-Inform+Choice O O O O O N/A
+bos can i please get the phone number , postcode and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos christ 's college is one i would recommend , their phone number is 01223334900 , post code is cb23bu , and there is no entrance fee . can i help you with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos i also need a train that leaves on monday and arrives by 14:15. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos where are you traveling from ? there are 5 trains from london kings cross that arrive by that time . eos O O O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O Train-Request+Depart
+bos i am leaving ely and going to cambridge . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos the first train leaves at 5:35. eos O O O O O O B-Train-Inform+Leave N/A
+bos can you book 4 tickets ? eos O O O O O B-Train-Inform+People O N/A
+bos your reservation has been made . the total fee is 17.6 gbp payable at the station . reference number is wog8wd79 eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos ok , thank you . that ' all the information i need today ! eos O O O O O O O O O O O O O O O general-thank
+bos i am glad i can help and enjoy . eos O O O O O O O O O O general-welcome
+bos thank for your help . good bye . eos O O O O O O O O O general-bye
+bos thank you for contacting us have a nice day . eos O O O O O O O O O O O general-bye
+bos i 'm looking for a place to go in centre . any ideas ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there 's lots of different attractions in the centre of town ? are you looking for anything specific ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i want a museum . eos O O O O B-Attraction-Inform+Type O N/A
+bos i would recommend the museum of archaelogy and anthropology . would you like me to book it ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O Booking-Inform
+bos sure , can i please have the phone number , post code and entrance fee information . i am also looking for a train from stansted airport that leaves after 16:45. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Leave O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos sure , no problem . the phone is 01223333516. the post code is cb23dz and the entrance is free . for the train , what time do you need to arrive by ? eos O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos no certain time . i just ca n't leave until after 16:45 on friday . eos O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos and where is your destination ? eos O O O O O O O Train-Request+Dest
+bos i am traveling from stansted airport to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos tr2848 fits your criteria and arrives by 17:52 , shall i book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos not at this time . thank you for your assistance . eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a great trip ! eos O O O O O O O O O O O general-welcome,general-bye
+bos thanks . goodbye . eos O O O O O general-bye
+bos you 're very welcome . please contact us again if you need further assistance for your visit to cambridge . eos O O O O O O O O O O O O O O O O O O O O O general-welcome
+bos hello . what sort of attractions are available in the center of town ? eos O O O O O O O O O O O O O O O Attraction-Inform
+bos there are many ! does architecture interest you ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A
+bos yes that would be fine and i need the postcode of the one you suggest . eos O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos try visiting old schools on trinity lane in the city centre . the postcode is cb21tt . do you need anything else ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that is everything i need . eos O O O O O O O N/A
+bos thank you for using our service today . eos O O O O O O O O O general-bye
+bos i 'm looking for a museum in town eos O O O O O B-Attraction-Inform+Type O O O N/A
+bos i have several museums listed , is there a specific type you are interested in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos nothing specific , please just send me the address , phone number and postcode of the one you would suggest . eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos ok williams art and antiques is pretty universally enjoyed , gwydir street , no . 5 dale 's brewery , postal cb12lj , phone , 01223311687 , free admission , so that 's good for the wallet . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O N/A
+bos thank you so much ! i also need info on trains that leave on monday after 11:00. eos O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos there are 278 entries that match your request . where will you be departing from and what is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be going to cambridge and should depart from birmingham new street . eos O O O O O O O O O O O O O O O N/A
+bos what time do you need to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos as early as possible as long as i leave after 11:00. eos O O O O O O O O O O O O N/A
+bos i will take the one on monday at 11:00 can you book it for me ? eos O O O O O O O O O O O O O O O O O N/A
+bos i 'm looking for a hotel in the south . eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i have along list . can you specify the kind of food you want ? eos O O O O O O O O O O O O O O O O N/A
+bos i am looking for a hotel with free wifi . it should be in the cheap price range , like a guesthouse . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O N/A
+bos i recommend rosa 's bed and breakfast , it is in the south , offers internet and is inexpensive . would you like me to book it for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform
+bos yes please . i would like it for 8 people for 5 nights starting from monday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O N/A
+bos booking was successful.reference number is : cybpdkaz . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos great ! i am also looking for a tuscan restaurant , are there any in the same price range as the bed and breakfast ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O N/A
+bos i am sorry i do n't have any tuscan restaurants in that price range . can i try a different price range ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos no tuscan restaurants ? i also like italian food . anything in the cheap price range ? eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i have options in the centre , north and west areas . do you have preference on the area ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Area
+bos no , you can just choose the one you think is best . and then i 'll want to book it for 8 people on monday at 18:00. give me reference number please eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos pizza hut city servers italian and is cheap . its in the center of town . its address is 12 bridge street city centre . can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos can i please have the reference number ? eos O O O O O O O O O N/A
+bos your table is reserved under ref # phei0u6b . is there anything else i can do for you today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos no that will be all . thank you . eos O O O O O O O O O O general-thank
+bos you are welcome enjoy . eos O O O O O O general-welcome
+bos i 'm looking for a restaurant that serves americas food . eos O O O O O O O O O O O O Restaurant-Inform
+bos unfortunately , i can not find an american restaurant . eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O N/A
+bos is there a moderate priced restaurant in the east ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A
+bos yes , i have 3 moderately priced indian restaurants . eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos yes , that is the type of food i am craving . which one would you recommend ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos curry prince is definitely my favorite , they have great vegan options ! eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O N/A
+bos sounds perfect . are you able to book a table for us ? i need a table for 5 at 13:15 this saturday . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is 94vi10cx . will that be all for today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , i 'll also need to find a place to stay with a 4 star rating please . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 21 lodgings in town with a 4 star rating . do you have a preference for area , type , pricerange , internet or parking availability ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Internet
+bos i 'd like a guesthouse and somewhere that is moderate in price . eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are 11 choices for you . do you have an area preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos do they all have free wifi ? eos O O O O O O O O Hotel-Request+Internet
+bos some do and some do n't . are you looking for free internet ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Inform+Internet
+bos yes , i would like to have internet . eos O B-Hotel-Inform+Internet O O O O O O O O Hotel-Request+Internet
+bos do you need parking ? eos O O O O O O Hotel-Request+Parking
+bos that 's not as important as the internet . eos O O O O O O O O O O Hotel-Request+Internet
+bos got it , i found a and b guest house located in the east and not to far from the restaurant . will this work ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O Booking-Inform
+bos i just need to know if they have wifi . if they do i 'll need the area and postcode . eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Internet
+bos a and b guest house does have internet . they are located in the east with postcode cb12dp . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Post O O Hotel-Inform+Internet
+bos thanks for all your help today ! eos O O O O O O O O general-thank
+bos did you need anything further today ? eos O O O O O O O O general-reqmore
+bos nope , that 's all i needed . goodbye ! eos O O O O O O O O O O O general-bye
+bos happy to be of service , and i hope you enjoy your stay ! eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant that serves turkish food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 3 turkish restaurants in the centre , what is your price range ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Price
+bos i 'm not picky about the price . could you recommend one and give me the price range ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos sure . i recommend efes restaurant . it 's menu is moderately priced and easy on the wallet . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O N/A
+bos i also need a guesthouse with 4 stars . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A
+bos which side of town would you prefer ? eos O O O O O O O O O Hotel-Request+Area
+bos in the same area as the restaurant , centre . in prefer a cheap price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Hotel-Inform+Price O O O O Restaurant-Request+Price
+bos the alexander bed and breakfast meets your needs and has breakfast ! need a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos can i have the number to the hotel ? eos O O O O O O O O O O N/A
+bos their phone number is 01223525725. eos O O O O O B-Hotel-Inform+Phone N/A
+bos can you tell me their address and let me know whether or not they have internet there ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr
+bos sure , the address for alexander bed and breakfast is 56 saint barnabas road , cb12de . they offer free wifi and free parking . can i help with anything else ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos that sounds great thank you . eos O O O O O O O general-thank
+bos may i assist you with something else , today ? eos O O O O O O O O O O O general-reqmore
+bos no , that 's all.thanks and have a good day eos O O O O O O O O O O O general-thank
+bos you are very welcome . and you have a great day as well . goodbye eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay . eos O O O O O O O O O O N/A
+bos we have 33 options , any preference in options such as area or price ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like to stay in the east and i am looking for a 4 star rating . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos what type of pricing would you like ? eos O O O O O O O O O Hotel-Request+Price
+bos i want a cheap guesthouse . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A
+bos there are 3 that fit the bill . can i recommend leverton house ? 4 stars , cheap , in the east , and they offer complimentary parking and internet . eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos that 'll work . please book me a room for one , checking in monday for 2 nights eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos i can book you a room at the allenbell . how many people will be staying ? eos O O O O O O O O O B-Booking-Inform+Name O O O O O O O O Booking-Request+People
+bos one person for two nights and need the reference number . also want to reserve a table at travellers rest for one on monday at 13:45 , the reference number as well . eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O O O N/A
+bos okay . i have your reservation for the hotel and your reference number for this booking is jas1x0dx . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much for your help , that is all i need . eos O O O O O O O O O O O O O O O general-thank
+bos thank you i enjoyed serving you welcome again eos O O O O O O O O O general-bye
+bos i am looking for information on a hotel called carolina bed and breakfast . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos yes , the carolina bed and breakfast is located on 138 perne road and is located in the east . it has 4 stars and it 's price range is moderate . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O N/A
+bos how is it rated and give me the phone number and post code eos O O O O O O O O O O O O O O Hotel-Request+Post
+bos the carolina bed and breakfast is located at the cb13nx and is rated 4 stars . would you like me to book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos can i get the phone number for that please ? i want to book directly through them . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number is 01223247015 eos O O O O O B-Hotel-Inform+Phone N/A
+bos can you help me find a british restaurant in a moderate price range ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos we have 5 british restaurants that are in that price range . would you like to dine in the centre or the west ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area N/A
+bos area does n't matter . you can pick one and then please book it for me for 2 people on sunday at 16:30 eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i found one at the west i hope you will like it i will book it for you eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos i need a place to eat in the moderate price range . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos we have quite a few restaurants . do you have any preferences as to area or type of cuisine ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i 'm interested in international food . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos i would suggest either the varsity restaurant or bloomsbury restaurant . eos O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos i will choose the bloomsbury restaurant , thanks . eos O O O O O O O O O O Restaurant-Inform
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos sure . i 'd like it for 11:45 on thursday . there will be 3 people . eos O O O O O O O O O O O O O O O O O O N/A
+bos okay great . i will work on that now and be back with you shortly . eos O O O O O O O O O O O O O O O O O Booking-Inform
+bos sure , take your time . eos O O O O O O O N/A
+bos ok , all set . your reference number is 2ow2p7ka . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i also need a place to stay with free parking in the same price range as the restaurant . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos there are about 14 places . do you have an area in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos yes , i prefer the north and i must have free wifi , please . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O N/A
+bos 17 places fill that need , do you prefer a hotel or guesthouse ? do you have a star rating in mind ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars
+bos as long as it 's moderately priced and meets my needs , i will take your recommendation . i do n't care about star ratings or type of lodging . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the a and b guest house would be perfect for you . shall i book it ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos no i just need the get star of the hotel and postcode eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Post
+bos it has a star of 4. what else do you want to know ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O general-reqmore
+bos do they have internet ? eos O O O O O O N/A
+bos yes , a and b guesthouse does have internet . do you want to reserve a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i need a place to stay with free wifi . eos O O O O O O O O O O O N/A
+bos yes , there are multiple places to stay in cambridge . may i help narrow down these choices for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O general-reqmore
+bos i do n't care about what part of town it is in , but i would like a 3 star guesthouse . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A
+bos i 'd suggest bridge guest house on 151 hills road . would you like a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O Booking-Inform
+bos how expensive is it ? and is there any nearby attractions ? eos O O O O O O O O O O O O O Attraction-Inform
+bos the bridge guest house is in the moderate price range , and we have attractions in all areas of cambridge so i 'm sure you will find something to your liking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you make a reservation for 8 people for 5 nights starting from wednesday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i was able to book the room for you your reference number is 5yy25k1o . is there anything else you need me to do for you ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , you 've been very helpful . that 's all i needed . thank you very much . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . eos O O O O O general-welcome
+bos actually , i 'm also looking for an expensive place to dine in the centre . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A
+bos the kymmoy is expensive and in the centre of town eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos i need to book a table for the same group of people at 20:00 the same day . i need the reference number as well . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : uf08l0on . anything else that i may help you with . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yeah , i 'd like a taxi to take me from my hotel to the restaurant in time for my reservation . please tell me the car type and contact number . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos taxi is booked . it 's a black volkswagen , phone number 07609143114. is that all for now ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , that 's everything for me . thanks for helping , goodbye eos O O O O O O O O O O O O O O general-bye
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'd like to find a good restaurant in the center . eos O O O O O O O O O O O O O Restaurant-Inform
+bos we have many options available in centre . is there a specific price range or cuisine type you are interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i 'm looking for something in the moderate price range . i think asian oriental sounds good . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Hotel-Request+Price
+bos the yippee noodle bar matches your request perfectly . they are located at 40428 king street city centre . would you like to make a booking ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos i 'm not sure right now . may i please have the postcode ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb11lh . eos O O O O B-Restaurant-Inform+Post O N/A
+bos thank you ! i am also looking for a guesthouse in the same area as the restaurant . can you help with that too ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos yes i have two guesthouses located in the city center in the cheap price range . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select
+bos i need it to have free parking and internet . eos O O O O O O O O O O O N/A
+bos the alexander bed and breakfast and the el shaddai both offer internet and parking . would you like to make a reservation with either guesthouse ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform,Hotel-Select
+bos yes , either one is fine . eos O O O O O O O O N/A
+bos how many days and for how many people ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i 'm sorry , no booking please , just need their postcode and phone number . eos O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos sure ! alexander bed and breakfast 's number is 01223525725 and the postcode is cb12de . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O general-greet
+bos also , what is the price range of the hotel ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos the alexander bed and breakfast is in the cheap price range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A
+bos ok , i also want to book a taxi between the hotel and restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos of course , at what time would you like to arrive by ? eos O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos i want to leave the hotel by 5:15 eos O O O O O O O O O N/A
+bos ok , a yellow audi is booked . eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A
+bos thank you . would you also give me the contact number for the taxi ? eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos contact number for the taxi is 07491658422. will there be anything else ? eos O O O O O O O B-Taxi-Inform+Phone O O O O O O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i need a place to stay located in the west of town . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos ok , i have 4 results for restaurants in the west area , what is your price range ? eos O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos actually , i 'm more concerned with a place to stay and i 'd like it to be in the west please . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have many choices in the west . do you have a price range or amenities preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Parking,general-reqmore
+bos if it could be a 4 star hotel with free wifi , that would be perfect . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos the huntingdon marriott hotel is a good option . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos can you book it for me for thursday i 'm staying 5 nights . only one person is staying . eos O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos you have a reservation starting on thursday at the huntingdon marriott hotel for 5 nights . your reference number is x4hzqe2d . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i need a restaurant called the bedouin for the same group of people at 14:15 and i would need the reference number . eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos i have bedouin here . which day would you like to dine ? eos O O O B-Booking-Inform+Name O O O O O O O O O O Booking-Request+Day
+bos i want to book it for 1 on 14:15 on thursday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i 'm not showing it is available for that time . would you like me to try again or try a different time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can you try for tuesday ? eos O O O O O B-Restaurant-Inform+Day O N/A
+bos your table was booked for tuesday , at 14:15. the restaurant will hold it for 15 minutes . your reference number is b9dbxb04 . is there anything else i can assist you with ? eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that is all for now . thank you for all your help . eos O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i am looking for a moderately priced hotel in cambridge . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O Restaurant-Request+Price
+bos i have three choices for you . do you have an area that is more convenient for you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , can you check the north please ? eos O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are two hotels that match what you 're looking for . the ashley hotel and lovell lodge . does either of those sound preferable ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select
+bos can you book me at ashley hotel for 1 and 3 nights ? eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stay O N/A
+bos no problem ! what day are you wanting to check in ? eos O O O O O O O O O O O O O Booking-Request+Day
+bos on wednesday please eos O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos yes that 's what i already asked you to do . eos O O O O O O O O O O O O N/A
+bos booking was successful . reference number is : 40ggn5ey . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for some information on a restaurant called efes . i 'll need the phone number , price range , and postcode , please ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price
+bos sure , its moderate , phone is 01223500005 and the postcode is cb11ln , anything else ? eos O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O general-reqmore
+bos thank you , that 'll be all today . eos O O O O O O O O O O general-thank
+bos if the hotel and restaurant are all you need for today , then thank you for contacting cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos is the alpha-milton guest house still in operation ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos yes they are . still on the north side , woudl to liek me to book you or give you their contact info ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos great . can you reserve a room for me for thursday ? there will be 2 of us and we would like to stay for 2 nights . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O O O O O O O O O O N/A
+bos i reserved a room for you with reference number aoyflxpt . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for thai food in centre please . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i can reserve at the restaurant named bangkok city eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A
+bos okay please book a table for the same group of people at 14:15 on the same day . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i have made those reservations and your reference number is s7rzrh3p . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . i also need a taxi to get between the two . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos sure , just to clarify : do you need a taxi to take you from the hotel to the restaurant ? or vice versa ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need to get from the hotel to the restaurant eos O O O O O O O O O O O N/A
+bos okay , when do you want to leave the hotel ? when do you want to arrive at the restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i want to go from the alpha-milton to bangkok city by 14:15. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i reserved a grey ford for you . the contact number is 07711417288. can i help you with anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos glad you chose us , enjoy your day . eos O O O O O O O O O O general-bye
+bos hello , is lan hong house still in operation ? eos O O O O O O O O O O O general-greet
+bos i 'm sorry , can you tell me what type of business that is ? eos O O O O O O O O O O O O O O O O N/A
+bos oops , sorry . ian hong is a restaurant . eos O O O O O O O O O O O Restaurant-Inform
+bos yes i see that lan hong house is still in operation . would you like more information ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O general-reqmore
+bos i would like to try for a reservation on thursday . eos O O O O O O O O O O O O N/A
+bos how many people should i reserve for and at what time ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos a table for 2 at 17:15 and give me reference number . also find me a hotel in the east side and should have a star of 4 eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : hprelbw9 . now let 's find you a hotel ! eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos the hotel should be in the east and should have a star of 4 in the cheap price range and should include free wifi eos O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O N/A
+bos there are 3 gueshouse that fit that match . allenbell , autumn house , and leverton house . would you like to book one of those ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos can you give me the address and postcode of one you 'd recommend ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos i definitely recommend leverton house . the address is 732-734 newmarket road and the zip code is cb58rs eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Post O N/A
+bos ok , i 'll talk to my sister about that recommendation . thanks for you help today , that will be all i need . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a great stay in town . goodbye . eos O O O O O O O O O O general-welcome,general-bye
+bos looking for a place to eat in the city center . eos O O O O O O O O O O O O N/A
+bos there are many options to choose from . do you have a type of food in mind ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like to have some chinese food . eos O O O O O O O O O O Restaurant-Request+Food
+bos that narrows down the restaurant choices to 10. is there a price range you would like to stay in ? eos O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price
+bos i am looking for a moderately priced place to eat , i am also looking to book a room in the bridge guest house hotel . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos which dates will you be staying at the bridge guest room house ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Booking-Request+Stay,Booking-Request+Day
+bos before i commit i have a few questions . what area is the hotel located in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the hotel is in the south area . eos O O O O O O B-Hotel-Inform+Area O O N/A
+bos does it provide free parking ? eos O O O O O O O N/A
+bos yes , free parking and free wifi ! eos O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok , 2 questions . 1 - what are the moderately priced restaurants in the center of town ; and 2 - how many stars does the bridge guest house have ? thanks ! eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos the bridge guest house is a 3 star lodging . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O N/A
+bos that was all the questions i had . thank you very much for helping me . eos O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy i could help you today . have a wonderful day ! eos O O O O O O O O O O O O O O O general-bye
+bos i am searching for a lebanese restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are no lebanese restaurants in east . do you have another food type you would be interested in ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about chinese food ? i would like to know the address , phone number , and postcode of the restaurant . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yu garden is at 529 newmarket road fen ditton , postcode c.b 5 , 8 p.a . the phone number is 01223 248882. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A
+bos is that in the east part of town ? eos O O O O O O O O O O N/A
+bos yes , yu garden is in the east part of town . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you eos O O O general-bye
+bos that 's all i need to know , then . goodbye . eos O O O O O O O O O O O O O general-bye
+bos goodbye eos O O general-bye
+bos i 'd like information about a restaurant in south that serves english food . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , there are no restaurants in the south that serve english food . can i look for something else ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are three restaurants that serve chinese food in the south part of town . what price range would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos cheap price range eos O B-Restaurant-Inform+Price O O Restaurant-Request+Price
+bos the lucky star is the only chinese restaurant in the south part of town . would you like any specific contact information for them ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos yes , i would like to know the address please eos O O O O O O O O O O O Restaurant-Request+Addr
+bos the lucky star is located at cambridge leisure park clifton way cherry hinton . can i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos i 'm trying to find a moderately priced restaurant in the east part of town . can you recommend one to me ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos there are three restaurants in the east part of town in the moderate price range . would you prefer indian or italian food ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Select
+bos can you suggest me some indian ones ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i would recommend rajmahal , a nice indian place in the east . eos O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos thank you , can you please give me the address and phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos certainly . the address for rajmahal is 7 barnwell road fen ditton and their phone number is 01223 244955. is there anything else i can help you with today ? eos O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you , goodbye eos O O O O O general-bye
+bos you 're welcome . good bye . eos O O O O O O O O general-bye
+bos could you find me a welsh restaurant in the cheap price range ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos therea are no welsh restaurants listed . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O Restaurant-NoOffer
+bos how about italian type of food ? eos O O O B-Restaurant-Inform+Food O O O O N/A
+bos in which area would you like to look ? eos O O O O O O O O O O Restaurant-Request+Area
+bos any area will be fine . eos O O O O O O O N/A
+bos da vinci pizzeria serves italian food in the cheap price range and it is in the north part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos what is their address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos da vinci pizzeria is located at 20 milton road chesterton and the phone number is 01223 351707. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos ok thank you for your help ! eos O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-welcome,general-bye
+bos i 'm looking for a moderately priced restaurant in the west part of town . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i found several restaurants meeting your criteria . would you prefer indian , italian or british food ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A
+bos i have no preference . can i get the phone number and address of one ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos meghna serves indian food , in the moderate price range and in the west part of town , its phone number is 01223 727410 and the address is 205 victoria road chesterton . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos no , thank you . that is all i needed . eos O O O O O O O O O O O O general-thank
+bos thank you , goodbye eos O O O O O general-bye
+bos i 'm trying to find a restaurant that serves crossover food . can you recommend anything ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos what area were you looking for ? eos O O O O O O O O Restaurant-Request+Area
+bos anywhere really . eos O O O O N/A
+bos which price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price
+bos i am looking for something in the expensive price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos no restaurants match that request . can i search for something different for you ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos can i get an italian restaurant ? address and phone number please . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos an expensive italian restaurant is found in the center of town , caffe uno . the address is 32 bridge street city centre . the phone number is 01223 448620. eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos thank you for using this system . goodbye . eos O O O O O O O O O O general-bye
+bos i want to find an expensive restaurant serving christmas food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A
+bos is there any area you prefer ! eos O O O O O O O O Restaurant-Request+Area
+bos no specific area . eos O O O O O Restaurant-Request+Area
+bos i have found no restaurants serving christmas food in the expensive price range . would you like a different type of food ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos are there european types of restaurants ? eos O O O B-Restaurant-Inform+Food O O O O N/A
+bos yes , there are four : cambridge lodge restaurant , eraina , and michaelhouse cafe serve european food , with darrys cookhouse and wine shop serving modern european food eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Food O O O O O O N/A
+bos phone number and address of cambridge lodge restaurant please eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos cambridge lodge restaurant is in the west part of town , at cambridge lodge hotel 139 huntingdon road city centre . their phone number is 01223 355166. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , could you tell me the phone number and address of the nearest mexican restaurant ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos chiquito restaurant bar is at 2g cambridge leisure park cherry hinton road cherry hinton and their phone number is 01223 400170. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos your welcome good bye eos O O O O O general-welcome,general-bye
+bos i 'm looking for a steakhouse restaurant in the east part of town . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos what price range would you like ? eos O O O O O O O O Restaurant-Request+Price
+bos any price range will be fine . eos O O O O O O O O N/A
+bos i have no steakhouse in the east area , but the river bar steakhouse and grill is located in the centre area . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O Restaurant-NoOffer
+bos i really need something in the east part of town . how about indian food ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos curry prince is a moderately priced restaurant in the east of town that serves indian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A
+bos sounds great , what is their address and phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos curry prince is located at 451 newmarket road fen ditton ; their phone number is 01223566388. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'm looking for a restaurant that serves swiss food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry but there are no swiss restaurants in town . can i offer you something else ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about vietnamese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos yes thanh binh serves vietnamese food and it is in the west part of town can i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos could i have the address and phone number please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos thanh binh is located at 17 magdalene street city centre and phone number is 01223 362456. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos what is the food type of that restaurant ? eos O O O O O O O O O O Restaurant-Inform
+bos they serve vietnamese food . eos O O O B-Restaurant-Inform+Food O O N/A
+bos what is the price range ? eos O O O O O O O N/A
+bos they are in the cheap price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're wecome . thank you for calling . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos please help me find an expensive thai restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos would you like to try sala thong ? it is in the west part of town . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos that sounds good . can you book me a table on thursday at 16:30 ? eos O O O O O O O O O O O O O O O O N/A
+bos sure i can help with that . how many people shall i make the reservation for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People
+bos there will be five people , can i get the phone number in case i have to change it ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos 01223323178 is the phone number eos O B-Restaurant-Inform+Phone O O O O N/A
+bos thanks , so can you make the reservation for me ? eos O O O O O O O O O O O O general-thank
+bos reference number is : w2oo5lnf . is there anything else ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O general-reqmore
+bos can you help me find a fun place to visit in the east part of town ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos how about the funky fun house for entertainment ? it 's in the east , but i do n't have any information on the entrance fee . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos can i get the funky fun house 's phone number please ? i think i 'll call them and check on it . eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223304705. eos O O O O O B-Attraction-Inform+Phone N/A
+bos okay great ! that 's all i needed . thank you ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm taking my ferret to see places in town , any ideas ? eos O O O O O O O O O O O O O O O N/A
+bos is your ferret religious ? perhaps you 'd like to visit a beautiful church and appreciate the architecture ? eos O O O O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A
+bos my ferret hates churches . very atheist . eos O O O O O O O O O N/A
+bos does you atheist ferret have a preference of the area in town you may like to go ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos they like the west side of town . eos O O O O B-Attraction-Inform+Area O O O O N/A
+bos does your ferret plan on furthering their education ? i have several colleges that are favorite attractions . eos O O O O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O N/A
+bos no we just want to do something fun on the west side . please give me a list of 5 attractions with the phone numbers and address . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos there are over 13 attractions on the west side . in order for me to narrow them down , please tell me what you 're interested in - colleges ? museums ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O Attraction-Request+Type
+bos my ferret would prefer a museum . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos i found several museums . i might suggest cafe jello gallery but i am not sure if they allow ferrets . eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O N/A
+bos i need the address eos O O O O O Attraction-Request+Addr
+bos the address is , 13 magdalene street eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos i am also looking to eat some catalan food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no catalan restaurants in the city , is there another cuisine you and your ferret are fond of ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos we like european food . eos O O O B-Restaurant-Inform+Food O O N/A
+bos hotel du vin and bistro is what i recommend , great food and ferret friendly , would you like more information ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O general-reqmore
+bos could you book me for one on friday ? eos O O O O O O O O O O N/A
+bos yes , what time will you be dining ? eos O O O O O O O O O O Booking-Request+Time
+bos 19:00 if it is available , please . eos O O O O O O O O O N/A
+bos i need to know for what time and the number who will be dining with you . eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos i literally just told you the time ! and right before that i told you to book it for one . please pay attention ! my ferret hates unprofessional people ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm a different person , that last person is an example of why we cant have nice things on mturk , you are booked , reference number 8iuonn8k , any other questions . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , i just needed the reference number . thanks for all your help ! eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i hope you and your ferret will enjoy this time together . i did . eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a expensive restaurant that serves modern european food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i have a listing for on in he centre of town would that be okay ? eos O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Booking-Inform
+bos yes , that would be great ! eos O O O O O O O O N/A
+bos i would recommend the darrys cookhouse and wine shop for you . should i make a booking for you and your party ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos could you give me the address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 40270 king street city centre and the phone number is 01223505015. eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone N/A
+bos thanks a lot . can you also help me find a theatre in the centre of town also ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos adc theatre is a great place to visit . its located in the centre of town on park street . can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos what is the exact address ? eos O O O O O O O Attraction-Request+Addr
+bos the adress is 40270 king street city centre can i help you with anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos no . all set . thanks . eos O O O O O O O O general-thank
+bos alright , have a great day . eos O O O O O O O O general-bye
+bos hi ! i 'd like to find a restaurant located in the centre please . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 69 restaurants in the centre- did you have a preferred cuisine type ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food
+bos modern european , please , and i 'd like someplace moderately priced . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are two restaurants that fit your criteria which are de luca cucina and bar and riverside brasserie . which one do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Restaurant-Select
+bos you pick and book me on wednesday . 7 people at 19:30. eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A
+bos i choose de luca cucina and bar . your reference is wqoyz16i . how else can i assist ? thanks ! eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i would also like to see somewhere fun to go in the centre of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are many fun things to do in the centre . do you know what type of attraction you would like ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like to visit an entertainment attraction eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos i 'm sorry , there are no entertainment attractions in the centre of town . is there anything else i can assist you with today ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O general-reqmore
+bos can you search for a boat attraction instead then ? and provide the phone number for me please . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos there are two . scudamores punting co , located at granta place , mill lane , and the cambridge punter , at 251a chesterton road . which would you prefer ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O Attraction-Select
+bos i prefer the cambridge punter . could you also give me the phone number to the cambridge punter also ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for the cambridge punter is 07807718591. is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i need a cab too please , arriving by my booked time , car type and contact number would be helpful too please . eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos you need a cab to get you to the restaurant before the booked time and where do you need cab to pick you up at ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos from the cambridge punter , please . eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos a black tesla is booked , with contact number 07774975314 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks , that 's all i need . bye ! eos O O O O O O O O O O O general-bye
+bos glad i could be of service . goodbye . eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find cambridge university botanic gardens ? thanks . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos yes , cambridge university botanic gardens is a park located in the centre of town , there is a 4 pound entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos do you know the hours that they are open ? eos O O O O O O O O O O O N/A
+bos i 'm sorry , i do not have that information . eos O O O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O N/A
+bos am also looking for a particular restaurant . its name is called the copper kettle eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos ok. the cooper kettle is a british restaurant located at 4 kings parade in city centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos what 's the postcode ? eos O O O O O O Restaurant-Request+Post
+bos the postcode is cb21sj . can i help you with anything else ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos i will need a taxi to get to the botanic gardens . eos O O O O O O O O O O O O O Taxi-Inform
+bos do you need it from the restaurant ? what time would you like to leave ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i would like to leave by 21:15. could you provide a contact number and car type ? eos O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type
+bos i 'm looking at yellow lexus that will pick you up from the restaurant . the contact number is 07336692498. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Phone O O N/A
+bos great that 's all i needed , thank you . eos O O O O O O O O O O O general-thank
+bos no problem , we are always here to help . good day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm looking for a cheap restaurant that serves modern global food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos i have not located any restaurants that serve modern global food , would you like me to locate a restaurant that serves a different food type ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos well , that is disappointing but maybe we could try italian . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i got five . any specific area you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area
+bos centre of town please . i need to book a table for 7 people at 17:45 on thuesday . eos O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O N/A
+bos okay , that narrows your choices to three : pizza hut city center , ask , and zizzi cambridge . any preference ? eos O O O O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos zizzi cambridge sounds good , can you book that please ? eos O O O O O O O O O O O O N/A
+bos sure thing , i will work on this and be back with you shortly . eos O O O O O O O O O O O O O O O O Booking-Inform
+bos when you 're done working on it please give me a reference number for my records eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos unfortunately , i ca n't book anything without some more information from you . i would need to know the day and time you 'd like to dine , as well as the number of people . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos i need a table for 7 people at 17:45 on thursday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have booked your reservation . the reference number is ujegrknm . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i need a place to go in the south . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos the south is lively with cinema , entertainments , a museum , nightclub , parks and theatre . what appeals to you ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos are there any multiple sports arenas ? eos O O O O O O O O N/A
+bos not in the south . i have them in other areas of the city . would you be interested in another area or another type of attraction in the south ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we need to find the address of a theater in the center of town . eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the cambridge corn exchange is over on wheeler street . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos can i get the postcode ? eos O O O O O O O Attraction-Request+Post
+bos certainly , the postcode for the cambridge corn exchange is cb23qe . do you need any further assistance today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yeah i need to get something to eat eos O O O O O O O O O N/A
+bos there are many places . what type of food do you want to eat ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference , but i would like something near the cambridge corn exchange that is cheap . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos you should try nandos city centre , a cheap portuguese restaurant located at 33-34 saint andrews street . would you like to reserve a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos not at this time . thank you . eos O O O O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , you 've been very helpful . thank you for your time . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your day . eos O O O O O O O O O general-welcome,general-bye
+bos where can i go that is located in the west in town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos what type of attraction or places are of interest for you ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos churches could be interesting eos O O O O O N/A
+bos i do not see any churches in our system in that area . do you have another attraction type that you would like to see ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos anything in the west will do . what 's your favorite ? eos O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos i 'm so sorry , there must have been an error in our system . clare hall is a church in the west and is free to visit . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O N/A
+bos thanks for the correction . can you please get me their phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223332360 eos O O O O O B-Attraction-Inform+Phone N/A
+bos thank you ! i 'm also looking for an african restaurant , near clare hall . can you help out with that ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , we do n't have an african restaurants near clare hall . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O N/A
+bos okay , how about one that serves indian food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have 6 options . do you prefer expensive or moderate pricerange ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A
+bos i want expensive please . eos O O O B-Restaurant-Inform+Price O O N/A
+bos i have 5 options . i 'd recommend cocum or india house . does one of those sound good ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Restaurant-Select
+bos my sister loves india house . that sounds great . can you book a table for 8 at 12:30 on saturday , please ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos i am not able to make that booking . is there something else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos do they have anything available at 11:30 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book a table for 8 at 11:30 saturday at india house . your reference number is 157ylnua . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that 's all for now . thank you eos O O O O O O O O O general-thank
+bos thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye
+bos i am looking for information on attractions in the west side of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos do you have any attraction type in mind ? eos O O O O O O O O O O Attraction-Request+Type
+bos not really , but i do need a postcode . eos O O O O O O O O O O O N/A
+bos you can visit the cambridge and county folk museum , it is located at 2-3 castle street and the admission price is 3.50 pounds . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos thanks ! can you help me find a restaurant in that area ? i want to spend a lot of money eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what type of food are you interested in ? eos O O O O O O O O O O Restaurant-Request+Food
+bos i 'm open to suggestions . eos O O O O O O O N/A
+bos i would suggest graffiti eos O O O O B-Restaurant-Recommend+Name N/A
+bos okay . why type of food do they serve and i need the postcode then too please eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food
+bos graffiti serves british food , and they 're located in postcode cb30lx . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Post O O O N/A
+bos great . thanks for your assistance ! eos O O O O O O O O general-thank
+bos you are welcome . i forgot to get you the postcode for cambridge county you asked for . it is cb30aq . will that be all for today ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Post O O O O O O O O general-welcome,general-reqmore
+bos that is all the information i need today thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hi there , i 've heard of something fun to do in the city called nusha but i 'm not sure where it is . can you help me figure out how to get there ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O O O O N/A
+bos nusha is an entertainment venue on the south side of town . would you like their address and/or contact information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos no , i am familiar with the south side . thanks for your help . that is all i really need to know . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos ok. have a good day ! eos O O O O O O O general-greet
+bos oh , wait , can you help me find a train to cambridge ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos sure ! where are you coming from , what day are you coming , and what time do you want to get here ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Day
+bos i 'm leaving on tuesday anytime after 14:45 and i 'm coming from ely . eos O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart O O O N/A
+bos tr9420 will leave at 15:35 if that works for you . eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A
+bos what is the travel time , and what time will it arrive at ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive
+bos arrival at 15:32 and your travel time is only 17 minutes . would you like me to get the tickets for you ? eos O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos yes and i need the reference number eos O O O O O O O O N/A
+bos your reference number is bibmwth4 . is there anything else you need today ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos no that 's all thank you eos O O O O O O O general-thank
+bos i hope you enjoy your trip . are you sure you have everything you need ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , that is all i need right now . thank you ! eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . goodbye . eos O O O O O O O general-welcome
+bos i need to get to cambridge by 10:30 , is it possible to do that by train ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos where are you leaving from ? and what day do you need to leave ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'll be leaving from ely on monday . eos O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A
+bos we have three trains arriving by 10:30. what time would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave
+bos what time would i need to leave in order to arrive by 10:30 ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos i would say you should leave by 09:35 eos O O O O O O O O B-Train-Inform+Leave N/A
+bos ok can i get the train id and price ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos tr2987 , fare is 4.40 pounds and your trip will be 17 minutes . eos O B-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos great . thank you . i 'm also looking for a moderately priced , 4 star hotel . eos O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O Train-Request+Price
+bos there are many to choose from . do you have a preferred area ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos i do n't have a preferred area , but i am looking for a hotel , not a guesthouse . does that narrow it down ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos unfortunately there are n't any hotels that match that criteria . they are all guesthouses . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O B-Hotel-Inform+Type O O N/A
+bos ok , a guesthouse will have to do . how many choices do i have ? eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos there are 11 choices . picking an area of town will help to narrow it down . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos please pick the best option . i need a room for 8 , for two nights and starting monday . eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful for the a and b guest house . your reference number is : 1hpj1f1w . do you require any further assistance ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos not , that is all i will need today . thanks . eos O O O O O O O O O O O O O general-thank
+bos is there anything else ? eos O O O O O O general-reqmore
+bos no that will be all thanks so much . eos O O O O O O O O O O general-thank
+bos you 're very welcome . have a good day . eos O O O O O O O O O O O general-welcome
+bos i like to play sports . are there any facilities for that in the centre section ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are not . is there another area you 'd like to try ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer
+bos in the centre and should be in the type of mutliple sports . eos O O O O O O O O O O O O O O N/A
+bos sorry i am not finding anything like that , something else perhaps ? eos O O O O O O O O O O O O O O Attraction-NoOffer
+bos how about at a college ? eos O O O O O B-Attraction-Inform+Type O N/A
+bos there you 're in luck . we have quite a lot of colleges open to visitors , and most are free to visit . eos O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O N/A
+bos you know , actually i just remembered a place someone told me about . it 's called pembroke college . is that in the centre area ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A
+bos yes it is in the centre , it is located on trumpington street . is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos the centre and should be in the type of mutliple sport eos O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type N/A
+bos there is nothing which matches you search in that area . eos O O O O O O O O O O O O Attraction-NoOffer
+bos ok , well what about a college in the centre instead ? eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos in addition to pembroke college that we mentioned earlier , there 's christ 's college , downing college , jesus college , sidney sussex college , and others . do any of those sound appealing ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O Attraction-Select
+bos what is the phone number for downing ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Phone
+bos the phone number is 01223334860. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , i am looking for a moderately priced traditional restaurant in the same area as the college . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O N/A
+bos i have many . what type of food are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food
+bos i said , traditional food please . eos O O O B-Restaurant-Inform+Food O O O O N/A
+bos no matching records have been found for that criteria , can i help you with something else ? eos O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos what about one with european cuisine ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have four places . would you like to know more about them ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O N/A
+bos you could make a recommendation please . eos O O O O O O O O N/A
+bos i recommend riverside brasserie at the center of town . their phone number is 01223259988 eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Phone O N/A
+bos great , can you please book a table for 1 on friday at 13:15 ? can i please have the reference number ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref
+bos reference number is : ijhh4l8n . eos O O O O O B-Restaurant-Inform+Ref O N/A
+bos thank you very much . that is all for now . eos O O O O O O O O O O O O general-thank
+bos you are welcome eos O O O O general-welcome
+bos thank you and goodbye eos O O O O O general-bye
+bos you will have a great day in town . thank you for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm needing a place to stay in the center of town . parking is not important to me . what do you have ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Parking O O O O O O O O O O O N/A
+bos i have a moderately priced hotel called cityroomz available . can i help you book your stay ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos no thanks , but can i just get some information about cityroomz ? eos O O O O O O O O O O O O O O general-thank
+bos cityroomz is a moderatly priced 0-star hotel in the centre . they offer internet and parking and are located on station road . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i would like to book 5 nights on sunday for 5. eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A
+bos you 're all set . your reference number is : t9vlkxv5 . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos sounds great- thanks for your help ! eos O O O O O O O O general-thank
+bos have a great visit ! eos O O O O O O general-greet
+bos i am looking for a place to stay . the hotel should be in the type of guesthouse and should include free parking . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 21 guesthouses offering free parking . do you have a price range ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos no , just have to be in the east . eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i suggest the guesthouse , allenbell . their address is 517a coldham lane cb13js . would you like me to make a reservation ? eos O O O O B-Hotel-Recommend+Type B-Hotel-Recommend+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos yes , i need a reservation for 2 people for 4 nights please . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A
+bos i 'll be happy to do that for you , what day will you plan on arriving for your stay ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i need the room starting on friday , please . eos O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i was able to book you . your references number is hiassah9 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos awesome . thank you . can you please find an architectural attraction for me in the centre of town ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos sure i have many . should i suggest one for you ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O general-reqmore
+bos yes . please make a suggestion . eos O O O O O O O O N/A
+bos how about all saints church located on jesus lane ? there is no entrance fee , and the postcode is cb58bs . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O N/A
+bos sounds great . can you book a taxi to the church for me ? i want to leave the hotel by 5:45. eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos that has been booked . be expecting a white toyota . should you need to reach them , please call 07017250356. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos that would be it and thanks a lot eos O O O O O O O O O general-thank
+bos you have a great day . eos O O O O O O O general-bye
+bos i am planning a trip in cambridge , looking for a place to dine eos O O O O O O O O O O O O O O O N/A
+bos you have come to the right place ! what kind of food do you like ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos nothern european food , please eos O O O O O O N/A
+bos i was unable to find any northern european restaurants eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O N/A
+bos ok. how about just european ? any luck there ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos what is your price range to narrow down our choices ? eos O O O O O O O O O O O O Restaurant-Request+Price
+bos i would like to find a expensive one please . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i have five restaurants that offer european foods , 3 at the center , 1 on west and that other one on the north . which are do you prefer ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Select
+bos whichever you recommend . can i have the phone number , postcode , and address , please ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i recommend the eraina . the address is on free school lane city centre , cb23rh . the phone number is 01223368786 eos O O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O N/A
+bos okay . i ; m looking for a train that departs from cambridge on tuesday and arrives by 08:00 in london kings cross . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A
+bos i recommend tr3343 . it leaves cambridge at 07:00 and arrives in london kings cross by 7:51. will that work for you ? i can reserve a spot ? eos O O O B-Train-Select+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes please reserve a spot and give me the reference number after . eos O O O O O O O O O O O O O O Train-Request+Ref
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos i will need two tickets . eos O O O O O O O N/A
+bos i have booked you 2 tickets . eos O O O O O O B-Train-OfferBooked+People O N/A
+bos what is the booking reference number ? eos O O O O O O O O Train-Request+Ref
+bos the reference number is nmezyuqt . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos no , thank you for your help today eos O O O O O O O O O general-thank
+bos you 're very welcome ! bye now ! eos O O O O O O O O O general-welcome,general-bye
+bos hello , can you recommend any architecture that i could see in the centre of town , please ? eos O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos definitely ! all saints church is a great place to visit , and it 's free ! eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Fee O O O O general-greet
+bos could i have the address and phone number ? eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos jesus lane and 01223452587. do you need help with anything else ? eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos yes i need to find a place to stay with a 4 star rating in the center of town please . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos we have alexander bed and breakfast guesthouse and university arms hotel , do you have an interest in either ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select
+bos i would want something expensive that has free parking . do either have those ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos university arms hotel is both expensive and offers free parking . would you like me to book a reservation for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes please . book for 2 people for 3 night starting sunday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos your stay at the university arms hotel has been booked for 3 nights starting sunday , for 2 people . your confirmation code is fu4z3j7p . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O N/A
+bos thank you , that will be all . eos O O O O O O O O O general-thank
+bos your welcome , have a great day ! eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a museum to visit in the centre . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A
+bos the broughton house gallery is located in the centre of town and has free admission . would you like the address and postcode ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos yes , please , that would be useful . eos O O O O O O O O O O N/A
+bos their postcode is cb11ln and their address is 98 king street . eos O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos i also need a restaurant in the same area ? crossover food sounds good . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i 'm sorry , there are no crossover restaurants in that area . is there another type or area where you 'd like me to search ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos what else do you have that is cheap ? eos O O O O O O O O B-Restaurant-Inform+Price O N/A
+bos what type of food ? eos O O O O O O Restaurant-Request+Food
+bos hmmm , i 'm hungry for some portuguese food ... have anything like that ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos nandos city centre would fit your needs . can i book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos thank you ! please book a table for 8 people at 14:00 on thursday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos okay , i have you booked . your reservation number is kugmvj5d . is there anything else i can do for you ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you goodbye eos O O O O general-bye
+bos thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for a concerthall in the east . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos we do n't have a concert hall in the east , can i check another area ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O N/A
+bos let 's check for a museum , then eos O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are four museums in the east . cambridge artworks , gallery at twelve a high street , and saint barnabas press gallery are all free . cambridge museum of technology is 5 pounds . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos please book the museum of technology for two people , any time after noon . i 'll need a reference number too please . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i 'm unable to book that reservation for you . is there any other information that i can provide to you ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about helping me find a place to eat , then ? eos O O O O O O O O O O O O O N/A
+bos sure thing , what kind of cuisine are you looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like crossover food in the expensive range , and located in the same area as the museum . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos you would need to select food then i can look that up . eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like it to be crossover food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , i 'm not showing any crossover restaurants in the city . is there another type of food i can check on ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos sure , let 's try chinese then please . and i 'd also like the restaurant to be expensive . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are 9 choices . what area would you like . eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area
+bos i do n't care . can you choose one to recommend for me ? eos O O O O O O O O O O O O O O O N/A
+bos i like the ugly duckling . it 's located in the centre . would you like me to book that for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos is it available on friday ? eos O O O O O O O N/A
+bos of course it is , how many people on friday and what time ? eos O O O O O O O O O B-Booking-Inform+Day O O O O O Booking-Request+Time,Booking-Request+People
+bos i would like a table for 5 at 11:00. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time N/A
+bos your reference code is ku6jqcl9 . you will have 15 minutes to arrive to your table . eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O N/A
+bos thank you . i did n't get an address and postcode for cambridge museum of technology . can you provide it , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is the old pumping station , cheddars lane . their phone is 01223368650. is there anything else i can help with today ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that was everything i needed thank you . eos O O O O O O O O O O O general-thank
+bos have a great trip and wonderful day . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i want to find an attraction called primavera . eos O O O O O O O O B-Attraction-Inform+Name O N/A
+bos primavera is a free museum in the center of town . would you like their address or phone ? eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos great can i get the postcode for it ? eos O O O O O O O O O O Attraction-Request+Post
+bos their postcode is cb21sj eos O O O O O N/A
+bos thank you . have you heard of a particular restaurant , i think it 's called gourmet burger kitchen ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos that is an expensive restaurant in centre . would you like reservations eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O Booking-Inform
+bos yes i would , could you book a table for 2 at 18:15 on tuesday ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to make a booking for you . your reference number is td2bo4cx . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , goodbye , have a great day eos O O O O O O O O O O general-bye
+bos do you need me to book anything else or look up anymore info ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for places to go in town . the attraction should be in the east and should be in the type of park . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O O N/A
+bos how about cherry hinton water play . it is located at cherry hinton hall , cherry hinton road , postcode cb18dw . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A
+bos entrance fee and phone number , please ? eos O O O O O O O O O Attraction-Request+Phone
+bos it 's free ! the phone number is 01223446100. is there anything else that i can assist you with ? eos O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos i could use some help finding a room somewhere in town . in the east preferably . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there is one option for a hotel and 6 for a guesthouse . can you tell me more about the amenities you 're looking for ? eos O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos wfif , free parking and room service eos O O O O O O O O N/A
+bos how about the express by holiday inn cambridge ? they are an expensive hotel . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos as long as it has free internet and parking it 's fine . can you book it for 1 i 'm checking in friday and staying 4 nights . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O N/A
+bos absolutely ! your booking was successful . here is your reference number 591pvh19 . anything else i can help with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for inquiring with us . eos O O O O O O O O general-welcome
+bos good bye . thanks . eos O O O O O O general-bye
+bos thank you for using our services . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a swimming pool ? eos O O O O O O O O O O N/A
+bos i have 4 swimmingpools . one in the east , two in the north and one in the centre . would you like a particular area ? eos O O O O B-Attraction-Inform+Type B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Select
+bos i actually prefer the south . if there are none of those , do you have any theatres in the south ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos unfortunately , we do n't have a swimming pool there . as far as a theatre , we have the junction in the south on clifton way . eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type B-Attraction-NoOffer+Area O O O O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A
+bos great ! may i have the address and postcode for the theatre ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the junction is located on clifton way . their postcode is cb17gx . is there anything else i can help with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos i also need a train for monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos could you please provide me with your departure site and destination site . also your departure time and arrival time . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Depart,Train-Request+Arrive
+bos i am departing from kings lynn to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos do you know either what time you 'd like to depart or what time you want to arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i would like to arrive by 13:15. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos train tr5091 leaves at 12:11 and arrives by 12:58. would you like me to book you a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , i would like to book for three people . could i also get the reference number for it ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i will work on getting that booked and be right back with you . eos O O O O O O O O O O O O O O O Train-OfferBook
+bos okay , great . can i have the reference number ? eos O O O O O O O O O O O O Train-Request+Ref
+bos i was able to book it , reference number is 55sc2r8z . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , thanks so much , that 's all i need ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your visit . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to cambridge that leaves on saturday . eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos i am getting the train schedule on my computer as we speak , where will you be coming from and what time ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i 'm leaving ely and want to be in cambridge by 12:15. eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos we have four trains arriving by 12:15. is there any particular time you would like to leave by ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+Leave
+bos no , i do n't need to leave by a particular time . i want to arrive by 12:15 though . eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos tr3052 will arrive at 11:52 , would that work for you ? eos O B-Train-Select+Id O O O B-Train-Select+Arrive O O O O O O O N/A
+bos yes , it would . please make a booking for 3 people and provide the reference number . i will also need a place to stay . eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 10.56 gbp payable at the station .reference number is : qsas4unl . what else can i do for you eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay . the hotel should be in the type of guesthouse and should have a star of 4. eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O N/A
+bos we have many to choose from , would you like a recommendation ? or is there something specific you want ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O general-reqmore
+bos no you can choose one for me . eos O O O O O O O O O N/A
+bos ok , i recommend alexander bed and breakfast , it 's a cheap 4-star hotel in the centre , would you like me to make reservations for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O Booking-Inform
+bos yes please , 4 people for 5 nights on saturday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos okay . your booking was successful ! your reference number is jvtiz6ei . can i help with anything else today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thank you goodbye eos O O O O general-bye
+bos happy to be of help , and enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O general-bye
+bos i want a train leaving from norwich . eos O O O O O O O B-Train-Inform+Depart O N/A
+bos when will you be traveling ? eos O O O O O O O Train-Request+Day
+bos i will be traveling by train , on friday . eos O O O O O O O O B-Train-Inform+Day O O N/A
+bos sure . can i just confirm that your destination is cambridge ? and , is there a particular time frame you prefer ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos yes , my destination is cambridge . i would love to arrive by 08:30 please . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos tr3339 is your best bet . it will arrive in cambridge at 07:35. eos O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos okay . could you also help me with a a place to stay . i am looking for a guesthouse with 3 stars . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O N/A
+bos alpha milton guest house is a nice place , do you want more information ? > eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O general-reqmore
+bos please find a restaurant called galleria . eos O O O O O O B-Restaurant-Inform+Name O N/A
+bos galleria serves european food in the centre . it is of moderate price . would you like a phone number or the address ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos i think it would be great to try european food . do you think they would accept a reservation for a party of 7 ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O N/A
+bos yes ! would you like to book a table ? eos O O O O O O O O O O O Booking-Inform
+bos yes , for 7 people at 16:45 on monday . i need a reference number . i need a taxi to commute also a place to visit as well as car type eos O O O O B-Restaurant-Inform+People O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref,Taxi-Request+Car
+bos your table at galleria is reserved , and your reference number is xm58b7fs . now , let 's see about your other needs - what type of place would you like to visit ? eos O O O O B-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm also looking for a college to visit in the west . eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A
+bos there are 5 colleges in the west . the entrance fees are free or 2.50 pounds . do you have a preference ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Select
+bos pick one that is free and give me the address and phone number eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos magdalene college is on magdalene street , and their number is 01223332138. what else can i help with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos i also need a taxi that will get me from the college to the restaurant by 16:45. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos booking completed ! booked car type : black hondacontact number : 07095717275 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you . that 's all i need for now . eos O O O O O O O O O O O O general-thank
+bos okay , you are welcome and enjoy your time in cambridge ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for places to go in town located in the centre of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there is the vue cinema downtown . if that interests you , their phone number is 08712240240. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Phone O O N/A
+bos what is the entrance fee and the address ? eos O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is the grafton centre , east road . unfortunately , there is n't an entrance fee listed . would you like information on an alternate attraction ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A
+bos no that 's okay . however , i am also looking for a train from cambridge to ely , could you help me find one ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O N/A
+bos absolutely ! i have 70 trains going from cambridge to ely . do you have a departure and/or arrival time ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i would like to leave saturday after 11:30 eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos tr0721 departs at 11:50. would you like me to book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes , can you provide me the travel time and the price as well ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos price is 3.52 pounds . duration is 17 minutes . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos ok thank you so much eos O O O O O O general-thank
+bos i would be happy to book that for you . are you travelling alone ? eos O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos that is all i need today thank you for your help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train that leaves after 17:30 on thursday eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A
+bos where are you leaving from and going on thursday ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be heading from london liverpool street to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i 've got a number of options for you . did you have an arrival time in mind ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Arrive
+bos no , i do not . eos O O O O O O O N/A
+bos okay the tr7360 leaves at 17:39. will that work ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O general-reqmore
+bos sure , book it for 3 people please . eos O O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 49.8 gbp payable at the station .reference number is : n1c90wga . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos could you recommend a college for me to visit while i 'm in town ? eos O O O O O B-Attraction-Inform+Name O O O O O O O O O O N/A
+bos christ 's college is in centre . admission is free . phone 01223334900. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O B-Attraction-Inform+Phone O O O N/A
+bos thank you so much that will be all , looking forward to cambridge . eos O O O O O O O O O O O O O O O general-thank
+bos enjoy your time in cambridge eos O O O O O O general-bye
+bos i need a train departing from cambridge arriving by 17:45. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive N/A
+bos okay ! what is your destination ? eos O O O O O O O O Train-Request+Dest
+bos i would like to go to stansted airport , please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos on what day do you need to travel from cambridge to stansted airport ? eos O O O O O O O O O O O O O O O Train-Request+Day
+bos i need to travel on friday . could you give me the travel time , price and train id ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos yes the train that departs at 16:40 has an id of tr7062 , and a travel time of 28 minutes and a price of 10.10 pounds . eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos thank you ! i 'm also looking for a place to stay in the north . i 'll need it to have a star of 2. eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos we have two options that meet your criteria . both have free parking and wifi . i would recommend ashley hotel . will that work for you ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos that sounds great , thanks ! eos O O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos actually , i am not ready to book yet . but , can you please tell me the phone number and postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos sure phone is 01223350059 and the postcode is cb41er , anything else today ? eos O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O O general-reqmore
+bos no that 's all i need for now . thank you ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great trip ! eos O O O O O O O O O O general-welcome
+bos thank you so much ! goodbye . eos O O O O O O O O general-bye
+bos bye for real this time ! eos O O O O O O O general-bye
+bos yes thank you . i 'd like to stay in cambridge . we 're looking for a hotel with free parking and free wifi . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are quite a few like that . if you 're open to guesthouses , limehouse in the north of town is nice . or were there other features you were looking for ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Type O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O O general-reqmore
+bos do you have one in the east with an expensive price range ? eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos yes , on , holiday inn exlpress , cambridge , shall i book it ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos yes , please . for 6 people for 3 nights starting on friday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos your booking was successful ! your reference number is jbbpqwa1 . is there anything i else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i need information on a train as well . it should leave after 18:45. eos O O O O O O O O O O O O O O B-Train-Inform+Leave N/A
+bos could you please clarify your departure location and arrival destination ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos coming to cambridge from broxbourne on friday . eos O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have train tr5056 that departs at 19:32 and arrives by 20:32. would that be something that would work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore
+bos yes , that would work for me.i will just need the price , train id and travel time . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos tr5056 costs 17.90 pounds and the duration is 60 minutes . eos O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos okay thank you that 's all i needed . eos O O O O O O O O O O general-thank
+bos it was a pleasure serving you . i do so hope that your stay in cambridge is pleasant . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi , are you familiar with the avalon hotel ? eos O O O O O O O B-Hotel-Inform+Name O O O N/A
+bos i am , it is a guesthouse in the north . would you like to make a reservation ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos i would love that . can you book me a room starting on friday night ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i 'd be happy to reserve your room . how many nights would you like to stay , and how many in your party ? and do you need any other information about the location ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,general-greet,general-reqmore
+bos i need a train that stops at london liverpool street and should arrive by 12:45 , will you book it for me eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos i 'd be happy to . assuming you 're departing from cambridge , what day and time would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos i need to depart on wednesday . i 'll need to arrive by 1245. eos O O O O O O B-Train-Inform+Day O O O O O O O O N/A
+bos i have a train leaving cambridge at 9:59 and arriving at london liverpool street at 11:27. would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , i 'd like five tickets , please . eos O O O O O O O O O O O N/A
+bos ok. you are booked for 5 seats on tr5874 . wednesday at 09:59. the total is 83 gbp payable at the station . your reference number is 8c6zlynk . eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref general-greet
+bos thank you very much . that is all i need . bye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for using cambridge towninfo centre . please remember us for all of your future travel needs . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i 'd like a train from birmingham new street that will arrive by 12:45 , please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O O N/A
+bos what is your destination and what day would you like to leave ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am coming to cambidge on friday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos great . there are four trains available with departure times every hour starting at 05:40 until 09:40. would you like to book a ticket on one of them ? eos O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos yes please , i need 6 tickets and a reference number for my purchase when you are done . thanks ! eos O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O N/A
+bos you are successfully booked for 4 ticket with a total fee of 450.6 gbp that is payable at the station and the reference number is : 5jac9295 . may i help you with something else ? if not have an awesome day . eos O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos i am also looking for a hotel . i think it is called kirkwood house . eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes i 've found the kirkwood house at 172 chesterton road . would you like me to make a reservation ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform
+bos yes please . can you please make the it for six people and for three nights starting on the same day as the train . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , there is no availability for that time frame . would you like to travel a different amount of days ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos can you check for 2 nights instead ? and i need the reference number . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos booking was successful.reference number is : dosxp70o . is there anything else you need to know ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , thank you . have a great day ! eos O O O O O O O O O O O general-thank
+bos you too , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye
+bos hi , i 'd like a guesthouse in the expensive range . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A
+bos actually we do n't show an expensive guesthouse in the database . what area are you interested in ? can i interest you in an expensive hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes . i would like a hotel with free parking . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i do not show any results meeting that criteria . would you be interested in a 4 star hotel instead ? eos O O O O O O O O O O O O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-NoOffer
+bos no thanks , what about something in the moderate range ? eos O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos my apologies . we actually have several expensive hotels with free parking . for example , the gonville hotel is in city centre and has free parking . eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O Hotel-Recommend+Parking,Hotel-Inform+Parking,general-greet
+bos that would be fine can you give me the address , postcode and phone number please ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos the address is gonville place and the postcode is cb11ly . their phone number is 01223366611 eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O N/A
+bos great , thanks . i need a train as well - it needs to leave on friday after 17:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos where will you be departing and what is your destination ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'd like to leave on friday after 17:45. from birmingham new street going to cambridge eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos the tr8903 departs at 18:40 and arrives at 21:23. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos please book it for 4 people . eos O O O O O O B-Train-Inform+People O N/A
+bos you and your party are booked on tr8903 . your reference number is tgu3c02j . is there anything else i can help you with ? eos O O B-Train-OfferBooked+People I-Train-OfferBooked+People I-Train-OfferBooked+People I-Train-OfferBooked+People I-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you , that will be everything today . eos O O O O O O O O O O O general-thank
+bos thank you for contacting us , if you need further assistance do not hesitate to contact us again . have a wonderful day . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos you to , thanks for the help ! eos O O O O O O O O O general-thank
+bos thank you . good bye . eos O O O O O O O general-welcome,general-bye
+bos hi , i would like to purchase a train ticket to peterborough . eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos sure , when will you be leaving cambridge ? eos O O O O O O O B-Train-Inform+Depart O O Train-Request+Day
+bos i would like to travel on tuesday and leave sometime after 11:15. eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A
+bos is there a time you need to arrive by ? eos O O O O O O O O O O O Train-Request+Arrive
+bos not really . can i also please have the travel time of the train . eos O O O O O O O O O O O O O O O O Train-Request+Duration
+bos okay the tr4344 matches your request and the travel time is 50 minutes . would you like me to make a booking for you ? eos O O O B-Train-Inform+Id O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos what time will the train arrive ? also , i am looking to stay at the gonville hotel . what availability is there for that hotel ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Train-Request+Arrive
+bos the train will arrive at 12:24. as for the gonville hotel , i can check that availability ... how many nights were you looking to stay ? eos O O O O O O B-Train-Inform+Arrive O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Request+Stay
+bos oh , i just wanted information . does that hotel have free parking ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos yes , the gonville does offer free parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Parking
+bos excellent . thanks for the help . eos O O O O O O O O general-thank
+bos you very welcome ! is there anything else we can help you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that is all i need for today . eos O O O O O O O O O O O N/A
+bos thanks for contacting us . have a nice day ! eos O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos acorn guest house is in the north , would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos yes if it has free parking , meals , pool and wifi . i want it to be in the expensive price range . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos i 'm sorry , there are no expensive hotels in the north area . acorn guest house is moderately priced , and does have free parking and wifi . would you be interested ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i am looking for a hotel in the north part of town with free parking , a 2 star rating , and in the moderate price range . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O Train-Request+Price
+bos how about ashley hotel in the north part of town ? it 's on chesterton road . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A
+bos sounds good . can you book it for four nights starting on tuesday ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos no , i am sorry another day perhaps or a shorter stay might be able to get that booked for you . eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos can we try it for 1 night ? eos O O O O O O O B-Hotel-Inform+Stay O N/A
+bos booking was successful . your reference number is ntqsjsp0 . do you need further assistance today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes . i need a train from ely to cambridge . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O N/A
+bos the trains departs from ely every two hours at 5:52 , 7:52 so on . what time do you plan to travel ? eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Leave
+bos i need to be in cambridge by 21:45. could you find me close to that time ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos and which day would you like to leave on ? eos O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on tuesday please , can i have the price and depature times also ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Price
+bos your best bet would be tr1537 which arrives in cambridge at 19:52. the price is 4.40 pounds per ticket and the departure time is 19:35. eos O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos thank you ! please feel free to contact us if you change your mind or need further assistance ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like a 4 star hotel in the west , please . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A
+bos finches bed and breakfast is a guesthouse in the cheap range . huntingdon marriott hotel is in the expensive range and the cambridge belfry is a hotel in the cheap range . eos O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos which of these hotels include free parking ? eos O O O O O O O O O Hotel-Inform
+bos they all have free parking and free wifi . eos O O O B-Hotel-Inform+Choice O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i 'd like to book one for 4 people for 3 nights starting sunday . will that be possible ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O N/A
+bos i was n't able to book any of the 4 star hotels for 3 nights starting sunday . can you book on a different day or a shorter stay ? eos O O O O O O O O O O O O O O B-Booking-NoBook+Stay O B-Booking-NoBook+Day O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos yes can you try one night instead ? eos O O O O O O O O O N/A
+bos perfect ! you have been booked and your reference number is dq0xvs0z . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos awesome . i 'm also looking for a train . eos O O O O O O O O O O O Train-Inform
+bos i can help you with a train as well . when would you like this scheduled for ? where will you be departing and arriving ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Depart
+bos depart from cambridge and should arrive by 20:00. eos O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos it is leicester . eos O O O B-Train-Inform+Dest O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i would like to travel on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : 4gvi1b9l . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for all your help today . i have all i need at this time . eos O O O O O O O O O O O O O O O O O O general-thank
+bos you are very welcome ! i hope you have a good trip and a wonderful day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'd like a hotel with a star of 4 on the east side of town . eos O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Area O O O O O O N/A
+bos a and b guest house is located in 124 tenison road . should i book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform
+bos it also need to be a cheap guesthouse , is that one ? eos O O O O O O O O O O O O O O N/A
+bos no , it is n't but allenbell is . would you like a room there ? eos O O O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos i want to book for 5 people and 2 nights starting from saturday if available . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos alright , i was able to book your room at allenbell for 2 nights . your reference number is t2kbviza . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i also need a train leaving cambridge after 17:15 going to birmingham new street . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are 42 trains that match your criteria . what day will you be travelling ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day
+bos i would like to travel on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos we have tr2753 that meets your requests , would you like a booking ? eos O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos yes can i please book that train for 5 people ? eos O O O O O O O O O O B-Train-Inform+People O N/A
+bos the booking was successful , the total fee is 375.5 gbp payable at the station . reference number is : u7ijqap3 . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that is all i need , good bye . eos O O O O O O O O O O general-bye
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i am looking for a particular restaurant . it 's efes restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos i was able to find efes restaurant for you . this is a turkish restaurant in the centre of town with a moderate price range . would you like a booking ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos yes i would , for 3 people wednesday at 18:15. eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos unfortunately , the restaurant is full at this time . is there another time or day i can reserve for you ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos can you check for 17:15 on the same day ? eos O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos sure , you 're all set for 17:15 with reference number 6lzypifz . the table will be reserved for 15 minutes . would you like assistance with anything else ? eos O O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need today . i appreciate your help - goodbye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using this system ! eos O O O O O O O O general-bye
+bos i am looking for an expensive 4 star hotel . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O N/A
+bos i have 2 options for expensive hotels . one at kingfisher way , huntingdon . the other is at regent street . would you like to consider one of these ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need one in the north and a guesthouse . eos O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O N/A
+bos there are no guesthouses in the north that meet your criteria . can i check for hotels or another area perhaps ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O O Hotel-Request+Area
+bos is there a 4 star guesthouse in the north that is in the moderate price range instead ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are seven of them . i can recommend the archway house if you would like it has free internet and parking . eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos oh great thanks , that 's all i needed ! eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos hold on , is there any trains leaving cambridge that arrives by 11:30 ? eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O N/A
+bos to what destination ? there is one to london liverpool street arriving at 09:27 , will that do ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O O Train-Request+Dest
+bos hello ! i 'm staying in cambridge for the first time and i 'm looking for places to go that are near me . can you help me find multiple sports ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos there is one multiple sports attraction in cambridge and it is in the east area : the cherry hinton village centre . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos bummer , are there any nightclubs in the city centre instead ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos there are 5 nightclubs . club salsa is my favorite at 1 station road . eos O O O O B-Attraction-Inform+Choice B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A
+bos great can i get the phone number , postcode , and entrance fee please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos it 's 5 pounds to enter . their phone number is 07782218745 and the postcode is cb12jb . can i help with anything else ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos thank you ! can you also help me find a cheap place to stay while i am there ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos no problem , do you want to stay in the centre as well ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , but i 'd like a guesthouse of the 4 star range that offers free wifi . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos how does the alexander bed and breakfast sound ? it 's in the city centre . it has free internet and free parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos it sounds good ! can you book for 5 people and 5 nights starting from saturday ? eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos i have booked it , and the reference number is 4aruomk7 . anything else i can do for you ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i need a taxi from the hotel to the nightclub , i want ot leave the hotel by 13:30 eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos okay , look for a yellow honda contact # 07601477512anything else i can do for you ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no that 's alls i needed . eos O O O O O O O O N/A
+bos you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos hi . i 'm looking for some moderately priced rooms for the night in the centre of town . where can i go for that ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos cityrooms is the one moderately priced hotel in the area . it has free wifi but no free parking . would you like me to book you ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no thank you , i 'm just looking for now . that 's everything i needed . eos O O O O O O O O O O O O O O O O O O general-thank
+bos very good . if we can be of more assistance please let us know . have a good day ! eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos is cityrooms 4 stars ? i 'm sorry i forgot to specify , but i do require it . eos O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O N/A
+bos it is n't , and unfortunately i do n't have a hotel that matches that criteria . eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O N/A
+bos okay , how about one in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i have the alexander bed and breakfast or el shaddai . which would you prefer ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Select
+bos alexander bed and breakfast , can i get the address and hotel type please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Addr
+bos alexander bed and breakfast is a guesthouse . the address is 56 saint barnabas road . is there anything else i can help you with ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i am also looking for scudamores punting co , what attraction type is it ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Request+Type
+bos it 's a boat attraction in the centre area . do you want their phone number ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos no , i just need a taxi to get between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos sure . what time would you like to leave and from which destination ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i 'd like to leave the hotel by 11:45 please . eos O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos your car is a black tesla contact number 07908996217will that be all ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos excellent . that 's all i needed . eos O O O O O O O O O N/A
+bos i hope you enjoy your visit to cambridge ! see you soon ! eos O O O O O O O O O O O O O O general-bye
+bos i 'd like to find a college to visit . eos O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 18 colleges to choose from . are you looking to visit a specific area ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area
+bos yes somewhere in cambridge . eos O O O O O O N/A
+bos there are 13 in the centre of the town , many of them offer free entrance . would you be interested in christ 's college ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A
+bos yes , could i get their phone number please ? i also need a guesthouse in the west as well . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O Attraction-Request+Phone
+bos you can reach christ 's college at 01223334900. as far as guesthouses , i have 2 that meet your criteria . both offer free wifi and parking . hobson 's house is moderately priced . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos hobson 's house sounds interesting . what is their phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone
+bos you can reach hobsons house at 01223304906. is there anything else i can help you with ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos that sounds good , thank you . eos O O O O O O O O general-thank
+bos would you like me to book a room for you at hobson 's house ? eos O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos no , thank you . i just only need the information of the guesthouse . eos O O O O O O O O O O O O O O O O general-thank
+bos hobsons house is in the west , on 96 barton road , cb39lh . it 's in the moderate price range . it 's a 3 star hotel with free wifi and parking . anything else ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos that will be all . thank you ! eos O O O O O O O O O general-thank
+bos please contact us again if there is anything else you should need . eos O O O O O O O O O O O O O O general-reqmore
+bos that seems to be all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos you are very welcome . good bye . eos O O O O O O O O O general-welcome,general-bye
+bos i am trying to find a public swimming pool . do you know of any ? eos O O O O O O O O O O O O O O O O O N/A
+bos there are four public pools in cambridge . are you looking for one in a specific area ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Area
+bos do you have one in the centre area . that would be nice . eos O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos yes , we have 1 pool in the centre named parkside pools . would you like more information about it ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore
+bos yes , how much is the entrance fee and can i get their number as well ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos of course , i 'd be happy to provide that information . unfortunately our system does not have information about their entrance fee , but their phone number is 01223446100 so you can ask directly . eos O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O N/A
+bos great i am also looking for some info on a hotel called city centre north b and b eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos sure , city centre north b & b is a guesthouse on the north side , fairly cheap with 0 stars . would you like to make a booking there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos thank you but i would just like the address of the hotel for now . i will also need a taxi to be booked , though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address of the hotel is at 328a histon road and its postal code is cb43ht . eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Post O N/A
+bos i also need a taxi to pick me up from the attraction by 22:30 eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos i have a taxi , a blue volkswagen , set to pick you up from parkside pools at 22:30. your contact number is 07804944337. is there anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no that is everything i needed . take care . thanks ! eos O O O O O O O O O O O O O general-thank
+bos we hope you have a great time . eos O O O O O O O O O general-bye
+bos i 'm looking for a place to go in cambridge . are there any good museums nearby ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O N/A
+bos i 'm not showing any museums in that area . can i lookup another area for you ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O O O O O Attraction-Request+Area
+bos what other places are there to go eos O O O O O O O O N/A
+bos actually there are several museums available . what part of town would you like- north , south , east , west , or centre ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O O N/A
+bos i will take the north part of town please . and can you give me the phone number for the museum there ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos sorry , i did not find a musuem in the north part of town . want me to try another part ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area
+bos yes , i do n't really need any specific area . can you go ahead and find a museum in another part of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i think you may like cambridge artworks in the east . it is located on 5 greens road . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos perfect . can i get a phone number to cambridge artworks ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes , their phone number is 01223902168. eos O O O O O O B-Attraction-Inform+Phone O N/A
+bos thank you . can you also help me find a place to stay . i would like a 3 star guesthouse with wifi and do n't really care about parking . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Request+Internet
+bos there are several 3 star hotels . what area would you like it eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O Hotel-Request+Area
+bos i am trying to find when the train is leaving sunday cambridge can you help me ? eos O O O O O O O O O O O B-Train-Inform+Day B-Train-Inform+Depart O O O O O N/A
+bos ok , and where are you heading to ? eos O O O O O O O O O O Train-Request+Dest
+bos i am heading to ely . eos O O O O O B-Train-Inform+Dest O N/A
+bos what time do you want to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos oh , not ely , sorry . i need to leave after 16:00 going to london liverpool street . eos O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos the earlest i have leaving is train tr7713 at 19:27 , will this be okay for you ? eos O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O Train-Select
+bos that is good , i also need a place to stay with a cheap price and free parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i have several hotels in your price range with free parking , what area would you like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos a guesthouse in the east , please eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A
+bos there are nine i recommend allenbell it 's a 4 star guesthouse . would you like the address and phone number or me to book it for you ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos can you give me the phone number and postcode please ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos yes , i am waiting for my system to load i will have that for you shortly . eos O O O O O O O O O O O O O O O O O O O N/A
+bos um , ok. are you read to give me that information now ? eos O O O O O O O O O O O O O O N/A
+bos 01223210353 is the phone number . the postcode is cb13js . can i help with anything else ? eos O B-Hotel-Inform+Phone O O O O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore
+bos no , that 's all i need from you today , thanks a bunch ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you . feel free to call back if you need assistance . eos O O O O O O O O O O O O O O general-bye
+bos please find me a train to cambridge . make sure it leaves after 15:45 eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos i can help ! several trains come here . where are you departing from ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart
+bos i 'm departing from stansted airport . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos tr9390 will leave at 16:24 and arrive by 16:52. do you need to buy tickets now ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes . please book tickets for 8. eos O O O O O O O B-Train-Inform+People N/A
+bos okay , 8 tickets have been reserved ! your reference number is 3yras11j . eos O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos perfect ! i also have one more question . can you tell me a little about a place called the yippee noodle bar ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos it 's a moderately priced restaurant in the city centre . it serves asian oriental food . phone is 01223518111. can i help with a booking ? eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform
+bos thanks , i would like to book a table for 8 on wednesday , please . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O N/A
+bos sure , what time should i make the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time
+bos 20:15 on wednesday , thanks . eos O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : yp33onp5 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos that 's all , thank you . eos O O O O O O O O general-thank
+bos have a great dinner . eos O O O O O O general-bye
+bos yes i 'm looking for a train that departs on wednesday from peterborough . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos and where will the destination be ? eos O O O O O O O O Train-Request+Dest
+bos i would like to go to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos there are 38 trains that can get you there , what time would you like to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to leave after 13:00 eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr5003 train leaves peterborough at 13:48. i can book you a seat on it if you 'd like . eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos i do n't need a ticket right now , but could you tell me the travel time and price ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos a single ticket costs 16.50 pounds and total travel time is about 50 minutes . will that be all today ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos i changed my mind can you book that for me please ? eos O O O O O O O O O O O O O N/A
+bos your all set , the total fee is 16.5 gbp payable at the station .reference number is : eejf27iz . anything else that i can assist with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for more info into a hotel . the cambridge belfry . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the cambridge belfry is a hotel located in the west area . it is in the cheap price range and is considered 4 stars . would you like more information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O general-reqmore
+bos kindly find out if they have internet eos O O O O O O O O N/A
+bos they do ! would you like for me to book a room for you ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos sure ! i will be staying wednesday and thursday . eos O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos how many people will be staying at the hotel ? eos O O O O O O O O O O O Booking-Request+People
+bos i do n't need it booked but whats the address ? eos O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is back lane , cambourne , cb236bw . anything else for you today ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O general-reqmore
+bos no that will be all . thanks for all your help ! bye ! eos O O O O O O O O O O O O O O O general-bye
+bos no problem , thank you for letting me assist you today . have a good day ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a hotel with free parking in the north . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos yes , i can help you with that . what is your price range ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would like a moderately priced hotel . preferably a guesthouse . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O N/A
+bos how many stars would you like it to have ? eos O O O O O O O O O O O Hotel-Request+Stars
+bos that does n't matter . can you book a room for 4 people at your favorite ? we 'll arrive on friday and stay for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i will go ahead and book you at the archway house . booking was successful . reference number is : gja79lyp . is there anything else i can help you with today . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos the four of us want to take a train on sunday from cambridge to bishops stortford . sometime after 15:00. eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A
+bos i am showing five trains departing at ; 15:29 , 17:29 , 19:29 , 21:29 , and 23:29. would you like me to book one of those ? eos O O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-OfferBook
+bos yeah , book the one that leaves at 15:29 please , for 4 people . give me the reference number too . eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos it has been booked for you and your reference number is p56pspsx . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks a bunch , that 'll be it for today . bye eos O O O O O O O O O O O O O general-bye
+bos you are quite welcome , goodbye ! eos O O O O O O O O general-welcome
+bos find me a place to stay . i need a hotel in the moderate price range with a star of 4. eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos what area of town interests you most ? eos O O O O O O O O O Hotel-Request+Area
+bos any area is fine , as long as the place has free wifi . eos O O O O O O O O O O O O O O O N/A
+bos will you need free parking as well ? eos O O O O O O O O O Hotel-Request+Parking
+bos yes , i will also need free parking . eos O B-Hotel-Inform+Parking O O O O O O O O N/A
+bos there are no hotels in the moderate price range with a 4 star rating . is there another price range or star rating that you would like me to check ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos just check moderate price range then please ! eos O O O B-Hotel-Inform+Price O O O O O N/A
+bos we have the ashley hotel and lovell lodge that fit what you want , would you like me to book one for you ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes just for me . for four nights please eos O O O O O O O O O O N/A
+bos what day would you like you stay to start ? eos O O O O O O O O O O O Booking-Request+Day
+bos i would like my reservations to start on sunday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos done ! your reference number is wtjer271 . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also want a train to take me to ely eos O O O O O O O O O O B-Train-Inform+Dest N/A
+bos on what day do you need to go to ely ? eos O O O O O O O O O O O O Train-Request+Day
+bos thursday , please . i need to leave from cambridge . eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Depart O O O N/A
+bos ok ! there are 10 trains ; do you have a time preference ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i would like to arrive by 20:15. eos O O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr7355 arrives in ely by 18:07 , or there is also one that arrives by 20:07. would you like to book a ticket for one of these ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes please . i need one ticket . eos O O O O O O O O O N/A
+bos your ticket has been booked . your reference number is 561mgk3j . is there anything else i can do for you ? eos O O O O O O O O O O B-Train-OfferBooked+Id O O O O O O O O O O O O general-reqmore
+bos that was all i needed . eos O O O O O O O N/A
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i need to find a place to stay in town eos O O O O O O O O O O O N/A
+bos we have five hotels located in the centre . do you have a specific price range ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos not really , but i do want a 4-star hotel with free parking and wifi . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos i have 2 places that fit that criteria . would you prefer a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would prefer a hotel , thank you . eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos the university arms hotel meets all of your criteria . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos sure , that would be great ! eos O O O O O O O O N/A
+bos how many are in your party ? eos O O O O O O O O Booking-Request+People
+bos i 'll need rooms for 6 people for 4 nights beginning tuesday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful . your reference number is 70zb569f . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i need the postcode , entrance fee and the attraction type of `` the place '' eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type
+bos the place is a nightclub and the postcode is cb23hg . the entrance fee is unknown , though . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O N/A
+bos great . can you give me the address and phone number for the place ? thank you for your help . eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos sure , the address is 22 sidney street and the phone number is 01223324600. anything else ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O general-reqmore
+bos no that was it . thank you so much . eos O O O O O O O O O O O general-thank
+bos you 're very welcome . please feel free to contact us again ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes i 'm looking for a train to cambridge that leaves on monday , would you please help me with that ? eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O O O O O O O O N/A
+bos i can help you with that ! we have many options available on monday , where are you travelling from ? eos O O O O O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O Train-Request+Depart
+bos i am travelling from peterborough . i would also like to arrive by 15:00. eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr9063 arrives in cambridge on monday at 14:38 , would you like to make a reservation ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos book it for 6 people . eos O O O O O B-Train-Inform+People O N/A
+bos i went ahead and booked that train . your reference number is tqdmtw4z . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i need a place to stay too . eos O O O O O O O O O N/A
+bos do you have an area , price range , or star rating in mind ? eos O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area
+bos a four star rating , with a price range in the neighborhhood of 1000 pounds . please i would like to be in the london , england area if i may to be near the clubs . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos just for clarification would you like to be in the city centre ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos just as long as it is located in the south . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos with a 4-star rating and located in the south , i have 2 options . both are guesthouses . one is aylesbray lodge guest house and the other is rosa 's bed & breakfast . eos O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos either one works , i need to book for 6 people for 5 nights starting on monday . i 'll also need a reference number . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O N/A
+bos i was able to book you at aylesbray lodge guest house for 5 nights starting monday for 6 people . your reference number is zjmoab2l . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much ! goodbye eos O O O O O O O general-bye
+bos thank you for contacting us . have a good day . good bye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos do you have any trains leaving after 09:45 on sunday ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos definitely ! what are your departure and arrival stations ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm travelling from london liverpool street to cambridge . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos train tr9835 leaves earliest , that is at 11:39. do you want tickets for that ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes , i need 5 tickets . eos O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 66.39 gbp payable at the station .reference number is : yqxhm46f . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O N/A
+bos thanks . i also need a moderately priced italian restaurant please . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A
+bos okay , there are five options available . would you like to narrow it down by the area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos no thank you . please , just pick one . i 'll need a table for 5 people on sunday at 12:30. eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A
+bos okay , i booked you a table at prezzo . your table will be reserved for 15 minutes and the reference number is 12slbu92 . eos O O O O O O O O B-Booking-Book+Name O O O O O O O O O O O O O O B-Restaurant-Inform+Ref O O N/A
+bos great ! you were very helpful . thank you . have a good day . bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! please let me know if you need anything else during your trip . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am traveling to cambridge and looking forward to try local restaurants . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos we have lots to explore ! i can help you find one , if you 'd like . eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O general-reqmore
+bos great ! the restaurant should serve scandinavian food and should be in the east . eos O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry there are no restaurants serving scandinavian food . is there another type of food you might like to try ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i have 4 different indian places to eat . two are moderately priced and two are expensive . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos i perfer a moderate price range . whatever you suggest . i need to book a table for 1 at 13:15 on tuesday . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O Train-Request+Price
+bos okay , i 've booked a table at the curry prince for you . the reference number is nz5wkz9v . the table will be reserved for 15 minutes . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O O N/A
+bos thank you . could i also have information on trains that depart from cambridge on wednesday ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos where will you be headed ? eos O O O O O O O Train-Request+Dest
+bos i need arrive in stevenage by 15:00. eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos tr2874 train arrives at stevenage at 14:10. would you like more info or can i book it for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos i 'd like the price and travel time , please ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure ! the fare is 12.80 pounds and the travel time is 49 minutes . is there anything else i can help you with today ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O general-reqmore
+bos no , thank you for your help ! eos O O O O O O O O O general-thank
+bos please feel free to call again if we can assist you in other ways . thank you for calling . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos hi , i am planning a trip and could use some advice on a place to stay . eos O O O O O O O O O O O O O O O O O O O N/A
+bos sure . what is your price range and what side of town will you be interested in ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like a moderate price hotel in cambridge . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O Train-Request+Price
+bos i have some moderate priced hotels in the north and center . do you have a location preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Request+Area
+bos i 'm not concerned about the area but it does n't need to include internet . eos O O O O O O O O O O O O O O O O O N/A
+bos there are two 2 star hotels in the north part of town . ashley hotel and lovell lodge . both include free internet and parking . do you have a preference ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos either one is fine . i need to book it for 5 nights on wednesday . there are 4 people . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O N/A
+bos i will work on that and be back with you in a moment . eos O O O O O O O O O O O O O O O Booking-Inform
+bos i am looking for places to go in town . eos O O O O O O O O O O O N/A
+bos we have many options to choose from , is there a particular type of place you are interested in seeing ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos somewhere in the centre , entertainment . eos O O O O B-Attraction-Inform+Area B-Attraction-Inform+Type O O N/A
+bos there are n't any attractions of that type in the centre unfortunately , do you have an alternative preference ? eos O O O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O N/A
+bos i could also go to a college instead . eos O O O O O O O B-Attraction-Inform+Type O O N/A
+bos what about christ 's college ? it 's free to get in . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O N/A
+bos can you give me the address for christ 's college please ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure , it is located on saint andrew 's street , postcode cb23bu . admission is free . can i be of further help today ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos yes , i need a train coming from ely on friday . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A
+bos there are 10 trains fitting your criteria . do you a time preference on arrival or departure ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos yes , it will need to leave after 12:30. i 'll just book it for one person to cambridge . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos train id tr9236 leaves at 13:35 and arrives in ely at 13:52. would you be interested in booking that option ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes . i need to book for one . eos O O O O O O O O O O N/A
+bos okay , your reference number is 1a7zkz7f . is there anything else you need ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos that is all . thank you for your help . eos O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . i hope you have a pleasant trip ! goodbye ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to get a taxi out of holy trinity church . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos what is your destination ? eos O O O O O O Taxi-Request+Dest
+bos i 'm going to saint johns chop house . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos i can help you with that . when do you need to leave ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i need to arrive at the chop house by 22:30. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos your taxi is booked . look for a yellow volkswagen . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos i need the contact number please . eos O O O O O O O O N/A
+bos the contact number is 07727071722. is there anything else i can help you with ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that is all thank you goodbye . eos O O O O O O O O O general-bye
+bos please call us anytime . good bye . eos O O O O O O O O O general-bye
+bos i am looking for a train . eos O O O O O O O O Train-Inform
+bos i 'd be happy to help with your request . what day will you be travelling and what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i 'll be heading to peterborough on thursday eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos these are the available options trainid departure destination day leaveat arriveby price duration book ( optional ) tr7098 cambridge peterborough thursday 05:06 05:56 16.50 pounds 50 minutes tr4745 cambridge peterborough thursday 05:34 06:24 16.50 pounds 50 minutes tr9932 cambridge peterborough thursday 06:06 06:56 16.50 pounds 50 minutes tr8769 cambridge peterborough thursday 06:34 07:24 16.50 pounds 50 minutes tr6688 cambridge peterborough thursday 07:06 07:56 16.50 pounds 50 minutes eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you 're very welcome ! make sure to let us know if you 'd like to book anything ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a train going to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos where are you leaving from ? eos O O O O O O O Train-Request+Depart
+bos the train should depart from kings lynn and should leave on thursday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A
+bos there are 19 total trips available to you eos O O O O B-Train-Inform+Choice O O O O N/A
+bos i wish to leave after 8:15. eos O O O O O O O N/A
+bos how about tr3447 ? eos O O O B-Train-Inform+Id O N/A
+bos can i get the price and time travel please eos O O O O O O O O O O Train-Request+Price
+bos trainid departure destination day leaveat arriveby price duration book ( optional ) tr3447 kings lynn cambridge thursday 09:11 09:58 9.80 pounds 47 minutes eos O O O O O O O O O B-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos would you be able to send that in a different format ? i just need a price and travel time , that list is confusing . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sorry about that . the travel time is 47 minutes and the cost is 9.80 pounds . anything else i can do for you ? eos O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos no , that is all . good bye . eos O O O O O O O O O O general-bye
+bos alright . thank you , and have a great day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a hospital please ! i 've been hurt ! eos O O O O O O O O O O O O Hospital-Inform
+bos oh , i am sorry to hear that . you may want to call the addenbrookes hospital acute medical assessment unit at 01223348314. eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos you 're welcome . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i need to find the parkside police station eos O O O O O O O O O Police-Inform
+bos here is the information for parkside police stationtelephone:01223358966address : parkside , cambridgepostcode : cb11jg eos O O O O O O O O O O O O O O O N/A
+bos sorry , what is the street address ? eos O O O O O O O O O Police-Request+Addr
+bos i do not have that information . please call their telephone number to and ask them for the address . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for your assistance . eos O O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-bye
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you , goodbye eos O O O O O general-bye
+bos i need to book a taxi to pick me up at funky fun house to go to huntingdon marriott hotel . eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i prefer to leave after 09:15 eos O O O O O O B-Taxi-Inform+Leave N/A
+bos booking is complete , a black ford will be picking you up . the contact number is 07635853272. thank you ! . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O N/A
+bos great , thanks for your help ! eos O O O O O O O O general-thank
+bos i can also recommend restaurants and book trains . are you interested ? eos O O O O O O O O O O O O O O general-reqmore
+bos not at this time . thanks , though . good bye . eos O O O O O O O O O O O O O general-bye
+bos it was a pleasure to help you . do n't hesitate to contact the towninfo centre again . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i would like to book a taxi please . eos O O O O O O O O O O Taxi-Inform
+bos okay , i need more information . when are you wanting to leave and arrive ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to get to anatoilia by 09:15. eos O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i 'd be happy to help ! where are you coming from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i am actually leaving from cote . eos O O O O O O B-Taxi-Inform+Depart O N/A
+bos i have booked a black volvo for you and the contact number is 07919315223. anything else i can help you with ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos those were my concerns . thanks a lot . goodbye . eos O O O O O O O O O O O O general-bye
+bos you 're welcome . if you think of anything else you need do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a list of available trains leaving from cambridge after 2pm . eos O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos i have a train leaving at 15:00 on friday from london kings cross . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos i actually need to leave from cambridge and go to kings lynn . i also need to travel on wednesday . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O N/A
+bos there are 10 trains travelling that way . by what time do you want to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Arrive
+bos what 's the soonest arrival time ? eos O O O O O O O O Train-Request+Arrive
+bos the soonest arrival time i have is 14:58. eos O O O O O O O O B-Train-Inform+Arrive N/A
+bos so the one that arrives at 14:58 that also leaves at 14:00 ? because i need it to leave after 14:00. eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes . tr8793 departs cambridge at 14:11 and arrives at 14:58. would you like me to book you a ticket ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes , please . i would also like a place to eat that serves european food , is expensive , and in centre area please . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos there are two expensive european restaurants and one expensive modern european restaurants in the centre eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area N/A
+bos i would like one of the european ones , please . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos we have the eraina and michaelhouse cafe . which one sounds better to you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos i would like the eraina , can i get the reference number please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i can certainly book that , how many people will be dining ? eos O O O O O O O O O O O O O O Booking-Request+People
+bos i would like to book a table for 8 at 11:45 on wednesday . can i get the reference number as well , please . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is : 5mmta7hy . will you need assistance with anything else ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thank you for your assistance ! i will definitely use this service again . have a good day . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos we are happy to help . thank you for using our service . have a great day ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm looking for a moderately priced restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A
+bos there are several options available . would you be willing to give me more information on what kind of food you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i want asian oriental food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos sure , we have yippee noodle bar in the town centre . shall i book a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos is the yippee noodle bar moderately priced ? eos O O O O O O O O O N/A
+bos yes it is moderately priced . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A
+bos that sounds perfect . i do n't need a reservation right now , but could you give me the address , phone number , and postcode , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure thing . the address is 40428 king street city centre , postcode cb11lh , and the phone number is 01223518111. can i help you find anything else ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , i 'm all set . thanks for your help ! eos O O O O O O O O O O O O O general-thank
+bos i 'm glad we were able to help you today . have a wonderful weekend ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for the information on a restaurant called saigon city , can you provide me with their info ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos absolutely ! saigon city is an asian oriental restaurant in the north . it is a little expensive but worth it . it 's located at 169 high street chesterton . their phone number is 01223356555. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O N/A
+bos thanks ! that 's all i needed . eos O O O O O O O O O general-thank
+bos okay great . i am glad i could help you . eos O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a restaurant in the moderate price range that sells north indian food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos unfortunately there is not hotel with those characteristics . perhaps you could try other types of cuisine ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Restaurant-Request+Food
+bos i 'm looking for a restaurant , not a hotel . can you try again ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos my apologies . i meant to say restaurant not hotel . unfortunately , there are n't any restaurants that are that price range that serve north indian food . eos O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O N/A
+bos okay . how about one that serves italian food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have 5 locations that match your criteria . what area of town would you like it in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i would like it to be in the east area of town please . eos O O O O O O O O O O O O O O O N/A
+bos the pizza hut in cambridge retail park newmarket road fen ditton seems to meet your requirements . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O N/A
+bos sounds good , can i get the phone number and postcode , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the number there is 01223323737 and the postcode is cb58wr . anything else ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O general-reqmore
+bos that is all ! thank you ! eos O O O O O O O O general-thank
+bos you 're welcome , enjoy your meal . eos O O O O O O O O O general-welcome
+bos i 'm looking for a place to dine , can you help ? eos O O O O O O O O O O O O O O N/A
+bos sure can , do you have a type of food , area , or price range you 'd like ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price
+bos i am looking for cheap chinese food in centre . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A
+bos there are several chinese restaurants in city centre , do you have a preferred price range ? otherwise might i suggest charlie chan ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O Restaurant-Request+Price
+bos i would like to find something cheap . is charlie chan cheap ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos yes charlie chan is in the cheap price range . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos yes can you please get me a reservation ? eos O O O O O O O O O O N/A
+bos yes . how many people in your party and when would you like this for ? eos O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos there are 5 people , and we 'd like it for friday at 18:15 eos O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos you now have a reservation for 5 at charlie chan on friday at 18:15. is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O general-reqmore
+bos can i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref
+bos of course . reference number is : bikd8uk9 . how else can i help today ? eos O O O O O O O O B-Restaurant-Inform+Ref O O O O O O O O general-reqmore
+bos i need to visit an attraction type college near the restaurant , give me the entrance fee and phone number . also , i need a taxi , will need the phone and car type . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Phone,Attraction-Request+Fee
+bos there are several , but my favorite one is saint catharine 's college . their phone number is 01223338300 and admission is free . do you need a cab ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos yes , please . get me a taxi and make sure it gets to the restaurant by 18:15 eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos i can book your taxi i need to know the time you would like to travel , the departure and destination . eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Depart
+bos i would like it to arrive at the restaurant by the booking time eos O O O O O O O O O O O O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i will be departing from saint catharine 's college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos a grey tesla will pick you up at 18:15. you can contact the driver at 07764615987 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O B-Taxi-Inform+Phone N/A
+bos thanks ! that 's all i needed ! bye ! eos O O O O O O O O O O O general-bye
+bos thank you , and have a good evening ! eos O O O O O O O O O O general-bye
+bos i am hoping you can help me find a british restaurant at which to dine during my visit to cambridge . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos i have 11 results that match your preferences . what area of town will you be in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i will be in the west and it needs to be moderately priced . eos O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O N/A
+bos i have saint johns chop house . would you like me to book a reservation for you today ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes please make a booking for 6 people at 14:45 on saturday , and i need the reference number when completed . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref
+bos okay , the book was successful . the reference number is okat9rpq . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos sure , i need the address and postcode for an attraction called camboats . eos O O O O O O O O O O O O B-Attraction-Inform+Name O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address for camboats is the plough , green end , fen ditton and the postcode is cb58sx . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O N/A
+bos thank you that is all i need for today . eos O O O O O O O O O O O general-thank
+bos thank you for using our system ! have a great trip ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am seeking a concerthall in the west part of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are none available at this time . eos O O O O O O O O O Attraction-NoOffer
+bos ok. could you try for a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 7 museums in the west . cambridge and country folk museum charges 3.50 pounds for entry and the rest are free . would you like the address ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos please provide me with entrance fee and postcode eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos cambridge and county folk museum is 3.50 pounds for the entrance fee and the postcode is cb30aq . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Post O N/A
+bos thanks . i am also looking for a moderate restaurant in the same area as that museum . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos were you looking for a particular type of cuisine ? there are a few options in the area . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O Restaurant-Request+Food
+bos just a moderately priced restaurant , i need to book for 6 people at 12:15 on monday . eos O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your booking at the prezzo was successful . the reference number is ouhskng7 . your table will be reserved for 15 minutes . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos are there any moderate restaurants in the same area as the concert hall in the west side of cambridge ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos yes , and i booked that for you at the restaurant prezzo . are you okay ? eos O O O O O O O O O O O B-Booking-Book+Name O O O O O O general-reqmore
+bos that is all i needed today thank you . eos O O O O O O O O O O general-thank
+bos thank you , enjoy the rest of your day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like to dine at an expensive restaurant in the city center . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i have several options for you - one african restaurant , one asian oriental , and 3 serving british cuisine . what would you like ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select
+bos i am really looking for something that offers japanese food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos we have a match for you ! wagamama is located at 36 saint andrews street . the phone number is 01223462354. would you like to book ? eos O O O O O O O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O Booking-Inform,general-greet
+bos yes . book for 3 people on monday at 17:30. eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos your booking was successful . the table will be reserved for 15 minutes.reference number is : bkz9djqn . is there anything else i can do to assist you ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed . thank you for the help ! eos O O O O O O O O O O O O O O O general-thank
+bos great ! have a terrific time ! eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a moderately priced restaurant in the cambridge city centre . eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are many moderately priced restaurants in the city centre . is there a type of cuisine you would like to try ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes i am interested in british food . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are four great restaurants that match your criteria . i highly recommend the copper kettle located at 4 kings parade city centre . would you like me to book a table ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos what is the phone number and postcode there ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos you can reach the copper kettle at 01223365068. their postcode is cb21sj . is there anything more i can help with today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos i am looking for something to do in the centre area of town . i was thinking maybe a nightclub . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 5 nighclubs in the centre . may i suggest the fez club ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds great , can i please get the phone number and postcode ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos their phone number is 01223519224 and postcode is cb23hx . is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos i 'll also need a taxi . it should leave the fez by 1:00. please include the contact number and car type . eos O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos where are you going ? i can help you book a taxi once you give me your destination eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'm traveling between the restaurant and nightclub . i need to leave the nightclub by 1:00. eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O N/A
+bos i have booked that taxi look for a yellow honda . the contact number is 07354152897. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos have a nice day . eos O O O O O O N/A
+bos have a nice day . eos O O O O O O general-bye
+bos i am looking for a restaurant serving seafood , in the center of the town . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos loch fyne offers seafood in the city centre . would you like me to book you a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no , i want expensive italian food instead . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos no problem ! i found four restaurants for you to chose from . would you like for me to make a reservation at one of them ? eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes i need a table for 8 sunday at 16:45. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos ok , first let 's verify which restaurant you would like out of the four . eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O N/A
+bos please give me the names of the 4 choices and i 'll make my selection . needs to be an expensive italian restaurant in the centre . thanks ! eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos stazione restaurant and coffee bar , don pasquale pizzeria , clowns cafe , caffe uno eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos i would like to book a reservation for 8 on sunday at 16:45 at stazione restaurant and coffee bar . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O N/A
+bos this has been booked . anything else i could help you with ? eos O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos can i please get the reference number and then can you help me find some places to go near the restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos apologies , the reference number is : ay05tzjq . i have 44 places that i can recommend near the restaurant . do you have any type of preferences ? eos O O O O O O O B-Restaurant-Inform+Ref O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos im sorry for being so loop , how about a college in that area , whatever you recommend . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos there are 13 colleges in the centre , but i personally recommend corpus christi . can i do anything else for you ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O general-reqmore
+bos i also need to book a taxi . eos O O O O O O O O O Taxi-Inform
+bos for the taxi , please specify a place of departure , a destination , and a time by which to leave or arrive eos O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Depart
+bos i would be leaving the restaurant . eos O O O O O O O O N/A
+bos your taxi is booked . your car type is a grey tesla and the contact number is 07621703476 eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos i will be need a taxi also to get from corpus christi college to the restaurant . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos your taxi is booked . your car type is a grey tesla and the contact number is 07621703476 eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos just one more thing . what is the entrance fee for the college ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos the entrance fee for corpus christi college is 2 pounds . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos thanks , i 'm good to go now . i appreciate your help , bye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos have a wonderful trip . eos O O O O O O general-bye
+bos i 'm looking for a restaurant that serves indian food in the centre of town . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i can help you with that . what is your price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i am looking for indian food in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i have 3 cheap indian restaurants . kohinoor , the ghandi , and mahal of cambridge . which can i tell you more about ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Select
+bos please tell me about kohinoor . provide the phone number , address , and postcode . eos O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure . the kohinoor restaurant is located at 74 mill road . the postcode is cb12as , and the phone number is 01223323639. eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O N/A
+bos thanks . i am also looking for places to go in town , any suggestions ? i 'd like something of multiple sports in the centre like the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos i regret to inform you : there are sports attractions nearby of any kind , sorry . eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O N/A
+bos are there any museums nearby ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos primavera is a very popular place . would you like more information ? eos O B-Attraction-Inform+Name O O O O O O O O O O O O N/A
+bos if that is a museum , then yes . please tell me the entrance fee there . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos there is no entrance fee for the primavera and their phone number is 01223357708 eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone N/A
+bos thanks , i wo n't need any further help today . take care ! eos O O O O O O O O O O O O O O O general-thank
+bos you are most welcome , have a wonderful day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am so excited to see some local tourist attractions on my upcoming trip . can you help me find a place to dine when i am there ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos of course i can help you with that . may i ask your price range and what kind of food you would like to eat ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet
+bos i would like expensive italian food . what do you suggest ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A
+bos does it matter where your restaurant is located ? we have four expensive italian restaurants in the center , and one in the south . eos O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-Request+Area
+bos i would like the one in the south . eos O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos i would recommend frankie and bennys . would you like any particular information about that restaurant ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O general-reqmore
+bos please book that one for 5 people on thursday at 17:30. eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes on thursday at 17:30. your reference number is iil1w17l eos O O O O O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos i am also looking for a swimming pool . eos O O O O O O O O O O N/A
+bos i would recommend parkside pools in the centre , would you like more information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O general-reqmore
+bos where is the area the swimming pool is ? also can i have contact number and car type of a taxi to commute between these to place on time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos the pool is located in the centre . for your taxi what time would like to leave the restaurant and arrive at the pool ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos well , my reservation is at 17:30 so before that . eos O O O O O O B-Taxi-Inform+Arrive O O O O O N/A
+bos ok that is reserved the car type is a white skoda and contact number is 07749508592. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos great thank you , that was all i needed today . eos O O O O O O O O O O O O general-thank
+bos i hope you have a great trip ! eos O O O O O O O O O general-bye
+bos i am looking for a restaurant in cambridge that serves turkish food and is located in the west . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O N/A
+bos i 'm sorry , but there are no restaurants that fit those criteria . would you like me search in another area , or for a different type of food ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos is there a restaurant serving indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are several indian restaurants in the west , would you prefer a more expensive price range or moderate ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos either price range is fine , can you tell me more about some of the restaurants you mentioned ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes i found five restaurants in the west four in the expensive range and one in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A
+bos can you give me the address , price range , and phone number of the best one ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr
+bos the tandoori palace is a restaurant in the expensive price range located at 68 histon road chesterton . the phone number is 01223506055. is there anything else i can assist you with ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O general-reqmore
+bos thank you . i am also looking for a place to stay . i am specifically look for a four star hotel . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am showing 21 hotels with a four star rating . would you also like a hotel that is in the west ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O O O B-Hotel-Select+Area O O N/A
+bos not necessarily i just needed to be a guest house with free wi-fi eos O O O O O O O O O O O O O O N/A
+bos we have finches bed and breakfast , also in the west with complimentary internet , as well as four stars . would you like me to book this for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos please book it for 6 people and 5 nights starting from sunday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . reference number is : qkzsourz.. anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos i need a taxi to travel between the two places . i need to leave tandoori by 07:30. can you suggest something for me ? i need contact number and car type . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i would be happy to help with finding a taxi . can i ask where you will be traveling too ? that way we can find the best taxi company for you ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos yes to the hotel from the restaurant . i need to leave by 7:30 and will need the car type and a contact number please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i have booked a black skoda for you at 7:30 at the restaurant . the contact number is 07889958021. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Leave O O O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you so much for your assistance today i think that will be all . eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hi . help me with a train schedule , please . eos O O O O O O O O O O O O Train-Inform
+bos i 'd be happy to help . let 's start with a few questions ; which station would you like to depart from and where would you like to go ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am looking to depart from cambridge , and i am going to london kings cross . eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos okay , great . what day are you wanting to travel ? eos O O O O O O O O O O O O O Train-Request+Day
+bos i would like to go on wednesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos how about tr3702 that leaves at 05:00 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos that sounds great ! i 'd like to buy one ticket please . eos O O O O O O O O O O O O O O N/A
+bos could you please confirm if you need to arrive by any particular time ? eos O O O O O O O O O O O O O O O Train-Request+Arrive
+bos i really must arrive by 18:15 to make my meeting . eos O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos tr3843 will arrive by 17:51 , does this suit your needs ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos yes , can you book it for 5 people and please give me the reference number . eos O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your reference number is kpvwzhws . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos that 's everything . thanks so much for your help . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i need an expensive place to stay that includes wifi . eos O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i have found several options for you , sir . what part of town did you have in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't really matter . i would like a guesthouse , though . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i could not find a guesthouse available in the expensive price range . is there a different price range you would accept ? eos O O O O O O B-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Price O O O O O O O O O O O O O N/A
+bos how about moderate price range ? eos O O O B-Hotel-Inform+Price O O O N/A
+bos i have 14 total moderate priced guesthouses . do you have a preference of which area of town ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area
+bos any place suits me eos O O O O O N/A
+bos the avalon is a moderate-price guesthouse in the north with a 4-star rating and internet . do you want me to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos book it for 3 people and 4 nights starting from wednesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : 9zw11uhm . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos great , thanks for your help ! eos O O O O O O O O general-thank
+bos you 're welcome . is there anything else that i may assist you with today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that was all for now . thanks eos O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos hi there , can you help me find a restaurant in the centre of town ? someplace with british food ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 've heard great things about cotto . want a reservation ? eos O O O O O O B-Restaurant-Recommend+Name O O O O O O Booking-Inform
+bos what price range is that restaurant ? eos O O O O O O O O Restaurant-Inform
+bos cotto is in the moderate price range . would you like me to make a reservation for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos no that wo n't be necessary , could you just give me the address and postcode please ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos sure , the address is 183 east road city centre and the postcode is cb11bg . eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O N/A
+bos great , that 's all for now . thanks ! eos O O O O O O O O O O O general-thank
+bos you are very welcome . have a great day ! eos O O O O O O O O O O O general-welcome
+bos i would like to book a taxi to arrive by 13:45 to go to carolina bed and breakfast . eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i can help you with that , but can you please let me know where you will be leaving from ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm leaving from mahal of cambridge . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos alright , you 're all set . a grey skoda will pick you up . the contact number is 07629344637. can i help you with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thank you ! eos O O O O O O O O O O general-thank
+bos we are happy to help , thank you for using our services ! eos O O O O O O O O O O O O O O general-welcome
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're welcome . goodbye . eos O O O O O O O general-bye
+bos i am trying to find a train leaving after 15:15 to go to broxbourne . eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A
+bos tr5694 cambridge broxbourne friday 16:01 17:01 17.90 pounds 60 minutes eos O B-Train-Inform+Id B-Train-Inform+Depart B-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Time N/A
+bos is there any that are closer to leaving at 15:15 ? eos O O O O O O O O O O O O N/A
+bos which day were you planning to travel to broxbourne ? eos O O O O O O O O O O O Train-Request+Day
+bos i am looking at traveling on sunday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos please confirm you are leaving from cambridge . if yes , tr6870 leaving 16:01 , hourly , is the closest time . 15:01 is too early . eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Depart
+bos yes , i am leaving from cambrige . how long is the travel time ? eos O O O O O O O O O O O O O O O O Train-Request+Duration
+bos booking was successful , the total fee is 14.32 gbp payable at the station .reference number is : ewsovuhu . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos could you please tell me the train id , arrival time , and travel time ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos the travel time is 60 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i need all three things please , train id , arrival time and travel time . eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos read the previous lines please ! number tr6870 , arrival 17:01 , travel time 60 minutes . eos O O O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos okay . thank you for all of your help . have a good day now . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you , good bye eos O O O O O O general-bye
+bos i 'd like a taxi please . i 'll be wanting it to leave after 15:45 eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos i 'd be happy to help ! where are you coming from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm coming from the gandhi . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos and can you tell me your destination please ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i 'll be going to adc theatre . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave some time after 15:45 , please . eos O O O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O N/A
+bos alright , i have you booked , you will be expecting a grey audi , contact number 07461616519 , arriving after 15:45. is there anything else i can assist you with ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O general-reqmore
+bos no . that 's it thanks ! eos O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-bye
+bos am looking for a train , it should go to cambridge and should depart from norwich eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O O N/A
+bos what time and day are you looking to travel ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos yes , i would like travel on monday and i would need to arrive by 08:30. eos O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A
+bos trainid tr9020 leaves norwich on monday and arrives in cambridge at 06:35. eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos what is the price for the train ? eos O O O O O O O O O Train-Request+Price
+bos the cost will be 17.60 pounds . would you like more information about that ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos what time does the train leave ? eos O O O O O O O O Train-Request+Leave
+bos it leaves at 05:16 eos O O O O B-Train-Inform+Leave N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos goodbye and thanks for using the help desk . eos O O O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the centre and should be in the cheap price range eos O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O N/A
+bos there is not a cheap hotel in the centre area . is there another area i can look for you ? eos O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O O O O O O O O Hotel-Request+Area
+bos the hotel should be in the type of hotel and should have a star of 4 , eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos the cambridge belfry is 4 star hotel in the cheap price range in the west part of town . do you want me to book this hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need to be in the centre . is there a guesthouse available , if there are no hotels ? eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos the alexander bed and breakfast is a 4 star guesthouse , located at 56 saint barnabas road . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O N/A
+bos great ! i want to book it for 5 people and 3 nights starting from tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos booking was unsuccessful . do you want to try a different day ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos how about thursday ? eos O O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : tfajjnjf eos O O O O O O O B-Booking-Book+Ref N/A
+bos thanks , that 's all i need . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome ! have a wonderful day . bye now . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i need a taxi to take me to the addenbrookes hospital . eos O O O O O O O O O O O O O O O Taxi-Inform,Hospital-Inform
+bos i do n't think you want a taxi , but here 's the address : hills rd , cambridge . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , thank you for your help . eos O O O O O O O O O general-thank
+bos enjoyed your services . keep that up eos O O O O O O O O general-bye
+bos that 's all i need for today . good bye . eos O O O O O O O O O O O O general-bye
+bos glad i could help . have a great day . eos O O O O O O O O O O O general-bye
+bos i 'm looking for information about sidney sussex college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos sure , it is located on sidney street , postcode cb23hu . admission is free and i would definitely recommend it to you . do you need to know anything else ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O general-reqmore
+bos what area of the city is this in ? eos O O O O O O O O O O Attraction-Request+Area
+bos it is in the center . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O O general-reqmore
+bos thanks . i 'm also looking for a train . it should depart from leicester and leave after 20:15. eos O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O O N/A
+bos was that heading into cambridge ? and what day do you need that train ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos yes , heading for cambridge on thursday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos the earliest train after 20:15 is the tr2621 leaving at 21:09. would you like me to reserve a seat for you ? eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos that would be great , but i 'll need to reserve 4 seats , actually . eos O O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos i managed to book you for four on that train . your confirmation number is 0w0nyolz . the total fee 151.19. eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket N/A
+bos great ! we 're all set . thanks so much ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! i hope you enjoy your time here . goodbye ! eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for things to do , specifically a theatre in the north , what kinds of things are there to see like that ? eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos there are no thatres in the north , perhaps another area or type of attraction . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos what kind of parks are available in the north ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A
+bos i have just one park . it is milton country park located in the north . they offer free admission . they are located at milton country park , milton . their phone number is 01223420060. eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O N/A
+bos great ! thanks for the information ! eos O O O O O O O O general-thank
+bos do you need help with anything else ? eos O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a train departing cambridge on tuesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos there are quite a few trains leaving cambridge on tuesday . where is your destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O Train-Request+Dest
+bos i 'm going to peterborough . i need to be there by 8:30 eos O O O O B-Train-Inform+Dest O O O O O O O O O N/A
+bos i have train tr0162 that departs at 07:06 and would get you there by 07:56. would that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes please book for 3 and provide reference number eos O O O O O O B-Train-Inform+People O O O Train-Request+Ref
+bos yes your reference number is cde66iyu . and your reservation is set . eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O N/A
+bos i 'm sorry , could you actually amend that train reservation for 2 people instead ? also , i will need the postcode for milton country park we talked about earlier . eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos yes , the reservation has been amended for 2 people . your new reference number is bmda0bi1 . and the postcode for milton country park is cb46az . eos O O O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O N/A
+bos thank you ! that should be all i need today . eos O O O O O O O O O O O O general-thank
+bos great ! have a nice day . eos O O O O O O O O general-welcome,general-bye
+bos hello i am looking for a theatre in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos the adc theatre is in the town centre . can i get you some information about it ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos can i get their address , phone number and postcode please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos sure the adc theatre is located at park street , postcode cb58as , their phone number 01223300085. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O N/A
+bos thanks . i also need assistance with finding a train leaving cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos i can help with that . to what destination are you traveling and on what day ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am going to stansted airport on friday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos there are several trains going to stansted airport on friday . what time would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O Train-Request+Leave
+bos i do n't have a preference regarding the departure time but i do need to arrive by 21:30. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Leave
+bos again there are several trains arriving by that time . how many tickets do you need ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+People
+bos just the 1 ticket , please . eos O O O O O O O O N/A
+bos the train closest to your requested arrival time is the tr9595 , leaving cambridge at 20:40 and arrives at stansted airport at 21:08. would you like me to book you a ticket ? eos O O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos can you confirm how long that train ride is please ? eos O O O O O O O O O O O O Train-Inform
+bos yes , it is 28 minutes long . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O N/A
+bos please book it . i will need the reference number as well . eos O O O O O O O O O O O O O O N/A
+bos good news ! booking was successful , the total fee is 10.1 gbp payable at the station . reference number is : n51ygq3s . is there anything else you need ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos nope that is all for today . according to my list i did not really need to book that train but it saves me time ! thank you so much ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos thank you for contacting us ! please let us know if we can be of any more assistance to you . eos O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos i need a train to ely , please . eos O O O O O O B-Train-Inform+Dest O O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i will be leaving sunday after 19:30. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos can i ask where you are leaving from ? eos O O O O O O O O O O Train-Request+Depart
+bos i will be leaving from cambridge on sunday after 19:30. eos O O O O O O B-Train-Inform+Depart O O O O N/A
+bos i have train tr3544 leaving at 19:50 and arriving by 20:07. would this work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos no need to book it . eos O O O O O O O N/A
+bos ok. can i help you with anything else today , then ? eos O O O O O O O O O O O O O general-reqmore
+bos yes . i am looking for places to go on the west side of town . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos yes i have many colleges there . can i suggest something for you ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O N/A
+bos can you suggest some good architecture attractions ? eos O O O O O O B-Attraction-Inform+Type O O N/A
+bos unfortunately , i 'm not showing any architecture attractions in the west area . would you like me to look in another area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O Attraction-Request+Area
+bos what type of colleges are available ? eos O O O O B-Attraction-Inform+Type O O O N/A
+bos there are five colleges on the west side . churchill college , clare hall , and magdalene college all have free admission . do any of those interest you ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Select
+bos clare hall sounds like it would be nice . can i get their phone number please ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223332360. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i think that is all i need . thank you for your help . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure to assist you . thank you for using our service . goodbye . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for architectural spots to visit on my trip to cambridge . on the east side . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos well , unfortunately there are architectural attractions located in the east . would you like to try a different area ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area
+bos no , that 's okay . are there any museums in the east instead ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos i can recommend four different museums in the east area . how about cambridge artworks ? it is popular . eos O O O O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A
+bos that sounds interesting . what is the entrance fee for this museum ? eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos the cambridge artworks is a free museum . can i help you with anything else today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O O O O O O O O general-reqmore
+bos can you give me their phone number and postcode , please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos absolutely . their phone number is 01223902168 and they are in postcode cb13ef . eos O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O O N/A
+bos excellent . i 'm also looking for a train as well . eos O O O O O O O O O O O O O Train-Inform
+bos certainly . do you have a destination in mind ? eos O O O O O O O O O O O Train-Request+Dest
+bos yes , i am looking to depart from london kings cross that should arrive in cambridge by 15:00 and i need it for 3 people and will need the reference number . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-Request+Ref
+bos i need to narrow the search down . what day will you be traveling ? eos O O O O O O O O O O O O O O O O Train-Request+Day
+bos on monday please . eos O O B-Train-Inform+Day O O N/A
+bos i was able to book you on tr3194 which leaves london kings cross at 13:17 and arrives cambridge at 14:08. reference r6kwx99c . can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos nope , that 's everything . thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos what is a fun place to go in the west of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos may i suggest whale of a time located at unit 8 , viking way , bar hill ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A
+bos what type of attraction is it , and what does it cost to get in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos it 's an entertainment type . i do not know the entrance fee , sorry . eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O N/A
+bos okay , thanks . can you also help me find a train to cambridge on thursday ? eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos i can do that ! where are you leaving from , and what time would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart
+bos ely , i 'd like to leave after 15:15. eos O O O O O O O B-Train-Inform+Leave O O N/A
+bos there are many trains during that time , where are you leaving from ? eos O O O O O O O O O O O O O O O Train-Request+Depart
+bos ely is the departing city eos O O B-Train-Inform+Depart O O O N/A
+bos there are 5 different trains , and the first one later than 15:15 departs ely at 15:35. how does that sound ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Select
+bos that would work . can you book me 3 tickets for that train ? eos O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos yes i certainly can . your reservation number is d48h3c4x . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos awesome . thank you for all your help . eos O O O O O O O O O O general-thank
+bos of course , is there anything else that i can help you with today ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no thank you . goodbye . eos O O O O O O O general-bye
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos hello , i 'm planning a trip to cambridge and i 'm looking to book a train for sunday at 9:45 , at or after . can you help ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O N/A
+bos yes i can , can you tell me where you will be departing from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart
+bos yes , i 'll be leaving cambridge and going to norwich . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A
+bos i can get you on a 10:36 to norwich aboard tr9533 . eos O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Id O N/A
+bos could you tell me how long that trip takes ? eos O O O O O O O O O O O N/A
+bos the trip from cambridge to norwich is 79 minutes . can i help you with anything else today ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O general-reqmore
+bos are there any attractions on the west ? eos O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are 13 places to go in the west . do you have an attraction type in mind ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Type
+bos not really . i would also like to know the entrance fee . eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos churchhill college is a very nice place to visit and the entrance fee is free . it is located in the west , on storey 's way . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O B-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos that sounds great . are there any other attractions in the west ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos cambridge and county folk museum are available . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos that 's all i need today . thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos you are very welcome ! is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is all that helped alot eos O O O O O O O O N/A
+bos have a great day ! eos O O O O O O general-bye
+bos i 'm looking for places to go in the centre of cambridge . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are 44 different things to do in the centre of cambridge . can you help me narrow it down by type of activity or attraction ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos what 's the postcode for your favorite one ? eos O O O O O O O O O O Attraction-Request+Post
+bos my personal favorite is holy trinity church . they are on market st and the postcode is cb23nz . anything else i can help you with today ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O O O O O O O O O general-reqmore
+bos i also need to book a train . eos O O O O O O O O O Train-Inform
+bos i have plenty of trains , can i get more information please ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+People,Train-Request+Arrive,Train-Request+Day
+bos i need to leave on sunday after 12:30 from cambridge to stevenage eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest N/A
+bos the first train after 12:30 is the tr0523 , which leaves cambridge at 13:21. eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O N/A
+bos great , can i get two tickets on it , please ? eos O O O O O O O O O O O O O N/A
+bos i 've booked two tickets for the tr0523 train , and your reference number is r6gcvva0 . can i help you with anything else today ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , thank you . you 've been very helpful ! goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . i hope you have a pleasant trip ! goodbye ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos well , i am planning a trip and need some help with a train . eos O O O O O O O O O O O O O O O O Train-Inform
+bos of course , do you know your departure location and time ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i weill departing on thursday from cambridge and need to arrive by 10:30 in stevenage . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A
+bos i have three , leaving between 5:21 and 9:21. do you have a preference ? eos O O O B-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Request+Leave
+bos not really . i need to know how much a ticket costs and how long it travels . eos O O O O O O O O O O O O O O O O O O O N/A
+bos train tr0552 arrives by 10:10 the ticket price is 12.80 pounds and the travel time is 49 minutes . eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos perfect . i am also looking for a place to stay with free parking eos O O O O O O O O O O O O O O O N/A
+bos no problem , how many nights will you be staying ? eos O O O O O O O O O O O O Booking-Request+Stay
+bos i 'm not sure of that yet . it does need to be in the north . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos would you prefer a guest house or hotel ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i would like a hotel in the north , the star of the hotel and free internet . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Internet
+bos how about acorn guest house ? it 's 4 stars . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O N/A
+bos thank you , i 'll take it . can you book me for that hotel ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i would be happy to- i just need to know for which nights and for how many people . eos O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos just for myself . and say , 2 nights ought to do it . eos O O O O O O O O O O O O O O O N/A
+bos 2 nights starting on thursday ? eos O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos actually i am just calling for information not a booking . i need a hotel , not guesthouse , in the north with free parking . can you recommend a hotel ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos i do n't have any hotels in the north that meet your criteria . would you like me to look in a different area ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O O O O O O O N/A
+bos i 'm really needing something in the north . please try again . eos O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos i just double checked . still no hotels in the north that meet your criteria . what about a guesthouse ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O B-Hotel-Recommend+Type O O O N/A
+bos no , i need a hotel in the north with free parking , no other criteria . i do n't need free internet . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos i 'm sorry but i do n't have anything meeting that criteria . eos O O O O O O O O O O O O O O N/A
+bos well okay then let 's just go with whatever 's available in the north . eos O O O O O O O O O O O O O O O O N/A
+bos does the number of stars matter ? eos O O O O O O O O Hotel-Request+Stars
+bos not really , can you give me the number of stars and whether or not they have internet ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Internet
+bos ashley hotel , it has two stars and yes they have internet eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Internet
+bos sweet . that 's all i needed then . eos O O O O O O O O O O N/A
+bos thank you for calling today . please call again if you have anything else that you need . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a hotel to stay in the east area . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos yes i have many guesthouses and one hotel . is there a price range you prefer ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O Hotel-Request+Price
+bos i definitely want a hotel , and i 'd like a place that has 4 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos i have 6 guesthouses with 4 stars in the east , do you have a price range preference ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos no i do n't have a price range whichever you recommend is fine . eos O O O O O O O O O O O O O O O N/A
+bos leverton house will give you the most bang for your buck . would you like me to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos and there are no hotels ? just guesthouses ? eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i double checked and no , there are no hotels matching your criteria . would you still be interested in the leverton house ? eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O N/A
+bos does it have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes there is free parking . would you like me to book you a room ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no , i do n't need to book just yet . but i was also looking for a place to eat in the same area of town . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have quite a few restaurants in the east end . is there any particular food you 're looking for ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food
+bos as long as it is in the moderate price range , i am open to your recommendation . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos there are 3 restaurants in the east , there are two indian restaurants and one italian restaurant . do you have a preference ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select
+bos let 's go with the italian place . make me a reservation for friday for 8 at 15:15 please . eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O N/A
+bos you 're all set ! your reference number is nezn98zc . eos O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you that will be all for now eos O O O O O O O O O general-thank
+bos okay . glad i could be of help . eos O O O O O O O O O O general-welcome
+bos hello . i need train to london liverpool street . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos where are you departing from and do you have a time preference ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave
+bos yes , i 'd like to leave cambridge sometime after 12:15. eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos it would need to be on thursday . do you have anything ? eos O O O O O O O B-Train-Inform+Day O O O O O O N/A
+bos i have one that leaves at 13:59 and 4 more that depart every two hours after . eos O O O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O N/A
+bos the 13:59 will be fine , how much will a ticket cost ? eos O O O O O O O O O O O O O O N/A
+bos a ticket for that train is 16.60 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos and , please tell me what time the train arrives at london liverpool street . eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O Train-Request+Arrive
+bos the train will arrive at 15:27. may i book a ticket for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos i 'm also looking for things to do in town , what kind of attractions are there in the centre ? i 'd like the phone numbers , types , and fee information please . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type
+bos there are many types , which do you like to see ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos any type is fine , can i just get the attraction type , entrance fee , and phone number of one ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type
+bos how about cambridge contemporary art ? it is free , and the phone number is 01223324222. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O N/A
+bos that sounds like something i would enjoy . thank you ! i think you covered everything . eos O O O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-greet
+bos hi there , i 'm in the centre of town and i 'm bored . can you tell me about what sorts of things to do there are around here ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are museums , concert hall , cinema , and boating . what kind of attraction do you find interesting ? eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Type
+bos could i have the addresses and postcodes for all of them please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos i can give you that information once we narrow down your interest to a few locations . what type of attraction are you looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos what do you recommend ? eos O O O O O O N/A
+bos i would recommend architecture and there are many places to visit and see great architecture . eos O O O O O O O O O O O O O O O O O N/A
+bos can i get the postcode , address of a great architecture place to visit please ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos i would recommend old schools , located on trinity lane , post code cb21tt . is there anything else i can help you with ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O O O O O O O O O O O O general-reqmore
+bos yes , i need a train . i 'll be departing from broxbourne on friday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos okay , i have 19 trains leaving broxbourne on friday . do you have a specific location you 're wanting to go to ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O O O O Train-Request+Dest
+bos yes , my destination is cambridge . i need to get there by 15:45. eos O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O N/A
+bos i have train tr2144 that departs at 14:32 and arrives by 15:32. would that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos it 's 17.90 pounds per ticket . would you like to book that train ? eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos yes i would like to book that ticket for friday please . eos O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : 458xmymr . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you , that't all i needed . eos O O O O O O O O O general-thank
+bos thank you and enjoy your visit to cambridge . have a good day . eos O O O O O O O O O O O O O O O general-bye
+bos thanks again for all your help . goodbye . eos O O O O O O O O O O general-bye
+bos thank you you too eos O O O O O general-bye
+bos yes , i 'm looking for a moderately priced restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are quite a few moderately priced restaurants in the centre of town . do you have a food type preference ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos no , maybe you could book me at your favorite for saturday ? there will be 8 of us , at 17:30. eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time N/A
+bos well , my personal favorite is copper kettle . i 've booked you a table for 8 on saturday at 17:30. your reference number is lsqyzi7o . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O N/A
+bos great , thanks so much ! eos O O O O O O O general-thank
+bos you 're welcome . do you need anymore assistance today ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that was all i needed thanks for the help . have a great day . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you , enjoy your visit , goodbye ! eos O O O O O O O O O O general-bye
+bos i 'm looking for a park in the centre of town to visit . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos cambridge university botanic gardens is a wonderful park located on bateman street . entrance fee is 4 pounds . is there anything else i can help you with ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos that sounds great , can i get its address and phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the park is located at bateman street and the phone number is 01223336265. can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos no , that is all . thanks ! eos O O O O O O O O O general-thank
+bos you are welcome . bye . eos O O O O O O O general-welcome,general-bye
+bos i need information on trinity college eos O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type N/A
+bos okay , i 've pulled up trinity college . what information do you need ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-reqmore
+bos i need to know the attraction type and address . eos O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr
+bos ok. trinity college is a college and the address is trinity street . anything else ? eos O O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O general-reqmore
+bos no , that is all i need today . thank you very much ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos thanks . you too ! goodbye . eos O O O O O O O O general-bye
+bos get back in touch if you need help in the future . goodbye . eos O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i need information on the home from home hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos it is a 4 star guesthouse in the north with free internet and parking . anything else today ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos thanks so much for your help . that 's all . eos O O O O O O O O O O O O general-thank
+bos you are so welcome ! have a lovely day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i would like to book a train for tuesday at 18:45 departing at bishops stortford and arrive at cambridge . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest N/A
+bos what time would you like to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos i just need to leave after 18:45. eos O O O O O O O O N/A
+bos the tr9286 train goes from bishops stortford to cambridge on tuesday at 19:29 , shall i book that for one person ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O B-Train-OfferBook+People I-Train-OfferBook+People O N/A
+bos can you please book it for 4 people ? eos O O O O O O O O B-Train-Inform+People O N/A
+bos hi..a reservation for 4 people has been confirmed . the reference number is 30mcmoex and the price is 40.4gbp payable at the station . anything else i can do ? eos O O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos no , thank you for your help . eos O O O O O O O O O general-thank
+bos you are welcome ! have a good day ! eos O O O O O O O O O O general-welcome,general-bye
+bos are there any colleges i could visit ? eos O O O O B-Attraction-Inform+Type O O O O N/A
+bos is there a specific area you looking for ? eos O O O O O O O O O O Attraction-Request+Area
+bos no . which one do you recommend ? eos O O O O O O O O O N/A
+bos there are no colleges in the area . how else may i help ? eos O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer
+bos there are no colleges in all of cambridge ? i do n't believe that is true eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos i 'm sorry , my system went down for a minute . i can recommend churchill college in the west . and it 's free ! eos O O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Price O O O O O O N/A
+bos that sounds perfect . thank you for all your help today . that 's all i need . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos would you be able to help me with a particular attraction ? eos O O O O O O O O O O O O O Attraction-Inform
+bos sure , what 's it called ? eos O O O O O O O O Attraction-Request+Name
+bos i am looking for the address , postcode and attraction type for people 's portraits exhibition at girton college . thank you . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Post,Attraction-Request+Type
+bos thank you ... the address for the museum is girton college , huntingdon road , cb2ojg . is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore
+bos what is the area ? eos O O O O O O Attraction-Request+Area
+bos it is located in the west . will that be all today ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos yes , that will be all . thanks for your help . bye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hey there ! can you give me some options for trains leaving wednesday from norwich ? we are going to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O N/A
+bos sure thing ! when would you like to leave and arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,general-greet
+bos i need to arrive by 19:45. i need to book for 5 people . eos O O O O O O B-Train-Inform+Arrive B-Train-Inform+People O O O O O O O N/A
+bos i booked you on tr4203 with a total fee of 88 gbp , payable at the station . reference number is : 58vol3u2 . do you need anything further today ? eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no that 's all . thanks for your help ! eos O O O O O O O O O O O general-thank
+bos you 're welcome and enjoy your visit . eos O O O O O O O O O general-welcome,general-bye
+bos hi , i need to book a taxi . i need to go to cambridge corn exchange and need to arrive by 11:45. eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos of course , from where will you be departing ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i will leave from little seoul . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have booked your taxi , it will be a black tesla and the contact number is 07901027888. is there anything else i can help you with today ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's it . thanks for all your help . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're welcome and enjoy your visit . eos O O O O O O O O O general-welcome,general-bye
+bos i need a taxi to pick me up at curry prince at 08:15. eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A
+bos where is your destination and what time would you like to arrive by ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Arrive
+bos my destination is kettle 's yard , and anytime after 8:15 would be fine . please notify me of the car type and the contact number . thank you . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos ok , i have booked you a grey audi for an 8:15 pickup . the contact number is 07249275156. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O N/A
+bos that is all i needed , thank you . eos O O O O O O O O O O general-thank
+bos okay , thank you for calling the cambridge towninfo centre . have a great rest of your day . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay in the center of town that has free wifi . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have five matches for your requirements . do you have preferences for price range or quality ratings ? for example , the alexander b & b is inexpensive , but rated 4 stars . eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos by chance , is that a guesthouse ? and does it offer free wifi and parking ? eos O O O O O O O O O O O O O O O O O O N/A
+bos yes , the alexander b & b is a guest house , and offers both free wifi and free parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos wonderful . can you book a room for 6 people coming in on friday for 5 nights ? eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos that booking was successful , your reference number is 3kw6v911 . is there anything else i can help do for you ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thanks , that 's all i need today . bye . eos O O O O O O O O O O O O general-bye
+bos thank you booking with us . have a great stay . eos O O O O O O O O O O O O general-bye
+bos hi there . i 'll be coming into the centre of town to visit relatives . can you help me find a place to stay ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O N/A
+bos i can definitely help with that . i have about 5 different hotels and guesthouses that are in the centre of town . do you prefer a hotel or guesthouse ? eos O O O O O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Type
+bos i 'd like it to be expensive . 4 star rated . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O N/A
+bos the university arms hotel is in the centre of town , falls in the expensive price range , and has 4 stars . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform
+bos can you see if it 's available for 4 nights from wednesday for 5 people eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A
+bos it is available for four nights for five people ! i 've taken the liberty of booking these rooms for you . is that agreeable to you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's wonderful . what is the reference number for that booking ? eos O O O O O O O O O O O O O O Hotel-Request+Ref
+bos can you also give me the address for the hotel eos O O O O O O O O O O O N/A
+bos i have n't the faintest . but do you have a reference number for the booking you made ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos 8l6lvyyt is your reference number . eos O B-Booking-Book+Ref I-Booking-Book+Ref O O O O N/A
+bos thanks , that 's all i need today ! eos O O O O O O O O O O general-thank
+bos perfect . you 've made an excellent choice . enjoy ! eos O O O O O O O O O O O O general-greet
+bos i need a hotel on the north side with free parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos okay , there are 11 places to stay that might work . would you prefer a guesthouse or a hotel ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Type
+bos i 'd prefer a moderate price guesthouse . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O N/A
+bos that leaves us with about 7 options . can i suggest the acorn guest house ? it is a 4 star moderately priced guesthouse in the north . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that sounds fine . would you make a reservation for 4 people , 3 nights starting monday ? eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos your booking was successful and reference number is 3zyk9lo1 . is there anything else i may assist you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that about covers it . thanks for your help today . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . thank you for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-welcome
+bos i 'm looking for a place to stay on the south side of town that has free wifi . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos sure , there are 4 places like that . do you have a preference for lodging type or price range ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type
+bos it should be a hotel rather than a guesthouse , other than what i mentioned i have no preferences . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos i have the lensfield hotel . would you like to book it ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform
+bos first let me ask if they have free parking . also , can you please tell me the star rating ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos they do have free parking and it is a 3 star hotel . how else may i assist you ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos that sounds perfect . i will book it myself if i decide on it . that is all i need today . thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos not a problem ! if you need more assistance , please let me know ! eos O O O O O O O O O O O O O O O O general-bye
+bos hi , can you help me find a place to stay on the north side ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have 13 hotels on the north side of town , do you have any preferences for price range , internet or parking ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet
+bos yes , are there any expensive ones ? i also would like free parking as well . eos O B-Hotel-Inform+Parking O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A
+bos unfortunately i ca n't find any expensive hotels with free parking . eos O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O Hotel-NoOffer+Parking
+bos how about something in the moderate range ? eos O O O O O O B-Hotel-Inform+Price O O N/A
+bos i found the acorn guest house . can i book this for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform
+bos that sounds great ! can you see if you can get me a room starting friday ? we 'll be staying 4 nights , and there will be 2 of us . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+People O O O O O O N/A
+bos ok , you 're all set for 4 nights at the acorn , reference # 9pd946fd . can i help with anything else today ? eos O O O O O O O B-Booking-Book+Stay O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . i appreciate your help ! eos O O O O O O O O O O O O O O N/A
+bos have a great day ! eos O O O O O O general-bye
+bos i 'm looking for the avalon . eos O O O O O B-Hotel-Inform+Name O O N/A
+bos the avalon is a 4-star , moderately priced guesthouse on the north side of town . they offer free parking and free internet . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos great . would you please see if you can book a party of 8 for 5 nights beginning thursday ? eos O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful . you 're reference number is tllgqvmh . eos O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , thanks . eos O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , that 's it . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos you are very welcome ! enjoy your stay ! goodbye ! eos O O O O O O O O O O O O general-bye
+bos i need a cheap hotel . eos O O O O B-Hotel-Inform+Price O O N/A
+bos i found ten results ! what area of town would you like ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area
+bos hmm , i 'm not sure . i am looking for a guesthouse type , though , and it does n't need to have free parking . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos i have 9 that matches your needs . shall i recommend a nice one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O N/A
+bos i would prefer one in the cheap range , a moderately priced one is fine if a cheap one is n't there . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the alexander bed and breakfast is a good option . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos does the alexander have internet ? eos O O O O O O O Hotel-Request+Internet
+bos yes , it does have internet ! would you like me to book that for you ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos not yet , can i get the phone number ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos their number is 01223525725. eos O O O O B-Hotel-Inform+Phone N/A
+bos that 's all . thanks ! eos O O O O O O O general-thank
+bos thank you , good day to you . eos O O O O O O O O O general-greet
+bos i 'm looking for a cheap hotel on the east side of the city . can you recommend anything ? eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos the allenbell is a good choice for you . would you like more information on the allenbell ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O N/A
+bos yes , does it have free parking ? eos O O O O O O O O O N/A
+bos yes , it does ! would you like to book a room ? eos O O O O O O O O O O O O O O Booking-Inform
+bos yes please . i 'll need the address , postcode , and whether they have internet also . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet,Hotel-Request+Addr
+bos yes , the allenbell has internet . the address is 517a coldham lane and the postcode is cb13js . what are your travel details ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O O O O O O O Hotel-Inform+Internet
+bos that 's all i need for now . i think i will wait to actually book a room . thank you ! eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a place to stay on the west side of town , and i definitely need free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos i will be more than happy to help you find one . do you prefer a certain price range ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos price does n't really matter , but i 'd like it to include internet and parking please . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have 2 hotels and 2 guesthouses in the west area with wifi and parking . do you have a preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos a hotel , please . eos O O B-Hotel-Inform+Type O O O N/A
+bos we have two : huntingdon marriott hotel , and the cambridge belfry . eos O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the huntingdon marriott hotel will work . can i have the phone number and address ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos of course . the address i have is kingfisher way , hinchinbrook business park , huntingdon . their phone number is 01480446000. would you like me to book your stay ? eos O O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O Booking-Inform
+bos no , that 's all i need . i will give them a call myself . thank you ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a nice day ! bye ! eos O O O O O O O O O O O O O general-bye
+bos hi , yes , i 'm looking for a 4 star hotel to stay in . the only amenity it has to have is free wifi . eos O O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O N/A
+bos sure , the cambridge belfry fits that bill . it has great reviews and is cheap . can i get more information for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O general-reqmore
+bos does that also have free parking ? and i forgot to mention i 'd prefer a guesthouse . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos in that case , the cambridge belfry would not work . it 's a hotel , not a guesthouse . the acorn guesthouse has wifi , parking , is moderately priced and has 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos book for me 1 person and 2 nights starting from wednesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos your booking was successful.your reference number is : 6uphirt7 . is there anything else you need help with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes i am looking for someplace to eat that serves scottish food that is in the expensive price range . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos i 'm afraid there are n't any scottish places in town . would you like to try a different cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos is there a french restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 2 places that serve french food and are expensive . one is restaurant two two . the other is cote . which would you like ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos i 'll book a table for cote . 1 person at 16:15 on the same day as the hotel booking . eos O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O O N/A
+bos i have made the reservations and your reference number is 4wk86hpm . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks alot . have a good day eos O O O O O O O O general-thank
+bos you 're welcome ! have a great day as well . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay eos O O O O O O O N/A
+bos okay , what area would you like to stay in and what is your price range ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i am looking for a 4 star guesthouse with free parking in the expensive range . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O N/A
+bos i 'm sorry i do n't have anything that matches that criteria . eos O O O O O O O O O O O O O O Hotel-NoOffer
+bos okay . do you have anything matching that description in the moderate price range instead ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos yes , i have 9 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos can you suggest one and make me a booking for 5 people for 5 nights starting from sunday ? eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos sure , your all set for the acorn house , your confirmation number is c9bfup76 . anything else today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i would like something fun to do in the middle of town . eos O O O O O O O O O O O O O O N/A
+bos club salsa is a fun nightclub in city centre . the address is 1 station road . is this the type if attraction you were interested in ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm actually looking for a place that 's considered an entertainment venue . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i 'm sorry . there are no entertainment attractions in the centre . is there another area i can look at for you ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer
+bos how about a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos there are 13 colleges to visit in the city centre . if i may recommend something , gonville and caius college is quite lovely this time of year , and their entrance fee is free . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O B-Attraction-Recommend+Fee O O O O N/A
+bos great . can you get me a taxi to the college . eos O O O O O O O O O O O O O Taxi-Inform
+bos sure , are you wanting to depart from club salsa ? when do you want to arrive by ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Depart
+bos i want to leave from the college by 21:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos a yellow lexus will be picking you up the contact number is 07394743524 , anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos no , that 'll be it for me . bye eos O O O O O O O O O O O general-bye
+bos okay , goodbye and have a great day eos O O O O O O O O O general-bye
+bos i 'm looking for a guesthouse to stay at with free wifi please . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos we have 23 locations like that . any area preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area
+bos in the north area , please . eos O O O B-Hotel-Inform+Area O O O O N/A
+bos that narrows it down to 10 locations . do you have any kind of price range in mind ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price
+bos no , i do n't care about price , but i do need to have free parking . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos i believe i would like worth house . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos that`s fine . what is their address , please ? eos O O O O O O O O O O O Hotel-Request+Addr
+bos worth house is located at 152 chesterton road . would you like to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Booking-Inform
+bos no thank you . do they offer free parking ? eos O O O O O O O O O O O Hotel-Request+Parking
+bos yes , they do . eos O O O O O O Hotel-Inform+Parking
+bos wonderful . i just need their postcode then please . eos O O O O O O O O O O O Hotel-Request+Post
+bos yes , it is cb41da . eos O O O O B-Hotel-Inform+Post O O N/A
+bos that is it , thanks . eos O O O O O O O general-thank
+bos thank you & have a good day eos O O O O O O O O general-greet
+bos i was n't planning to stay in town tonight , but it looks like i 'm going to have to . can you help me find a pretty cheap room ? eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the the cambridge belfry is a hotel in the west part of town in the cheap price range . would you like me to book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos i am looking for a cheap place to stay including free parking eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the cambridge belfry is cheap and includes free parking and wifi . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos how many stars does it have ? i 'd like a cheap place in the west with 4 stars and free parking . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O N/A
+bos yes , the cambridge belfry is a cheap 4 star hotel that includes free parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O Hotel-Inform+Parking
+bos do they have internet there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Internet
+bos yes , there is free internet provided . would you like me to book a room ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos sure you can book that for me , thank you ! eos O O O O O O O O O O O O general-thank
+bos i would be happy to book a room . please let me know your arrival day , how many nights you 're staying , and the number of people who will be staying . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos actually , i 'm not ready to book yet . i think i have the information i need , thank you ! eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos it was a pleasure . eos O O O O O O general-welcome
+bos i am looking for a moderate priced place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos yes , let me help you with that . in what area of town would you like to stay ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like a place in the centre with free parking . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i do not have anything like that , perhaps another criteria for you ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos sure , let 's try the north instead please eos O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are several options in the north , would you like me to recommend one ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O general-reqmore
+bos yes and book it for 3 people and 3 nights starting from wednesday . eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos okay i have booked the acorn guest house for wednesday for 3 people and for 3 days . your reference number is f821xs1g . is there anything else i can help with ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O B-Booking-Book+Stay O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos you 've been great , that is all i needed . thank you , goodbye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i hope you enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye
+bos i need to book a train for monday from ely to cambridge to arrive by 14:00 for 6 people . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O B-Train-Inform+People O N/A
+bos what time would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos anytime as long as i arrive by 14:00. can you provide me with a reference number after booking ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos great . i booked six tickets on tr4095 departing at 11:35 and arriving in cambridge at 11:52. your confirmation number is w6pwpyop . eos O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref N/A
+bos that is all i needed , good day to you . eos O O O O O O O O O O O O N/A
+bos have a great day ! eos O O O O O O general-bye
+bos i 'm looking for the cherry hinton hall and grounds . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos great choice ! the cherry hinton grounds are located in the east . it is located on cherry hinton road . their contact info is 01223446104. any other information i can offer you ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , could you give me the postcode please ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb18dw . is there anything else you need ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos i want to find a hotel in the west . it needs to have free parking . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos there are two hotels that meet those criteria . the huntingdon marriot is an expensive hotel , and the cambridge belfry is a cheap . which one would you prefer ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i will try the huntingdon marriot . eos O O O O O O O O N/A
+bos would you like me to book you a room at the huntingdon marriott hotel ? eos O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A
+bos yes , i need a room starting on tuesday . eos O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos how many nights would you like it to be reserved , and how many will be in your party ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i will need three nights and with 5 people . eos O O O O O O O O O B-Hotel-Inform+People O N/A
+bos i was unable to book for 5 nights . would you like to try for 4 nights ? eos O O O O O O O O B-Booking-NoBook+Stay I-Booking-NoBook+Stay O O O O O O O B-Booking-Inform+Stay I-Booking-Inform+Stay N/A
+bos actually i was mistaken , i need it to be booked for 6 people for 2 nights starting tuesday . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O N/A
+bos i 'm unable to book two nights for six people . would you like to try for one day ? eos O O O O O O B-Booking-NoBook+Stay I-Booking-NoBook+Stay O B-Booking-NoBook+People O O O O O O O O B-Booking-Inform+Stay O O N/A
+bos yes please . one day is fine . eos O O O O O O O O O N/A
+bos the booking was successful . the reference number is 1fn4uugj . what else can i help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need a taxi to get me between the two places please . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos when would you like to leave or arrive ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to leave by 16:15. eos O O O O O O O O N/A
+bos okay sure . i have booked a white bmw to pick you up and your contact number is 07340002030. anything else ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos that takes care of everything . thank you ! eos O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos could you help me find a place to stay ? i am looking for a hotel in the east part of town and it needs free wifi . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos would you prefer a proper hotel or a guesthouse ? there are 7 places to stay with your chosen criteria . eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O B-Hotel-Inform+Choice O O O O O O O O N/A
+bos i have no preference , but the place does need to include free parking . eos O O O O O O O O O O O O O O O O N/A
+bos the allenbell guesthouse fits your preferences . it 's located at 517a coldham lane , postcode cb13js . the phone number is 01223210353. is there anything else i can help you with ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos yes . i need to make a reservation there for 8 people , arriving friday night and departing wednesday morning . eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O O N/A
+bos i have six places with that criteria , is there a star rating you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Stars
+bos no , but i need a place that has free wifi and i would also like a reference number for the booking , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i 'm sorry , but the hotel has no vacancy for that stay . would you like to try a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos i guess you can try for four nights . eos O O O O O O O O O O N/A
+bos ok , i was able to book your stay for four days . your reference number is qnv935pq . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for places to go in town specifically a college . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos what part of town would you like it eos O O O O O O O O O Attraction-Request+Area
+bos i need a hotel that is 4 stars on the east side of town . eos O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O N/A
+bos there are 6 places that fit your criteria and they are all guesthouses . would you prefer a cheap or moderate pricerange ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos i do n't care about the price range , but i would like free parking . eos O O O O O O O O O O O O O O O O O N/A
+bos i 've discovered 5 guesthouses that fit your criteria . would you like to specify any additional information ? if not , i can book a room for you . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos would any of the ones you mention have a 4-star rating as well as free parking ? eos O O O O O O O O O O O O O O O O O O N/A
+bos the carolina bed and breakfast is a 4 star guesthouse in the east area , with free parking . would you like me to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes i would like to book for 2 people for 5 nights starting monday . i will also need the reference number . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos alright , you 're all booked . your reference number is gnbko467 . is there anything else you need ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i also need something to do in the east part of town as well please . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos there are 10 attractions in the east . there are museums , entertainment , boats , sports complex , park , and a pool . do you have a preference ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Select
+bos no , not really just get me the address to something good . eos O O O O O O O O O O O O O O Attraction-Request+Addr
+bos there are 4 museums that are in the area would you like information on them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O N/A
+bos sure . i just need the address to a place to go that is in the same area as my hotel . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos cambridge artworks is located at 5 greens road eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos thank you for calling . enjoy your stay . eos O O O O O O O O O O general-bye
+bos hi , i am looking for a entertainment attraction to visit . do you have any recommendations ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos what area will you be going to ? eos O O O O O O O O O Attraction-Request+Area
+bos the area doe not matter , just some entertainment . eos O O O O O O O O O O O N/A
+bos how about the cherry hinton hall and grounds ? eos O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A
+bos sounds good . could you give me their address please ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos their address is cherry hinton road . is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos yes , i also need their postcode and phone number . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos okay , sure . the postcode is cb18dw and the phone number is 01223446104. anything else ? eos O O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O general-reqmore
+bos great , thank you for all of your help . eos O O O O O O O O O O O general-thank
+bos no , problem . will that be all for you today ? eos O O O O O O O O O O O O O general-reqmore
+bos yes , thank you . goodbye . eos O O O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'm looking for a place to go in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are a lot of attractions in the centre . anything in particular ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O Attraction-Request+Type
+bos i 'd like a nightclub please . eos O O O O B-Attraction-Inform+Type O O O N/A
+bos i recommend the club salsa ? here is their phone number , 07782218745 eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Phone O O N/A
+bos what is their address and the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is 1 station road and the entrance fee is 5 pounds . is there anything else i can do for you ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos that 's all for now . thank you for the information . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , thank you for calling the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos what museum would you recommend in the east part of cambridge ? eos O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i would recommend cambridge artworks , it is a museum in the east and has free entrance . would you like any more information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore
+bos i am also looking for the limehouse hotel . do you know if they have internet ? eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O Hotel-Request+Internet
+bos yes , the limehouse hotel has internet . would you like more information about this hotel ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes , how many stars is is rated ? eos O O O O O O O O O O N/A
+bos limehouse is a 4 star hotel . would you like to book it ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos that 's ok. i can take care of booking myself . would you know a place in the centre of town where we could go for boating ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos the cambridge punter meets your criteria . would you like some more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore
+bos yes , what is the entrance fee ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee
+bos i do not know the entrance fee . you can call them directly at 07807718591. eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone O N/A
+bos okay . that 's all i need , i guess . eos O O O O O O O O O O O O N/A
+bos okay . thank you for calling . eos O O O O O O O O general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos what type of information would like to know ? eos O O O O O O O O O O general-greet
+bos i am wanting to find out what nightclubs you have in the city ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are 6 different nightclubs . do you want me to give you any specific info on any of them ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos i just need a phone number for one you recommend . eos O O O O O O O O O O O O Attraction-Request+Phone
+bos i love the fez club , their phone number is 01223519224. can i help you with anything else today ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i would love some information on a train to get me to ely on thursday . eos O O O O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A
+bos did you have a preference for departure or arrival times ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i need the train to arrive by 10:45. eos O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos there are three trains arriving in ely before 10:45 on thursday . the one closest to your time is the tr1923 , which leaves ely at 09:50 eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that would be great . can i book 5 seats for that train ? eos O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 22 gbp payable at the station .reference number is : 87c7zc71 . what else can i do for you today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos thank you . that is all i need for today . eos O O O O O O O O O O O O general-thank
+bos have a great day eos O O O O O general-bye
+bos could you help me find a college to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are 18 colleges in cambridge . what area would you like to visit ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area
+bos i would like to visit one in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos christ 's college is a free college on saint andrew 's street . if you would like to call , the number is 01223334900. eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O B-Attraction-Inform+Phone O O O N/A
+bos what is the street address and postal code for christ 's college ? i am also looking for a hotel called the city centre north b and b. eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Attraction-Request+Post,Attraction-Request+Addr
+bos christ 's college is on saint andrew 's street . the postcode is cb23bu . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O N/A
+bos thank you . i had a friend recommend a hotel called the city centre north b and b. can you tell me if there are any rooms available there ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos what night , for how long and for how many people ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos book it for thursday night , 3 nights , and 4 people . thank you ! eos O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O N/A
+bos booking was unsuccessful . would you like me to attempt a different arrival day or shorter duration ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos actually , i 'd like to book there monday for 1 night with 8 people . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A
+bos it 's all booked your reference is yb0kdakw . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos i would also like a taxi and would like to leave the college by 06:45. can you also provide me with its contact number and car type ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car
+bos all booked . here is the contact number : 07257951003. driver will be in black volvo . anything else ? eos O O O O O O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O general-reqmore
+bos i believe that takes care of everything , thanks ! eos O O O O O O O O O O O general-thank
+bos okay . glad i could help . please call again . eos O O O O O O O O O O O O general-bye
+bos am looking for a train . the train should leave on monday and should depart from cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O N/A
+bos there are many trains available . do you have a specific day or time in mind ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to travel on monday after 12:00. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i want to go to leicester . eos O O O O O O B-Train-Inform+Dest O N/A
+bos the next train after 12:00 leaves at 12:21. would you like to purchase tickets for that train or is there anything else i can help you with ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos i 'd just like the travel time and train id for that one please . eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos 12:21 and time is 105 minutes . may i hemp with anything else ? eos O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos yes , can you please tell me the train id that departs at 12:21 ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos my apologies , the id is tr4096 and the duration is 105 minutes . is there anything else that i can help you with ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O general-reqmore
+bos that is all for now . thank you so much for the information . eos O O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . have a safe trip . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a to find a train departing from stansted airport going to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos do you want the earliest train ? eos O O O O O O O O Train-Request+Leave
+bos it needs to leave after 9:15 eos O O O O O O O N/A
+bos there are 105 trains making that trip do you have a day you need to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day
+bos i am looking to leave on thursday . can you also please give me the train id for this trip ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+TrainID
+bos tr0031 leaves at 9:24 , would you like me to book it for you ? eos O O O O O O O O O O O O O O O O N/A
+bos that might be cutting it a little close . maybe one an hour later ? eos O O O O O O O O O O O O O O O O N/A
+bos okay i have a 10:24 that arrives at 10:52. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos can you give me the train id for the 10:24 ? eos O O O O O O O O O O O O Train-Request+TrainID
+bos sure , the tr2635 train leaves at 10:24 and arrives at 10:52 with a travel time of 28 minutes . eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos thank you very much . i appreciate your help . eos O O O O O O O O O O O general-thank
+bos did you need anything else today , or may i close this conversation in our system ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos that 's all . thank you . eos O O O O O O O O general-thank
+bos thank you , have a good day . goodbye . eos O O O O O O O O O O O general-bye
+bos i am looking for a hotel with a 4 star rating and free parking eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos what type of hotel are you looking for ? we have 19 with free parking and rated 4 star . eos O O O O O O O O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O Hotel-Request+Type,Hotel-Inform+Parking
+bos i 'm looking for a cheap hotel , please . eos O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos there are 8 hotels that meet your needs . would you like to narrow it down by area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos does n't matter where in cambridge . eos O O O O O O O O N/A
+bos how about the allenbell ? eos O O O O B-Hotel-Recommend+Name O N/A
+bos perfect ! what 's the phone number , postcode , and address for that place ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos the allenbell is located at 517a coldham lane , and their postcode is cb13js . the phone number is 01223210353. is there anything else i can do for you today ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos yes , i need a train to ely from cambridge on sunday , leaving at 11:30. eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O N/A
+bos the best match for your time is the train tr6517 which leaves at 11:35. do you want me to book it for you ? eos O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos is this train going to ely or departing ely ? i believe i made a mistake is saying going to ely when i should be departing ely arriving in cambridge . eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos that is departing ely and arriving in cambridge eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A
+bos alright , all i need the travel time and that should be all , thanks ! eos O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 17 minutes . thank you for allowing me to assist you ! eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O general-bye
+bos i was wondering if you could help me find a hotel in the south part of town . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i sure can . we have four accommodation options in the south part of town . one is a hotel , and three are guesthouses . do you have a preference ? eos O O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Type
+bos the hotel should be in the cheap price range and should have a star of 4 with free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos great , i 've found one that fits just that . how about rosa 's bed and breakfast ? eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos is that a hotel or a guesthouse ? eos O O O O O O O O O Hotel-Inform
+bos rosa 's bed and breakfast is a guesthouse . can i book this for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O O O O O Booking-Inform
+bos actually first i would like you to help me find a train that goes between peterborough and cambridge on saturday . eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos there are 38 possible entries for a train between peterborough abs cambridge . did you have a departure time you would like ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to arrive by 20:45 if possible . eos O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos i have several that get to cambridge before 20:45 , any time you 'd like to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Leave
+bos i am not looking to make a booking , i just want to know what the travel time is . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time from peterborough to cambridge is 50 minutes , for all 38 trips . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Choice O O N/A
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . thanks for contacting the cambridge towninfo centre and have a great day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to peterborough . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos ok , and what day and time are you looking for ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i am looking to go from cambridge to peterborough and leave after 14:15 eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave N/A
+bos there are 133 trains making that trip , do you have a day you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day
+bos i 'll be traveling on tuesday . eos O O O O O B-Train-Inform+Day O O N/A
+bos great . you can leave as soon as 14:34 or as late as 23:24. do you have a preference ? eos O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Request+Leave
+bos i will take the 14:34. can you book that for 4 people and provide me with a reference number please ? eos O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O Train-Request+Ref
+bos yes certainly . i have you booked and your reference number is 8crqiyb0 . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much ! goodbye ! eos O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos hi , where can i find the autumn house hotel ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos the autumn house hotel is located at 710 newmarket road which is on the east side of town . would you like to book a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos not yet but can i get the postcode and address please ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos address is 710 newmarket road with a postcode of cb58rs eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post N/A
+bos thank you . i also require information on trains going into cambridge next thursday . eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos i can certainly help , where will you be departing from , and do you need to arrive or depart at a certain time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Arrive
+bos bishops stortford , it needs to leave after 12:15 eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A
+bos trainid tr0141 leaves bishops stortford at 13:29 and arrives in cambridge at 14:07 on thursday . does that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O N/A
+bos i think so . how long is the travel time for that train ? eos O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 38 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos that is all of the information that i needed . thank you . eos O O O O O O O O O O O O O O general-thank
+bos we 're happy to be of service . thank you for using cambridge towninfo centre , and enjoy the rest of your day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yeah , could you find me a train ? i 'm in cambridge , and i 'd like to go over to birmingham new street . eos O O O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O N/A
+bos there are 133 trains making that trip , do you have a day and time you would like to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos yes , i 'd like to leave after 21:00 on wednesday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A
+bos i have a train that departs at 21:01 and two more each a hour later than the first . which train would you like to book ? eos O O O O O O O O O O O B-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Select
+bos i will take the 21:01. the ticket is just for me and i would like a reference number after the booking is completed . eos O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i have successfully booked you for the tr7935 train leaving at 21:01. your reference number is e9zioman . eos O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A
+bos great , thank you ! i 'd like to find a place to stay , too . i 'm thinking of something in the moderate range with free parking . any ideas ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos i have 12 guesthouse and 2 hotels in that range . is there a certain area of town you would like to stay in ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no preference on area , but can you see if there are any that have 4 stars ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have 3 in the north , 1 in the south , and 1 in the east . eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A
+bos i 'll take whichever one does n't include internet . eos O O O O O O O O O O O N/A
+bos it looks like all 9 choices do include internet . would you be willing to use one of those ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet
+bos would you like to book one of those today ? eos O O O O O O O O O O O N/A
+bos i could certainly help you book one if you do n't mind that it has internet . would you like to try the acorn guest house ? eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Booking-Inform
+bos okay , let 's try that one . eos O O O O O O O O O N/A
+bos what day would you like to book the hotel for ? eos O O O O O O O O O O O O Booking-Request+Day
+bos does it have four stars ? eos O O O O O O O N/A
+bos yes , it has 4 stars and includes free parking . eos O O O O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Parking
+bos that sounds perfect . can i have the postcode and phone number please ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos sure , the postcode is cb41da and the phone number is 01223353888. can i help with anything else today ? eos O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos no that sounds perfect . thank you for all your help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay that is in the expensive price range and has free parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O Train-Request+Price
+bos i have 5 hotels that meet what you are looking for . can you tell me what area you would like to stay in so i can make a recommendation ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like a guesthouse in the south in the expensive price range . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O Train-Request+Price
+bos there is only a hotel in the south in that price range . would you like to try another area ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area
+bos is there one in the cheap price range ? eos O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos i found one , rosa 's bed and breakfast , in the cheap price range . would you like to book a room ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos can i have the address ? also do they offer internet ? eos O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr
+bos the address is 53 roseford road cv22ha , and it does indeed offer free internet . would you like me to book ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no thank you . i am also looking for a train though going from cambridge to kings lynn . eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what day and time are you wanting to travel ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i 'm leaving on thursday , but to clarify , i want to depart from kings lynn and arrive in cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A
+bos 133 trains will be departing kings lynn and arriving in cambridge . can you tell me which day and time you would like to travel to narrow down the results . eos O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i will be travelling on thursday , and i 'd like to arrive by 21:30. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A
+bos the tr2788 train leaves at 05:11 and arrives by 05:58. would you like me to book that for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos how much does it cost ? eos O O O O O O O N/A
+bos tickets for that train are 9.80 pounds each . should i book it ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook
+bos yes , please book that for me . eos O O O O O O O O O N/A
+bos i was able to book the train for you . the reference number is zpn560fr . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much for helping me today ! eos O O O O O O O O O O general-thank
+bos it was my pleasure . feel free to call us anytime . have a good day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi ! i need a train to broxbourne after 10:30. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O N/A
+bos i 'd be happy to help you with that . what day do you want to travel ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i need the train for tuesday departing from cambridge after 10:30. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos there are 11 trains of that type , leaving one minute after the hour every hour starting at 11:01. would you like me to book a ticket ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos can i just get the train id of one of them please ? eos O O O O O O O O O O O O O O Train-Request+TrainID
+bos the train id for the 11:01 train is tr2130 . can i help you with anything else ? eos O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Id O O O O O O O O O general-reqmore
+bos i 'm looking for a hotel to stay at in the west area of town . are there any hotels that have free wifi over there ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O N/A
+bos yes , i have 4 entries for those criteria . what 's your price range ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos cheap , it needs free parking also . eos O B-Hotel-Inform+Price O O O O O O O N/A
+bos i recommend the cambridge belfry . will you be booking a room today ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos can i just get the address , star rating , and phone number ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos the cambridge belfry is a 4 star hotel at back lane , cambourne cb236bw . their number is 01954714600. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O N/A
+bos thank you for your help . have a good day ! eos O O O O O O O O O O O O general-thank
+bos no problem . goodbye . eos O O O O O O general-bye
+bos hi , i need a train wednesday that will arrive by 19:45. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A
+bos there are many trains that meet that requirement . where are you headed ? eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos i 'm headed from cambridge to broxbourne . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos when would you like to depart ? you can select any hour between 05:01 and 18:01. eos O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i do n't care about that , you choose for me . can you book me tickets ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos train tr3279 departs cambridge at 9:01 and arrives in broxbourne at 10:01. would you like me to book you a ticket ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , i need three tickets and a reference number , and i would also need a guesthouse with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O Train-Request+Ref
+bos there are 21 guesthouses of that type in cambridge . is there an area or price range you would prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos how about a moderately priced 3 star guesthouse ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are 3 different guesthouses that fit that , one in the north , one in the south , and one in the west . do any of these areas work for you ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Select
+bos yes i 'll take the one in the south , thanks for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos that 's the bridge guest house . would you like me to book a room for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos no , that 's okay . could you get me the reference number for my train tickets , though ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your booking was successful . the total fee is 53.7 gbp and your reference number is zlbj2u2o . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , thank you ! that 's all i needed . eos O O O O O O O O O O O O general-thank
+bos thank you and enjoy your visit . eos O O O O O O O O general-bye
+bos where 's the train that leaves around 14:45 ? it should also be going to cambridge as well . eos O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest O O O O O N/A
+bos i need more info on the departure site , date and time , please eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i want to leave from stevenage on thursday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos the tr1596 leaves stevenage at 15:54. eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave N/A
+bos how long is the travel time ? eos O O O O O O O O Train-Request+Duration
+bos the travel time is 49 minutes for that route . is there anything else i can help with today ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for stuff to do while i 'm there . eos O O O O O O O O O O O O O O N/A
+bos i can help with that . is there a certain type or location you are looking for these attractions ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos i am looking for something in the west and in the theatre . eos O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O N/A
+bos i have no theatre in the west can i look in another area ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O Attraction-Request+Area
+bos ok , what about an entertainment venue instead ? eos O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i found an entertainment venue called `` whale of at time '' in the west . does this interest you ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos that 's great , can you give me the phone number , postcode , and if there 's an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos the post code is cb238el and the phone number is 01954781018. i do not have the entrance fee information . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos no that 's it for today ! bye bye eos O O O O O O O O O O general-bye
+bos thank you so much ! i hope you enjoy whale of a time - i heard its a great show ! eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-welcome
+bos i am looking for a train arriving by 9:45 on tuesday . eos O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos may i get your departure and destination information please ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am going from cambridge to leicester . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos tr2863 departs from cambridge at 07:21 and arrive in leicester by 09:06. would you like to book this train ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos maybe ... how much does it cost ? eos O O O O O O O O O N/A
+bos it costs 37.80 pounds per ticket . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos i 'm sorry , we have that mixed up . i need to depart from leicester and go to cambridge . do you have a train that arrives by 09:45 in cambridge ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos tr6954 departs from leicester at 07:09 and arrives in cambridge at 08:54. would you like to book this train ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos can you verify the cost for train tr6954 for me ? eos O O O O O O O O O O O O Train-Inform
+bos the cost for this particular train is 37.80 pounds per ticket . would you like assistance booking tickets for this train ? eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O Train-OfferBook
+bos yes i would like help with booking the train and i will also need to book a hotel . eos O O O O O O O O O O O O O O O O O O O O Train-Inform,Hotel-Inform
+bos your booking reference is nt43psc0 . now , if you let me know what type of hotel you are interested in , i can help you with that as well . eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type
+bos can you help me find a 5-star room somewhere that offers free parking and wifi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos there do n't seem to be any 5-star lodgings in the city . would you like to try searching for 4 stars instead ? eos O O O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O B-Hotel-Select+Stars O O O O N/A
+bos yes , 4 stars would be fine . eos O O O B-Hotel-Inform+Stars O O O O O N/A
+bos the acorn guest house is a 4 star hotel located in the north side . would you like to make reservations ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos yes please . there are 5 of us total and we need 4 nights in a row . thank you . eos O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos what day would like to start your stay ? eos O O O O O O O O O O Booking-Request+Day
+bos i 'd like to start my stay on tuesday , please . eos O O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos ok great ! i was able to get you booked , your reference number is n4tje8vr . is there anything else that i can help you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos nope , that 'll take care of everything , thanks ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great stay ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train on sunday , arriving by 16:30 , please . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O O N/A
+bos what are your departure and arrival stations ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i will be departing from leicester and arriving in cambridge . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos tr1492 arrives in cambridge closest to your requested time , scheduled to arrive by 15:54 , it departs leicester at 14:09. would you like to book a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes . i would like a booking for 3 people please . eos O O O O O O O O O B-Train-Inform+People O O O N/A
+bos i have successfully booked this train for you . you will be responsible for a 90.72 gbp fee payable at the station . your reference number is gj9r5f0e . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos ok , i also need a hotel in the moderate price range that 's a guesthouse . nothing else matters , just pick one . eos O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i have many to choose from in that price range . is there a preference for a part of town ? and how many people and for how long will they be staying ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos actually , do any of them offer free wifi ? eos O O O O O O O O O O O N/A
+bos yes almost all of them accommodate free wifi . is there any other preferences you would be interested in such as location , star rating and parking availability ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Stars,Hotel-Inform+Internet
+bos i do not have preferences for location , star rating , or parking availability . i need the booking for 3 people for 5 nights starting from sunday . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos i have confirmed your reservation at archway house starting sunday for 5 nights . your reference number is 5znjhylp . is there anything else i can do for you ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no that is all thanks . eos O O O O O O O general-thank
+bos great , thanks for using our services , have a great day . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos bye and have a great day . eos O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for a train going to broxbourne . eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos certainly . where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge heading to broxbourne . eos O O O O O B-Train-Inform+Depart O O O O N/A
+bos i have 133 trains fitting that criteria , what time would you like to leave at ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to leave after 10:30. eos O O O O O O B-Train-Inform+Leave O N/A
+bos what day are you traveling ? and is this a booking just for yourself ? eos O O O O O O O O O O O O O O O O Train-Request+People,Train-Request+Day
+bos i am leaving on thursday and can you please give me the travel time and price ? eos O O O O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure , train tr3262 is perfect and has a 60 minute travel time . it costs 17.90 pounds . would you like me to book it ? eos O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos that would be perfect , thank you . eos O O O O O O O O O general-thank
+bos i have you on that train and your reference number is u5n4fnsq . is there anything else i can help you with today ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no that will be all for now . eos O O O O O O O O O N/A
+bos thank you for using our service . have all of your needs been met ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos yes . have a nice day . eos O O O O O O O O N/A
+bos thank you for using cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i need a train to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A
+bos ok. where will you be departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i want to leave from ely on friday . eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O N/A
+bos okay , do you have a desired time for departure or arrival ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave after 09:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos tr0212 departs ely friday at 11:35 , would you like to book a ticket for this train ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos what time does it arrive ? eos O O O O O O O Train-Request+Arrive
+bos it arrives at 11 ; 52. would you like me to book it for you ? eos O O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos no , i just needed the information . i am all set , thanks . have a nice day . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos great ! thank you for using the cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i need some help finding a train . i 'm going to cambridge on tuesday . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos certainly . where are you departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i 's sorry , i meant to say leaving from cambridge on tuesday , heading to king 's lynn . i need to arrive by 16:00. eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos there are eleven trains that will get you there by then , for how many people ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+People
+bos what is the cost per ticket ? eos O O O O O O O O N/A
+bos the price is $ 9.80 pound per ticket . would you like to book it ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos okay thank you very much . eos O O O O O O O general-thank
+bos we are happy to help . can i assist you with anything else ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , that 's everything . eos O O O O O O O N/A
+bos i 'm sorry , i may have misunderstood . the train has n't been booked yet , should i book it for you now ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos sure , go ahead . thank you . eos O O O O O O O O O general-thank
+bos alright , you 're booked . anything else you need from me ? eos O O O O O O O O O O O O O O Train-OfferBooked,general-reqmore
+bos no , that 's all , thank you ! eos O O O O O O O O O O general-thank
+bos how many people will need a ticket for the train ? eos O O O O O O O O O O O O Train-Request+People
+bos i am so sorry for the misunderstanding . i do n't wish to book at the moment . i am all set . have a great day . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos no problem . you have a great day also . bye . eos O O O O O O O O O O O O O general-bye
+bos book me a train from birmingham new street that leaves after 19:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Leave N/A
+bos i 'd be happy to help you with booking that . can you tell me what day you will be traveling ? and to what destination are you wanting to go ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i need to leave on tuesday to arrive in cambridge . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A
+bos the tr5859 leaves at 19:40. i can book tickets for you , if you like . i just need to know how many . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i do n't need it booked just now . can you let me know the travel time and arrival time for tr5859 ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive
+bos the travel time of tr5859 is 163 minutes . can i help with anything else ? eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos i also need a place to stay . eos O O O O O O O O O N/A
+bos we have plenty of options for places to stay in cambridge . would you rather stay in a hotel or guest house ? eos O O O B-Hotel-Select+Choice O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos a guest house with free parking , it doesnt matter whether or not wifi is included . eos O O O O O O O O O O O O O O O O O O N/A
+bos i recommend the acorn guest house . it 's nice place on the north side . would you like me to book you a room there ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O O O Booking-Inform
+bos yes can you please . eos O O O O O O N/A
+bos what day will you be arriving and how many nights are you staying ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos ill be arriving tuesday and ill need 4 nights for 4 people . eos O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O N/A
+bos i have made reservations and the reference number is k8eettjf . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much you have been a tremendous help ! eos O O O O O O O O O O O O general-thank
+bos can i look up anything else for you today ? eos O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos i am glad i could be of help . have a great day ! eos O O O O O O O O O O O O O O O general-bye
+bos i need help finding a hotel , please . eos O O O O O O O O O O Hotel-Inform
+bos i can help you with anything you need . what hotel are you looking for ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Name
+bos i need a hote on the north with free wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos ok , thanks for that information . what is your price range for the hotel ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i am looking for a moderately priced hotel . eos O O O O O O B-Hotel-Inform+Price O O O N/A
+bos we have quite a few hotels that meet your criteria . may i ask if you have a preference of how many stars ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos no star preference but it should also have free parking . eos O O O O O O O O O O O O N/A
+bos we have 9 options that meet your request . do you want me to go ahead and book the cheapest for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes the cheapest will be fine , thank you eos O O O O O O O O O O general-thank
+bos what area do you need to be in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i would like a hotel in the north , but please remember it needs to be moderately priced and include free parking & wifi . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i have five places . is there a star rating you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars
+bos yes a 3 star rating at least eos O O O O B-Hotel-Inform+Stars O O O N/A
+bos hamilton lodge is available , would you like me to book you ? eos O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O N/A
+bos no but i would like to find a train for sunday going to liverpool street from cambridge , leaving after 20:30. eos O O O O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A
+bos sure thing would you like me to book that for you ? eos O O O O O O O O O O O O O Train-OfferBook
+bos first , may i have the postcode and address of the hamilton lodge , please ? then , i would like the train booked . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos 156 chesterton road , cb41da . now shall we finish booking the train ? eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Train-OfferBook
+bos yes lets finish booking the train . i need to book for 4 people . eos O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos i have booked it reference number is 8r9cjhwq . eos O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos i hope you have a nice trip . goodbye . eos O O O O O O O O O O O general-bye
+bos i am looking for a train on friday that leaves after 21:45. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A
+bos sure . where are you leaving from ? eos O O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from cambridge and i want to go to stansted airport . eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos for an arrival of what time ? eos O O O O O O O O Train-Request+Arrive
+bos i need to leave after 21:45. eos O O O O O O O N/A
+bos how about tr3864 , which leaves at 22:40 ? they arrive at 23:08. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O N/A
+bos yes how long is the journey please ? eos O O O O O O O O O N/A
+bos the travel time for that train will be 28 minutes . eos O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos alright . thank you very much eos O O O O O O O general-thank
+bos may i help with anything else ? eos O O O O O O O O general-reqmore
+bos no , that 's it for now . have a good day . bye ! eos O O O O O O O O O O O O O O O O general-bye
+bos okay . glad we could help ! eos O O O O O O O O general-bye
+bos i need to find a train leaving cambridge after 12:15. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos okay . what is the destination ? eos O O O O O O O O Train-Request+Dest
+bos that will be london king 's cross , and i 'll be travelling on tuesday . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O O N/A
+bos tr0315 is the first train out after 12:15. it departs at 13:00 and arrives at king 's cross at 13:51. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , i need 6 of them . eos O O O O O B-Train-Inform+People O O O N/A
+bos that booking was successful and your reference number is a7pjehzw . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i also need a hotel . do not need free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Parking O O O O N/A
+bos i have about 3 guesthouses and 1 hotel to choose from . is there an area that you would like to stay in ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Request+Area
+bos i need something in the south area . eos O O O O O O B-Hotel-Inform+Area O O N/A
+bos i 'm sorry there are no guesthouses in the south . would you like a different area or a hotel instead ? eos O O O O O O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O O O O B-Hotel-Select+Type O O O O Hotel-Request+Area
+bos maybe try one with free parking . eos O O O O O O O O N/A
+bos rosa 's bed and breakfast is super cheap , has free parking though , but it is a 4 star . would you like to book it ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos that would be fine . can you book that for the same group of people for 2 nights starting on sunday . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos booking was successful . your reference number is 9vm0wvb8 . will that be all ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos thank you , that will be all . good bye . eos O O O O O O O O O O O O general-bye
+bos i hope you enjoy your stay ! eos O O O O O O O O general-bye
+bos i 'm looking for a place to stay that includes free parking , my price range is on the expensive end . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos okay , we have 5 hotels that match your criteria . is there a specific area you 're looking for ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i 'm thinking i 'd like it to be in the north . does that help ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos unfortunately , i do n't have any expensive hotels in the north that have rooms available . would you like me to try another area or another price range ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos what about any in the cheap range ? eos O O O O O O B-Hotel-Inform+Price O O N/A
+bos worth house is a four star guesthouse on 152 chesterton road that seems like a good fit . would you like me to make a reservation for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , can you please book it for 5 people and 5 nights starting from thursday ? eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos i booked the room for 5 people and five nights starting on thursday . the reference number is : mcs14shl . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O O O B-Booking-Book+Day O O O O O O B-Booking-Book+Ref O N/A
+bos thank you that is all i need , goodbye eos O O O O O O O O O O general-bye
+bos great , have a wonderful day ! eos O O O O O O O O general-bye
+bos i want a train leaving on sunday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos yes sure . i will need your departure and arrival destinations . eos O O O O O O O O O O O O O general-welcome,Train-Request+Depart,Train-Request+Dest
+bos i am leaving from stevenage going to cambridge . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos i have 10 trains for you . what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive
+bos i would like to arrive by 12:00 please . eos O O O O O O O B-Train-Inform+Arrive O O N/A
+bos okay , how about the tr7802 ? it departs at 09:54. eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A
+bos that 's fine . could you book this for me , there will be 5 people . eos O O O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos i have booked 5 tickets from stevenage to cambridge living on sunday at 9:54 and arriving at 10:53. your total fee is 51.2 gbp . reference # is gz0lozqv eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref N/A
+bos thank you . can you also help me find a place to stay ? eos O O O O O O O O O O O O O O O general-thank
+bos sure , i can help you with that . did you have a specific area of town you were looking at ? eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,Hotel-Request+Area
+bos i would like to find a moderately priced hotel in the center with free parking and wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos i do n't have anything that meets that criteria . would you like to try a different area or price range ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price
+bos how about one in the north ? eos O O O O O O B-Hotel-Inform+Area O N/A
+bos yes , there are 9 places to stay ! would you like to stay in a hotel , or in a guesthouse ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O N/A
+bos it does n't matter to me . whichever place you recommend will be fine . i 'll need to book for the same people , same day , and 3 nights . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos booking was successful.reference number is : s9rctppn eos O O O O O O O B-Booking-Book+Ref N/A
+bos that you , thats all i needed today . eos O O O O O O O O O O N/A
+bos ok ! have a wonderful day ! eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train ticket , do you book those ? eos O O O O O O O O O O O O O O Train-Inform
+bos yes , where will you be leaving from and going to ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm leaving from cambridge and going to bishops stortford . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos on what day will you be traveling ? do you prefer a specific time as well ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,Train-Request+Arrive
+bos i need to book a train going to bishops stortford from cambridge . it needs to arrive by 14:15 on saturday . i need 8 tickets . can i please get a reference number . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref
+bos absolutely ! you are booked for 8 seats on tr5643 leaving at 13:29 and arriving at 14:07. the cost is 64.64 gbp due at the station . reference : y6865oet eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref N/A
+bos thank you ! i 'm also looking for a hotel with free parking and internet . can you find one ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes i have many options . what side of town did you want to stay on and what price range are you looking for . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos the area does n't matter , i 'd like to stay at a guesthouse though . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Area
+bos i recommend the archway house . it 's a lovely place on the north side of town . would you like me to book a room for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O O Booking-Inform
+bos just a couple more questions . what is the star rating ? also , i need to know the area of town and the phone number please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone
+bos archway house has a 4 star rating and is located in the north area of town . the phone is 01223575314 , shall i book you a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Phone O O O O O O Booking-Inform
+bos no , i just need the information for now . thanks ! eos O O O O O O O O O O O O O general-thank
+bos do you have everything you need ? eos O O O O O O O O general-reqmore
+bos yes , thank you for all your help today . goodbye . eos O O O O O O O O O O O O O general-bye
+bos my pleasure ! please call us back if you need anything else . eos O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a train departing cambridge that leaves after 21:45. can you help me with a reservation ? eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos absolutely i can help with that . what day and to what destination are you traveling ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am traveling to london kings cross from cambridge . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos all trains leave at 23:00 , what time would you like to arrive ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Arrive
+bos i do not have a specific arrival time . eos O O O O O O O O O O N/A
+bos do you have a day you will be traveling ? eos O O O O O O O O O O O Train-Request+Day
+bos i will be traveling on saturday . eos O O O O O O B-Train-Inform+Day O N/A
+bos the tr4898 leaves at 23:00. do you want a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos yes for five please . eos O O O O O O N/A
+bos i made reservations for you your reference number is 0f1r2m73 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks ! i also need a guesthouse to stay in in the north . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O N/A
+bos there are 11 great guesthouses to choose from . would you like free wifi or parking ? also what price range were you looking for ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking,Hotel-Request+Price
+bos it does n't need to have free parking and price does n't matter . i will take a suggestion as i 'm not familiar with the area . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would recommend limehouse , a 4 star guesthouse located at 78-80 milton road . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes i would like to book it for 5 people . eos O O O O O O O O O O B-Hotel-Inform+People O N/A
+bos what day will you be checking in ? eos O O O O O O O O O Booking-Request+Day
+bos i actually do n't need to book . i would just like the phone number , postcode , and price range . eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price
+bos limehouse is a moderately priced establishment . they 're in postcode cb42je and their phone number is 01223300552. is there anything else you want to know ? or anything else i can help with ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that 's everything i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you , have a great day . eos O O O O O O O O O general-bye
+bos need a hotel with free wifi please eos O O O B-Hotel-Inform+Type O O O O N/A
+bos is there a specific area you would like to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like a place with a 4 star rating . eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are 21 4 star hotels with free wifi , would you like me to narrow that down with any other details ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos could you just pick one and book it for 6 people for 2 nights from friday ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos did you want it to be in a specific area of town ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter , could you recommend a place ? eos O O O O O O O O O O O O O N/A
+bos huntington marriott hotel , 2 nights for 6 people beginning friday . your reference number is wq7sc2ad . is there anything else i can help you with today ? eos O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O B-Booking-Book+People O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'll need a train to cambridge that same day , please . i 'll be leaving from bishops stortford after 12:45. eos O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O N/A
+bos the tr4076 leaves at 13:29 , and arrives at 14:07. would you like to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos can you just give me the price on it please ? eos O O O O O O O O O O O O Train-Request+Price
+bos the price for this train ticket is 10.10 pounds . do you need anything else ? eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore
+bos no , that 's it . thanks ! eos O O O O O O O O O general-thank
+bos alright . have a great day . eos O O O O O O O O general-greet
+bos can you help me find a train departing out of cambridge this saturday ? eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are several trains departing from cambridge on saturday . where are you traveling and what time would you like to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i 'm going to peterborough and want to leave after 12:00. eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos there are multiple trains leaving that day after 12. first one departs at 12:06. eos O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O N/A
+bos book the first one for 8 people please . eos O O O O O O O B-Train-Inform+People O O N/A
+bos i have booked it and here is the information-booking was successful , the total fee is 105.6 gbp payable at the station .reference number is : slac2w0w . eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you that is all i need eos O O O O O O O O general-thank
+bos thank you for contacting us . have a nice day . eos O O O O O O O O O O O O general-bye
+bos oh i almost forgot can you help me find a 5 star hotel with free internet ? eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i 'm sorry , i am not able to find a 5 star hotel with free internet . would you consider a 4 star hotel ? there are 3 of those . eos O O O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-Select+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Select+Stars O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos yes , i would consider a star rating of 4. can you pick one for me please ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos huntingdon marriott hotel is a 4 star hotel eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O N/A
+bos ok and does that have free wifi ? eos O O O O O O O O O N/A
+bos yes , the huntingdon marriott hotel has free wifi . would you like me to book it for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please ! i want to book it for 8 people for 4 nights starting tuesday eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos okay , i booked it and your reference number is cevx0ou3 . anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos that is all for now . thank you so much . eos O O O O O O O O O O O O general-thank
+bos you are so welcome ! you take care now , bye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos currently planning to come out there but need to find a train that leaves after 15:30 and that will depart from norwich . eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Depart N/A
+bos what day do you want to travel on ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to leave on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos i do not have a train that leaves by 15:30 on that day but soon after at 16:16. would this work for you ? eos O O O O O O O O O O B-Train-OfferBooked+Leave O O O O O O O B-Train-Inform+Leave O O O O O O Train-Select
+bos yes . i will need two tickets . eos O O O O O O O O O N/A
+bos al set , your reference number is ziy4y3ca , the cost is 17.60 pounds per person payable at the station . eos O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O N/A
+bos can i also get information on wandlebury country park . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes , wandlebury country park is located at wandlebury ring , gog magog hills , babraham , with phone # 01223243830. would you like any other information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos that is all that i needed . thank you so much for the assistance . eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . please comeback if we can do anything more for you ! eos O O O O O O O O O O O O O O O O general-welcome
+bos i will . thanks again . good-bye . eos O O O O O O O O O general-bye
+bos my pleasure . enjoy your time in cambridge . goodbye . eos O O O O O O O O O O O O general-bye
+bos where can i find the best architecture ? eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos you must see great saint mary 's church ! ! eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos sounds great . can i get the address and postcode for that ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos certainly ! it is located in market square , which is in the center of town , and the postcode is cb23pq . is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore
+bos please book the ticket . eos O O O O O O N/A
+bos i 'm sorry , i do not understand your request . would you like help with anything else ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , could you suggest some thai restaurants in the area ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos you did n't select restaurant so i can not assist . please fix . eos O O O O O O O O O O O O O O O N/A
+bos i am looking for a train from london kings cross to cambridge . i need to leave after 15:15 on friday . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos tr8842 will leave at 15:17 and arrive by 16:08. would you like to make a reservation ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos sounds great i need reservations for 7. i also need the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos great , you 're booked . the reference number is : wehj6m9j . anything else i can help you with today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos can you call the police because my purse was snatched as i sitting on this bench talking to you . eos O O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos absoluting i will get right on that . eos O O O O O O O O O general-welcome
+bos jaja.. you 're funny . thanks for all your help today . have a great day ! goodbye eos O O O O O O O O O O O O O O O O O O O general-bye
+bos of course , enjoy your visit ! eos O O O O O O O O general-welcome,general-bye
+bos i need information on trains leaving on friday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos ok , there are many trains that day . do you know your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Dest
+bos i 'm going from ely to cambridge . eos O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O N/A
+bos what time would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos if at all possible , i would like to leave after 16:45. eos O O O O O O O O O O O B-Train-Inform+Leave O N/A
+bos i have train tr2759 leaving at 17:35 and arriving by 17:52. would you like to make reservations ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos the price for the train is 4.40 pounds . can i book this for you ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos no thank you . i need info on cafe jello gallery . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos they are a museum in the west . they offer free entrance . they are located at 13 magdalene street . their postcode is cb30af . their phone number is 01223312112. eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O N/A
+bos thank you for your help . that will be all . eos O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge town info service ! enjoy your time in cambridge eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i would like an expensive hotel in the center and what type of attraction is in the area in walking distance ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform,Hotel-Inform
+bos would you like me to find a hotel first or the attraction ? eos O O O O O O O O O O O O O O N/A
+bos i 'm actually looking for a train . i need to go from kings lynn to cambridge on tuesday . i need to leave after 19:15. eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O N/A
+bos tr4809 departs at 20:11 , would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O N/A
+bos that would be great . i need to reserve seats for 4 people on that train . eos O O O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos you are all set . the total fee is 39.2 gbp payable at the station the reference number is 1i1uskbs eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O N/A
+bos thanks ! oh , i 'm also looking for places to go in town at the city centre . i need some form of entertainment . can you help ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos there are many different attractions in centre . is there a certain type that you 'd like ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type
+bos an entertainment attraction would be nice . eos O O B-Attraction-Inform+Type O O O O O N/A
+bos sorry , i got no results for entertainment in centre , is there something else i can look for ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type B-Attraction-NoOffer+Area O O O O O O O O O O O N/A
+bos can you search for a theatre instead ? eos O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 4 theaters in the area , the adc theatre , cambridge arts theatre , mumford theatre and the cambridge corn exchange . let me know if any of those appeal to you . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O N/A
+bos can you give me the phone # , address , and postcode for the adc theatre ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos the phone number is 01223300085. eos O O O O O B-Attraction-Inform+Phone N/A
+bos i also need their address and postcode as i asked before please . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos their postcode is cb58as and their address is park street . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos you welcome , have a great day . eos O O O O O O O O O general-welcome,general-bye
+bos i would like to get some information about colleges to visit ? eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there is christ 's college , churchill college , clare college , clare hall , corpus christi , downing college , emmanuel college , and huges hall . would you like me to list more ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O N/A
+bos may i please have entrance fees , phone numbers , and post codes ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos i 'll start out by giving you christ 's college . the phone number is 01223334900 , the entrance is free , and the post code is cb23bu . do you need more than that ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i would like to know the entrance fee . eos O O O O O O O O O O Attraction-Request+Fee
+bos it is free to enter the christ 's college . is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O general-reqmore
+bos i also need a train leaving on friday . i will be departing from birmingham new street and going to cambridge . i would like to arrive by 16:30. eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr6359 leaves at 13:40 and arrives 16:23 , will this one work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos yes i need 6 tickets . eos O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 450.6 gbp payable at the station . reference number is : v6en7v4w . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos that will be all . thank you for all your help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos please help me find a train departing stansted airport and going to cambridge . thanks . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A
+bos certainly . what day and time will you be traveling ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i would like to leave on monday after 17:15. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos tr4096 leaves at 17:24 and arrives in cambridge at 17:52. how many tickets do you need ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-Request+People
+bos i just need to know the price please . eos O O O O O O O O O O Train-Request+Price
+bos they are 10.10 pounds . is there anything else i can do to help you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O general-reqmore
+bos can you tell me where the scott polar museum is located . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O N/A
+bos sure thing , lensfield road . eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos i need their phone number please . eos O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223336540. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos that 's it ! thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome , let me know if i can assist with anything else . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm coming into town and looking for some things to do and places to go on the south side of cambridge . do you have any suggestions ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O N/A
+bos there are several interesting things to do in that part of town . how about a park ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos sure a park would be great ! can you provide a phone number and address please ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Phone
+bos i have wandlebury country park located at wandlebury ring , gog magog hills , babraham postcode cb223a . the phone number is 01223243830. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A
+bos first of all , i need a train to get there from london kings cross . can you help find one ? eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O N/A
+bos i have a lot of trains heading into cambridge , do you know what day and time you 'll be traveling ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'll be leaving on thursday and i need to arrive by 21:30. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos what time do you need to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos anytime that gets me in by 21:30 eos O O O O O O O O N/A
+bos tr2512 will get you there by 14:08. do you need me to book seats for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please , for 6 people ! eos O O O O O B-Train-Inform+People O O O N/A
+bos okay i booked it reference number is r4ueagtz . eos O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks for your help today ! eos O O O O O O O general-thank
+bos you are welcome , enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i am happy this is the end eos O O O O O O O O N/A
+bos all right . have a nice day . good bye . eos O O O O O O O O O O O O general-bye
+bos i need a thursday train that arrives by 8:30. eos O O O O B-Train-Inform+Day O O O O O N/A
+bos where are you leaving from and going to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i need to go from cambridge to stevenage . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos you have two options ; tr2016 departs at 05:21 and tr4376 departs at 07:21. would you be interested in either of these ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O O O O O O general-reqmore
+bos either one is fine . i need 8 tickets please . eos O O O O O O O O B-Train-Inform+People O O O N/A
+bos would you like a reference number ? eos O O O O O O O O general-reqmore
+bos yes i would like the reference number , can you also give me information about cherry hinton hall and grounds ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Train-Request+Ref
+bos it is located on cherry hinton road and phone is 01223446104 is there any thing else eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O general-reqmore
+bos i 'm looking for an attraction in the centre of town . do you have any suggestions ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos there are 44 attractions in the centre , do you have a specific type in mind ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos not really . what 's the phone number , fee , and address for your favorite ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos all saints church is architecture in the centre . phone is 01223452587. adress , post code first : b58bs jesus lane . entrance is free eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O N/A
+bos sounds like a good choice . i also need help securing a train . eos O O O O O O O O O O O O O O O Train-Inform
+bos sure , what stations will you be using ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos the train should depart from cambridge and should leave on thursday eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day N/A
+bos there are several . do you have a specific departure and arrival time ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave after 19:15 eos O O O O O O B-Train-Inform+Leave N/A
+bos where are you heading ? eos O O O O O O Train-Request+Dest
+bos i 'm headed to bishop stortford . eos O O O O O O O O N/A
+bos i have train tr7961 leaving at 19:29 and arriving at 20:07. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos perfect ! i am leaving cambridge , what 's the travel time on the ride ? eos O O O O O B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 38 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks so much . that will be all for today . goodbye eos O O O O O O O O O O O O O general-bye
+bos you are very welcome . please contact us again if we can be of further assistance . good-bye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos where can i find a swimming pool in the north of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i have two swimming pools listed north of town . the jesus green outdoor pool and the kings hedges learner pool . do you have a preference ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Select
+bos i 'd like to try the kings hedges learner pool . is there an entrance fee ? can i get their phone number please . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos i am unsure if there is an entrance fee but their phone number is 01223353248 , i 'm sure they will be able to tell you of any entrance fee . eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you 're welcome . is there anything else you need help with today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , i am looking for a train that departs from cambridge on wednesday . i would like to leave after 17:15 and my destination is stansted airport . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos i have train tr8893 that leaves at 17:40 and arrives at the airport by 18:08. would this work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A
+bos yes that sounds perfect . please secure passage for 8 people on the tr8893 . eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos okay , the booking was successful . the total fee is 80.8 gbp payable at the station . the reference number is w2naqgif . can i help with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos that is all , thank you for your help eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for information , specifically , a place to stay while i 'm in town . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure ! how about allenbell ? i hear it 's lovely . eos O O O O B-Hotel-Recommend+Name O O O O O O O O N/A
+bos is it in the moderate price range ? i need a hotel in the west with a star rating of a 3. eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos we do n't have any 3 star hotels on the west part of town . do you want to try searching for something else ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O N/A
+bos okay , how about just moderate price and three stars in any part of town ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos there are n't any hotels like that , but i do have 4 guesthouses . 2 in the north , 1 in the west , and 1 in the south . eos O O O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos okay , pick the west please . i need the postcode . eos O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Post
+bos the postal code is cb39lh eos O O O O O B-Hotel-Inform+Post N/A
+bos i am also looking for williams art and antiques . can you tell me what area that is in ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Area
+bos they are in the centre , admission is free , can i assist with anything else ? eos O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos no , i think that 's it . thank you very much ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for calling . enjoy your trip ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am starving ! eos O O O O O N/A
+bos what would you like to eat ? eos O O O O O O O O Restaurant-Request+Food
+bos indian food in the centre , please . eos O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are a few of those . what price point are you looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price
+bos i do n't have a price range in mind . can you recommend just one restaurant matching my criteria ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos how about kohinoor ? it 's a cheap indian restaurant in the center . would you like a reservation ? eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform
+bos that sounds great . can you just give me the postcode ? eos O O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode for kohinoor is cb12as . is there anything else i can help you with today ? eos O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos one more thing , what 's the price range ? eos O O O O O O O O O O O Restaurant-Request+Price
+bos kohinoor is a cheap restaurant . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O N/A
+bos wonderful . that 's all i need ! eos O O O O O O O O O N/A
+bos great . have a wonderful evening ! eos O O O O O O O O general-bye
+bos i would like a moderately priced restaurant in the east part of town eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos may i suggest curry prince , a moderately priced indian restaurant in the east ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O N/A
+bos no , the west part of town eos O O O B-Restaurant-Inform+Area O O O O N/A
+bos indian , italian and british restaurants are available in the west part of town for a moderate price . would you like more information on any or all of these ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O general-reqmore
+bos what is the address ? eos O O O O O O Restaurant-Request+Addr
+bos did you want the address for an indian , italian , or british restaurant ? eos O O O O O O O O O O O O O O O O N/A
+bos i do n't have a preference as long as it 's moderately priced and in the west part of town . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos meghna is an indian restaurant , it is in the moderate price range , and it is in the west part of town . the address is 205 victoria road chesterton . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos i am looking for activities tomorrow within the town . eos O O O O O O O O O O O N/A
+bos great ! there are lots of things to do here ! did you have a certain activity in mind ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos no , i was hoping to get some suggestions for places near the center of town . eos O O O O O O O O O O O O O O O O O O N/A
+bos i have a lot of options for you , what are you interested in - for example , architecture , museums , entertainment venues , churches ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos how about a church ? are there any with free admission ? eos O O O O O O O O O O O O O N/A
+bos i 'm afraid i do n't have any churches in my directory . is there something else you 'd like ? there are a number of free museums . eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O N/A
+bos sure , can you recommend me one ? eos O O O O O O O O O N/A
+bos how about the museum of archaeology and anthropology ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds great ! can i get their address and phone ? and is there a fee to get in ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos of course . it 's free to get in . the phone number is 0122333516 and their address is university of cambridge , downing street . eos O O O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos thanks . i also need to find a cheap restaurant in the same area . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i have 15 cheap restaurants in the centre of town . what type of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos hmmm ... malaysian is sounding pretty good right now . eos O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos i 'm sorry , there are no malaysian restaurants in the center of town . would you like to choose a different type of food ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about italian , book a table for 5 at 11:30 on tuesday , and i need the reference number eos O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O Restaurant-Request+Ref
+bos i have booked a table for you at ask and your reference number is x9v8fwh8 . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O N/A
+bos thank you for your help that 's all i need today . eos O O O O O O O O O O O O O general-thank
+bos great if you need further assistance , you can always contact us . eos O O O O O O O O O O O O O O general-reqmore
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos great ! can i help you with transportation , lodging or attractions while here ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for an attraction called cambridge university botanic gardens . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos that is located in the centre . the address is bateman street . can i give you any other information ? eos O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos can i have their postcode and phone please ? also i need a train out of cambridge on tuesday . eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O Attraction-Request+Post,Attraction-Request+Phone
+bos okay the post code is cb21jf and phone number is 01223336265. eos O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Phone N/A
+bos i need a train that leaves on tuesday after 9:30 and arrives in london liverpool street . eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what time would you like to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos i do n't need to arrive at a specific time , as long as the train leaves after 9:30. eos O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos the tr4494 meets your criteria . would you like to book tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O Train-OfferBook
+bos great can i get 6 tickets for that ? eos O O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 99.6 gbp payable at the station .reference number is : par7kyos . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , thanks , that 's everything i need . eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos can you help me find a place to stay in the south that is cheap ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O N/A
+bos rosa 's bed and breakfast is a 4 star guesthouse in the south and offers free parking and internet . would you like a reservation ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos is that in the cheap price range ? eos O O O O O O O O O N/A
+bos yes , it is . eos O O O O O O general-greet
+bos i need a reservation for 8 people for 2 nights starting from friday and need the reference number . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O N/A
+bos okay , your reservation has been made . your reference number is n18eaxt2 . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a train . i will need it to be on the same day as the hotel . i 'm going to cambridge . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos where will you be departing from and what time do you want to arrive on friday ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart
+bos i am leaving from birmingham new street . i do n't care when i arrive . i just want to leave after 13:00 , please . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i have a tr6359 that leaves at 13:40 on friday . would that be okay for you ? or , i do have later trains if you wish ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O B-Train-Inform+Choice O O O O O O Train-OfferBook
+bos that is fine please book for 8 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos i will gladly book that for you now . eos O O O O O O O O O O Train-OfferBook
+bos will you send a reference number ? eos O O O O O O O O N/A
+bos your reference number is 7ltolnv4 . the total fee of 600.79 is payable at the station . eos O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O N/A
+bos thanks for your help , that 's all i need today ! eos O O O O O O O O O O O O O general-thank
+bos okay , enjoy the rest of your day , goodbye . eos O O O O O O O O O O O O general-bye
+bos i 'm interested in booking a train for tuesday please . i need one that arrives by 09:15 eos O O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O N/A
+bos ok.. where will you be departing from ? eos O O O O O O O O O Train-Request+Depart
+bos the train should depart from ely and arrive at cambridge . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A
+bos that narrows it down to 2 options . i have train tr6971 that leaves at 07:35 and will arrive in cambridge by 07:52. would that work for you ? eos O O O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i want the train that arrive in cambridge by 07:52 , can you bookm it for me ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O N/A
+bos i sure can , for how many people ? eos O O O O O O O O O O Train-Request+People
+bos actually , i do n't need the ticket right now . could you recommend a museum in the centre , though ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos i have 11 of them to choose from . are you looking for one in particular ? if i may , might i suggest the regency gallery . it 's recently added lots of exhibits . eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O Attraction-Request+Name,general-greet
+bos yes please that sounds great can i have the post code ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos of course ! the postcode is cb11er . eos O O O O O O B-Attraction-Inform+Post O O general-greet
+bos great , that 's all i need thank you ! eos O O O O O O O O O O O general-thank
+bos you are welcome , enjoy the rest of your day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos you too , goodbye , this should be the end of our chat . eos O O O O O O O O O O O O O O O general-bye
+bos thank you very much ! goodbye . eos O O O O O O O O general-welcome,general-bye
+bos hello , i need a train to ely on sunday please eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O N/A
+bos we have 10 trains traveling to ely on sunday . what time would you like to arrive ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O Train-Request+Arrive
+bos how about one arriving by 13:00 departing from cambridge . eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O N/A
+bos tr1159 will get you to ely by 12:07 on sunday . should i book you a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O Train-OfferBook
+bos yes , that would be great . i 'll need tickets for 8 people . do you have a reference number ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 28.16 gbp payable at the station .reference number is : hdx8ix63 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i 'm also looking for a museum . can you recommend one ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos how about cafe jello gallery ? it looks lovely eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O general-greet
+bos that will work . could you get me the phone number and area its in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone
+bos sure ! it 's in the west area of town , and the phone number is 01223312112. can i help you with anything else ? eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-greet,general-reqmore
+bos you were great today . thanks so much for all the help . that is all . goodbye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure to help . have a good day . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos could you give me information about kings hedges learner pool . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos sure , it is a swimming pool located in the north . want more information ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O general-reqmore
+bos yes , please . i need the postcode . eos O O O O O O O O O O Attraction-Request+Post
+bos sure , the postcode is cb42xh . eos O O O O O B-Attraction-Inform+Post O O N/A
+bos thanks . can you tell me a little bit about a restaurant called the good luck chinese food takeaway ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos the good luck chinese food takeaway is an expensive chinese restaurant located in the south area . i could make reservations if you would like ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes , please . i 'd like a reservation for 2 at 18:00 on friday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos okay , the booking was successful . the table will be reserved for 15 minutes . your reference number is : jbwy3kbq . eos O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks ! that 's all i need eos O O O O O O O O general-thank
+bos thanks for using our service ! eos O O O O O O O general-bye
+bos can you suggest something to do on the east side of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are a lot of things to do . what would you like ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos something that is entertainment , please . eos O O O O B-Attraction-Inform+Type O O O N/A
+bos i 'd recommend funky fun house . would you like more information ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos yes i would like more information about the funky fun house . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos they are an entertainment attraction in the east . they are located at 8 mercers row , industrial estate . the postcode is cb58hy . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O N/A
+bos i 'm also looking for a guesthouse in the north area of town , something on the less expensive side , if possible . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A
+bos i 'd recommend acorn guest house . it 's moderately priced with free internet and parking . would you like a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes book for 6 people for 3 nights starting from friday eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful . reference number is : 9vngoglf . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that would be all thank you goodbye eos O O O O O O O O general-bye
+bos thanks for letting us assist you today . have a great trip ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos could you provide some information about the colleges you have in town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos okay ! what part of town would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos it does not matter . eos O O O O O O N/A
+bos christ 's college is a beautiful college . you would love it ! eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos great , may i please have the address ? eos O O O O O O O O O O Attraction-Request+Addr
+bos christ 's college is in the centre of town . their address is saint andrew 's street eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos i am looking for a place to dine . the restaurant should be in the west and should be in the expensive book a table for 1 people at 14:30 on saturday eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos we have 14 places with all kind of food type , any preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food
+bos hm , i guess a chinese place would be good . eos O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i 'm sorry but i have no chinese in this area . could we try another area or type of food ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O N/A
+bos indian food sounds good as well , how about that ? the area and price must stay the same . really anything is fine i do n't care . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , there are no expensive italian restaurants in the area either . how about a cheaper option ? eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O N/A
+bos well then find me another type of expensive restaurant . book it for 1 person for saturday at 14:30. eos O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos done ! i have booked you a table at travellers rest , which will be reserved for 15 minutes . the reference number is 86lrtwff . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'll also need a taxi to commute between the two locations . i 'll need to arrive at the restaurant by the dining time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos booking completed ! booked car type : grey skodacontact number : 07328070350 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thanks . that is all i need for today . bye . eos O O O O O O O O O O O O O general-bye
+bos bye , have a good time . eos O O O O O O O O general-bye
+bos i need a train that leaves on wednesday with an arrival of 12:30. eos O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos where will you be travelling to and from ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm traveling from cambridge to the london liverpool street . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos the tr1047 leaves at 05:59 and arrives by 07:27. is that alright ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O N/A
+bos yes , that sounds fine . i need 7 tickets please . eos O O O O O O O O O O O O O N/A
+bos great . the reference number is 8bgcyrd5 and the total fee is 132.8 gbp . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O general-reqmore
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a safe trip ! eos O O O O O O O O O O O general-bye
+bos are there any cheap indian restaurants available ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos definitely ! i have 3 in the center and 1 in the north . i recommend kohinoor , at 74 mill road city centre . eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O general-greet
+bos can you book a table for me there ? wednesday at 18:30 , please , and i 'll be dining solo . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O N/A
+bos great ! your booking for kohinoor was successful . the reference number is xjbrhrdc . is there anything else i can do to help ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , i am also looking for somewhere to go in the centre of town . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos what type of attraction do you want ? eos O O O O O O O O O Attraction-Request+Type
+bos what would you suggest ? eos O O O O O O N/A
+bos i would suggest visiting one of the famous colleges . eos O O O O O O O O O B-Attraction-Recommend+Type O N/A
+bos i need a college in the centre of town eos O O O O O O O O O O N/A
+bos we have thirteen to chose from ! all but three are free . would you like me to list them for you ? eos O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos which one would you suggest and i need the postcode . eos O O O O O O O O O O O O Attraction-Request+Post
+bos i would recommend christ 's college . it 's free to visit . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos could i have their postcode please ? eos O O O O O O O O Attraction-Request+Post
+bos christ 's college 's post code is cb23bu eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O N/A
+bos thank you , that is all the information i need . eos O O O O O O O O O O O O general-thank
+bos you are welcome , please contact us if we can help you with anything else . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to go somewhere in the east part of town . can you give me information on places to go and attractions there ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O N/A
+bos there 's several different types of attractions in the east side . do you have a preference ? eos O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Type
+bos i do n't . could you recommend something interesting ? eos O O O O O O O O O O O N/A
+bos i think everybody enjoys the funky fun house . it is a great entertainment type of attraction . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Type O O O O N/A
+bos okay . can you please give me the phone number , postcode , and entrance fee for the funky fun house then ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number is 01223304705. the postcode is cb58hy . unfortunately , i do not have information about the entrance fee . eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos ok , i 'm also looking for a train to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i would be departing from stansted airport . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are trains departing every hour . if you can provide me with the day and time you would like to travel , i 'm sure we can find something fitting your needs . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i will be leaving on thursday and i need to arrive by 10:00. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A
+bos the tr9084 will get you in by 8:52 , or the tr0031 will get you in by 9:52. which would you prefer ? eos O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O Train-Select
+bos what 's the travel time for tr0031 ? eos O O O O O O O O O Train-Request+Duration
+bos it lasts 28 minutes . is there anything else ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no that 's all i need thanks for the help . eos O O O O O O O O O O O O general-thank
+bos you are welcome happy that i could assist . eos O O O O O O O O O O general-welcome
+bos thanks very much , goodbye ! eos O O O O O O O general-bye
+bos bye ! enjoy your trip ! eos O O O O O O O general-bye
+bos hey , are there any cinemas in the city centre ? i want to catch a flick . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos yes , vue cinema is in the city centre . would you like their phone number ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos no , but can i have the address and entrance fee please and thank you ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is the graton centre , east road and the entrance fee is not listed unfortunately . is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos i can help with that . can you tell me where you will be departing from and heading to ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos depart from leicester and should arrive by 08:00.the train should go to cambridge and should leave on sunday eos O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day N/A
+bos ok i will book that for you and get you a confirmation number eos O O O O O O O O O O O O O O Train-OfferBook
+bos i am checking on the train schedule from peterborough to cambridge . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos sure many trains use that route . it would be helpful if you could narrow down a specific travel time . eos O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i want to leave after 10:00. eos O O O O O O B-Train-Inform+Leave N/A
+bos what day do you want to depart ? eos O O O O O O O O O Train-Request+Day
+bos i want to depart on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos tr418 leaves at 10:19. whould you like me to book it ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos i will book it myself . eos O O O O O O O N/A
+bos ok - is there anything else i can help you with today ? eos O O O O O O O O O O O O O O general-reqmore
+bos i also need an attraction . eos O O O O O O O Attraction-Inform
+bos ok , i can help you with that . what type of attraction are you looking for ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm just looking for something fun to do in the centre of town . do you have any recommendations ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i 'd recommend vue cinema . would you like more information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A
+bos can i get the phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos sure , their number is 08712240240. is there anything else i can help with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no thank you . that is all for today . goodbye eos O O O O O O O O O O O O general-bye
+bos thank you and enjoy your stay . eos O O O O O O O O general-bye
+bos i 'm looking for general information on places to go in the east area of town . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos the camboats and the funky fun house are both located in the east side of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O N/A
+bos could you give me the address and postcode of the camboats ? eos O O O O O O O O O O O B-Attraction-Inform+Name O Attraction-Request+Post,Attraction-Request+Addr
+bos the camboats are located at the plough , green end , fen ditton . the postcode is cb58sx . would you like the phone number ? eos O O B-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no need , but i am looking for a train from kings lynn to cambridge . can you please find one for me . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O N/A
+bos i 'd be happy to help with your request , can you be more specific on the day you 're travelling and what time you 'd like to depart ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i will be traveling on monday and i want to arrive by 21:45 . eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos trains run every hour on that route , starting at 5:11. what would be a good departure time ? eos O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave
+bos whichever you that leaves the latest but still gets me in by 21:45 eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos trianid tr1465 is leaving at 20:11 and will have you in cambridge by 20:58. would you like me to book that for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please book this train for 2 people . eos O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 19.6 gbp payable at the station .reference number is : fc8i7u3o . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's all i need . thanks you so much for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos i want to find a nightclub . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 6 nightclubs in the centre . would you like a recommendation ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O N/A
+bos may i please have the postcode , and entrance fees for the nightclubs ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos my favorite is club salsa . it is located in postcode cb12jb and costs 5 pounds to enter . can i help you further today ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O general-reqmore
+bos actually , yes . i 'm looking for a train from ely . eos O O O O O O O O O B-Train-Inform+Depart O O O O N/A
+bos okay , where is your destination ? eos O O O O O O O O Train-Request+Dest
+bos my destination is cambridge and i would like to arrive by 11:30 on thursday . eos O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos we have 3 trains that will get you to cambridge before 11:30. a departure time of 05:52 , 07:35 , & 09:35. which would work best for you ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select
+bos the one for 7:35 is fine . can i get the id # and price , too ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the id is tr7745 . eos O O O O B-Train-Inform+Id O N/A
+bos thank you . have a good day . eos O O O O O O O O O general-thank
+bos is there anything else you need ? eos O O O O O O O O general-reqmore
+bos i still need the price for the train . eos O O O O O O O O O O Train-Request+Price
+bos the price is 4.40 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thanks so much for everything today , you have been very helpful eos O O O O O O O O O O O O O general-thank
+bos it was my pleasure to help . goodbye . eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a train that departs from cambridge and arrives at kings lynn . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos when will you be traveling ? eos O O O O O O O Train-Request+Day
+bos i 'll be traveling on friday . i want to arrive by 19:15 if possible . eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos i suggest tr3947 . can we book ? eos O O O B-Train-Inform+Id O O O O O Train-OfferBook
+bos can you give me the price , travel time and departure time first ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos i actually fount the tr2764 to be a better choice . it leaves at 08:11 to and arrives at 08:58 at a cost of 9.80 pounds . eos O O O O O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos yes but what is the exact travel time ? eos O O O O O O O O O O Train-Request+Duration
+bos your travel time would be 47 minutes . would you like me to book your seat on the train ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O Train-OfferBook
+bos not right now , but i am interested in seeing some attractions while i am in town . eos O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos what area of town would you like to find a attraction ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos i do n't care , but i want to look at some architecture . i especially like old churches . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i have some really pretty churches you can visit . would you like a number for all saints church ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes please . how much does it cost ? eos O O O O O O O O O O N/A
+bos there appears to be no entrance fee for all saints church . eos O O O O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos sounds good . lets get back to booking that train now . eos O O O O O O O O O O O O O Train-Inform
+bos ok , to confirm you want to arrive by 19:15. how many tickets do you need ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+People
+bos can i have the phone number for all saints church please ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes the phone number is 01223452587 eos O O O O O O B-Attraction-Inform+Phone N/A
+bos i need a train going into cambridge , arriving by 17:45. eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A
+bos where are you departing from and what day are you travelling on ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i am leaving from bishops stortford on sunday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos and what time would you like to leave ? eos O O O O O O O O O O Train-Request+Leave
+bos i would prefer to leave at 15:00. eos O O O O O O O B-Train-Inform+Leave N/A
+bos the tr4651 train leaves bishops stortford at 15:29. would you like me to book you a seat on it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos does it arrive in cambridge by 17:45. that is the most important thing . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O N/A
+bos yes , it does . eos O O O O O O Train-Inform
+bos what is the price for the train ticket ? eos O O O O O O O O O O Train-Request+Price
+bos the price is 8.08 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you . i also need to find a place to go in the centre of town . the type of attraction should be entertainment . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are no entertainment areas in the centre , any other preferences ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O general-reqmore
+bos can you make a suggestion ? eos O O O O O O O N/A
+bos how about the funky fun house or cherry hinton hall and grounds in the east ? eos O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O N/A
+bos are there any boat attractions ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos i have the cmbridge punter boat located in the centre . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O N/A
+bos that sounds great . can i get the phone number , address , and entrance fee ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos unfortunately , i do n't have information on the entrance fee , but you can call them at 07807718591 to find out . the post code is cb41as eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Post O O O O N/A
+bos okay thank you for your help . eos O O O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O N/A
+bos have a nice day . eos O O O O O O N/A
+bos thank you for using the cambridge towninfo centre . cheers ! eos O O O O O O O O O O O O N/A
+bos i am looking for information on places to go in cambridge . can you help with that ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i can help with that . is there a particular area you 're interested in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos what i 'd really like is to find a swimmingpool . eos O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos yes , there are 4 swimming pools that match those requirements . is there a particular area you would like to go to ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos any area is fine . which of the 4 swimming pools do you suggest ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i personally like parkside pools . it 's in the center of town , on gonville place . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A
+bos can i get the postcode as well ? eos O O O O O O O O O Attraction-Request+Post
+bos it is cb11ly . is there anything else i can help you with ? eos O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos i also need a train leaving after 11:00 on friday eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A
+bos there are 278 trains that meet that criteria . would you like to narrow down your options by departure site , destination , or arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Depart
+bos my destination is london kings cross eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge . eos O O O O O B-Train-Inform+Depart O N/A
+bos tr1502 arrives in london kings cross friday at 11:51. would you like me to book you any seats ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes book for 8 people and i need a reference number eos O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos i have made that reservation and your reference number is 1702sdbo . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks . that was all i needed . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome
+bos i 'm looking for a train leaving on saturday after 7:30 pm . can you help me ? eos O O O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A
+bos the tr2166 leaves cambridge at 19:59 and arrives london liverpool street . need a ticket ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O Train-OfferBook
+bos no . i need to leave after 19:30 on saturday from london liverpool street and then go to cambridge . try again please . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O O O O N/A
+bos the tr3940 leaves london liverpool street at 19:39 and arrives in cambidge . need a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O Train-OfferBook
+bos yes , i need 7 tickets , please . eos O O O O O B-Train-Inform+People O O O O N/A
+bos reference number is : p0grijtt . is there anything i can help you with further ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , i am looking for some fun things to do while we 're in the centre . is there anything you can recommend ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos we have several different attractions in the centre . is there a particular type of attraction you 'd be interested in ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Type
+bos no could you recommend one and can i get the postcode for it . eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos what price point would you like ? eos O O O O O O O O Attraction-Request+Price
+bos it does not matter . eos O O O O O O N/A
+bos how about all saints church on jesus lane . their postcode is cb58bs eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post N/A
+bos thank you , i am all set , that is everything i need . eos O O O O O O O O O O O O O O O general-thank
+bos thank y for calling in today . have a good day . eos O O O O O O O O O O O O O general-bye
+bos hi i need a train to go to norwich , i need to leave after 17:45. eos O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i 'll be leaving from cambridge on tuesday . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos okay , there is an 18:36 train that will arrive by 19:55. just that sound good ? eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos sounds great . can you buy me two tickets ? eos O O O O O O O O O O O N/A
+bos your booking was successful . you will be paying 35.20 at the station and your reference number is vajdaw8j . can i help you further ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos yes , what is there for food ? eos O O O O O O O O O N/A
+bos what type of food do you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos did i say food ? sorry , i meant places to go . i 'm looking for entertainment in the centre of town . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos we have many available attractions in city centre . would you be interested in a nightclub , cinema , theatre , or another type of entertainment ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O O O N/A
+bos what options do you have for entertainment ? eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos sorry , there are no results for that query . would you like to try a different area or type ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am looking for an attraction in the centre of the city . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i 'm sorry we have no entertainment attractions in centre . should i look for another type of attraction ? eos O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O N/A
+bos yes , let 's try to find architecture instead . can you recommend your favorite and tell me the address ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos all saints church is a great architecture attraction on jesus lane . entrance is free . anything else today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O general-reqmore
+bos great , can i please have the address for all saints church ? eos O O O O O O O O O O O O O O Attraction-Request+Addr
+bos the address is jesus lane in centre . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O N/A
+bos great ! thank you for all your help ! eos O O O O O O O O O O general-thank
+bos is there anything else you need today ? eos O O O O O O O O O general-reqmore
+bos that is it for today , thank you . bye eos O O O O O O O O O O O general-bye
+bos you 're very welcome . good day . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train departing from bishops stortford . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are 70 trains departing from that location , would you like to narrow it down some ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O N/A
+bos i am looking to go to cambridge on thursday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos i have 10 available trains . is there a particular time you would like to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave on thursday and get there by 9:15 , is that ok ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A
+bos yes . there are two available trains . one leaves at 5:29 and arrives by 6:07 and the other leaves by 7:29 and arrives by 8:07. which would you prefer ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O N/A
+bos i 'd like the later one , please . i 'll need 8 tickets . eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos sure , we have one other option tr1242 leaves at 07:29 and arrives at 08:07. for 8 people your reference number is : 6a76vgsk . eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos okay great ! thanks for all your help . eos O O O O O O O O O O general-thank
+bos it 's my pleasure . goodbye ! eos O O O O O O O O general-bye
+bos i 'm looking for a train on sunday that leaves after 17:15. eos O O O O O O O B-Train-Inform+Day O O O O O N/A
+bos what are your departure and arrival destinations ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be leaving from cambridge and heading to stansted airport . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos ok there are 7 choices . is there a particular time you 'd like to arrive at your destination ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Arrive
+bos not really , it just needs to leave after 17:15. eos O O O O O O O O O O O N/A
+bos there are plenty of choices starting at 17:40 and leaving every hour onwards . do you want me to book it ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes , book it for 7 people at 17:40 eos O O O O O O B-Train-Inform+People O O O N/A
+bos booking was made , ref number is 6qwlfww5 ! do you need anything more ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thats all , see ya ! eos O O O O O O O N/A
+bos have a safe trip , bye . eos O O O O O O O O general-bye
+bos i need to book a train departing from cambridge after 9:15. eos O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos where are you heading to ? eos O O O O O O O Train-Request+Dest
+bos i am going to stevenage , on wednesday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos i was able to find a train for you at 9:21. would you like me to book it for you ? eos O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos could you tell me what the price of this trip is ? eos O O O O O O O O O O O O O Train-Request+Price
+bos it should cost around 12.80 pounds . anything else ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O general-reqmore
+bos yes , what 's the train id and what time does it arrive ? eos O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos tr8913 will arrive by 10:10. eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A
+bos great . that is all i need . eos O O O O O O O O O N/A
+bos okay . glad i could be of assistance . eos O O O O O O O O O O general-bye
+bos hello , i 'd like to find a train to cambridge on thursday please . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A
+bos and where will you be leaving from ? eos O O O O O O O O O Train-Request+Depart
+bos i would like to leave from stansted airport after 11:45. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos i can book you on train tr9775 leaving stansted airport going to cambridge thursday at 12:24 , will that work ? eos O O O O O O O B-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart O O B-Train-OfferBook+Dest B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O O O N/A
+bos how much does it cost and when does it arrive ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos it arrives at 12:52 and costs 10.10 pounds . would you like a booking ? eos O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook
+bos not at this time thank you . eos O O O O O O O O general-thank
+bos ok. is there anything else i can help you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i need . thanks ! eos O O O O O O O O O O O general-thank
+bos thank you and have a great day ! eos O O O O O O O O O general-bye
+bos hi , i 'm looking for some train information . could you tell me what trains leave on wednesday for norwich ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O O N/A
+bos there are 19 entries found . where would you be coming from ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart
+bos i 'll be departing from cambridge and i need to arrive by 12:00. eos O O O O O O O O O O O O O O N/A
+bos there is a train that arrives at 11:55. the trainid is tr9635 . would you like me to book that ? eos O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook
+bos sure , that sounds great . eos O O O O O O O N/A
+bos how many seats would you like ? eos O O O O O O O O Train-OfferBook
+bos just one . eos O O O O N/A
+bos you have been booked ! eos O O O O O O Train-OfferBooked
+bos thanks ! eos O O O general-thank
+bos can i assist you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos no , thank you very much ! eos O O O O O O O O general-thank
+bos you are welcome ! have a safe trip ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'd like to find a train tuesday departing from leicester . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O N/A
+bos i have 19 trains departing on tuesday from leicester , i can narrow it down a bit if you have a preferred time to leave at or arrive by . eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i would like to leave after 11:15. eos O O O O O O O B-Train-Inform+Leave N/A
+bos i have many available . is your destination cambridge or do you have another location in mind ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Dest
+bos yes i would like to go from leicester to cambridge and leave after 11:15 please . eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos the first available train leaving after 11:15 would be train tr4354 which departs at 12:09 and arrives at 13:54. would you like me to book you a ticket for this train ? eos O O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-OfferBook
+bos yes i 'll need 4 tickets please . eos O O O O O B-Train-Inform+People O O O N/A
+bos perfect . i was able to book for tickets on that train and your reference number for the journey is plynp1vg . anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . goodnight . eos O O O O O O O O O O O N/A
+bos okay enjoy your visit . eos O O O O O O general-bye
+bos can you help me book a train ? i would like to leave after 10:15 on saturday . eos O O O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos i can help with that ! what are your departure and arrival stations ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm coming into stansted airport and i want to go to cambridge . is there a train for that ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O O O O O O O O N/A
+bos tr6310 leaves cambridge at 10:24 qm on saturday . it costs 8.08 pounds . would you like me to book that for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos no , thank you . eos O O O O O O general-thank
+bos is there anything else that i can assist with ? eos O O O O O O O O O O O general-reqmore
+bos how long is the ride ? eos O O O O O O O N/A
+bos the ride is 28 minutes . would you like me to book a ticket ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook
+bos no but can you tell me how much the ticket costs ? eos O O O O O O O O O O O O O N/A
+bos the travel time of the journey is going to be 28 minutes . eos O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos great and what will be the cost of each ticket ? eos O O O O O O O O O O O O N/A
+bos the cost per ticket is 8.08 pounds . would you like more information ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore
+bos no thank you , that is all i needed . eos O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for a train to leave on monday . eos O O O O O O O O O O B-Train-Inform+Day O N/A
+bos sure . where are you looking to go ? eos O O O O O O O O O O Train-Request+Dest
+bos i need to arrive at bishops stortford by 20:00. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos we have 7 such entries . do you have a preference further ? eos O O O O B-Train-Inform+Choice O O O O O O O O O N/A
+bos i just need the train id , departure time , and price of one please eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos tr4283 leaves cambridge at 05:29 and arrives in bishops stortford by 06:07. is this okay ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O N/A
+bos can i get the price of the ticket please ? eos O O O O O O O O O O O Train-Request+Price
+bos certainly . it 's 10.10 pounds . may i help with anything else ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos no thank you . that is all . eos O O O O O O O O O general-thank
+bos ok , have a great day . bye . eos O O O O O O O O O O general-bye
+bos are there any trains leaving from cambridge on thursday ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos yes there are . what is your destination ? eos O O O O O O O O O O Train-Request+Dest
+bos i 'm heading to broxbourne . eos O O O O B-Train-Inform+Dest O O N/A
+bos we have trains leaving hourly from cambridge to broxbourne , starting at 5:01 for 17.90 pounds . what time would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-Request+Leave
+bos i am looking for one that will arrive by 15:00 eos O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos tr2125 leaves at 09:01 and arrives at 10:01. would you like me to book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , i would also like the reference number for the booking please . eos O O O O O O O O O O O O O O O Train-Request+Ref
+bos okay , how many tickets would you like ? eos O O O O O O O O O O Train-Request+People
+bos i need that for 6 people . eos O O O O O O B-Train-Inform+People O N/A
+bos you have 6 tickets on tr125 leaving thursday at 9:01. reference number is ppp9yi7k . 107.4 gbp will be payable at the station . can i help you further ? eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O N/A
+bos no , i think i 'm all set . thank you very much for your help ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-greet
+bos i am looking for a train to cambridge please . eos O O O O O O O O B-Train-Inform+Dest O O N/A
+bos there are many trains to cambridge . where will you be departing from ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O Train-Request+Depart
+bos i 'll be departing from norwich on sunday . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos ok , there does n't appear to be any trains leaving then . could you leave later ? eos O O O O O O O O O O B-Train-NoOffer+Leave O O O O B-Train-Select+Leave O O O Train-Request+Leave
+bos i can leave at 10:45. eos O O O O O B-Train-Inform+Leave N/A
+bos i apologize for the earlier confusion . we have several trains that will meet your needs . tr6419 departs norwich on sunday at 11:16. will that work for you ? eos O O O O O O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O N/A
+bos yes . can you tell me the total travel time as well ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos it is going to be 79 minutes total . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos great , that 's all i need . goodbye ! eos O O O O O O O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i 'd like a train leaving from london liverpool street on wednesday , please . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos of course . what 's your destination ? also when do you wish to leave and arrive by ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest
+bos i am going to cambridge & leaving after 11:15. eos O O O O O O B-Train-Inform+Dest O O O N/A
+bos i have an 11:39. would you like me to book that for you ? eos O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos i 'd like the train id , price , and arrival time please . eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID
+bos the train id is tr4161 , price is 16.60 and arrival time is 13:07. would you like me to book that for you ? eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Ticket O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes , when is the arrival time on that ? and how much for 1 ticket ? eos O O O O O O O O O O O O O O B-Train-Inform+People O O O Train-Request+Arrive
+bos i have booked you a seat on the train leaving at 11:39 and arriving in cambridge by 13:07. total cost is 16.6 gbp . the reference # is q0imh7r0 . eos O O O O O O O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks . could you also look up information for jesus college ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos they are a college located in the centre area , at jesus lane . their entrance fee is free . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O O O N/A
+bos that 's all i needed . eos O O O O O O O N/A
+bos great , glad i could help ! eos O O O O O O O O general-bye
+bos hi , i 'm looking for a train that leaves saturday after 10:15. can you help ? eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A
+bos there are a lot ! can you help me narrow it down to a particular station you 're going into or out of ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i would like to leave cambridge and go to kings lynn . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos tr1817 leaves at 11:11 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos i need five tickets . eos O O O O O O N/A
+bos i booked your train . the total fee is 39.2 gbp , which can be paid at the station . the reference number is kss4b3nk . anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos yes , i am also looking for an attraction called primavera . do you have any information on this ? eos O O O O O O O O O O B-Attraction-Inform+Name O O O O O O O O O O N/A
+bos it is a museum in centre . the address is 10 king s parade and the phone number is 01223357708. is there anything else i could help you with today ? eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that 's everything . thanks ! eos O O O O O O O O O general-thank
+bos thank you for contacting us , have a good day . eos O O O O O O O O O O O O general-bye
+bos hello ! i would like to get some italian food , somewhere in the center of town . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos sure , did you want someone in a certain price range ? eos O O O O O O O O O O O O O Restaurant-Request+Price
+bos no , price does n't matter . eos O O O O O O O O N/A
+bos i can suggest pizza express located at regent street city centre . would you like to make reservations ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O Booking-Inform
+bos yes , can you please reserve me a table for 1 person for friday at 11:30 ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O N/A
+bos the booking was successful . the table will be reserved for 15 minutes.reference number is : wjch2ijp . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , could you also help me find somewhere to visit near the restaurant , possibly architecture to look at ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos sure , there are a number of a churches and old schools , do you have a preference ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O general-reqmore
+bos can you please recommend one and provide me with their entrance fee and address ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos sure , i suggest old schools . its address is trinity lane and its free . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O N/A
+bos i also need to book a taxi . eos O O O O O O O O O Taxi-Inform
+bos okay , i 'll just need a departure location and a destination as well as a pick up or drop off time eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest
+bos i want to arrive at pizza express for my restaurant reservation after visiting old schools , please . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos booking completed ! booked car type : grey hondacontact number : 07392571469is there anything else i can assist you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O N/A
+bos that is all that i need . eos O O O O O O O O N/A
+bos thank you and enjoy your stay . eos O O O O O O O O general-greet
+bos i am hurt a need to find a hospital nearby . eos O O O O O O O O O O O O Hospital-Inform
+bos there is a hospital located on hills rd , cambridge cb20qq . the phone number is 0122324515. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you please book a taxi to take me to the hospital ? i am not able to get there on my own . eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hospital-Inform
+bos okay , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i do n't need a taxi , i 'm sorry . i just needed the postcode for the hospital . eos O O O O O O O O O O O O O O O O O O O O O Hospital-Request+Post
+bos the postcode to the hospital is cb20qq . eos O O O O O O O O O N/A
+bos thanks for your help , that 's all i needed . eos O O O O O O O O O O O O general-thank
+bos you are welcome . i hope you feel better soon . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform
+bos what department of addenbrookes hospital ? for example , they have a cardiology department . eos O O O O O O O O O O O O O O O O N/A
+bos i just need the main phone number for the addenbrookes hospital please . eos O O O O O O O O O O O O O O Hospital-Request+Phone
+bos the phone number for the hospital is 01223245151. eos O O O O O O O O O N/A
+bos thank you . that is all i need today . eos O O O O O O O O O O O general-thank
+bos thank you for allowing me to help you . have a great day . eos O O O O O O O O O O O O O O O general-bye
+bos i need a taxi to come at 1:45 to rice boat . eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i 'd be happy to help ! where are you coming from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i am coming from rice boat and need to get to limehouse by 01:45 eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O N/A
+bos i have you in a red toyota , contact is 07737828007. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O N/A
+bos that is all i need , thank you ! eos O O O O O O O O O O general-thank
+bos ok i have a red toyota and the contact number is 07737828007. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos thank you , have a great day . eos O O O O O O O O O general-thank
+bos have a safe trip ! eos O O O O O O general-bye
+bos where is the parkside police station ? eos O O O O O O O O Police-Inform
+bos it 's address is parkside , cambridge with postcode cb11jg eos O O O O O O O O O O O N/A
+bos thank you , what is their phone number ? eos O O O O O O O O O O Police-Request+Phone
+bos the phone number is 01223358966. eos O O O O O O N/A
+bos i would like information on the gonville hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the gonville hotel is in the city centre . it is expensive , and has 3 stars . free internet and parking . address is gonville place . can i get you a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos sure , i need a reservation for 4 people and 3 nights starting on saturday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O N/A
+bos i was able to reserve that for you . your reference number is 28pzgfft . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos thank you . is there anything else ? eos O O O O O O O O O general-reqmore
+bos are there any expensive thai paces in the area ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A
+bos there is bangkok city in the centre would you like me to make you a reservation ? eos O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A
+bos is that in the west ? eos O O O O O O O N/A
+bos it is in the centre , not the west . eos O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i need something in the west eos O O O O O O B-Restaurant-Inform+Area N/A
+bos sala thong is a great thai restaurant on the west side located at 35 newnham road newnham . do you need any more information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos what postcode is that ? eos O O O O O O Restaurant-Request+Post
+bos cb39ey . what else may i do for you ? eos O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos i also need a taxi that will leave the restaurant by 09:15 eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay , what time do you need to leave ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i need to leave the restaurant by 09:15 to go the hotel . can you book a taxi for me ? eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O N/A
+bos booking completed ! booked car type : yellow volvocontact number : 07044362431can i help with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no that 's it , thank you . eos O O O O O O O O O general-thank
+bos thanks again for using our service , enjoy your stay ! eos O O O O O O O O O O O O general-bye
+bos can you arrange for a taxi that will take me from ugly duckling to ely train station ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos sure ! what time will this be for ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i would like to leave after 01:00 please . eos O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos you 're all set . i 've booked a grey bmw for you , and the driver 's contact number is 07756316394. what else can i assist you with today ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos that is all i needed . thanks . eos O O O O O O O O O general-thank
+bos glad i could help , if that is all i can do for you , you have a nice day . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a taxi please . i 'll be departing from grafton hotel restaurant eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos sure ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive
+bos i need to leave after 16:45. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos may i ask your destination ? eos O O O O O O O Taxi-Request+Dest
+bos i would like to get to the jinling noodle bar . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos perfect ! your booking has been completed . you will be picked up by a grey honda . the contact number is 07364310487. is there anything else i can help you with ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos nope , that 'll do for now . thank you ! eos O O O O O O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos i am looking for city centre north b and b eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos i have found the guesthouse you were wanting . would you like me to book this for you ? eos O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please book it for 1 person and for 5 nights starting friday . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos your booking was successful . the reference number is : be1vd9eh . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , thank you so much . eos O O O O O O O O general-thank
+bos you are very welcome ! eos O O O O O O general-welcome
+bos i need to be picked up by a taxi at la margherita today sometime today after 14:00 eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Leave N/A
+bos ok where is your departure site ? eos O O O O O O O O Taxi-Request+Depart
+bos i 'm leaving the la margherita . eos O O O O O O O O N/A
+bos you are booked . your car is a yellow audi and your contact number is 07421829709 eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you very much ! eos O O O O O O general-thank
+bos happy to help ! is there anything else i can do for you ? eos O O O O O O O O O O O O O O O general-reqmore
+bos just want to make sure that the taxi will go to avalon . thank you very much , goodbye . eos O O O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O O O N/A
+bos we have the destination as la margherita and departing from alexander b & b . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A
+bos i am looking for a particular hotel . its name is called worth house . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos it is a cheap guesthouse in the north of town . would you like to book a room ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos yes please . i need three nights for one person starting this friday . and can i get a reference number ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos i 've successfully booked your room for friday , 1 person , staying 3 days . your reference number is : f2x024q6 eos O O O O O O O B-Booking-Book+Day O B-Booking-Book+People O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O N/A
+bos thank you so much for your help today . eos O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i need a place to stay that is cheap . eos O O O O O O O O O B-Hotel-Inform+Price O N/A
+bos okay and what area will you be staying in ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i need a place in the center of town , and i would prefer a hotel over a guesthouse . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i have three hotels in the centre , one is moderately priced and then there are two expensive ones . would you like to book one of them ? eos O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Booking-Inform
+bos i want to book one of the expensive ones . eos O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos the expensive ones are the gonville hotel and university arms hotel . both offer free wifi and parking . the gonville is 3 star rated , and the university arms is 4 star . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos great . can i book the university arms for 2 nights for 4 people starting sunday please ? i 'll need a reference number . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O O O O N/A
+bos ok , you 're all set . reference # megfyqha . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos can you help me find a hungarian restaurant , also in the centre of town ? eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O N/A
+bos i 'm sorry , there are no hungarian restaurants in the centre of town , would you like another location ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O Restaurant-Request+Area
+bos is there and indian restaurant available in that area ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos there are 9 indian restaurants . do you prefer cheap or expensive ? eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos i would like expensive please.l eos O O O O B-Restaurant-Inform+Price O N/A
+bos there are several options in that area . how about curry garden ? i hear it 's great . eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A
+bos can you book a reservation for me ? eos O O O O O O O O O N/A
+bos absolutely , what day would you like reservations ? eos O O O O O O O O O O Booking-Request+Day
+bos i would like to book it fro sunday at 14:45. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos how many people will be dining ? eos O O O O O O O O Booking-Request+People
+bos 4 people will be dining . eos O O B-Restaurant-Inform+People O O O O N/A
+bos your table is booked , ref # 9bzul5gv . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos i think that is all i need today . thank you for all your help . good bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a pleasant trip and , as always , we are here if you need us . eos O O O O O O O O O O O O O O O O O O general-bye
+bos can you help me find a cheap place to stay in the east part of town ? eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O N/A
+bos sure . there are three guesthouses there . i 'd be happy to book one for you if you like . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O Booking-Inform,general-greet
+bos does it have a star rating of 2 ? eos O O O O O O O O O O N/A
+bos no . they all have 4 stars . eos O O O O O O O O O N/A
+bos then find me one in the expensive price range . eos O O O O O O O O O O O N/A
+bos all of the accommodations in the east are in the cheap price range . would you like to try a different part of town ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Hotel-Request+Area
+bos find me a nice one and book for 5 people and 3 nights from thursday eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos actually , the express by holiday inn cambridge is a 2 start hotel in the east area . it 's in the expensive price range . how does that sound ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform
+bos that sounds perfect . can you reserve that and provide me with the reference number ? eos O O O O O O O O O O O O O O O O O N/A
+bos okay , you 're all set . the hotel is booked and the reference number is q3vvcad8 . can i help you with anything else today ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you . i am also looking for a restaurant that serves chinese and that is in the same area as the hotel . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos yu garden is an expensive restaurant in the same area as the hotel , would you like me to make reservations for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos yes . same group of people , at 19:45 on the same day please . eos O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : l9cimunj . what else can i help you with today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that was all i needed . thanks . bye . eos O O O O O O O O O O O general-bye
+bos ok ! have a great day ! eos O O O O O O O O general-welcome,general-bye
+bos could you help me find a restaurant with middle-eastern cuisine ? eos O O O O O O O O O O O O Restaurant-Inform
+bos there is no such match . do you have any other food preferences ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos maybe one that serves chinese food . and it should be located in the centre eos O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos charlie chan is an affordable option . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O N/A
+bos ok , sounds good . could i make a reservation for 3 for thursday at 13:30 ? can you send me a reference number as well . thanks ! eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O N/A
+bos excellent choice . your table is reserved . reference bckqcxni . anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-greet,general-reqmore
+bos i also need a place to stay with free wifi and in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i have many choices for you . what price range are you looking for ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos it does n't matter but i would like a guesthouse with free parking . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i have two . would you like more info on them ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O general-reqmore
+bos do they both have free wifi and parking ? which would you recommend ? eos O O O O O O O O O O O O O O O N/A
+bos yes . i suggest alexander bed and breakfast . it is a 4-star guesthouse . would you like a reservation there ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform,general-greet
+bos yes please make those for 5 nights on the same day for the same people . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos i will work on getting this booked . eos O O O O O O O O O Booking-Inform
+bos i also need a taxi to commute between these two places eos O O O O O O O O O O O O Taxi-Inform
+bos i was able to complete this transaction for you . reference number is 4amssso2 , eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can i get the number for the taxi and the car type ? eos O O O O O O O O O O O O O O Taxi-Request+Car
+bos your booking is complete . you will have a grey toyota and the contact number is:07579620224. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos i 'm looking for a certain restaurant , can you help ? eos O O O O O O O O O O O O O Restaurant-Inform
+bos sure , what is the name of the restaurant ? eos O O O O O O O O O O O Restaurant-Request+Name
+bos it is the lan hong house . can you tell me what area of the city it is located in ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Restaurant-Request+Area
+bos the lang hong house is located in the centre of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos what is the price range of the lan hong house ? eos O O O O O O O O O O O O Restaurant-Request+Price
+bos it is a moderately priced restaurant . would you like me to make you a reservation ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos yes , please make a reservation . eos O O O O O O O O N/A
+bos how many people and what day and time ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos nevermind . not at this time . can you help me find the postcode for the holiday inn cambridge ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos yes , sorry for the wait , the postcode is cb13lh . eos O O O O O O O O O B-Hotel-Inform+Post O O O N/A
+bos i also need a taxi eos O O O O O O Taxi-Inform
+bos ok , to confirm , you 'd like a taxi from lang hong house to holiday inn cambridge ? and what time would you like this for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i need it to leave the restaurant by 19:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos you are let , look for an olive green amc gremlin . kidding , look for a yellow tesla , they are reachable at 07749451728 , any further questions ? eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O general-greet,general-reqmore
+bos great , that 's all i need , thanks so much for your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . you have a great day as well . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need some info on a restaurant called royal spice . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos royal spice is an indian restaurant in the north , victoria avenue chesterton eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos could i book a table at 17:15 on friday , please ? eos O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos sure , how many people will be dining ? eos O O O O O O O O O O Booking-Request+People
+bos i need a table for 7 people . eos O O O O O O O B-Restaurant-Inform+People O N/A
+bos i managed to book you for friday , table for 7 at 17:15. your reference number is 7batdn36 . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Day O O O B-Booking-Book+People B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am looking for a place to stay . the hotel should be in the north and should include free parking eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos do you have a certain price range you would like ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos i would like something moderately priced and i think i would prefer a guesthouse instead of a hotel if possible . eos O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i would suggest acorn guest house eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos perfect . could you tell me their phone number ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number for acorn guest house is 01223353888. is there anything further i can assist you with today ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos what is the car type ? eos O O O O O O O Taxi-Request+Car
+bos i 'm sorry , i do not understand your question . can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'm sorry , i need a taxi that will get us to the restaurant in time for our reservation . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos your all set a black honda will be picking you up contact # is 07109811358 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone N/A
+bos thank you for the information and bookings . there 's nothing more . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a particular restaurant eos O O O O O O O O Restaurant-Inform
+bos i can look it up by name if you are looking for a certain one , what is the name of the restaurant you are needing information on ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Name
+bos please look up yippee noodle bar . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos yippee noodle bar is an asian oriental place in centre with a moderate price range . it 's location is 40428 king street city and phone 01223518111. eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O N/A
+bos could i make a reservation for tuesday for 7 people at 13:45. eos O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A
+bos reference number is : s9x5lq1i . do you need anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos yes , i am also looking for a place to stay , that has moderate pricing . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos cityroomzs hotel is moderately priced and also in the center , would you like me to book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform
+bos i need something in the north , with free wifi and free parking . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos oh yes i have many choices in the north that are guesthouses and two hotels with free wifi and parking . do you need me to suggest one for you ? eos O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos i would love if you could suggest one . it can be so overwhelming . eos O O O O O O O O O O O O O O O O N/A
+bos how about the acorn guest house ? it 's price is moderate and it has both internet and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos what is the address and how many stars is it rated ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Addr
+bos the acorn guest house is located at 154 chesterton road and it is rated 4 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O N/A
+bos thank you for the address and star rating of acorn guest house . eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos would you like for me to make a reservation for you at the acorn guest house ? eos O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A
+bos no that will be all thank you . eos O O O O O O O O O general-thank
+bos thanks for using our service . have a good day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos where can i find the express by holiday inn in cambridge ? eos O O O O O O O O O O O O O N/A
+bos it is found in the east , 15-17 norman way coldhams business park . you can call them on 01223866800 eos O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone N/A
+bos okay . can i book 4 nights at the express please ? eos O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos sure ! how many people will staying ? eos O O O O O O O O O Booking-Request+People,general-greet
+bos 6 people , 4 nights starting on friday . eos O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i will book it for you now . eos O O O O O O O O O Booking-Inform
+bos could i please get the reference number after you book it . eos O O O O O O O O O O O O O N/A
+bos booking is complete . your reference number is uqg3wi8i . do you need anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i 'm also looking for a restaurant called the golden curry . can you help me book a table there ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos sure . for how many people , on what day and time ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,general-greet
+bos for 6 people on friday at 12:15. thanks eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos okay i 've booked you a table at the golden curry for 6 on friday at 12:15 , refeence number 1oucjvyh . is there anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thanks . no thats all i will be needing . see you later ! eos O O O O O O O O O O O O O O O general-thank
+bos thanks for using the cambridge towninfo centre ! eos O O O O O O O O O general-welcome
+bos i would like to find a hotel in the north that has free wifi . what are your suggestions ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos what price range are you interested in ? eos O O O O O O O O O Hotel-Request+Price
+bos it does n't really matter , but i would like free parking . eos O O O O O O O O O O O O O O N/A
+bos is there a certain star rating you would like it to have ? eos O O O O O O O O O O O O O O Hotel-Request+Stars
+bos yes , i really like 4 star hotels . if you find one , i 'd like to book a room . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O N/A
+bos i have 7 available guesthouses in the north . i would suggest home from home it is a great guesthouse . would you like me to book a room for you ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Inform
+bos i prefer a hotel , not a guesthouse . i need a 4 star hotel with free parking and wifi in the north . eos O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i am sorry there are no hotels that are available . would you consider a guesthouse or a different area ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O B-Hotel-Select+Area I-Hotel-Select+Area O O N/A
+bos no and no . i want a 4 star hotel on the north side with free wifi and parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos sorry , i 'm not finding anything . eos O O O O O O O O O Hotel-NoOffer
+bos can we try another search i really need a place to stay it can be a guesthouse or hotel . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos okay , i have 7 options for guesthouses in the north . 6 of them are in the moderate price range and one is is cheap . which are you looking for ? eos O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select
+bos okay , i need a guesthouse with free parking , and 4 stars . price does n't matter , you can pick one . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos there are 7 guesthouses in the north matching your description . i recommend acorn guest house . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos does it also have free wifi ? eos O O O O O O O O N/A
+bos yes it has free wifi . eos O O O O O O O Hotel-Inform+Internet
+bos can you book it for me ? eos O O O O O O O O N/A
+bos yes , how may people and how long will your stay be ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i 'd like to to book it for 1 people and 5 nights starting from tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 've booked a single occupancy room at acorn guest house for five nights beginning tuesday . your reference number is 4kjsrrga . can i help you with anything else today ? eos O O O O B-Booking-Book+People I-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a north indian restaurant that 's near the guesthouse . can you find one ? eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos sorry no north indian restaurants in the north . eos O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Food O O O O O N/A
+bos can we find one that serves italian food instead then ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos da vince pizzeria is the one option in the north , it has cheap pricing , would you like more info or a booking ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes that would be great , can you book that please ? eos O O O O O O O O O O O O O N/A
+bos how many should i book for and how many day ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i need it for 18:15 for one person on a tuesday . eos O O O O O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+Day O N/A
+bos a table for 1 has been booked for tuesday at 18:15 at da vinci pizzeria . your confirmation number is bsjdivc3 . eos O O O O O B-Booking-Book+People O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O N/A
+bos thanks so much . that is all i need . have a great day . bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos hello , i am traveling to cambridge and i 'd like to find an expensive place to dine in the centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A
+bos kymmoy is in the expensive price range in the centre of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos can you make a reservation for 5 people at 18:00 on wednesday for me please ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos yes , i 've booked your table , they 'll hold it for 15 minutes . your reference number is 4atjmy42 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos yes , can you help me find some places to visit near the restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-Inform
+bos yes , there are many places to visit near the restaurant . what kind of attraction did you have in mind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm not sure . what is available ? eos O O O O O O O O O O N/A
+bos there is architecture , boat , cinema , college , concerthall , museum , nightclub , park , swimmingpool , theatre eos O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O N/A
+bos its my first time in town , so i dont know which places are good . i am open to suggestions , so i will go with your recommendation eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos old schools is a popular architecture attraction located on trinity lane . it is free to enter . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O N/A
+bos great , can i get the address and postcode . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the are on trinity lane and the post code is cb21tt . is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , you 've helped me with everything ! thanks , bye ! eos O O O O O O O O O O O O O O general-bye
+bos thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-greet
+bos i 'm looking for attractions to go in the centre of cambridge , please . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos i show 44 attractions in the centre of cambridge . was there a specific type of attraction you were looking for ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos i do n't really know . what do you suggest in the city center ? eos O O O O O O O O O O O O O O O O N/A
+bos there is much architecture here worth taking a tour of . i am a fan of all saint 's church . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos sounds good . what is their entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee
+bos entrance to all saints is free . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O N/A
+bos great . what is all saint 's church 's address and postcode , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos they are located at jesus lane , and their postcode is cb58bs eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O N/A
+bos thanks . i am also looking for a train from cambridge to norwich , could you help me find one ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O N/A
+bos sure , there are 133 trains from cambridge to norwich . what day would you like to travel on ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos there are 19 trains that go to norwich from cambridge what time would you like to leave or arrive ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos 09:15 and should depart from cambridge eos O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart N/A
+bos there are none that will leave by 09:15 will the 09:36 be ok ? eos O O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O B-Train-Select+Leave O O O N/A
+bos actually , i need to arrive by 09:15. is there anything early morning on monday from cambridge to norwich ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O N/A
+bos train tr5773 suits your needs . is there anything else i can help you with today ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O O O general-reqmore
+bos yeah , what 's the price and departure time on tr5773 ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos the departure time is 07:36. it is 17.60 pounds . is there anything else i could help you with ? eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore
+bos that 's all i needed . thank you for your help eos O O O O O O O O O O O O general-thank
+bos great , have a good day ! eos O O O O O O O O general-bye
+bos hi there ! i 'm looking for some kind of fun attraction in the center of town . eos O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos we have a wide range of attractions in the center of town : achitecture , boats , cinema , colleges , museums , nightclubs , parks , swimmingpools , and theatres . which would you enjoy ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Select
+bos i think a museums might be nice . can you recommend one to me ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos there are many too choose from ! would you like to visit an art museum ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O N/A
+bos can you still just recommend one please ? ? eos O O O O O O O O O O N/A
+bos i recommend primavera it 's free and located at 10 king s parade . is there anything else i can help you with ? eos O O O B-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking to book the hotel el shadai starting on thursday for 8 people and 4 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A
+bos your booking was successful . the reference number is erqxh3vn . can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no . i think that 's all . good day . bye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us . have a nice day . eos O O O O O O O O O O O O general-bye
+bos yes , i am in the planning stages and could use some help finding some places to go in town . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos well we have many interesting things to see in cambridge . is there something specific you were looking for ? perhaps you 'd like to visit some of our museums ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Recommend+Type O O O O N/A
+bos i need to see a theater in the center . find me the phone number eos O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos we have four theatres to pick from , i recommend the mumford theatre , they can be reached at 08451962320 eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O N/A
+bos i am also needing a place to stay with free parking and free wifi . eos O O O O O O O O O O O O O O O O N/A
+bos i would suggest the acorn guest house . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos what is the price range ? eos O O O O O O O N/A
+bos it 's moderate . did you want to book ? eos O O B-Hotel-Inform+Price O O O O O O O O Booking-Inform
+bos yes please , 4 people for 3 nights starting from friday . i will need the reference number . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos okay , you got it . booking was successful , and your reference number is vsc3p8w2 . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you so much ! that 's all i need for the moment . eos O O O O O O O O O O O O O O O general-thank
+bos have a pleasant day , goodbye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a reasonably priced pizza place . can you help ? eos O O O O O O O O O O O O O O O N/A
+bos there is pizza hut in the south . they are in the moderate price range eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos that sounds nice . can you please book a table for 2 at 16:30 on friday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos alright , you 're all set ! your reference number is : oyg60ep0 . eos O O O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos great ! thank you so much ! eos O O O O O O O O general-thank
+bos do you need help with anything else ? eos O O O O O O O O O general-reqmore
+bos i 'm also looking for a train . eos O O O O O O O O O Train-Inform
+bos when would you like to travel ? eos O O O O O O O O Train-Request+Day
+bos i need to be in cambridge by 10:15 on friday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A
+bos where are you leaving from and on what day ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos friday . i do not have a leaving from time . i just want to be there by 10:15. eos O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O N/A
+bos sorry , maybe i missed it . what station are you traveling from ? eos O O O O O O O O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from bishops stortford eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos train id tr2083 leaves at 09:29 and arrives at 10:07. will that suit you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O general-reqmore
+bos yes please . 2 tickets eos O O O O B-Train-Inform+People O N/A
+bos i was able to book two tickets to cambridge from bishops stortford . your total is 20.2 gbp , payable at the station . reference number is cgh0r0as . eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos thank you . i am glad i could be of help . eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for an entertainment attraction in the centre . can you suggest something for me ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos i 'm sorry , i 'm afraid that i ca n't . if you 're open to exploring other parts of town there 's funky fun house in the east , and several others as well . eos O O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O Attraction-NoOffer
+bos what is the entry fee ? eos O O O O O O O N/A
+bos i 'm not sure what the entrance fee is but i could give you their phone number eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A
+bos that would be great . can you also give me the postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos okay , the phone number is 01223304705 and the post code is cb58hy . anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes can you give me information on express by holiday inn cambridge ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos it is an expensive hotel located in the east side of town with a 2-star rating . do you want me to book it for you ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos yes please , i 'll be arriving on saturday with my lady friend and staying 2 nights . eos O O O O O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+People O O O N/A
+bos booking was successful your reference number is 1buwnwof . is there anything else i can help with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos nope . that is all i needed . thanks . eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i want to check out a theater in the south area of cambridge . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there is one theater located in southern cambridge . the junction is located on clifton way , cb17gx . you may can 21223511511 for more information. , eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O N/A
+bos what is the entrance fee ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee
+bos unfortunately i do n't have that information . but , again , you could call them at 01223511511 for that information . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos postal code is cb17gx , the address is clifton way . eos O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos can you recommend a moderately priced hotel in the centre , that has free internet and free parking ? eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos there are not any in the area that match your requirements . would you like me to check another area ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos how about one in the south ? eos O O O O O O B-Hotel-Inform+Area O N/A
+bos yeah , there are two in the south . aylesbray lodge and bridge guest house . do you have a preference between the two ? eos O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos no , i do n't . i just a reservation for 4 people for 4 nights starting on saturday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O N/A
+bos i have made your booking and here is the information : booking was successful.reference number is : o8fkixr2 . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks ! i also need to book a taxi from the hotel . eos O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos what will be your destination and arrival or departure times ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i need to go to the theatre . i need to leave the hotel by 13:00. eos O O O O O O O O O O O O O O O O O Hotel-Inform
+bos please state your departure site and destination site so i can book that taxi . eos O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart
+bos from the hotel that was booked for me eos O O O O O O O O O Hotel-Inform
+bos your taxi has been booked . it will be a white tesla and the contact number is 07767786743. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks alot for helping . have a good day eos O O O O O O O O O O general-thank
+bos you 're welcome , and thank you , likewise ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay ! can you help ? eos O O O O O O O O O O O O N/A
+bos we have many guesthouses and hotels in town . are you looking for something specific ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O N/A
+bos the hotel should have a star of 4 and should be in the cheap price range.the hotel should be in the east and should include free wifi eos O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos sure , i can help with that . were you looking for a specific type of entertainment ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i am looking for the east area . eos O O O O O O B-Hotel-Inform+Area O O N/A
+bos the allenbell would suite your needs .would you like me to make you a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i 'm coming in on tuesday and will need 5 nights for 3 people . eos O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O N/A
+bos all set . the allenbell is expecting your party on tuesday and your reference is zeptv9pc . please let me know if there is anything else i can help you with . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Day I-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O general-reqmore
+bos yes please . i 'd like to go see a college that 's in the same area as the hotel . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos unfortunately i 'm not showing anything under those specifications . eos O O O O O O O O O O O Hotel-NoOffer
+bos ok , how about a museum ? eos O O O O O B-Attraction-Inform+Type O O N/A
+bos i have four options . the cambridge artworks is free entrance and i personally recommend it . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A
+bos please send me their postcode . eos O O O O O O O Attraction-Request+Post
+bos the postcode is cb13ef . anything else i can help with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that is all . thanks so much ! eos O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-bye
+bos i am looking to stay at a four start place with free wifi . eos O O O O O O O O O O O O O O O N/A
+bos i am showing three results for four star hotels with internet . would you rather be located in the center of town , or on the west side ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Inform+Internet
+bos either will do . are there by any chance any cheap guesthouses available ? eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A
+bos alexander bed and breakfast is located in the centre and finches bed and breakfast is located in the west . both are cheap guesthouses with internet . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-Inform+Internet
+bos please book alexander bed and breakfast for 4 people and 5 nights starting on tuesday . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i 've got it all booked for you . your reference number is yiz6wq8t . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i 'm also looking for an architecture attraction to go to . do you have information on any of those ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos yes there are a number of them . which side would you prefer ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area
+bos well since the hotel is in the center try nearby . eos O O O O O O O O O O O O N/A
+bos there are 5 choices . i recommend old schools on trinity lane . it is free admission . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A
+bos please send me their phone number and postcode . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the phone number is 01223332320 and post code is cb21tt . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A
+bos okay , that 's all i need for today . thanks , bye ! eos O O O O O O O O O O O O O O O general-bye
+bos thank you , enjoy your stay ! eos O O O O O O O O general-bye
+bos i 'm looking for a hotel called kirkwood house please . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos i 've located kirkwood house . it 's a guesthouse in the north . would you like to book a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos may i please have the phone number for the hotel ? eos O O O O O O O O O O O O Hotel-Request+Phone
+bos absolutely . that number is 01223306283. eos O O O O O B-Hotel-Inform+Phone O N/A
+bos i 'm also looking for some places to go while i 'm in town . eos O O O O O O O O O O O O O O O O N/A
+bos there is boating , a park , and some swimmingpools in the north . any preference ? eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O Attraction-Select
+bos i would like it to be a museum please . eos O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos i 'm sorry there are no museums in the north . would you like me to check a different area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area
+bos how about in the south ? eos O O O O O B-Attraction-Inform+Area O N/A
+bos how about the byard art museum the phone number is 01223464646. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone N/A
+bos how much is it to get in that place ? and what 's their postcode ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos entrance is free , and the postcode is cb21sj . can i help with anything else ? eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos no that was all i needed . thanks so much . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos i need a place to stay , some place with 4 stars and in the north . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos there are number of moderately priced options and one that falls in the cheap price range . do you have a price range in mind ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Price
+bos i would like one in the moderate range . eos O O O O O O O B-Hotel-Inform+Price O O N/A
+bos archway house is a very nice 4 star guesthouse in the area that is moderately priced . would you like to book a stay ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O Booking-Inform
+bos i think that one works . no need to book . eos O O O O O O O O O O O O N/A
+bos okay . is there anything else i can help you with ? eos O O O O O O O O O O O O O general-reqmore
+bos yes , tell me if the archway house has free parking and please get me their postcode eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking
+bos the postal code is cb43pe . yes , it does have free parking . is there something else i can assist you with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos can you help me find a nightclub to visit somewhere in the north ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i do n't have any in the north , but i have several in the centre . would you like to try one of those ? eos O O O O O O O B-Attraction-NoOffer+Area O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore,Attraction-Select
+bos no , i want to stay in the same area . how about a park ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there is one park in the north . would you like the info ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos yes . could i get the entrance fee and phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos sure ! milton county park is free , and their phone number is 01223420060. can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i also need a taxi . it should leave the hotel by 2:30 please . eos O O O O O O O O O O O O O O O O N/A
+bos i was able to find a taxi to take you from the hotel to the park . it will be a yellow volvo phone number is 07803372639. eos O O O O O O O O O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos that is all i needed today . eos O O O O O O O O N/A
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos can you help me find a hotel to stay in that includes free wifi and has a 4 star rating ? thanks ! eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos acorn guest house is available would you like to stay there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos is it moderately priced ? also , i think i need it in the east part of town . eos O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos the a and b guest house is moderately priced and in the east part of town . would you like their phone number ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O general-reqmore
+bos please , thank you . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos their number is 01223315702 , can i assist with anything else ? eos O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore
+bos yes , i am also looking for information on any places of entertainment in town . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i have 5 different entertainment attractions in town . i have 2 in the east , 2 in the south and 1 in the west . did you have a preference ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Area
+bos same part of town as the hotel . eos O O O O O O O O O N/A
+bos sure i have two entertainment places the cherry hinton hall and grounds and the funky fun house . do you have a preference ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Select
+bos no , i just need the postcode eos O O O O O O O O Attraction-Request+Post
+bos cherry hinton hall and grounds has the postcode cb18dw . funky fun house 's postcode is cb58hy . do you need anything else ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos i now need a taxi eos O O O O O O Taxi-Inform
+bos ok , can you confirm where you want to be picked up and when ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos 09:45 at funky fun house 's . please give the car type and contact number ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i would love to help where are going to ? eos O O O O O O O O O O O Taxi-Request+Dest
+bos back to the hotel eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos i have a grey audi scheduled to pick you up from funky fun house at 9:45 and take you back to the hotel . your confirmation # is 07146100465. anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos nope that 'll be all thank you . eos O O O O O O O O O general-thank
+bos glad i could help . have a great day ! eos O O O O O O O O O O O general-bye
+bos i 'd like to find the lensfield hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the lensfield hotel is location on 53-57 lensfield road , postcode cb21en . would you like to look at booking a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos yes please i will be there three nights . send me a reference number please . eos O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos sure , i can do that . can you let me know what days you would like to stay ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos i 'll be there on tuesday . eos O O O O O B-Hotel-Inform+Day O O N/A
+bos you 're all set ; your reference number is : 0iky6df0 . i hope you enjoy your stay . eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-greet
+bos thank you . i am also looking for places to go in town . eos O O O O O O O O O O O O O O O general-thank
+bos should it be in the same area of town as the hotel ? eos O O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'm looking for a theatre in the centre of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos adc theatre fits those criteria . would you like more information on it ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore
+bos i need their entrance fee and phone number . eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos i do not know the entrance fee but the phone number is 01223300085. eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone N/A
+bos i will give the theatre a call , thanks . i also need help with a taxi between the hotel and the theater , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos and for what time please ? eos O O O O O O O Taxi-Request+Leave
+bos i want to leave by 8:15. eos O O O O O O O N/A
+bos your taxi reservation on a blue skoda was successful . the contact number is 07066636790. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! enjoy your trip ! goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos are there any expensive british restaurants in town ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are 57 restaurants that match your specifications . do you want anything more specific ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O N/A
+bos yes , i 'd like to find one in the west side of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos i have two restaurants that meet your needs , graffiti and travellers rest . would you like to make a reservation at one of those ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes , i need to book a table for five people at 17:15 for this thursday . eos O O O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A
+bos i am unable to book a restaurant at that time on thursday . is there another day or time slot i can check for you ? eos O O O O O O O O O O O O B-Booking-NoBook+Day O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos will you check 16:15 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos a reservation at 16:15 was successful at graffiti . your reference number is vccp7l4m . is there anything else i can help you with today ? eos O O O O B-Booking-Book+Time O O O B-Restaurant-Inform+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you so much . have a nice day . bye . eos O O O O O O O O O O O O O general-bye
+bos you 're welcome , have a good meal . eos O O O O O O O O O O general-bye
+bos i 'm looking for a place to dine in the moderate price range in the centre , please . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos yes i have asian , british , international , european and italian to name a few . any preferences ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select
+bos i would prefer lebanese food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there is ali baba restaurant in the centre in modest price range . would you like me to book a table for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O O Booking-Inform
+bos yes for 3 people at 13:45 on wednesday and a reference number bplease eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos i was able to book you for 3 people on wednesday at 13:45. your reference number is x1zsihls . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need as train going to leicester . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos ok , great . what day will you be traveling ? eos O O O O O O O O O O O O Train-Request+Day,general-greet
+bos i 'll be leaving on thursday eos O O O O O B-Train-Inform+Day O N/A
+bos there are trains going to leicester at 21 minutes past the hour , every hour , starting at 05:21. what time would you like to travel ? eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave
+bos i 'd like one that leaves after 10:45 eos O O O O O O O B-Train-Inform+Leave O N/A
+bos tr5908 leaves cambridge at 11:21 and arrives in leicester at 13:06. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos thanks so much you have been great ! gold stars for you ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for using our system today . eos O O O O O O O O O general-bye
+bos can you help me find a train departing from leicester ? eos O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos there are many , got a destination in mind ? eos O O O B-Train-Inform+Choice O O O O O O O Train-Request+Dest
+bos i want to go to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A
+bos what day and time will you be leaving ? eos O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i leave on sunday . eos O O O O O O N/A
+bos there is a train leaving at 5:09 i will book it for you , is there anything else i can do for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos yes , i need a expensive restaurant in centre that serves italian food and a phone number eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O Restaurant-Request+Phone
+bos stazione restaurant and coffee bar is an expensive italian place in the centre . their phone number is 01223352607. would you also like the address ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O B-Restaurant-Recommend+Phone O O O O O O O general-reqmore
+bos no thanks . can i have to train id and price ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos sure , the train id is tr7151 and the price is 37.80 pounds . eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos okay , can you help me find a restaurant also ? eos O O O O O O O O O O O O Restaurant-Inform
+bos yes . i gave you the information for stazione restaurant and coffee bar previously . were you looking for a specific restaurant ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Request+Name,general-greet
+bos will the train arrive at cambridge by 08:00 ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos i apologize , the trainid for the 5:09 is actually tr4106 . you will arrive in cambridge by 6:54. can i help with anything else today ? eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O general-reqmore
+bos i 'm also looking for an expensive restaurant in the centre of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos again , i already gave you the information for stazione restaurant and coffee bar , an expensive restaurant in the centre . if this does n't suit you , then is there a specific place ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Name
+bos i apologize . i wo n't be needing anything else . good bye eos O O O O O O O O O O O O O O general-bye
+bos thank you enjoy your stay in cambridge ! eos O O O O O O O O O general-bye
+bos i 'm looking for a posh british restaurant to take my bird to , know of one ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos do you have any location in mind ? eos O O O O O O O O O Restaurant-Request+Area
+bos any location is fine , ill go with whatever you recommend , please book me for 7 people on monday at 11:00 eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos a table has been booked for you at graffiti . eos O O O O O O O O O B-Booking-Book+Name O N/A
+bos may i have the reference number ? eos O O O O O O O O Restaurant-Request+Ref
+bos the reference number is abnpdu1b eos O O O O O B-Restaurant-Inform+Ref N/A
+bos i also need a train leaving on wednesday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos where are you travelling to and at what time ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Dest
+bos departing from cambridge and going to london liverpool street . leaving wednesday and want to arrive by 09:45. eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O N/A
+bos i have two trains that will get you in by 9:45. what is the earliest you want to leave ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Leave
+bos i would like the train that gets me there close to 9:45. eos O O O O O O O O O O O O O Train-Inform
+bos tr2835 will arrive by 09:27 how many tickets do you need for the train ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+People
+bos oh , it 's the same group of people from the restaurant . can i get the reference number ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 116.2 gbp payable at the station .reference number is : xzcdeb01 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're welcome . do you need anything else today ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope , that 'll be all for today . thanks ! eos O O O O O O O O O O O O general-thank
+bos thank you for calling and have a great trip ! goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos what sort of moderately priced restaurants does cambridge offer ? i 'm only interested in restaurants located in the centre . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are quite a few including british , asian , italian and many more . eos O O O O O O O O O O O O O O O O N/A
+bos i am looking to eat at a steakhouse . eos O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos i 'm sorry i have no steakhouses that are moderately priced . is there any other cuisine you might like to try ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O O Restaurant-Request+Food
+bos can you check for chinese ? i have n't had chinese in awhile . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos i have 3 moderately priced chinese restaurants . i would recommend the jinling noodle bar . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos that would be just fine . can you make reservations for 5 people at 18:00 on wednesday . eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to book your table for your per your request . the reference number is : uz2tem53 . is there anything else you need ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i am also looking for a train to cambridge eos O O O O O O O O O B-Train-Inform+Dest N/A
+bos sure , where will you be departing from ? also what date and time were you looking to travel ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,Train-Request+Depart
+bos i 'll be traveling from ely to cambridge on wednesday . i need to get to cambridge before noon . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O O O O O O O O O O O N/A
+bos okay , how about tr2006 ? it leaves ely at 11:35 and arrives in cambridge at 11:52. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A
+bos yes thats perfect book that for the same group of people please . eos O O O O O O O O O O O O O O N/A
+bos perfect . i have booked and the reference number is wmh7zz71.is there anything else i can help ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos thanks for all your help ! goodbye ! eos O O O O O O O O O general-bye
+bos thank you that will be all , that was a big help too eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant in centre . eos O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i have a lot of restaurants in centre , 69 in total ! what type of food are you looking for ? eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food
+bos i am really in the mood for italian food tonight . something expensive ! eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos i have found 4 restaurants that fit that criteria . might i suggest caffe uno ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos yes . what is the address and phone number of that place ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the number is 01223448620 and it is located at 32 bridge street city centre . can i book if for you ? eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Booking-Inform
+bos not at this time . i also need a train going from cambridge to kings lynn . eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos did you have a time you want to leave ? eos O O O O O O O O O O O Train-Request+Leave
+bos i do n't have a preference on what time to leave , however , i do need to be there by 08:00. eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos what day do you need the train on ? eos O O O O O O O O O O Train-Request+Day
+bos i 'll be leaving on monday . eos O O O O O B-Train-Inform+Day O O N/A
+bos so the tr2926 gets to kings lynn by 07:58 on monday . it leaves cambridge at 07:11. fare is 9.80. would you like me to book tickets ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that would be excellent . could you also give me the travel time once you book it for me ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 47 minutes . did you only need one ticket ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-Request+People
+bos actually , i think i will book it later . thanks though . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos please contact us again in the future . goodbye . eos O O O O O O O O O O O general-bye
+bos do you know an indian restaurants in east cambridge ? eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A
+bos yes i do . what price range do you have in mind ? eos O O O O O O O O O O O O O O Restaurant-Request+Price
+bos price does not matter . eos O O O O O O N/A
+bos curry prince may be a good choice for you . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A
+bos i forgot to mention i 'm looking for something in the east area . if curry prince is in the east i 'll just need the phone number please . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos curry prince is located in the east area , their phone is 01223566388. is there any else i can help with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train that departs from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos when are you traveling ? eos O O O O O O Train-Request+Day,Train-Request+Leave
+bos i will be traveling on friday . eos O O O O O O O O N/A
+bos what time do you need to depart ? eos O O O O O O O O O Train-Request+Leave
+bos i need to arrive after 14:30. eos O O O O O O B-Train-Inform+Arrive N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos my destination is stevenage . eos O O O O B-Train-Inform+Dest O N/A
+bos tr7852 looks like it would work for you , would you like to book that ? eos O B-Train-OfferBook+Id O O O O O O O O O O O O O O O N/A
+bos yes please . book it for 5 people eos O O O O O O O B-Train-Inform+People O N/A
+bos the booking was successful , the total fee is 64 gbp payable at the station .your reference number is ir34mgt4 . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's great thank you . eos O O O O O O O general-thank
+bos do you need anything else today ? eos O O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i need a train going to cambridge after 10:15 please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O N/A
+bos what is your departure station please ? eos O O O O O O O O Train-Request+Depart
+bos i am departing from ely . eos O O O O O B-Train-Inform+Depart O N/A
+bos great , and on what day will you be traveling ? eos O O O O O O O O O O O O Train-Request+Day
+bos i will leave thursday . eos O O O O B-Train-Inform+Day O N/A
+bos okay , the tr0813 leaves at 11:35 and arrives by 11:52. would you like me to make a reservation for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes , please . i need tickets for seven people . eos O O O O O O O O O O O O N/A
+bos perfect , the train for 7 people is booked . the reference number is x5nyaw3w . is there anything else i can help with ? eos O O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos are there any modern european restaurants in the centre area ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos yes , there is the riverside brasserie , would you like to find out more about this restaurant ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O general-reqmore
+bos once you find the restaurant you want to book a table for the same group of people at 15:15 on the same day . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time I-Restaurant-Inform+Time O O O O N/A
+bos you are booked for riverside brasserie . your reference number is k7r76s78 . the table will be reserved for 15 minutes . is there something else i can help with ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that 's great thank you . eos O O O O O O O O general-thank
+bos you are welcome anytime eos O O O O O general-welcome
+bos i need a train that is leaving on wednesday . eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos do you have a destination in mind ? eos O O O O O O O O O Train-Request+Dest
+bos yes , i need to get to cambridge by 17:15. from the kings lane station . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O N/A
+bos do you mean kings lynn station for your departure site ? eos O O O O O O O O O O O O Train-Request+Depart
+bos yes . i need to book tickets for 8 people . eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos okay i successfully booked it . reference number is : mgyr3882 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks . i am also looking for some korean food in the north part of town . eos O O O O O O O O O O O O O O O O O O general-thank
+bos what is your price preference ? eos O O O O O O O Restaurant-Request+Price
+bos i do n't have a preference . pick one that you like ? eos O O O O O O O O O O O O O O N/A
+bos unfortunately , there are n't any korean restaurants in that area . eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O N/A
+bos then can i do a search for one that serves italian food instead ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos how about da vinci pizzria ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos that works , can i get an address ? eos O O O O O O O O O O Restaurant-Request+Addr
+bos yes , it 's located at 20 milton road chesterton . do you need to book a table ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos no thank you . that was all i needed to know . thanks and goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos goodbye to you as well and have a nice stay ! eos O O O O O O O O O O O O general-bye
+bos hi . can you help me find a restaurant ? eos O O O O O O O O O O O Restaurant-Inform
+bos there are a lot of options in cambridge . can you please be more specific ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O general-reqmore
+bos are there any cheap options in the centre of town ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos yes , there are chinese , asian oriental , indian , italian , spanish , portuguese , modern europe , and mediterranean available . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A
+bos can i have the address ? i am also looking for a train that leaves on sunday to cambridge . eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O Restaurant-Request+Addr
+bos we can take care of that too , but let 's get your restaurant squared away first - in order to provide an address i 'll need to know what type of cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos whichever one you think is best please . eos O O O O O O O O O N/A
+bos i recommend the dojo noodle bar . they 're located at 40210 millers yard , city centre . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A
+bos excellent . i will need the train booked for 5 as well . eos O O O O O O O O O O O O O O Train-Inform
+bos where will you travel too and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos to cambridge from broxbourne . i need to leave after 11 ; 15 please eos O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos and what day will you be traveling on ? eos O O O O O O O O O O Train-Request+Day
+bos i will be traveling on sunday . eos O O O O O O B-Train-Inform+Day O N/A
+bos we have 13 trains meeting your criteria . do you have any idea how early you want to leave ? the first train leaves at 11:32 and then every hour after that eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O Train-Request+Leave
+bos the train should leave broxbourne after 11:15 so the 11:32 is a good choice . there are 5 of us traveling together . please book . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave B-Train-Inform+People O O O O O O O O O O O O O O O O O O N/A
+bos it has been booked . you reference number is ucicw103 . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great . thank you so much . eos O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a particular restaurant called city stop restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos it is an expensive european restaurant in the north part of town . would you like to make a booking ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos yes , i would . please reserve a table for 4 at 17:30 on thursday . i would like the reference number as well , please . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos alright , i 've booked a table for 4 at 17:30 on thursday . your reference number is vlg5u01z . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos you too , enjoy your meal ! eos O O O O O O O O general-bye
+bos i want to eat some north american food eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos ok , the gourmet burger kitchen serves north american food and is located in the centre . would you like the address ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos can you tell me the price range ? eos O O O O O O O O O N/A
+bos the price range of the food there is expensive eos O O O O O O O O O B-Restaurant-Inform+Price N/A
+bos thanks , can i get the address and phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their address is regent street city centre . you can contact them at 01223312598. would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos no , that is ok. thank you for all your help today . eos O O O O O O O O O O O O O O general-thank
+bos welcome again some other day eos O O O O O O general-bye
+bos thank you , good bye . eos O O O O O O O general-bye
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should include free wifi and should be in the type of hotel eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos there are quite a few hotels that fit that description . do you have a preference as to area or price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like something in the east with 2 stars . eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O N/A
+bos it looks like the express by holiday inn cambridge will work well for you . would you like me to book that ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos does it have free parking ? can you provide me with the contact details of this hotel ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Parking
+bos yes , it offers free parking . the phone number is 01223866800. eos O O O O O O O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Parking
+bos thanks . what 's the address ? eos O O O O O O O O Hotel-Request+Addr
+bos the address is 15-17 norman way , coldhams business park . would you like a reservation ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform
+bos that 's not necessary , thanks . eos O O O O O O O O general-thank
+bos you 're welcome . may i help you with a taxi or restaurant booking ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that was all . thank you eos O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i want to get a taxi and leave at 345. i need to go to saigon city . eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos ok , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i need to be picked up at all saints church , please . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos booking is complete , a grey volvo will be picking you up . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A
+bos could you give me the contact number for the taxi ? eos O O O O O O O O O O O O Taxi-Inform
+bos sure , the contact number is 07640034506. is there anything else i can help you with today ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's it for now . thanks ! eos O O O O O O O O O O O general-thank
+bos glad to help . have a great day ! eos O O O O O O O O O O general-bye
+bos i am looking for a train to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos what time do you want to leave ? eos O O O O O O O O O Train-Request+Leave
+bos i would like to leave after 15:15 eos O O O O O O O B-Train-Inform+Leave N/A
+bos i 'd love to help ! where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Depart
+bos leicester.also get train id , travel time , and price eos O B-Train-Inform+Depart O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos 16:09 17:54 37.80 pounds 105 minutes thats all you could need sir eos O B-Train-Inform+Leave B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O N/A
+bos i will need the train id also please . eos O O O O O O O O O O Train-Request+TrainID
+bos tr7878 leaves leicester friday at 16:09. would you like to book a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos i do n't need to book a seat , i just needed the train id . eos O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos the train id is tr7878 . is there anything else i can assist you with ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O O general-reqmore
+bos thanks a lot . that is all for now . eos O O O O O O O O O O O general-thank
+bos thank you for contacting us , have a great day . eos O O O O O O O O O O O O general-greet
+bos please book a taxi for me eos O O O O O O O Taxi-Inform
+bos sure ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive
+bos i want to arrive by 19:00 eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos i can definitely help ! where are you departing from ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos i am leaving from the alpha-milton guest house . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos where will the taxi be taking you tonight ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i am eager to visit cambridge university botanic gardens . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos ok , i 've booked your taxi . it will be a grey lexus , contact number 07229148300 eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O N/A
+bos what time will the taxi be arriving at the alpha-milton ? eos O O O O O O O O O O O O Taxi-Inform
+bos you should contact the taxi for an approximate time . eos O O O O O O O O O O O Taxi-Inform
+bos that is all i need . goodbye . eos O O O O O O O O O general-bye
+bos anytime ! enjoy your stay . eos O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform
+bos that hospital is located at hills rd , cambridge . eos O O O O O O O O O O O N/A
+bos can you please provide me with the complete address for the hospital ? eos O O O O O O O O O O O O O O Hospital-Request+Addr
+bos hills rd , cambridge is the complete address . the postcode is cb20qq . eos O O O O O O O O O O O O O O O N/A
+bos that is all . good bye . eos O O O O O O O O general-bye
+bos bye now . have a great day . eos O O O O O O O O O general-bye
+bos can you give me the address for addenbrookes hospital ? eos O O O O O O O O O O O Hospital-Inform
+bos i have the location on hills road in cambridge , cb20qq . their phone number is 01223245151. eos O O O O O O O O O O O O O O O O O O N/A
+bos wonderful . i have everything i need . thank you . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos if that 's all , then you are welcome . thank you for contacting the centre . goodbye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay in cambridge . where would you recommend ? eos O O O O O O O O O O O O O O O O O N/A
+bos several good choices come to mind , what part of town are you looking to stay in ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos any part but should have free parking and moderately priced . should also be a star of 4 eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i have 9 entries , all of them are guesthouses . is that acceptable ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O O O Booking-Inform
+bos do you have any thing that is not a guesthouse in other areas ? eos O O O O O O O O O O O O O O O N/A
+bos no i am sorry all that are available are guesthouses eos O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type N/A
+bos yes . monday , two nights three people . eos O O O O O O O O O O N/A
+bos i 'm sorry but there are no hotels available with those specifications . would you like to look in a different area ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O Hotel-Request+Area
+bos do you have any of the guesthouses in the centre ? eos O O O O O O O O O O O O N/A
+bos no , sorry i do n't . would you like to try a different area ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos it does n't matter where the guesthouse is ! i 'm sorry , a hotel or guesthouse is absolutely fine , the only thing that matters is free parking , 4 stars , and in the moderate price . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos the acorn guest house matches the criteria you are looking for . would you like to make reservations ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes please . there 's 3 of us and we want to check in on monday and stay for just 2 nights eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos i am looking for a place to stay . the hotel should include free wifi and should be in the type of guesthouse eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos there are many results for a guesthouse with free wifi , to help narrow the results what area are you looking to stay in ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos i am unsure about the area , right now . i would like the accommodations to be at least 4 star and have a moderate price . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O N/A
+bos and will you need parking at the guesthouse ? eos O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Parking
+bos no . i should n't need parking . eos O O B-Hotel-Inform+Parking O O O O O O N/A
+bos how do you feel about the a and b guest house ? it covers all your needs and is in the eastern area . would you like a phone number or address ? eos O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos if it is 4 stars in the moderate price range that sounds fine . i need it for 3 nights for 3 people starting sunday . eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry that many nights is not available . could you try a shorter stay or another day perhaps ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos okay , how about on monday ? eos O O O O O O B-Hotel-Inform+Day O N/A
+bos great , i 've got you booked on monday for three nights . the reference number is 8bpfxm28 . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all , thanks . eos O O O O O O O O O general-thank
+bos let us know if we can be of further assistance . enjoy your stay ! eos O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i need to book a taxi to take me to williams art and antiques . i need to leave after 24:30. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O N/A
+bos no problem - where should i have them pick you up ? eos O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'll be leaving from vue cinema . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos you are booked for a blue bmw with the contact number 07889414601. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos thank you so very much . i am done . eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a good time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a hotel , in the south . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A
+bos i have one hotel that is expensive and in the south . may i book it for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Booking-Inform
+bos does this hotel include free parking ? eos O O O B-Hotel-Inform+Type O O O O N/A
+bos yes , all of the hotels that satisfy your constraints have free parking slots . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Inform+Parking
+bos ok , so pick one of them and book me there a room for 7 people for 2 nights starting on tuesday please . eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry , there was misunderstanding . there is only one hotel and it 's unfortunately full . however , i can try to book you a room in guesthouse ? eos O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O Booking-NoBook,Booking-Inform
+bos that 's a pity . ok , but i want it to be expensive alright ? eos O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry to inform you but there are only guesthouses only in moderate and cheap price range . eos O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A
+bos unlucky day for me . alright , let 's go with moderate one . eos O O O O O O O O O O O O O O O N/A
+bos i 'm happy to inform you that you have a booked apartment at aylesbray lodge . your reference number is sujvd6r6 . eos O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O N/A
+bos finally some good news . great , thanks for help , bye ! eos O O O O O O O O O O O O O O general-bye
+bos i 'm there to help you . enjoy your stay ! eos O O O O O O O O O O O O general-bye
+bos i 'd like to go to a restaurant that serves chinese food for a moderate price . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos i have 4 results for moderately priced chinese restaurants . would you prefer north of town or centre ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos north of town . eos O O O O O N/A
+bos golden wok is located in the north that serves chinese and is at a moderate price range . does this work ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos yes can i book a table for 8 people at 12:00 on saturday , if booking fails how about 11:00 ? also can i get the reference number please . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O N/A
+bos alright , i will schedule you for saturday for 8 people at 12:00 , at golden wok , which is north . thank you eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos also , i am looking for a place to stay . eos O O O O O O O O O O O O N/A
+bos the booking for 11:00 is the only one that worked . reference number is : m2sll9ie . where you looking to stay in the north also ? eos O O O O B-Booking-Book+Time O O O O O O O O O O B-Booking-Book+Ref O O O O O O O B-Hotel-Select+Area O O O O N/A
+bos i would also like a place to stay . eos O O O O O O O O O O N/A
+bos not a problem . do you have any preferences for the hotel or guesthouse ? eos O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would like a guesthouse with free parking . eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are 21 guesthouses in cambridge that offer free parking . do you have an area preference or a price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos i would like to find a guesthouse that is expensive if one is available . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i 'm sorry but there are no expensive guesthouses available . would you like me to try a different price range ? eos O O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O Hotel-Request+Price
+bos well , try one in the moderate price range . eos O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos we have 12 available , what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos is there one available in the north ? eos O O O O O O O O O N/A
+bos there are several that fit that criteria . do you require parking or internet ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i would like to book any moderately priced guesthouse for 4 people starting on saturday for 4 nights . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O N/A
+bos i 'm sorry , but i ca n't book any hotels with that criteria . would you like to modify your criteria ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos can you book something starting on sunday ? eos O O O O O O O B-Hotel-Inform+Day O N/A
+bos we may be able to find something if you shorten your stay . would you like to try a different number of nights ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay
+bos did we not find any hotels in the expensive or moderate price range to accomodate 8 people for 4 nights starting saturday ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i searched for 4 people . shall we try 8 ? eos O O O O O O O O O O O O N/A
+bos i need the hotel for four nights , and eight people please . eos O O O O O O O O O O O O O O N/A
+bos i was able to book a reservation for 8 people for 4 nights starting saturday . your reference number is hu7tj6xu . is there anything else you need today ? eos O O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , that will be all , t hank you . eos O O O O O O O O O O O O N/A
+bos thank you . have a great day eos O O O O O O O O general-welcome,general-bye
+bos goodbye have a nice day ! eos O O O O O O O general-bye
+bos thank you goodbye ! eos O O O O O general-bye
+bos while on my trip to cambridge i need a hotel , and it is not important for it to have internet . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos there are 9 hotels in cambridge . is there any particular star rating you would like such as a 2 or 4 star ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos i am looking for a cheap hotel . eos O O O O O O B-Hotel-Inform+Price O O N/A
+bos the cambridge belfry is the only hotel showing to your specifications . would you like to book a stay there ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type O O O O O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? if so , please book it for me . eos O O O O O O O O O O O O O O O O N/A
+bos it does have free wifi . on what day will you be checking in ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Internet
+bos i will need to book it on saturday for 5 nights . the room will need to accommodate 3 people . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O B-Hotel-Inform+People O O N/A
+bos great it 's all booked , the reference number is 59fzcvec eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks i also need a restaurant in the cheap price range serving international food eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos the missing sock fits those requests , would you like the address ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O general-reqmore
+bos yes , can you book a table for 3 people on saturday ? eos O O O O O O O O O O O O O O N/A
+bos i 'd be happy to assist you , what time would you like your reservation for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Time
+bos i would like to make a reservation for 11:00 on saturday . please provide the reference number for the reservation . thanks eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos good news ! i was able to book that for you and your reservation number is qd0e91ew . will that be all ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos thank you . that 's all i need today . eos O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your stay in cambridge ! eos O O O O O O O O O O O general-welcome
+bos thank you so much ! eos O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos can you help me please ? i just got robbed and i need help ! eos O O O O O O O O O O O O O O O O N/A
+bos you need to call 01223358966 eos O O O O O O N/A
+bos and what is the address of the police station ? eos O O O O O O O O O O O Police-Request+Addr
+bos it is at parkside , cambridge with postcode cb11jg eos O O O O O O O O O O N/A
+bos thank you ! that 's all i need for now . eos O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i would like to book a taxi for after 01:15 pm and i will be going to milton country park . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos alright . what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i 'm leaving from milton county park . eos O O O O O O O O O N/A
+bos can you please repeat your destination and departure again ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i am leaving from milton country park and i will be going to gonville hotel . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i have booked your taxi eos O O O O O O Taxi-Inform
+bos i need the car type and contact number . eos O O O O O O O O O O Taxi-Request+Car
+bos it will be a yellow skoda , contact number 07552691758. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O N/A
+bos thanks for the help . i will be looking for that car . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos there will be a yellow skoda in milton contry park to pick you up at 01:15. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Leave N/A
+bos i need a taxi going to dojo noodle bar . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos ok , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i will be departing from ashley hotel . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i want to leave the hotel after 7:00 , please . eos O O O O O O O O O O O O Hotel-Inform
+bos alright . i have a black tesla for you and the contact number is 07403696873. is there anything else you need today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that is all thank you for your help . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a great day eos O O O O O O O O O general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos the nearest hospital is on hills rd in cambridge . the telephone number is 01223245151 and the postcode is cb20qq . do you need further assistance ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , thank you , good bye eos O O O O O O O O general-bye
+bos thank you for contacting us . i am glad we could help . eos O O O O O O O O O O O O O O general-bye
+bos i need a taxi to go to the hotpot . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos alright . i 'll first need to know a time for the booking as well as a pickup location please eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart
+bos the taxi should arrive by 05:30. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos i 'll need your pickup location to book the taxi . eos O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'll be leaving from the cambridge chop house . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos all right , your car is booked . it 's a grey ford with a contact number of chips342234yy1 . eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O N/A
+bos thanks much , goodbye ! eos O O O O O O general-bye
+bos thank you . please let us know if you need any further help . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is on hills road in cambridge . eos O O O O O O O O O O O N/A
+bos i need the address , postal code , and phone number eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos the phone number is 01223245151 and the postcode is cb20qq . eos O O O O O O O O O O O O N/A
+bos do you requre furthuer assistance ? eos O O O O O O O N/A
+bos addenbrookes hospital is located on hills rd in cambridge . do you need anything else ? eos O O O O O O O O O O O O O O O O O N/A
+bos does the address not have a street number ? eos O O O O O O O O O O Hospital-Request+Addr
+bos no , it does not . eos O O O O O O O N/A
+bos thank you for your assistance eos O O O O O O general-thank
+bos you are quite welcome . do you require any further assistance ? eos O O O O O O O O O O O O O general-reqmore
+bos i do n't . thank you . eos O O O O O O O O general-thank
+bos okay , i hope everything is okay ! eos O O O O O O O O O general-bye
+bos you can help me by finding me a moderately priced place to stay in the east eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area N/A
+bos there are 3 guesthouse in the east that are moderately priced . they are a and b guest house , carolina bed and breakfast , and warkworth house . would you like to book one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos one that has free parking eos O O O O O O N/A
+bos sure . how about carolina bed and breakfast ? it 's located at 138 peme rd . how many nights and how many people ? when will you need this ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i want to make a reservation for three people starting monday . we will be staying for 2 nights . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O N/A
+bos your reference number is : 4k8mwguw . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i need to find a restaurant that serves indian food in the same area as the hotel eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos there are five restaurants that meet that criteria . would you prefer an expensive or moderately priced restaurant ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos i prefer everything moderately priced . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos thanks for clarifying ! i recommend curry prince located at 451 newmarket road fen ditton . would you like a reservation ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O Booking-Inform
+bos yes . the same number of people on the same day . please book for 3 people at 18:00 on monday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : yo377qcj . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i will also need to find a taxi . eos O O O O O O O O O O Taxi-Inform
+bos i can book a taxi for you , no problem , i will just need to know when and where you will need the ride ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i need a taxi to drive us from the carolina bed & breakfast to curry prince restaurant to arrive by my booked time of 18:00. eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i have booked you a taxi to arrive at your destination by 18:00. it will be a grey honda and the contact number is 07912899437. anything else i can help with ? eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O N/A
+bos that is everything , thank you so much eos O O O O O O O O O general-thank
+bos have a great trip . eos O O O O O O general-bye
+bos hi , i 'm looking for some info on cheap hotels on the west end please eos O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O N/A
+bos we have one cheap hotel and one cheap guesthouse . both are rated four stars . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O N/A
+bos it does n't have to have free parking . i guess you can find me one . eos O O O O O O O O O O O O O O O O O O N/A
+bos the cambridge belfry is in the west and has free parking . would you like me to make a reservation for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Booking-Inform
+bos that sounds goo . please go ahead . eos O O O O O O O O O N/A
+bos i 'd be happy to . how many days and how any people should i make the reservation for ? also , what day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,general-greet
+bos actually , i just need the phone number and postcard for the hotel . eos O O O O O O O O O O O O O O O Hotel-Request+Post
+bos here is the address and post code back lane , cambourne cb236bw . eos O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos thank you , can you also give me info on tandoori palace , i hear that it rocks the house like mickey mouse . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O N/A
+bos located at 68 histon road chesterton , in the west , it is an expensive indian restaurant . eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos very nice , can you book me for 5 people , at 19:15 on thursday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos your reservation for 5 people at the tandoori palace for this thursday at 19:15 was succesful . the table will be reserved for 15 minutes . your reference number is : 8uisccp3 . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i also would need a taxi to the restaurant by the booked time eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos you are book , look for a green 1986 yugo . kidding , look for a yellow tesla , they can be reached at 07867620886. any other questions today ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that is all of the information that i need . eos O O O O O O O O O O O N/A
+bos ok great , have a wonderful day ! eos O O O O O O O O O general-bye
+bos i want to find a college in the west . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are 5 colleges in the west . churchill college , clare college , clare hall , magdalene college , and queens ' college . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A
+bos could you tell me the entrance fee for clare hall please ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Fee
+bos the entrance to clare hall is free . anything else you need ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O general-reqmore
+bos could you please provide me with the address and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the phone number is 01223332360 and address isherschel road eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos what kind of moderately priced restaurants are in that area ? i want to eat after i visit the college . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O N/A
+bos there are 3 moderate restaurants in the west area . would you like british , indian , or italian food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A
+bos i do n't care , suprise me ! eos O O O O O O O O O N/A
+bos okay ! i 'll recommend meghna , a moderately-priced indian restaurant . would you like me to book you a table ? eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O O Booking-Inform
+bos yes , please book it and provide me with the postcode . eos O O O O O O O O O O O O O Restaurant-Request+Post
+bos before i can book your table i will need to know how many will be in your party and at what time you will be dining . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos it will just be me at the restaurant . please book a table for one at 17:30. eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A
+bos can you give me a day , as well ? eos O O O O O O O O O O O Booking-Request+Day
+bos any day they have an opening is fine with me eos O O O O O O O O O O O N/A
+bos i booked you for monday at 17:30 at the meghna . your reference code is cm20cxj6 . eos O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos may i get the postcode of the restaurant , please ? eos O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb43lf . do you need help with anything else ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O N/A
+bos no that is all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos welcome andhave yourself a great day . eos O O O O O O O O general-welcome,general-bye
+bos thanks ! you too ! bye ! eos O O O O O O O O general-bye
+bos have a great dinner in cambridge . goodbye . eos O O O O O O O O O O general-bye,general-greet
+bos how 's it going ? i 'm looking for an expensive restaurant in the centre please eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos what is the type of food that you prefer ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos north american food please . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos the gourmet burger kitchen is a perfect option for you . would you like to book a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes please , a table for two at 17:15 on friday . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to book a table that they will hold for you for 15 minutes . reference number is : mn02cwcf . may i assist you with anything else ? eos O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos can you help me find a room in the north part of town ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are thirteen room options in the north part of town . do you have any preferences that can help narrow down the options ? eos O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos i need free parking but other than that i 'm not picky . eos O O O O O O O O O O O O O O N/A
+bos ok , i have eleven options for you . eos O O O O B-Hotel-Inform+Choice O O O O O N/A
+bos can you suggest one please ? eos O O O O O O O N/A
+bos city centre north b and b is a nice guesthouse , would you like me to book you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O O O O O O O O Booking-Inform
+bos no but if you can , please get me their phone number and i 'll take it from there . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos their number is 01223312843. eos O O O O B-Hotel-Inform+Phone N/A
+bos great , thank you ! eos O O O O O O general-thank
+bos city centre north b and b has been notified that you are calling them shortly . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos thank you so much for all your help . eos O O O O O O O O O O general-thank
+bos thank you for using our service today ! eos O O O O O O O O O general-bye
+bos food type , book a hotel , buy a train ticket ... eos O O O O O O O O O O O O O Train-Inform,Hotel-Inform
+bos i 'm sorry could you clarify what it is you 're looking for ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i need a train . the train should depart from cambridge and should leave on saturday . eos O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A
+bos i need to know where you are going and when . eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave
+bos norwich and i need to leave after 16:30 eos O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave N/A
+bos tr6880 would fit your needs weel eos O B-Train-Inform+Id I-Train-Inform+Id O O O O N/A
+bos thanks . i can look for that one later when i book . i 'm also looking for a restaurant called the shiraz . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos great , i found the mediterranean restaurant called shiraz . their telephone number is 01223307581. eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O O N/A
+bos thank you that is all i need for now . eos O O O O O O O O O O O general-thank
+bos thank you for using our system today eos O O O O O O O O general-bye
+bos i want to find a moderately priced place to stay that has at least a 3-star rating eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos which side of town do you prefer ? eos O O O O O O O O O Hotel-Request+Area
+bos any area is okay as long as the hotel includes free parking . i do n't need internet . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos bridge guest house has all that you need , would you like to book that ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes please book it for 1 eos O O O O O O O N/A
+bos what day would you like ? eos O O O O O O O Booking-Request+Day
+bos 3 days and get me phone number , postcode , and address please eos O O B-Hotel-Inform+People O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos i will need the day you plan on arriving . eos O O O O O O O O O O O Booking-Request+Day
+bos actually i am do n't need to book a room just yet but can you provide the phone number , postcode , and address . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos all right , sure . the postal code is cb28rj and the address is 151 hills road . their phone number is 01223247942. anything else ? eos O O O O O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O general-reqmore
+bos i am also looking for a molecular gastronomy place to eat , moderate price . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos i 'm very sorry there are no results for a molecular gastronomy restaurant . would you like to try for another type of cuisine ? eos O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Food
+bos oh , that 's too bad . how about international food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'd recommend the varsity restaurant . would you like to book a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes , but first i just want to make sure this is in the centre area of town . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos the varsity restaurant is in city centre , what time and date would you like your reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i 'd like it to be on monday at 15:30. it will be for 3 people . eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O N/A
+bos ok. i was able to reserve a table . your reference number is u3aqt6or . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos that 's all i need , thanks so much for all of your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . enjoy you stay . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a train leaving peterborough that arrives by 11:45 ? eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos okay . what is the destination please ? eos O O O O O O O O O Train-Request+Dest
+bos i need to go to cambridge on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos i have train tr0168 that leaves at 10:19 and arrives in cambridge by 11:09. would that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select
+bos yes , that is great . just to verify , the travel time is 50 minutes ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos that is correct , travel time is 50 minutes . would you like me to book that for you ? eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos i also need a hotel eos O O O O O O Hotel-Inform
+bos there are 33 hotels in the city . can you give me some of your preferences so that we may narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'd like it to be moderately priced and include free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos okay , i have 14 that meet that criteria . do you have a preference of hotel vs guesthouse ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos i need a train from cambridge on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are several trains that match the criteria . what time do you want t leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Leave
+bos i am thinking the morning would be better for me . eos O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i can try to find something for you in the morning . do you have a more specific time in mind ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to leave after 09:00 and head to peterborough . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O N/A
+bos i have train tr3211 that leaves at 09:06 and will have you in peterborough at 09:56. would that work for you ? eos O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select
+bos yes please make a booking for 4 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos i am trying to book you on train id tr3211 and the cost for one person is 13.2 pounds . please may i have the data of the four passengers ? eos O O O O O O O O O O B-Train-OfferBook+Id O O O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O B-Train-Inform+People O O O N/A
+bos just need the four tickets . eos O O O O O O O N/A
+bos booking was successful , the total fee is 52.8 gbp payable at the station . your reference number is l3rh9zwp . do you need anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O O general-reqmore
+bos i also need information on a hotel called hobsons house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos hobsons house if a guesthouse located in the west and is moderately priced . it has a 3 star rating and is located at 96 barton rd . book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O Booking-Inform
+bos no thank you . i just need their phone number for now . eos O O O O O O O O O O O O O O Hotel-Request+Phone
+bos their phone number is 01223304906. is that all ? eos O O O O O B-Hotel-Inform+Phone O O O O general-reqmore
+bos yes , that is all i will be needing for now . eos O O O O O O O O O O O O O N/A
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos is there a restaurant in the centre of town serving halal food ? eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A
+bos no , there are no restaurants in the center of town serving halal food . eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O Restaurant-NoOffer
+bos is there any restaurant in the centre serving spanish food ? eos O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O N/A
+bos there are two spanish restaurants in the city centre . what price range are you looking for ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos la raza is located int he centre of town and is in the cheap price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos la raza sounds lovely . may i have the number and postcode please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos of course ! their number is 01223 464550 and their postcode is c.b 2 , 3 l.l . is there anything else i can do for you ? eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , thank you , i have all i need . goodbye ! eos O O O O O O O O O O O O O O general-bye
+bos good bye . it was a pleasure to assist you . eos O O O O O O O O O O O O general-bye
+bos again , goodbye ! eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i 'd like to find an expensive place to eat in the south . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos we have several available . would you prefer chinese , indian , italian or mexican ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A
+bos i really do n't have a preference . how about chinese ? i will need their phone number and postcode please . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos sure , i think you 'll like peking restaurant . their postcode is cb28nx and their phone number is 01223354755. may i help with anything else ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos no thank you , that is all i needed . eos O O O O O O O O O O O general-thank
+bos thank you and please check back with us for your future travel needs . eos O O O O O O O O O O O O O O O general-bye
+bos can you give me the price for a large pizza and what type of pizzas they offer at pizza express fen ditton please eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Price
+bos would you like to book a reservation at pizza express ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Booking-Inform
+bos what is the price range of pizza express ? eos O O O O O O O O O O Restaurant-Request+Price
+bos pizza express fen ditton is in the moderate price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O N/A
+bos what is the food type at pizza express ? eos O O O O O O O O O O Restaurant-Request+Food
+bos it is italian food . eos O O O B-Restaurant-Inform+Food O O N/A
+bos okay , thank you . eos O O O O O O general-thank
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos no , thank you ! eos O O O O O O general-thank
+bos alright . let me know if there is anything else i can help you with . eos O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i am looking for a place to stay in the centre area . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos would you prefer a guesthouse or a hotel ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos it does n't matter , but it should have free wifi . eos O O O O O O O O O O O O O N/A
+bos i have over 33 options with wifi in the center of town . do you have a price range you would prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos do any of them have a zero star rating ? eos O O O O O O O O O O O N/A
+bos i booked your hotel here is your conformation codeyi2wguqa . eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you and the address please ? eos O O O O O O O O general-thank
+bos the address is sleeperz hotel , station road . is there anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos no thank you . good bye . eos O O O O O O O O general-bye
+bos thank you for calling . enjoy your stay . eos O O O O O O O O O O general-bye
+bos i feel like having italian for dinner . are there any cheap restaurants with good italian in town ? eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos sure , how about zizzi cambridge , they offer cheap italian food in the town centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos sounds great . can i get their number ? eos O O O O O O O O O O N/A
+bos certainly , the phone number at zizzi cambridge is 01223365599. may i help with anything else ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no i think that 's all i need . thanks for the help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a taxi departing from avalon . eos O O O O O O O B-Taxi-Inform+Depart O N/A
+bos can yo let me know what time you want to leave ? eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos yeah , after 20:00 would be ideal eos O O O B-Taxi-Inform+Leave O O O O N/A
+bos you got it . what is your destination ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i am going to the fitzwilliam museum . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos your booking is complete , a black honda will be picking you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A
+bos can i please have the contact number ? eos O O O O O O O O O N/A
+bos the contact number 07928549844. eos O O O O B-Taxi-Inform+Phone N/A
+bos thank you so much ! that 's all . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-greet
+bos i was just robbed and need some help ! eos O O O O O O O O O O N/A
+bos oh dear , parkside police station is at parkside , cambridge . is this close to your location ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos yes it is . can you please give me their contact information ? eos O O O O O O O O O O O O O O N/A
+bos the phone number is 01223358966. is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O N/A
+bos i may need the postcode . what is it , please ? eos O O O O O O O O O O O O O Police-Request+Post
+bos that post code is cb11jg . eos O O O O O O O N/A
+bos thanks for everything ! eos O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos hello , i 'm looking for a train out of cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos what day would you be traveling and where would you like to go ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i would be leaving on friday and i would be traveling to london liverpool street and i would like to leave after 21:15 eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave N/A
+bos you could take the tr9557 at 21:59 , or the tr3138 two hours later . eos O O O O O O O O O O B-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O N/A
+bos i 'll take the earlier train . could you tell me the travel time , and at what time i will be arriving at london liverpool street ? eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O Train-Request+Duration
+bos sure , the travel time is 88 minutes and you will arrive at 23:27. would you like me to book the train for you ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos that would be great , thanks . i am also looking for a hotel . i would prefer a 3 star hotel . i do not need parking . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Parking O O O O O O N/A
+bos certainly . i have many hotels matching that description . do you have a preference for what area you stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't really care . could you please find me a moderately priced one , though ? i 'd like a 3 star if possible . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos excellent , we have 4 options , all 3-star and moderately priced . they only differ by location ( north , south , west ) and wifi availability . do you have any preferences given this new information ? eos O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Select+Area O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would really like a guesthouse . is one of those a guesthouse ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos yes , alpha-milton guesthouse is a 3 star in the north in a moderate price range but no internet . does this hotel interest you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Inform+Internet
+bos yes . can i get the phone number and address please . eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos the phone number for alpha-milton guest house is 01223311625. it is located at 63 milton road . is there anything else i can assist you with today ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos no , i think that 's it . thanks for all your help today ! eos O O O O O O O O O O O O O O O O general-thank
+bos alright . enjoy your stay in cambridge ! eos O O O O O O O O O general-bye
+bos i need a 19:15 taxi to take me to avalon . eos O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest O N/A
+bos i can definitely help ! where are you departing from ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos i will be departing from primavera . eos O O O O O O B-Taxi-Inform+Depart O N/A
+bos you car has been booked . it is a black volvo . can i assist you any further ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O general-reqmore
+bos can i get the contact number please eos O O O O O O O O N/A
+bos yes , your contact number is 07698022958. can i assist you any further ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , that will be all . good bye . eos O O O O O O O O O O O general-bye
+bos you 're very welcome ! goodbye . eos O O O O O O O O general-bye
+bos i need a taxi to pick me up at regency gallery and take me to don pasquale pizzeria . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos what time would you like to arrive there by ? eos O O O O O O O O O O O Taxi-Request+Arrive
+bos i would like to arrive by 20:00. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos okay , you 're all set . be on the look out for a blue tesla . you can reach the taxi at 07814723348. can i do anything more for you ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thanks , good bye . eos O O O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-greet
+bos in the west part of town , are there any upscale pricey restaurants ? eos O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos yes , there are 9. what cuisine would you like ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Food
+bos i 'm not picky ; do you have a favorite ? i 'd appreciate it if you would choose one for me and give me the address . thanks ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos i would suggest graffiti , it is british food . would you like me to book a table for you ? eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O Booking-Inform
+bos no , i just need the address . eos O O O O O O O O O Restaurant-Request+Addr
+bos here is the address you are looking for , hotel felix whitehouse lane huntingdon road . eos O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos great , i think that 's everything i need . thank you for helping me . eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome , i hope you have a great dinner . is there anything else at all that i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos nope , as i said , that 's all i need . eos O O O O O O O O O O O O O N/A
+bos thank you for using our services . eos O O O O O O O O general-greet
+bos am injured and are looking for a hospital nearby eos O O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is located at hills rd , cambridge postcode cb20qq eos O O O O O O O O O O O O O N/A
+bos that may be good . how many minutes away is that hospital ? eos O O O O O O O O O O O O O O Hospital-Inform
+bos where are you currently located ? eos O O O O O O O N/A
+bos nevermind , sorry . i just needed the postcode and address . i 'm all set now . eos O O O O O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos great ! have a nice day ! eos O O O O O O O O general-welcome,general-bye
+bos i am looking for the john farman intensive care unit of the addenbrookes hospital . eos O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O N/A
+bos yes the telephone for the john farman intensive care unit of the addenbrookes hospital is 01223256166. eos O O O O O O O O O O O O O O O O O N/A
+bos that does n't really matter . can i have the postcode please ? eos O O O O O O O O O O O O O O Hospital-Request+Post
+bos the hospital postcode is cb20qq . do you need other information ? eos O O O O O O O O O O O O O N/A
+bos nope that is it ! thank you . eos O O O O O O O O O general-thank
+bos you 're very welcome . have a great day ! eos O O O O O O O O O O O general-greet
+bos i need to make a call to the parkland police station please . eos O O O O O O O O O O O O O O Police-Inform
+bos sure , their phone number is 01223358966. eos O O O O O O O O N/A
+bos thanks . can i also get the address and postcode ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos yes they are located at parkside , cambridge , postcode cb11jg . eos O O O O O O O O O O O O O N/A
+bos thank you , that is all i need . eos O O O O O O O O O O general-thank
+bos wonderful . have a wonderful day . eos O O O O O O O O general-greet
+bos i 'm in the mood for a traditional american food restaurant tonight and looking to treat myself to some expensive fine dining . can you help me find a perfect place ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos i have gourmet burger kitchen , it 's an expensive north american food restaurant . would you like to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform
+bos is it located in the centre of town ? eos O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos yes , gourmet burger kitchen is in the centre of town . would you like to book it ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos no thank you . we will just head there now . eos O O O O O O O O O O O O general-thank
+bos sounds great ! is there anything else i can assist you with ? eos O O O O O O O O O O O O O O general-reqmore
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos it 's my pleasure . have a lovely day ! bye ! eos O O O O O O O O O O O O O general-bye
+bos awesome but can you give me the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref
+bos i need to know then how big is your party and exact time ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos oh yeah sure - i need table for 3 people at 19:00 on wednesday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos sorry but booking was unsuccessful , what about another time ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos hmm find me something chinese then eos O O O O O B-Restaurant-Inform+Food O N/A
+bos hmm that was also unsuccessful , does different time work for you ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yeah , actually let 's try 18:00 eos O O O O O B-Restaurant-Inform+Time O O N/A
+bos i booked for you ugly duckling at 18:00 , your ref number is ikxbxweo eos O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos great to hear that , have a good day ! eos O O O O O O O O O O O N/A
+bos always there for you ! have a nice dinner ! eos O O O O O O O O O O O general-greet
+bos i need a train after 20:00 on tuesday , please . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A
+bos there are more than 2800 trains that leave on tuesday and arrive before 20:00. what are your departure and destination points ? eos O O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos of course . i 'd like to leave from cambridge and head to london king 's cross . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A
+bos tr5941 leaves at 21:00 and arrives at 21:51. tr6595 leaves at 23:00 and arrives by 23:51. which do you prefer ? eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O Train-Select
+bos tr5941 is good . thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos wait . i also need a place to stay . eos O O O O O O O O O O O N/A
+bos certainly ! we have numbers of hotels . any particular area or price range are you looking for ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i prefer something in the east . and i only like to stay at 4-star rated places . eos O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos there are 6 four-star guesthouses in the east . do you need free parking or internet ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i would like free parking . eos O O O O O O O N/A
+bos there are 5 options available to you meeting that critera . are you looking for a specific price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos something moderately priced would be best . eos O O B-Hotel-Inform+Price O O O O O N/A
+bos i have 2 that i can try booking for you . how many in your party and how long is your stay going to be ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i do not have that information at the moment . eos O O O O O O O O O O O N/A
+bos unfortunately i will need this information in order to book the room . would like to call back at another time when you have that information ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos ok sorry i will call back when i have that information . eos O O O O O O O O O O O O O N/A
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos yes can i have the address and hotel type for one of hotels ? i 'd take whichever one that you recommend . eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Addr
+bos i have chosen the warkworth house for you ! it has parking along with internet capabilities . the address is 138 perne road . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O Hotel-Recommend+Parking,Hotel-Recommend+Internet
+bos excellent . that 's all i will need . eos O O O O O O O O O O N/A
+bos great . glad to help . have a wonderful day ! eos O O O O O O O O O O O O general-bye
+bos i am looking for lodging in the moderate price range with free parking . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i have located 33 moderate priced places with free parking , do you have any other preferences so i can narrow things down for you ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos which ones have free parking and wifi ? eos O O O O O O O O O N/A
+bos 14 of them do . would you like me to book you a room at the bridge guest house , or any of the others ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos yes . book whatever is available . eos O O O O O O O O N/A
+bos how many people are in your party ? eos O O O O O O O O O Booking-Request+People
+bos there will be 7 people . eos O O O O O O O N/A
+bos may i have your date of arrival and how many nights you would like to stay please ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos we are arriving on tuesday and want to stay 2 nights . eos O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O N/A
+bos the bridge guest house book was unsuccessful . would you like me to try the acorn guest house ? eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos yes . i have heard great things about that guest house . eos O O O O O O O O O O O O O N/A
+bos your booking is complete . your reference number is 33zfxq8p . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed today . thank you ! eos O O O O O O O O O O O O O general-thank
+bos thank you for using our service today . eos O O O O O O O O O general-bye
+bos i 'm looking for rosa 's bed and breakfast in cambridge . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos i was able to find it , would you like to book a room there ? eos O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please , for 5 nights starting sunday , there will be 8 people in my party . eos O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O O O N/A
+bos all right , you have a reservation beginning sunday for 5 nights for a party of 8 at rosa 's . your reference number is 8e3j63r1 . eos O O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Stay O O O O O B-Booking-Book+People B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O N/A
+bos great , thanks . i am also looking to book a train for this friday . i am hoping to leave after 08:45. eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i 'm headed to london liverpool street from cambridge . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O N/A
+bos there are 8 trains fitting your criteria . tr7057 leaves cambridge on friday at 09:59. would you like to book this train ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos possibly , what time does it arrive at london liverpool street ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O Train-Request+Arrive
+bos the 9:59 train leaves cambridge and arrives at london liverpool street at 11:27. eos O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos what 's the travel time on that trip ? eos O O O O O O O O O O Train-Request+Duration
+bos it takes the tr7057 88 minutes to go from cambridge to london liverpool street . eos O O O O B-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos thank you for your help , i 'll pick up tickets at the station . eos O O O O O O O O O O O O O O O O general-thank
+bos no problem ! is there anything else i can help you with ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you , i think that is it , enjoy your day ! eos O O O O O O O O O O O O O O general-thank
+bos thanks so much for using cambridge towninfo centre today ! eos O O O O O O O O O O O general-bye
+bos i need help finding a particular hotel . eos O O O O O O O O O Hotel-Inform
+bos would you like to tell me the name of that hotel ? eos O O O O O O O O O O O O O Hotel-Request+Name
+bos the worth house is what i 'm looking for . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A
+bos worth house is a guesthouse in the cheap price range in the north part of town . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O N/A
+bos all right . could you see if they have rooms for 6 , for 4 nights beginning friday ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos they do and the booking was successful . reference number is : zn1ntvhw . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i would also appreciate it if you could help me find a cheap restaurant serving food from corsica eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food N/A
+bos i 'm sorry . i 'm not able to find any restaurants that fit your needs . would you like to try a different food type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos that 's okay . how about italian food ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are a few . the da vinci pizzeria is cheap . it 's in the north part of town so it should n't be too far from worth house . would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , for friday at 19:00 for 6 people . eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : xj947g87 . do you need help with anything else today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no that would be it . thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos can you get me information on a theatre to visit ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos i have several options for you . what area would you like to visit a theater in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O B-Attraction-Inform+Type O O Attraction-Request+Area
+bos hmm.. whatever theater you would recommend for me . i would like the number , entrance free , and postcode . eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos the mumford theatre in the centre of town is well known . their number is 08451962320 and they are in the cb1pt postcode . i 'm sorry , i do n't have entrance fee info . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Phone O O O O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O N/A
+bos thank you . i am also looking for a place to eat . maybe italian food ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos we have fifteen italian restaurants . do location or price range matter ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i 'd like someplace expensive in the center . eos O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i have 4 to choose from . if i may , might i suggest caffe uno . they have wonderful food and great service . they are located at 32 bridge street city centre . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O N/A
+bos that sounds great . could you book 7 people for 16:00 on sunday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : n831lhzu eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great . thanks for all your help ! eos O O O O O O O O O general-thank
+bos you 're sure welcome ! can i help you further ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos could you also book me a taxi to commute between those places ? eos O O O O O O O O O O O O O O Taxi-Inform
+bos i will need to know your departure time to book the taxi.. eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'm really not to sure . eos O O O O O O O O N/A
+bos i 've booked a taxi from mumford theatre arriving at caffe uno before your 16:00 reservation . you will be taking a yellow lexus and can reach the driver at 07565050556 eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O N/A
+bos that 's perfect . thanks so much ! eos O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos no that is all i need today . eos O O O O O O O O O N/A
+bos okay , have a great trip ! bye ! eos O O O O O O O O O O general-bye
+bos i am looking for a specific hotel , its name is express by holiday inn cambridge eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i have the express by holiday inn cambridge located on 15-17 norman way , coldhams business park . their phone number is 01223866800. would you like to know anything else ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , could you book the hotel room for me for 7 people ? eos O O O O O O O O O O O O B-Hotel-Inform+People O O N/A
+bos yes , of course . what day would you like to stay ? eos O O O O O O O O O O O O O O Booking-Request+Day,general-greet
+bos monday , please . there will be 7 of us and we 'd like to stay for 4 days . eos O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos here is the booking information : booking was successful.reference number is : 5f8g6j1g eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i would also like to book a train , please . eos O O O O O O O O O O O O O O O Train-Inform
+bos sure , which stations will you be traveling between ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be going from cambridge to birmingham new street . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what time would you like to leave ? the trains depart every hour . eos O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O Train-Request+Leave
+bos whenever will get me there by 17:30. i do need to leave on friday and i will need the travel time please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Duration
+bos there are 11 results . would you prefer the earliest departure time or latest ? eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O N/A
+bos i want a place to dine in the centre of cambridge with moderate pricing eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O N/A
+bos i have plenty of options for you . is there any certain type of food you are looking to eat today ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like an italian restaurant in the centre and need a reservation for 6 people at 14:00 on monday and please provide the reference number . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O Restaurant-Request+Ref
+bos i have reserved a table at pizza express . your reference number is strpxcft . do you need anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O N/A
+bos yes . are there any colleges nearby that i can visit ? eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are about 13 colleges in the centre of town . might i suggest hughes hall . they offer free entrance and are located on wollaston road . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos thank you ! what is the address/postcode for hughes hall ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is wollaston road and the postcode is cb12ew . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , i would like to book a taxi to get from the restaurant to the college . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos okay . i can get you a taxi if you know the time you 'd like to leave or arrive . eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to arrive by 14:00. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos booking completed ! booked car type : white toyotacontact number : 07841942758 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos great ! that was all i needed/ eos O O O O O O O O N/A
+bos glad i could be of assistance . good-bye . eos O O O O O O O O O O general-bye
+bos is there a train from london liverpool street that arrives by 17:15 ? eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos yes , i have several trains that can get you there by 17:15. what day are you traveling ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+Day
+bos i 'm coming to cambridge on thursday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there are seven trains available that day . what time would you like to leave by ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O Train-Request+Leave
+bos any train is fine . i 'll need it booked for three people . eos O O O O O O O O O O O O O O O N/A
+bos i 've booked you for 3 on tr3257 , leaving liverpool street at 13:39 and arriving cambridge at 15:07 , with reference # yr897wtp . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+People B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos yes . i 'm also looking for a place called cineworld cinema eos O O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A
+bos okay it 's located in the south and the address is cambridge leisure park , clifton way . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos good bye , enjoy the rest of your day . eos O O O O O O O O O O O general-bye
+bos i need to find a train into cambridge that will arrive by 09:15. eos O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos i can help you with that . where are you traveling from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be leaving the stansted airport on thursday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos perfect , i have train tr1472 that meets your criteria , would you like me to book a ticket for you ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O O O O O O O O Train-OfferBook
+bos book it for 3 people . eos O O O O O B-Train-Inform+People O N/A
+bos sure . your train is booked . the fee will be 30.29 gbp and your reference number is 7fgdre1q . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i need to find a place to stay as well . can you help ? eos O O O O O O O O O O O O O O O O N/A
+bos i need to know what you 're looking for first . eos O O O O O O O O O O O O N/A
+bos i 'm actually looking for an expensive restaurant that serves indian food eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos curry garden is a nice place to dine . do you want to book ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos is that in the west area . i really would like to be in the west . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos here is one in the west . will this work for you maharajah tandoori restaurant . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O general-reqmore
+bos great . i would like that . can you book us for 8 people on thursday at 16:45 ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos done ! your reference number is 2ayfr5ll . do you need help with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm also looking for a hotel . i need free parking . it can be an expensive place . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos there are quite a few hotels that meet that requirement . do you have a preference on what part of town you 'd like to be in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i really do n't . do you have any recommendations ? eos O O O O O O O O O O O O N/A
+bos i will recommend the huntingdon marriot hotel to you . it is a 4 star hotel with free parking and wifi and has excellent reviews though expensive . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O B-Hotel-Recommend+Price O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos does that include free wifi ? eos O O O O O O O N/A
+bos i can not find the info on free wifi or not , i apologize . eos O O O O O O O O O O O O O O O O Hotel-Inform+Internet
+bos it should be right there under internet ... eos O O O O O O O O O N/A
+bos my mistake . yes , there is free internet . would you like for me to book it for you ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i do n't want to book it just yet . thanks for all your hard work . eos O O O O O O O O O O O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , that 's good thank you for all of your help . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome
+bos i am staying in west cambridge . are there any parks out there to take my kids to ? eos O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are no parks on the west side of town . do you want me to search for a park in a different part of town ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O N/A
+bos no , can you look for a museum instead ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are 7 different parks on the west side . i would recommend a free park called kettle 's yard . would you like more information on it or any other park ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos are there any museums on the west side of town ? i will need the entrance fee , phone number , and postcode . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos there are 7 different museums in the west area . all are free addmission except one . would you like me to make a suggestion ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore
+bos yes , please pick one for me , and let me know the entrance fee , phone number and postcode . eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos i would recommend people 's portraits exhibition at girton college . they offer free entrance . their postcode is cb3ojg . their phone number is 01223338901. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O O N/A
+bos can you book it for me ? eos O O O O O O O O N/A
+bos i 'm sorry , we do n't do bookings for attractions . eos O O O O O O O O O O O O O N/A
+bos how about a train ? i need to go from stansted airport to cambridge on saturday and arrive there by 08:45. i need departure time , train id , and price . thanks ! eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos how about tr4194 ? it arrives at 05:52 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A
+bos sounds great . i do n't need to book it , but i would like the price . eos O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos the ticket price is 8.08 pounds . the departure time is 05:24. may i help you with something else ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Leave O O O O O O O O O general-reqmore
+bos no that is all the information i need today . eos O O O O O O O O O O O N/A
+bos your welcome . have a great day . eos O O O O O O O O O general-welcome
+bos that is all . have a great day . eos O O O O O O O O O O N/A
+bos thank you and have a great day eos O O O O O O O O general-bye
+bos say hi to your family . eos O O O O O O O general-greet
+bos i will thank you . goodbye . eos O O O O O O O O general-bye
+bos i am looking for a moderately priced restaurant in the centre of cambridge . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 21 restaurants that meet your needs . would you like to narrow your search by type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i would like to find something with south african food . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos there are no restaurants in the centre of cambridge that serves south african food . would you like to try a different type or a different price range ? eos O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos what about one in the centre of cambridge that serves spanish food ? eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O N/A
+bos there is la tasca located at 14-16 bridge street . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos yes please , make a reservation for 8 people at 13:00 on friday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i 'm sorry , but it looks like they have no openings at that time . would you like to try a different day or time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos yes please try 12:00 with the reservation for 8 and once made , send me the reference number . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O N/A
+bos ok. i have booked a table for 8 at 12:00. your reference number is 797l5bg6 . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes i 'm also looking for a place to stay eos O O O O O O O O O O O N/A
+bos i can help with that . do you have any specifications ? eos O O O O O O O O O O O O O N/A
+bos the hotel should include free wifi and does n't need to have free parking . eos O O O O O O O O O O O O O O O O N/A
+bos we have 32 places for such criteria . do you have an area in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos i need it in the same area as the restaurant . eos O O O O O O O O O O O O N/A
+bos i have 5 different options available to you . is there a price range that you prefer to stay within ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i want the hotel to also be in the centre and moderate price . eos O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O N/A
+bos okay then cityroomz is your only option . do you want me to book it for you ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos can they handle 8 people ? and we 'll need it for 3 nights starting the same day as the restaurant reservation . eos O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A
+bos ok i have booked your reservation for 8 people on friday . your reference number is ls1tugn7 . is there anything else i can help you with . eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i would also like to book a taxi to the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i have booked a taxi to take you to la tasca for your reservation . eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos can i get the contact number ? and what type of car is it ? eos O O O O O O O O O O O O O O O O N/A
+bos a blue toyota will be picking you up . their contact number is 07880874608. just to confirm you wanted to arrive by 12:00 , correct ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O B-Taxi-Inform+Arrive O O O Taxi-Request+Arrive
+bos yes that is correct . thank you ! eos O O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos nothing else , thank you very much . eos O O O O O O O O O general-thank
+bos you are very welcome . eos O O O O O O general-welcome
+bos i am looking for a place to dine . the restaurant should be in the west and should serve swiss food . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , but there are no swiss restaurants anywhere in cambridge . would you like to try a different cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos no , thank you . that 's disappointing . eos O O O O O O O O O O general-thank
+bos are you sure ? we have many fine restaurants in town ! eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O general-reqmore
+bos on second thought , how about a restaurant that serves british cuisine ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 3 restaurants on the west side that serve british food . do you prefer moderate or expensive priced ? eos O O O O B-Restaurant-Select+Choice O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O B-Restaurant-Select+Food O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A
+bos expensive , please , we 're splashing out for my mother 's birthday . eos O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos i 've heard good things about grafitti at hotel felix whitehouse lane huntingdon road . would you like to book a reservation ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes for 5 at 16:00 on monday . eos O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos your reservation for a party of 5 at graffiti this monday at 16:00 was successful . your reference number is : yv3og0n3 . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O N/A
+bos great ! also , i 'm looking for a place called the soul tree nightclub . i need to get their phone number . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Phone
+bos soul tree nightclub number is 01223477900. will there be anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no that was all i needed thank you . eos O O O O O O O O O O general-thank
+bos okay great ! have a great day ! eos O O O O O O O O O general-bye
+bos i need a train ticket to cambridge , sometime after 15:45 if you can find one . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O N/A
+bos there are over 600 trains to cambridge that leave after 15:45. can you tell me the day you 're traveling and your departure station ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos departure is sunday from ely . eos O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos i found four trains , one leaves at 17:35 , 19:35 , 21:35 or 23:35. which would you like to book ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Select
+bos i 'll book the one that leaves at 17:35. what time does the train arrive ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos it arrives at 17:52. shall i go ahead and book it for you ? eos O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no . i 'm looking for a a gastropub restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 3 gastropubs in the centre . 2 are expensive the other is moderate . do you have a preference in the price range ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Price
+bos yes , i need one in the cheap price range please . eos O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are no gastropubs in the centre part of town in the cheap price range . would you like something else ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O N/A
+bos ok , how about one serving italian food ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos pizza hut city centre , ask , and zizzi cambridge all are italian restaurants in the centre part of town in the cheap price range . would you like me to book one ? eos O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos yes . can you please book zizzi cambridge for 3 people at 21:00 on the same day , sunday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Day O O O N/A
+bos i have reserved a table for three at 21:00. the reference number is oun5oi0k . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos finally . thank you . pizza hut . i ate there when i was a kid . it 's a long story . i wonder if this one has a jukebox . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos that 's an interesting question , but unfortunately i have n't that information . is there anything else i can help you with , though ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no . everything is perfect . thank you for your time . eos O O O O O O O O O O O O O general-thank
+bos thank you for using this system ! eos O O O O O O O O general-bye
+bos hello . i 've been recommended a restaurant called the missing sock . can you direct me to where it is located ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O N/A
+bos sure , they server international food and are located at finders corner newmarket road . would also like their phone number ? eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos i need to call to book a reservation , so that would be great . eos O O O O O O O O O O O O O O O O N/A
+bos sure thing . what day and time would you like for your reservation , and for how many people ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos the reservation will be for sunday at 18:00 for 7 people . if 18:00 is not available please try 17:00 and provide me with a reference number . eos O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref
+bos i was able to get you a table at 17:00 , reference number is szgqo8ju . since we were able to take care of your reservation do you still want the phone number ? eos O O O O O O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i do n't need it anymore . can you look for a place to stay , please ? i would like something in the north with 4 stars . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O N/A
+bos i have a few different options . do you need internet or parking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos need a hotel in the north with a 4 star rating , should be a type of guesthouse with free parking , please . eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos the kirkwood house is beautiful and meets your requirements . would you like me to reserve a room for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , this sounds ideal . i need an address eos O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 172 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos and would it be possible to get a taxi from the kirkwood to the restaurant ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i have booked you a yellow volkswagen with contact number 07858089421 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A
+bos ok , that 's all i needed , thank you so much ! eos O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! i hope that you enjoy your time here ! thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a cheap restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i can help you ! is there a particular type of food you 'd like to eat , or a specific location ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,general-greet
+bos in the centre please . it will be just myself at 16:15 on sunday . eos O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos can i recommend the dojo noodle bar ? it is a cheap asian oriental restaurant in the centre ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O N/A
+bos i 'd like to book a table for 1 at 16:15 and need the reference number . i need a place to stay that has free wifi but no parking . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O O B-Hotel-Inform+Parking O O O Restaurant-Request+Ref
+bos you are reserved for sunday with reference number 87tqqg9q . unfortunately there are no hotels without parking . may i recommend the cambridge belfry ? it 's cheap and four stars . eos O O O O O O O O O B-Booking-Book+Ref O O O O B-Hotel-NoOffer+Type O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O Hotel-NoOffer+Parking
+bos is there a guesthouse available ? eos O O O O B-Hotel-Inform+Type O O N/A
+bos yes , if you 're looking for a cheap guesthouse , then finches bed & breakfast should be right up your alley ! eos O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O N/A
+bos great can i get the price range , phone number , and area ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Price
+bos of course . the phone is 01223276653. it is in the west part of town and in the cheap price range . would you like to book this location ? eos O O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,general-greet
+bos no thanks , i also need a taxi to go from the guesthouse to the restaurant . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos when would you like to leave or arrive by ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i want to arrive by the booked time . eos O O O O O O O O O O N/A
+bos it has been reserved . the car type will be a white honda . contact number 07331361490 eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you have a nice day . eos O O O O O O O O general-thank
+bos you 're welcome , have a great day , too . eos O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a restaurant called graffiti please ? eos O O O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos sure , it 's an expensive british restaurant in the west , located at hotel felix whitehouse lane huntingdon road cb30lx . would you like to book a table ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos yes , can you book me a table for 5 people for thursday at 17:30. eos O O O O O O O O O O B-Hotel-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos unfortunately that time slot in unavailable . is there another time you would like me to try ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos sure , how about 16:30 ? if it is available at that time please give me a reference number . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O N/A
+bos i was able to book that , reference number is p0ob1r52 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos find a hotel in the east and in the expensive price range ? eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A
+bos express by holiday inn cambridge is available . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos i would also like it to include free wifi and have a star rating of 2. eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars N/A
+bos the express by holiday inn cambridge fits all of your needs . would you like to make a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , please book for 5 people for 3 nights starting from the same day . can you please give me the reference number . thank you ! eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O O N/A
+bos i was able to successfully book you , the reference number is qd3x3bkv , can i assist with anything else ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that will be it . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am hoping to find an expensive place to dine out while i am visiting . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos we have quite a few options available to you . is there a particular cuisine you are interested in ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes i would like scandinavian food eos O O O O O B-Restaurant-Inform+Food O N/A
+bos unfortunately , there are not any expensive scandinavian restaurants in the area . how about another type of cuisine ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food
+bos eggrolls ! they 're good too - do you have any listings for chinese restaurants ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i found one named 'the good luck chinese food takeaway ' located on 82 cherry hinton road cherry hinton . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos is it in the south ? i need one that 's in the south . eos O O O O O O O O O O O O O O O O N/A
+bos it is , as a matter of fact . would you like a table there ? eos O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , i would like a table there at 11:15. we will have 8 people . i 'll need the reference number . eos O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos for what day will this be for ? eos O O O O O O O O O Booking-Request+Day
+bos i would like the reservation for tuesday please . eos O O O O O O O B-Restaurant-Inform+Day O O N/A
+bos your reference number is qa74ks8i . have a good day . eos O O O O O B-Booking-Book+Ref O O O O O O N/A
+bos i also need a place to stay . eos O O O O O O O O O N/A
+bos i would be happy to help you with that ! can you specify what area you would like to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to be in the same area as the restaurant that we booked please . eos O O O O O O O O O O O O O O O O O O N/A
+bos i 've found four different hotels in the south , all of which have free wifi and parking . would you like it o be cheap , moderately priced , or expensive ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos something in the same range as the hotel please . eos O O O O O O O O O O O Hotel-Inform
+bos the lensfield hotel is in the expensive price range , would you like to book a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos if the restaurant is a 3 star rating i will take it . can i have the address and hotel type please ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Addr
+bos the lensfield hotel is an expensive hotel in the south . the address for it is 53-57 lensfield road . what day would you like to book the room for ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos i do n't need to book it . thanks for the help . eos O O O O O O O O O O O O O O general-thank
+bos no problem at all ! is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos no thank you . eos O O O O O general-thank
+bos okay have a great rest of your day ! eos O O O O O O O O O O general-bye
+bos hello , i 'd like to stay in a two star guesthouse . know of anything good ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos i do not show any 2 star guesthouses available . however , we do have 3 or 4 star guesthouses available . would that interest you ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Booking-Inform
+bos a three star would be ok as long as it 's got free parking . eos O O O O O O O O O O O O O O O O N/A
+bos there are 3 moderately priced guesthouses with a 3 star rating that offers parking . they are the bridge guest house , hamilton lodge and hobsons house . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Parking
+bos ok. can you tell me if i can book a room at the bridge guest house ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos how many people are in your party and how many days would you like to stay ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos do they have internet ? eos O O O O O O Hotel-Request+Internet
+bos bridge guesthouse does have internet . would you like me to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please . i am also looking for a particular restaurant , it 's called the rice boat . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos i found the rice boat but did you still need that hotel booked ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform
+bos yes please . also , can you book the restaurant for 5 people at 17:30 this thursday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i was successfully able to book that for you . your reference number is q1ppylii . is there anything more i can assist you with ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i would say i 'm all set , thank you ! eos O O O O O O O O O O O O general-thank
+bos great , thank you for choosing our service . eos O O O O O O O O O O general-bye
+bos i 'm looking for a hotel in the south , and i 'd like cheaper options please . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i 've found the rosa 's bed and breakfast which is a cheap guesthouse in the south . would that work for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos does it have a star of 4 ? eos O O O O O O O O B-Hotel-Inform+Stars N/A
+bos yes it does . eos O O O O O N/A
+bos great . do they also offer free wifi ? eos O O O O O O O O O O N/A
+bos they sure do . would you like to make a reservation ? eos O O O O O O O O O O O O O Booking-Inform
+bos no , that 's ok. could you just give me the address and postcode and please let me know if they have free parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking,Hotel-Request+Addr
+bos they 're located at 53 roseford road in postcode cb22ha . and yes , they do offer free parking . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O Hotel-Inform+Parking
+bos i am also looking for international food that is in the cheaper price range . eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O N/A
+bos we have one restaurant that matches your needs , it 's the missing rock in the east area . would you like me to book for you ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos no thank you- please just give me the address and phone number . eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is finders corner newmarket road , and the phone number is 01223812660. eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O N/A
+bos do you see a chinese restaurant in the same area as the hotel ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos sure ! i have three options for chinese food in the south with both cheap and expensive price ranges . what price range did you want for this restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Price
+bos there are going to be a lot of us , so something cheap would be best . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos your best choice would be the lucky star , which is on cambridge leisure park . would you like to make a reservation ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes for 7 people for 17:45 on a monday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O N/A
+bos i apologize but i was unable to book your party for that time . would you like to try a different time slot or a different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos can we make the reservation an hour later ? eos O O O O O O O O O O N/A
+bos i 'm sorry , that booking was unsuccessful , too . would you like to try another time ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos yes how about for 16:45 ? eos O O O O O B-Restaurant-Inform+Time O N/A
+bos i have your table booked . the reference number is : gi0nb9la . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful thank you . eos O O O O O O O O O O O general-thank
+bos let us know if we may help further . thank you , good bye . eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a hotel called a and b guest house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos that guest house is moderately priced and located in the east . would you like to make a reservation ? eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos do they provide free parking and internet ? eos O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos they have free internet offered but not parking . eos O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that 's fine i guess . i need to reserve a table at an expensive restaurant in the centre part of town , can you help me ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos i show 33 expensive restaurants in the centre area of town . before we narrow down your restaurant selection , let 's complete your reservation with a and b guesthouse . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O N/A
+bos can i please get the address , postcode , and food type eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Addr
+bos ok , i can book you at bedouin - address is 100 mill rd city centre , cb12bd and they serve african food . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you that is all i needed today . eos O O O O O O O O O O general-thank
+bos you 're quite welcome , have a wonderful time in cambridge ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a high end asian restaurant eos O O O O O O O O O O Restaurant-Inform
+bos there are two high end asian restaurants , saigon city and kymmoy . would you like more information ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A
+bos saigon city sounds great . can you help me book a table for 8 people at 17:00 on thursday ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos saigon city does not have any booking space available for the day and time requested . would you like to try another day or time slot ? eos O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos yes , could you please try for 16:00 ? i 'd like the reference number for that as well please . eos O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : g9ithcs6 . do you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay . i 'd prefer a 4 star guesthouse if possible please . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos there are several options to choose from . are you looking to stay in a certain area ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'm not concerned with area , but i would like it to include free wifi access , please . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have about 18 different options . to narrow it down , is there a price range you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i am not worried about the price range . go ahead and choose one you would recommend and let me know the phone number and price range please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price
+bos saigon city is expensive and has a phone number of : 01223356555 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O N/A
+bos terrific . you have been a great help ! goodbye . eos O O O O O O O O O O O O general-bye
+bos it has been my pleasure ! have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a hotel in cambridge . eos O O O O O O O O O O Hotel-Inform
+bos there are over 30 places of lodging in the city . would you prefer a certain part of town , or a particular type of lodging such as a guest house or hotel ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O Hotel-Request+Area,Hotel-Request+Type
+bos just a 4 star guesthouse that has free parking please . eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A
+bos what area would you like the guesthouse to be in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos do not care what area , it will be for 2 people and for 4 nights starting wednesday . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos would you like me to book you at the acorn guest house ? it has free parking and it 's a 4-star hotel . eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O B-Hotel-Inform+Stars O O O O Hotel-Inform+Parking
+bos can we book it for 2 people for 4 nights ? eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos i am sorry i could n't get that booked for you perhaps another day or a shorter day possibly ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos could you try it for one night only ? eos O O O O O O O O O O N/A
+bos yes booking is available for one night , would you like me to place it ? eos O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please , and i 'll need the reference number . eos O O O O O O O O O O O O Hotel-Request+Ref
+bos ok i have made that reservation for you the reference number is oxwo0rwd . eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i am also looking for an expensive mediterranean restaurant in the west . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos i 'm sorry there are no matches for what you are looking for . would you like something else ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos yes , how about a restaurant that serves indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 5 expensive indian restaurants in the west . i recommend cocum . would you like me to make a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos cocum sound fine , but i just need the postcode , please . no reservation . eos O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos of course . the postcode for the cocum is cb30ah . is there anything else i can help you with ? eos O O O O O O O O B-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos thank you ! that 's all i need . goodbye ! eos O O O O O O O O O O O O general-bye
+bos enjoy your meal ! eos O O O O O general-bye
+bos i am looking for an expensive gastropub restaurant in cambridge eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos i see there are two in centre and one in east area . do you have a preference ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Select
+bos yes i need the one in the east . eos O O O O O O O O O O N/A
+bos great ! that 's the royal standard at 290 mill road city centre cb13nl . would you like to book a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes . we need a table for 2 at 14:45 on saturday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos sorry booking was unsuccessful . would you like to try a different time ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about at 13:45 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos your table is booked ! it will be reserved for 15 minutes and your reference number is 9m44wahk . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . can you help me find a place to stay ? i would like a 3 star place that 's in the expensive price range . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i recommend the lensfield hotel on the south side . shall i book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O Booking-Inform
+bos i would like it to have free parking , please . eos O O O O O O O O O O O O N/A
+bos the lensfield has free parking and free internet . did you need a room there , or perhaps their address ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos i would like to book a room , please . eos O O O O O O O O O O O N/A
+bos ok , i can book a room for you at the lensfield hotel , i just need some information . for starters , what day would you like to check in ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos actually , i think i 'll hold off on the reservation , but can you provide their phone number , please ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the lensfield hotel 's phone number is 01223355017. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O N/A
+bos thank you . do you know what type of hotel lensfield is ? eos O O O O O O O O O O O O O O Hotel-Request+Type
+bos it is a hotel , expensive . what else would you like to know ? eos O O O O B-Hotel-Inform+Type B-Hotel-Inform+Price O O O O O O O O O O general-reqmore
+bos does this hotel offer free wifi ? eos O O O O O O O O Hotel-Inform
+bos yes it does . eos O O O O O Hotel-Inform+Internet
+bos i need to book a taxi to go between both places , needs to arrive after we finish at restaurant and i need car type and number eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type
+bos ok , i 've booked a white tesla for you , their contact number is 07752313537. can i help you with anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos actually , i know i said *after* we finish at the restaurant , but it turns out i need the taxi arrives at the restaurant at the reservation time - 14:45 on saturday eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O B-Restaurant-Inform+Day O O N/A
+bos ok i changed that for you . you will have a white audi contact number 07235895362 eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O N/A
+bos great , thanks so much . sorry for the confusion . eos O O O O O O O O O O O O general-thank
+bos it 's no problem . is there something else i could assist you with today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos that is everything , thanks for your help . eos O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your meal ! eos O O O O O O O O O general-welcome,general-bye
+bos i want to find a restaurant in the centre part of town and serving turkish food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three restaurants serving turkish food in the center of town . what price range would you like ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos i do not care about the price range . eos O O O O O O O O O O Restaurant-Request+Price
+bos anatolia is a turkish restaurant in the moderate price range and in the centre . it is located at 30 bridge street city centre and its phone number is 01223 362372. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos yes , i 'm looking for a restaurant in the east part of town serving international food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O N/A
+bos the missing sock is in the east part of town and it serves international food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos may i have their phone number , please ? eos O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number for the missing sock is 01223 812660. eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos okay , thank you eos O O O O O general-thank
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos thank you for using our system and please return with any other inquiries . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good bye . eos O O O O O O O O general-welcome,general-bye
+bos goodbye ! eos O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i would like a cheap restaurant which serves italian food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos da vinci pizzeria serves cheap italian food . would you like their address or phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos what is their address and what part of town are they in ? eos O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos da vinci pizzeria is in the north part of town . the address is 20 milton road chesterton . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos sorry what type of food do they serve ? eos O O O O O O O O O O N/A
+bos they serve italian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos good bye . please call again if you have further questions . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos i want your most expensive restaurant in the south town . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos there are five restaurants that are in the south part of town and in the expensive price range . what type of food would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos chiquito restaurant bar is a nice restaurant that serves mexican food in the expensive price range and is in the south part of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Area O O O O N/A
+bos ok , can you tell me the other restaurants ? eos O O O O O O O O O O O Restaurant-Inform
+bos yes , there are four other restaurants that meet your criteria . there is frankie and bennys , peking restaurant , taj tandoori , and the good luck chinese food takeaway . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos great ! can you please tell me the address and the phone number of frankie and bennys ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is cambridge leisure park clifton way cherry hinton and the phone number is 01223 412430. eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i am looking for an expensive french restaurant in town . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are two expensive french restaurants , cote in the center and restaurant two two in the north . do you want further information on either of these ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Select,general-reqmore
+bos are there any other expensive french restaurants ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos those are the only two expensive french restaurants i have listed . would you like to expand your price range or type of cuisine ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos is there anything else ? eos O O O O O O N/A
+bos restaurant two two is a french restaurant and it is in the expensive price range . would you like the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore
+bos actually , could i have the phone number of cote ? eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos sure , the phone number is 01223 311053. eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos okay , i think that does it . thanks for that . eos O O O O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i would like a hungarian restaurant in the west of town . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are no hungarian restaurants in the west of town . would you like to change your query ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos is there any indian food on the west side of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 6 indian restaurants in the west part of town . what price range do you have in mind ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price
+bos the price range does n't matter . eos O O O O O O O O N/A
+bos would you like the name , address and phone number of a few of them ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , but just for one . eos O O O O O O O O N/A
+bos cocum is located at 71 castle street city centre and their phone number is 01223 366668. their price range is expensive . eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O N/A
+bos thank you ! eos O O O O general-thank
+bos you 're welcome . may i help with another query ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope , i 'm good . thanks again . eos O O O O O O O O O O general-thank
+bos goodbye . eos O O O general-bye
+bos cheap restaurant , please eos O B-Restaurant-Inform+Price O O O N/A
+bos what type of cuisine would you prefer ? eos O O O O O O O O O Restaurant-Request+Food
+bos do you have any serves jamaican food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are n't any jamaican restaurants nearby , would you like another type of cuisine ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about mediterranean ? eos O O O B-Restaurant-Inform+Food O N/A
+bos yes , the gardenia serves mediterranean . would you like their phone number ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O O O O general-reqmore
+bos yes , and the postcode please . eos O O O O O O O O Restaurant-Request+Post
+bos the gardenia 's phone number is 01223 356354 and the postcode is c.b 2 , 3 l.l . is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , thank you , goodbye , eos O O O O O O O O general-bye
+bos have a nice day . goodbye . eos O O O O O O O O general-bye
+bos i am looking for a moderately priced restaurant in the north part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there is the golden wok for chinese food and the nirala for indian food . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A
+bos can i get the address and phone number ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos for which location would you like that address and phone number ? eos O O O O O O O O O O O O O N/A
+bos for both please eos O O O O N/A
+bos golden wok is located at 191 histon road chesterton and its phone number is 01223 350688. the nirala is located at 7 milton road chesterton and its phone number is 01223360966. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you and goodbye . eos O O O O O O general-bye
+bos you 're welcome . thanks and goodbye . eos O O O O O O O O O general-welcome,general-bye
+bos hi , i want a tuscan restaurant that 's expensively priced . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A
+bos i 'm sorry , there are no tuscan restaurants in the expensive price range . would you like to try something else ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about korean food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos little seoul is an expensive restaurant in the centre area . would you like the address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos yes please . eos O O O O N/A
+bos the address is 108 regent street city centre . do you need any further information ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos no , thank you . eos O O O O O O general-thank
+bos enjoy your meal ! eos O O O O O general-bye
+bos i am looking for a restaurant in the cheap price range that serves italian food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos there are five restaurants in the cheap price range that serve italian food . what area are you looking for ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Area
+bos i do n't care which area . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O N/A
+bos ask serves italian food and is in the cheap price range . would you like their location ? eos O O B-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O general-reqmore
+bos yes please , i would like their address . eos O O O O O O O O O O Restaurant-Request+Addr
+bos ask is located at 12 bridge street city centre . their telephone number is 01223 364917. eos O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos have a good day ! goodbye . eos O O O O O O O O general-bye
+bos i need a train to cambridge that leaves after 18:45. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will need to depart from ely . eos O O O O O O O B-Train-Inform+Depart O N/A
+bos and what day are you leaving ? eos O O O O O O O O Train-Request+Day
+bos i would like to leave on saturday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos i have a train on saturday that leaves at 19 ; 35 and arrives by 19:52. would that do ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O general-reqmore
+bos i can work with that . eos O O O O O O O N/A
+bos would you like me to book tickets for you ? eos O O O O O O O O O O O Train-OfferBook
+bos yes , i need tickets for 5 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos you are booked for 5 tickets leaving ely on saturday at 19:35 and arriving in cambridge at 19:52. your reference number is q245najf and the total fee is 17.6 pounds payable at the station . eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Depart B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A
+bos i am also looking for a particular restaurant . its name is called pizza express . eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos great , i see that is a moderate italian restaurant located in the centre . when would you like to book it for and how many people ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos please book a table for the same group of people at 21:00 on the same day . eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos the restaurant is reserved for 5 people on saturday . your reference number is z5prymdv . is there anything else ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos no that is all . thank you for all your help . eos O O O O O O O O O O O O O general-thank
+bos i hope you have a wonderful meal . eos O O O O O O O O O general-greet
+bos thanks again for all of your help . eos O O O O O O O O O general-thank
+bos glad i could help . have a great day . eos O O O O O O O O O O O general-bye
+bos i need finding a portuguese restaurant eos O O O O O B-Restaurant-Inform+Food O N/A
+bos okay let 's find one for you . i 've got two in town . one 's in the south and one is in the centre . both are nandos locations . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Area O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O N/A
+bos i do n't have a preference for location but it does need to be cheap . eos O O O O O O O O O O O O O O O O O N/A
+bos both restaurants are cheap , if you are interested in a more expensive restaurant would you like me to check a different type of food ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos no , i want one of those two restaurants . eos O O O O O O O O O O O Restaurant-Inform
+bos nandos is definitely going to be the cheapest . it 's the south side and i can get you a reservation there if you want . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please set a reservation for me . eos O O O O O O O O O O N/A
+bos what day and time do you want to make the reservation ? also , how many people are in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos please book a table for 8 people at 14:15 on tuesday . eos O O O O O O O O O O O O O N/A
+bos i will book that for you now . eos O O O O O O O O O Booking-Inform
+bos ok thank you for your help and i need a reference number eos O O O O O O O O O O O O O general-thank
+bos your reference number is : ce5bu114 . what else can i help you with ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need a train for tuesday that arrives by 10:45. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos where will you be departing ? and where is your destination ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving from norwich and going to cambridge . eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O N/A
+bos i can put you on the tr0627 it will get there a little early at 9:55 , how many tickets would you like ? eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+People
+bos same group of 8 people . eos O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 140.8 gbp payable at the station . reference number is : bmsh4xdw . anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A
+bos that is all thanks . eos O O O O O O general-thank
+bos do you need help finding attractions or booking a taxi ? i can assist you . eos O O O O O O O O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome
+bos can i get some information on a train ? eos O O O O O O O O O O Train-Inform
+bos sure , where is your destination ? eos O O O O O O O O Train-Request+Dest
+bos i 'll be departing cambridge , and heading to broxbourne . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A
+bos what is the day of travel ? eos O O O O O O O O Train-Request+Day
+bos i need to leave on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos yes , there are 19 different trains . what time would you like to depart ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos i just need to arrive by 16:15. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos train tr9022 departs at 15:01 and arrives at 16:01. would you like me to make you a reservation ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no thank you . what is the travel time ? eos O O O O O O O O O O O Train-Request+Duration
+bos travel time is 60 minutes . what else can i do for you ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a chinese restaurant that 's located in the north part of town . could you find one for me please ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O N/A
+bos i found 3 chinese restaurants in the north area . two are expensive price range and one is moderate . may i make a reservation for you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos hmm , does n't matter . can you reserve a table at your favorite one ? there will be 3 of us at 11:15 the day we arrive . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O O O O O O N/A
+bos i have reserved you a table at the hotpot , and the reference number is clzspxuk . anything else for you today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thanks for helping me . the train and restaurant are all i need for now . goodbye . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform
+bos thank you for calling . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for information on train schedules going to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos do you have a particular itinerary in mind ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos yes , i was looking to leave bishops stortford on monday sometime after 16:45. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos the first train after 16:45 is the tr8925 , departing bishops stortford at 17:29. would you like to book one or more tickets for this train ? eos O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O B-Train-OfferBook+People I-Train-OfferBook+People I-Train-OfferBook+People O O O O O N/A
+bos yes , i would . may i please get the arrival time ? eos O O O O O O O O O O O O O O Train-Request+Arrive
+bos there are several . one arrives at 18:07 will this work ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O N/A
+bos i am also interested in a place to dine that is moderately priced . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos i have many moderately prices options . is there a type of food you 'd like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Food
+bos british food sounds good . somewhere in the centre . eos O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i recommend cotto , located at 183 east road city centre . would you like a table there ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O Booking-Inform
+bos yes please . i just need it for myself at 20:30 that same day . eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is g44nsdgj . anything else you need help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos thanks for your help . that is all i wanted eos O O O O O O O O O O O general-thank
+bos you are welcome . did you want me to book your train tickets ? that was left up in the air . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,Train-OfferBook
+bos that is all . eos O O O O O N/A
+bos thank you for calling . if you need any further assistance please do n't hesitate to call back . good bye ! eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos there are 404 trains traveling on friday . where will you be departing from and where is your destination ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving from cambridge and going to ely . i want to leave at 18:15 eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos train 6053 leaves cambridge at 19:50 and arrives in ely at 20:07. would you like me to book you a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please . i need 7 tickets . eos O O O O O O B-Train-Inform+People O O O N/A
+bos i have made the booking and here is the information-booking was successful , the total fee is 30.8 gbp payable at the station .reference number is : d9bvzv8c anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos someone recommended me a place called caffe uno . do you have any information about it ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O N/A
+bos caffe uno is an italian restaurant in the city centre . would you like to make a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes book it for me thank you eos O O O O O O O O general-thank
+bos what date and time would you like that reservation ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos actually , i can make it later . that will be all today . thank you ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos please contact us anytime . thank you . eos O O O O O O O O O general-welcome,general-bye
+bos we want to try a restaurant in the centre of cambridge . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos what type of food do you prefer ? eos O O O O O O O O O Restaurant-Request+Food
+bos i am really in the mood for some hungarian food , something expensive since it is a special occasion . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos i 'm not finding hungarian restaurants in the centre of cambridge . would you like to try another area or another type of cuisine ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos how about one that serves french food eos O O O O O O O B-Restaurant-Inform+Food N/A
+bos no french restaurants either . perhaps in a different area ? eos O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O Restaurant-Request+Area
+bos let 's keep looking in the centre area for now . perhaps you can list some other available cuisines . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O N/A
+bos actually , there is a french restaurant in the centre part of town . the cote restaurant serves french food and is the expensive price range . would you like to book a table ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos no but i would like the phone number . eos O O O O O O O O O O Restaurant-Request+Phone
+bos sure , their phone number is 01223311053. is there anything else i can assist you with today ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos thanks , and yes , i am also looking for a train leaving stansted airport and arriving in cambridge by 9:15. eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A
+bos on what day and time could you like to travel ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i need to leave on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos the tr7360 train arrives at cambridge at 8:52 on monday . would you like to purchase tickets on this train ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook
+bos can you book that for two people and then give me the reference number ? eos O O O O O O O O O O O O O O O O Train-Request+Ref
+bos all set . your reference is tvlep11v and 20.2 gbp is payable at the station . is there anything else i can help you with today ? eos O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O O general-reqmore
+bos that will be all . thanks so much for your help . eos O O O O O O O O O O O O O general-thank
+bos you are welcome any time you need our help eos O O O O O O O O O O general-welcome
+bos okay sounds great . bye ! eos O O O O O O O general-bye
+bos have a great day ! good-bye . eos O O O O O O O O general-bye
+bos konnichiwa , i am coming to town and will be staying a few days . i need a place in town centre that offers free parking . can you help me ? eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos i certainly can . i have 4 different options for you . i have two cheap gueshouses and two expensive hotels . do you have a preference ? eos O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O Hotel-Select
+bos i will take one of the cheap guesthouses please ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos how about the alexander bed and breakfast , i can book it for you now if you like ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos that sounds great . i 'd like to book it for 2 people . we 'll be arriving tuesday and we 'd like to stay for 5 nights please . eos O O O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos your booking was and your reference number is ey36gh17 . is there anything else you need help with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos no , that 's all . thank you . eos O O O O O O O O O O general-thank
+bos thank you , have a good stay , goodbye . eos O O O O O O O O O O O general-bye
+bos hi , could you help me find a 3 star guesthouse ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A
+bos i have 4 guesthouses with 3 stars , which area would you like me to search ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Area
+bos thanks ! you are so nice . i need the guesthouses in the west . it does n't matters if there is not free parking . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O N/A
+bos i have one that fits . it 's the hobsons house located in the west . it 's 3-star rated and offers free wifi and parking . it 's also moderately priced . would you like a room ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , that all sounds good . i would like to book it . eos O O O O O O O O O O O O O O O N/A
+bos i can definitely assist you , how many people are there and how many days will you need to be booked for . eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i just need the phone number and postcode from the hobsons . eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos their number is 01223304906 and the postcode is cb39lh . anything else ? eos O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O general-reqmore
+bos thank you so much for all your help today . good bye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! goodbye ! eos O O O O O O O general-bye
+bos i would like to know what tourist attractions are in the south end of town ? preferably something family friendly and moderately priced . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos are you perhaps looking for a hotel ? i 've got two moderately priced guesthouses on the south end . eos O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Request+Type
+bos i 'm looking for a place to stay in the centre of town with some moderate pricing and they must include free parking , can you help me with that ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O N/A
+bos i am sorry but i am not finding anything in the moderate price range for the centre of town . however , i did find two in the south . eos O O O O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O N/A
+bos no let 's try the east side of town . eos O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos yes i have two options for you , both with free parking . both are guesthouses and one is a bed and breakfast . eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O Hotel-Inform+Parking
+bos let 's try the guesthouse . could you please book it for 2 people for 3 nights from thursday ? i will need the reference number as well . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O O O Hotel-Request+Ref
+bos i successfully booked your room at the warkworth house . the reference number is uh7zyx20 . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos i will also need a train on the same day as the hotel booking heading to kings lynn . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have several trains heading to kings lynn on thursday . where and what time would you like your departure to be ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart
+bos i need to depart from kings lynn aft 19:00 on thursday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos i 've found a train leaving kings lynn on thursday at 19:11 , would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos hmm , how long is the travel time on that one ? and when does it arrive ? can you get me the price , too ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos travel time is 47 minutes . arrival time would be 20:58. ticket cost would be 9.80 eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O N/A
+bos i 'm looking to get some information on the alpha-milton guest house eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the alpha-milton guesthouse in the north and moderately priced . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos not yet , but can you tell me the postcode for this guesthouse ? eos O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb41xa . can i help with anything else ? eos O O O O B-Hotel-Inform+Post O O O O O O O O N/A
+bos no , thanks . that 's all i needed . have a great day . bye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . thank you for calling . have a nice day . eos O O O O O O O O O O O O O O O general-greet
+bos are there any 4-star guesthouses ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos it looks like alot of places are listed that have 4 stars . did you have a preference on the area or price range maybe ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes . the hotel should be located in the north and should include free wifi eos O B-Hotel-Inform+Internet O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos home from home is a nice guesthouse with fee parking included . can i reserve a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos does home from home have free wifi ? eos O O O O O O O O O N/A
+bos it sure does . can i book your stay for you ? eos O O O O O O O O O O O O O Booking-Inform
+bos no , thanks . have a nice day . eos O O O O O O O O O O general-thank
+bos okay . thank you , goodbye . eos O O O O O O O O general-bye
+bos i am planning a trip to cambridge and i am looking for a train can you help out ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O N/A
+bos that 's not a problem . where will you be going to ? eos O O O O O O O O O O O O O O Train-Request+Dest
+bos stansted airport , i will need the train to leave after 10:15 please . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave O O O N/A
+bos can you tell me what day you need the train and for how many people ? eos O O O O O O O O O O O O O O O O O Train-Request+People,Train-Request+Day
+bos i need the train on saturday and i am booking for 4 people . eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+People O N/A
+bos the tr6310 train departs stansted airport for cambridge at 10:24. will that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select
+bos that is perfect . i am also looking for a place to stay . can you help me with that , as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos certainly . what part of town do you prefer ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i 'm sorry , there 's been a mistake . i need to book a train from cambridge to stansted airport . the train must leave after 10:15. i need four tickets . eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos i have a 10:40 and every hour after that . would you like me to book it ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos yes please . can i get the reference number for that booking ? eos O O O O O O O O O O O O O O N/A
+bos i can most definitely give you the reference number once the booking is complete . how many tickets would you be needing ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos like i said , i need four tickets . eos O O O O O O O O O O N/A
+bos sure , i have booked four tickets for cambridge to stansted airport saturday , your reference number is yonurjsx . may i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Day O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i will also need a place to stay . a cheap guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos there are several guesthouses that are cheap . what area would you like it to be in ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Request+Area
+bos i need it for 4 people for 2 nights starting thursday , if that fails one night . i do n't care the area but i will need the reference number . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O O O O O O N/A
+bos sorry unfortunately that is not available perhaps for another day ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos is there another cheap guesthouse available ? i need it to be booked for thursday . eos O O O O O O O O O O O O O O O O O N/A
+bos i was able to do a 1 night booking at finches bed and breakfast for 4 starting on thursday . reference number dkzg9awz . any else i can assist you with ? eos O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos that is everything . thanks for the help . eos O O O O O O O O O O general-thank
+bos you are very welcome . i am happy to help anytime . have a wonderful day . eos O O O O O O O O O O O O O O O O O O general-welcome
+bos i 'm looking for colleges in the centre . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos great ! there are thirteen to choose from in that area ! eos O O O O B-Attraction-Inform+Choice O O O O O O O O general-greet
+bos could you suggest one and give me the address and postcode , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos christ 's college . saint andrew 's street , cb23bu . is there anything else you need ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos no entrance is free . eos O O O O B-Attraction-Inform+Fee O N/A
+bos looking for a particular hotel . its name is called express by holiday inn cambridge . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos i have it ; it 's at 15-17 norman way , coldhams business park . would you like to book a room ? eos O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos i 'm not ready to book quite yet . can you let me know if it is a hotel or guest house . also , how many stars it is ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos 2 stars . hotel . eos O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A
+bos thank you . what are some of the attractions in the centre area ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos colleges , art , cinema , and parks , what would you like ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O N/A
+bos i want some mexican food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos the only listing for mexican food is chiquito restaurant bar . how else may i assist you ? eos O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore
+bos i want a restaurant in the centre and serves asian oriental food ? what is the phone number ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Phone
+bos we have four asian oriental restaurants in centre . what price range do you prefer ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos dojo noodle bar serves asian oriental food and is located in the centre of town . the price range is cheap . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos the phone number for dojo noodle bar is 01223 363471. would you like any other information ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O N/A
+bos no , thank you , that 's all i need . thank you and goodbye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the west part of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 14 restaurants in the west . are you looking for a particular cuisine ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos i would like christmas food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , there are no restaurants listed serving christmas food . would you like to try a different kind of food ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are 3 british restaurants in the west . do you like moderate or expensive price range ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A
+bos either one is fine . eos O O O O O O N/A
+bos graffiti is an expensive restaurant serving british food in the west . would you like the phone number , address , or postcode ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O general-reqmore
+bos i want the address and phone number . eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is hotel felix whitehouse lane huntingdon road and the phone number is 01223 277977 eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i will be going to cambridge to do the tourist thing and would like a hotel in the moderate price range . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A
+bos we have many moderately-priced places to stay ! are you interested in staying in a particular area ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , but i definitely want a four star hotel . eos O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos we have a variety . if we can narrow down by need of internet and parking eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos actually are any of them 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes , 11 of them are 4-star hotels . do you need one with internet and/or parking ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos i 'd like free parking . eos O O O O O O O Hotel-Request+Parking
+bos i would recommend the kirkwood house , located on the north side of town at 172 chesterton road . would you be interested in booking a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos not yet , but i would like the postcode . eos O O O O O O O O O O O Hotel-Request+Post
+bos the postcode for the kirkwood house is cb41da . is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos i am also looking for places to go in town , preferably in the centre . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos the center offers architecture , colleges , boats , cinema , concert halls , museums , nightclubs , parks and theatres . what appeals to you ? eos O O B-Attraction-Select+Area O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O O O O O O Attraction-Inform
+bos how about a concert hall ? eos O O O O O O O N/A
+bos the man on the moon is the only concert hall in the area of centre . i have no info on their entrance fee but their phone is 01223447144. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone N/A
+bos thank you . can i also get the address and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is 2 norfolk street and the postcode is cb12lf . any other information you 'd like to have ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos thank you for your help . that 's all for today . eos O O O O O O O O O O O O O general-thank
+bos have a wonderful time . eos O O O O O O general-bye
+bos thank you , take care ! eos O O O O O O O general-thank
+bos enjoy your stay ! eos O O O O O general-bye
+bos can you find me a restaurant in the north part of the city ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are 9 matching records in the north , what price range do you want ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos is there a certain type of food that you would like ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i would like world food . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i am sorry , i ca n't find any restaurant serves world food in the north . is there another type of food or area you might be interested in today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos maybe some indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos great hit eos O O O N/A
+bos i want a restaurant in the north part of town . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos the city stop restaurant is in the north part of town . the golden wok is also located in the north part of town . eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos i want a restaurant that is moderately priced . eos O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos golden wok is located in the north part of town , and is moderately priced . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos what is their address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for golden wok is 191 histon road chesterton and the phone number is 01223 350688. eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos can you help me find a russian restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , there are russian restaurants . do you have a secondary choice ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer,general-reqmore
+bos yes , what about european type food ? eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos please wait a moment while i check for european restaurants for you eos O O O O O O O O O O O O O N/A
+bos if you find a european restaurant , i would also like the address and phone number . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos cambridge lodge restaurant serves european food , their phone number is 01223 355166 and address is cambridge lodge hotel 139 huntingdon road city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you . good bye . eos O O O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos are there any places in the east of town that are recommended to go to ? thanks . eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos yes , several . the cambridge museum of technology is good , or if you 're in a more aquatic frame of mind there 's the abbey pool and astroturf pitch . do they sound appealing ? eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O N/A
+bos i need the postcode please . eos O O O O O O O Attraction-Request+Post
+bos the postcode for the museum is cb58ld . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Post O N/A
+bos can you book tickets for me ? eos O O O O O O O O N/A
+bos i 'm sorry , our service ca n't book museums but their phone is 01223368650. eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Phone O O O Booking-NoBook
+bos okay thankyou . i 'd llike to find a 4 star hotel with wifi . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price
+bos nope . pick a hotel you think i would like too . eos O O O O O O O O O O O O O Hotel-Inform
+bos what area should it be in ? eos O O O O O O O O Hotel-Request+Area
+bos i 'd like it to be the same area as the attraction . eos O O O O O O O O O O O O O O N/A
+bos carolina bed and breakfast is a great moderately priced guesthouse . would you like me to make a reservation for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O O O O O O O O O O Booking-Inform
+bos yes . i need it booked for saturday . 3 people , 4 nights . i 'll also need the reference number . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O O O O O O Hotel-Request+Ref
+bos you are booked , the reference number is wk64yq5y , can i help with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i 'll also need a taxi to commute between the two places . i want to leave the hotel by 9:45. eos O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos i 've reserved a black ford for your taxi service . the contact number is 07980459302. is there anything else i can do for you today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos ok that 's all i need thank you . eos O O O O O O O O O O general-thank
+bos you are welcome . take care . goodbye . eos O O O O O O O O O O general-welcome,general-bye
+bos i am hoping to get information about some places to go in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos great saint mary 's church is an architecture site in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A
+bos can i get the address please ? eos O O O O O O O O Attraction-Request+Addr
+bos great saint mary 's is located at market square and the entrance fee is 2 pounds . may i help you with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos i 'm also looking for somewhere to stay . eos O O O O O O O O O O N/A
+bos what ammenities do you need for your hotel ? eos O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos i would like it to be in the moderate price range and include wifi . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i found quite a few . what area would you like it to be in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos do you have anything near my attraction in the centre part of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos yes , there is one . it is cityroomz . want me to book it for you ? eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos i 'm not ready to book . can you tell me the address and type please instead eos O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is sleeperz hotel , station road and the postcode is cb12tz . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O N/A
+bos and what is the type of cityroomz ? eos O O O O O O O B-Hotel-Inform+Name O Hotel-Request+Type
+bos cityroomz is a hotel . eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O N/A
+bos thank you so much , that is all i need today . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos thank you for visiting cambridge and have a great weekend . eos O O O O O O O O O O O O general-bye
+bos i need to find a hotel that has free parking . eos O O O O O O O O O O O O N/A
+bos sure i can help with that . what area will you be staying in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos in the centre , i more specifically am looking for a guesthouse with a 0 star rating in that area . eos O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos el shaddai is a 0 star guesthouse located in the centre has both free parking and wifi . what days are you interested in staying there ? can i book for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes please . book it for 5 people and 3 nights starting from tuesday eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos okay , will you be needing a reference number ? eos O O O O O O O O O O O Booking-Inform
+bos yes , please for my records eos O O O O O O O N/A
+bos i have your reservation for 5 people , 3 nights starting on tuesday . your reference number is x3mdwdwy , can i help with anything else ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i am interested in places to go while i am in town . perhaps a museum in the same area as the hotel . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos i have about 11 different museums . if i may , might i suggest the scott polar museum on lensfield road . they also have free entrance . it 's a great place to visit . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O N/A
+bos sure , what is the address for this museum ? thanks for your help ! eos O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos the museum is on lensfield road post code cb21er and it 's number is 01223336540. eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O N/A
+bos would it be possible to book a taxi to get from the hotel to the museum ? we would like to leave the hotel at 6:00. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos i have your taxi booked . what else can i do ? eos O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos well , do i look for a specific make and color car or just jump into a random one ? does the driver have a phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos you have been assigned a specific car . eos O O O O O O O O O Taxi-Inform
+bos well what is it ? this is ridiculous ! your very rude eos O O O O O O O O O O O O O N/A
+bos i apologize . i did not mean to come off as rude . you should expect a white volvo . if you need to reach the company , please call 07499481174. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O N/A
+bos thank you ! have a wonderful day ! eos O O O O O O O O O general-thank
+bos you 're welcome ! have a wonderful day as well ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i would like a restaurant in the north part of town that serves french food eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O N/A
+bos there is restaurant two two in the the north side of town that serves french food . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos what is their address , number , and price range ? eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos restaurant two two is in the expensive price range . their phone number is 01223 351880 and they are located at 22 chesterton road chesterton . would you like anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O general-reqmore
+bos no , that takes care of it . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system . good bye eos O O O O O O O O O O general-bye
+bos i want to find a moderately priced restaurant serving european food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos de luca cucina and bar is in the centre part of town and in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos is there anything else ? give me the address and postcode please . eos O O O O O O O O O O O O O O Restaurant-Request+Post
+bos there is also the cambridge lodge restaurant also has expensive european food in the centre area at cambridge lodge hotel 139 huntingdon road city centre postal code cb30dq eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223 355166. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos ok thank you good bye eos O O O O O O general-bye
+bos thank you . good bye eos O O O O O O general-bye
+bos thank you goodbye . eos O O O O O general-bye
+bos you 're welcome . bye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for a train departing from cambridge leaving on tuesday . eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A
+bos i have trains departing long kings cross to cambridge on tuesday every two hours starting at 5:00 , would you like to make a reservation ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos i need one that leaves after 13:30 for bishops stortford eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest N/A
+bos how about the tr8017 ? it leaves at 15:29 and arrives at 16:07 in bishops stortford . eos O O O O B-Train-Select+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos and this train leaves from cambridge ? if so could you please book it for 7 people and give me the reference number ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos yes , it leaves from cambridge . i have booked this for you , and your reference number is gixx2m35 . eos O O O O O B-Train-Inform+Depart O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos i am also looking for a place to eat around the centre area that serves gastropub style food . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O N/A
+bos i found 3 places , would you like to try the cow pizza kitchen and bar ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos yes , please book a reservation for 7 people . eos O O O O O O O O O O O N/A
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos can i get the reference number for that . eos O O O O O O O O O O N/A
+bos what day and time would you like the reservation for ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos also tuesday at 10:00. eos O O B-Restaurant-Inform+Day O O N/A
+bos i could not book the restaurant for 7 people at 10:00. would you like to try a different time ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can you get a table for 7 at 9:00 ? eos O O O O O O O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book that for you . your reference number is 06twfhh2 . your table will be reserved for 15 minutes . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos ok great thank you for all of your help ! eos O O O O O O O O O O O general-thank
+bos you 're very welcome , i hope you enjoy your meal ! eos O O O O O O O O O O O O O general-welcome,general-greet
+bos i am looking for help with a car accident dispute . eos O O O O O O O O O O O O N/A
+bos the number for the local police station is 01223358966. eos O O O O O O O O O O N/A
+bos great can i also have the address ? eos O O O O O O O O O Police-Request+Addr
+bos certainly . the address is parkside , cambridge postcode cb11jg . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no thanks . i have everything i need . eos O O O O O O O O O O general-thank
+bos ok. good luck with your dispute ! goodbye . eos O O O O O O O O O O general-bye
+bos i 'm looking for the parkside police station please . eos O O O O O O O O O O O Police-Inform
+bos the address of the parkside police station is parkside , cambridge . it 's phone number is 01223358966 and it 's postcode is cb11jg . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks , i think that 's all i needed ! eos O O O O O O O O O O O general-thank
+bos thank you for using our service , and have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos i need a train to cambridge on friday , please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos there are 202 trains to cambridge on friday . what is your departure station and preferred travel time ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i would like for the train to leave after 18:45 and depart from bishops stortford eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos there is a train meeting your criteria and is leaving at 19:29. eos O O O O O O O O O O O O B-Train-Inform+Leave N/A
+bos what is the travel time of the train ? eos O O O O O O O O O O Train-Request+Duration
+bos the travel time is 38 minutes . would you like to book this ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook
+bos that 's all the info i need about the train , i also am looking for an expensive restaurant in the centre of town . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos we have many expensive restaurants in the center of town . what type of cuisine interests you ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food
+bos i want flavor local to cambridge . what would you call that ? eos O O O O O O O O O O O O O O N/A
+bos the local flavor would be british . there are three options meeting your criteria . would you like me to book one for you ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Booking-Inform
+bos i only need the address for a restaurant that you would recommend . eos O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos fitzbillies restaurant is delicious , expensive , and centrally located . the address is 51 trumpington street city centre . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos no . that will be everything today . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using our service . have a wonderful day ! eos O O O O O O O O O O O O O general-bye
+bos hello , i need information about parkside police station , please . eos O O O O O O O O O O O O O Police-Inform
+bos the phone number to the police station is 01223358966. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , could i get the postcode as well please ? eos O O O O O O O O O O O O Police-Request+Post
+bos of course ! their post code is cb11jg . eos O O O O O O O O O O N/A
+bos thank you , that will be all . eos O O O O O O O O O general-thank
+bos have a great day . eos O O O O O O general-bye
+bos i 'm looking for a restaurant in the centre of town and it needs to be in the expensive price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos what type of food are you interested in having ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i 'm open to anything . i need a booking for 5 people at 12:00 on wednesday . give me the reference number please . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O N/A
+bos you have a reservation for 5 at the asian restaurant , kymmoy at 52 mill road city centre for 12:00 on wednesday , reference number cl644v0r . anything else i can assist with ? eos O O O O O O O B-Booking-Book+People O B-Restaurant-Inform+Food O B-Booking-Book+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos thank you very much , yes , i also need to book a train ticket . i 'd like to take the train on the same day and arrive by 09:45 if possible . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos i have 84 train departures with this criteria . where are you departing from or where is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be leaving from kings lynn . any train that gets me there close to the arrival time will be fine . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O O O O O O N/A
+bos i have a train that leaves kings lynn on wednesday at 08:11 and arrives at 08:58. will this work for you ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos that works perfectly . please make the booking for five people , and include my reference number , thank you . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos great it 's all booked your reference number is 5x6h64mg . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much for your help . have a great day ! eos O O O O O O O O O O O O O O general-thank
+bos you are very welcome ! before we end the conversation , did you need any other assistance ? eos O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope that should do it eos O O O O O O N/A
+bos alright . enjoy the rest of your day ! eos O O O O O O O O O O general-bye
+bos could you tell me the nearest police station ? eos O O O O O O O O O O Police-Inform
+bos the nearest police station is located at parkside , cambridge . eos O O O O O O O O O O O O N/A
+bos could you please give me the postcode to the police station ? eos O O O O O O O O O O O O O Police-Request+Post
+bos of course , the postcode is cb11jg . eos O O O O O O O O O N/A
+bos thank you ! that will be all . eos O O O O O O O O O general-thank
+bos thank you very much . goodbye . eos O O O O O O O O general-bye
+bos i 've just been robbed . i need to report it . eos O O O O O O O O O O O O O N/A
+bos so sorry to hear that . you can get assistance by contacting parkside police station at telephone 01223358966 , address parkside , cambridge , postcode cb11jg . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos you 're welcome , and good luck . eos O O O O O O O O O general-welcome,general-bye
+bos hi there , i am am trying to find out more information about the parkside police station . eos O O O O O O O O O O O O O O O O O O O Police-Inform
+bos hello , the phone number is 01223358966. address parkside , cambridge , postcode , cb11jg . would you like help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's everything i need , thank you ! eos O O O O O O O O O O O O general-thank
+bos glad i could be of assistance ! if you need anything else , let me know . eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos is there a good place to eat near the police station ? eos O O O O O O O O O O O O O Police-Inform
+bos could you specify north , south , east , west , or centre of town ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos never mind . i think i 'm all set . thank you . eos O O O O O O O O O O O O O O general-thank
+bos all right . if there 's anything else you need help with , please contact us again . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos hello , i have been robbed . can you please help me get in touch with the police ? eos O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos parkside police station is in parkside , cambridge . their number is 01223358966. anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i please have the postcode as well ? eos O O O O O O O O O O Police-Request+Post
+bos the postcode for the parkside police station is cb11jg . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos was parkside the address of the police station ? if not , can i have the address please ? eos O O O O O O O O O O O O O O O O O O O O Police-Request+Addr
+bos yes , parkside is the address . eos O O O O O O O O N/A
+bos thank you that will be all for now . eos O O O O O O O O O O general-thank
+bos great . thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O general-welcome
+bos you were great . goodbye . eos O O O O O O O general-bye
+bos we are happy to help . have a good day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a cheap restaurant that serves tuscan food eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos nothing is matching your request . i 'm sorry . eos O O O O O O O O O O O Restaurant-NoOffer
+bos bummer . could you help me find some cheap italian food then ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos if you do not have a preference of area , i recommend la margherita in the west . eos O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Area O O N/A
+bos sounds great , what is their phone number and address ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos la margherita is located at 15 magdalene street city centre and the phone number is 01223 315232. is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos how about italian ? eos O O O O O N/A
+bos la margherita serves great italian food . can i help with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O general-reqmore
+bos no that is all , thank you very much . good bye . eos O O O O O O O O O O O O O O general-bye
+bos you are very welcome . good bye , eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the moderate price range that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos do you have a preference as to what part of town ? eos O O O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos curry prince is an indian restaurant , in the moderate price range and in the east . do you want the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos indian food eos O B-Restaurant-Inform+Food O N/A
+bos rajmahal is an indian restaurant in the east part of town and in the moderate price range . how does that sound ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Booking-Inform
+bos may i have the phone number ? eos O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223 244955. is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos no . thank you . eos O O O O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos hello , i am looking for a lebanese restaurant in the centre of town . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos ali baba is a lebanese restaurant in the moderate price range in the centre part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos ali baba is located at 59 hills road city centre and the phone number is 01462 432565. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you . good bye . eos O O O O O O O general-bye
+bos you 're very welcome . have a good night . eos O O O O O O O O O O O general-welcome,general-bye
+bos a moderate priced irish food restaurant . eos O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A
+bos there are no irish restaurants . would you like to choose another type of food ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , could you please check whether there is a gastropub ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three gastropub restaurants listed . one is in the east part of town and the rest are in the centre . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos i would like the address and phone number of the one in the east part of town . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i 'm sorry , it appears there are no results for the east part of town . our system is having difficulty of some sort . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos can i have the address and phone number of a gastropub in the centre of town ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the cow pizza kitchen and bar is a moderately priced gastropub in the centre of town . it 's located on corn exchange street , and the phone number is 01223 308871. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you and good bye eos O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the north part of town that serves brazilian food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no mathcing records found for that request eos O O O O O O O O O O Restaurant-NoOffer
+bos how about spanish or portuguese food ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no matching records found for that request . eos O O O O O O O O O O O Restaurant-NoOffer
+bos i would like to try indian food in the north part of town . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos royal spice is an indian restaurant in the north of town , and is in the cheap price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i would like their phone number and address , please . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their phone number is 01733 553355 and their address is victoria avenue chesterton c.b 4 , 1 e.h eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you goodbye eos O O O O general-bye
+bos thank you for using the cambridge restaurant phone system . enjoy your meal ! eos O O O O O O O O O O O O O O O general-bye
+bos i want to find a restaurant in the east part of town . it serves chinese food . what is the address , phone number , and postcode ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yu garden is a chinese restaurant in the east part of town . their address is 529 newmarket road fen ditton , phone number 01223 248882 and postcode c.b 5 , 8 p.a . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos you 're welcome , goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for a cheap restaurant serving chinese food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A
+bos what area of town are you looking at ? eos O O O O O O O O O O Restaurant-Request+Area
+bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos we have four restaurant in the cheap price serving chinese food , can i help you with anything else ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O general-reqmore
+bos yes please . i want the address and phone number of anyone of them . eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos charlie chan is located at regent street city centre and its phone number is 01223 361763. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos thank you , goodbye eos O O O O O general-bye
+bos you 're welcome ! goodbye ! eos O O O O O O O general-welcome,general-bye
+bos i want to find an expensive restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos what is the food type you would prefer ? eos O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care . i just need to know the address , phone number , and postcode of the venue please . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos how about sitar tandoori , it 's address is 43 high street cherry hinton cherry hinton , their postcode is c.b 1 , 9 h.x , and their phone number is 01223 249955. eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post I-Restaurant-Recommend+Post O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O O N/A
+bos what is the food type of that restaurant ? eos O O O O O O O O O O Restaurant-Inform
+bos they serve indian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos thank you eos O O O general-welcome
+bos goodbye eos O O general-bye
+bos good day ! eos O O O O general-bye
+bos hi . i 'm trying to find a restaurant that serves venetian food . i 'd like to stay in the west part of town . can you find me a phone number ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos i apologize , there are no restaurants that serve venetian food in the west part of town . would you like to try a different part of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos that 's okay ! how about indian food ? could i have the address and phone number of an indian food restaurant please . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos cocum is an indian restaurant located at 71 castle street city centre , and it 's phone number is 01223 366668. eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos is it in the west part of town ? eos O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos yes , it is in the west part of town . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O N/A
+bos awesome , thank you ! that 's all i needed to know . have a good evening . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . good bye . eos O O O O O O O O O general-welcome,general-bye
+bos hello , i am looking for a moderately priced restaurant in the south part of town . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos what kind of food do you want ? italian or modern european ? eos O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O Restaurant-Request+Food
+bos i do not care . eos O O O O O O N/A
+bos there are two restaurants : pizza hut cherry hinton and restaurant alimentum . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos is there anything else available ? eos O O O O O O O N/A
+bos no , there are only 2 restaurants in the area . is there anything else i can help with ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos give me the address and postcode of any of them , please . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the phone number for pizza hut cherry hinton is 01223 323737 and they are located at g4 cambridge leisure park clifton way cherry hinton . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos what is the postcode ? eos O O O O O O Restaurant-Request+Post
+bos the postcode is c.b . 1 7 d.y eos O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A
+bos that 's great . thank you so much eos O O O O O O O O O general-thank
+bos you 're very welcome . eos O O O O O O general-welcome
+bos i would like a ticket to a train that arrives in cambridge before 8:45am . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos there are 231 trains that arrive in cambridge before 8:45 , can you tell me where you want to depart from to narrow it down ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i 'd like to depart from london kings cross eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i can book you on train number tr4543 . it departs at 07:17 and arrives in cambridge at 8:08. eos O O O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O N/A
+bos i need the train to leave on sunday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos okay , i got one leaving at 5:17 and another at 7:17 , do you have a preference ? eos O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select
+bos 7:17 please . i would like to book for 8 people and i need the reference number . i would also like to book at bangkok city restaurant . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos i 've booked the train . your reference number is yrip8v3c . for what day and time would you like the restaurant reservation ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i want to book the reservation the same day as my train at 13:30 for 8 people . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O B-Train-Inform+People O N/A
+bos unfortunately we can not book at that time , could you choose another day or time please ? eos O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos how about the same day at 12:30 ? if that works , please send the reference number . eos O O O O O O O O O O O O O O O O O O O N/A
+bos it works . the reference number is yrip8v3c . anything else i can do for you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i would also like to book a reservation at bangkok city . eos O O O O O O O O O O O O O N/A
+bos you would like an additional reservation at bangkok city restaurant ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos no , my mistake . thank you . eos O O O O O O O O O general-thank
+bos okay is there anything else i can help you with ? eos O O O O O O O O O O O O general-reqmore
+bos no , that was everything , thank you ! eos O O O O O O O O O O general-thank
+bos okay ! thank you for calling . eos O O O O O O O O general-welcome
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos good day then . eos O O O O O general-bye
+bos i 'm looking for a cheap guesthouse . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos i found nine cheap guesthouses . would you like to book at the allenbell ? it has 4 stars and is in the east side . eos O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Booking-Inform+Name O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O N/A
+bos do you have anything on the north side ? eos O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are two options on the north side , city centre north b and b or worth house . would you like more information about either of those establishments ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O general-reqmore
+bos i 'd like to book worth house for 2 people starting sunday for 4 nights . can i get the reference number please ? eos O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O O O O Hotel-Request+Ref
+bos i was able to book the worth house for you for 2 guests for a total of 4 nights . your reference number is zb2fs6w4 . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+People O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O N/A
+bos thanks so much , i appreciate the help . eos O O O O O O O O O O general-thank
+bos you are certainly welcome . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i 'm also looking for an indian restauarnt in the same area as the guesthouse . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos there are two indian restaurants in the north , the nirala , which has a moderate pricerange , and royal spice , which has a cheap pricerange . which would you like to book ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos actually can i just have the phone number and address to the nirala please ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the nirala is located at 7 milton road chesterton and it 's phone number is 01223360966. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O N/A
+bos thanks . i will also need a taxi to take us back and forth to the restaurant at 17:45. can i get the car type and contact number ? eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car
+bos i have booked you a blue volkswagen from worth house to the nirala at 17:45. the contact number is 07301287073 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O N/A
+bos thank you for your help . that 's all i need today ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , goodbye ! eos O O O O O O O general-welcome,general-bye
+bos hello i 'm looking for the shanghai family restaurant . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos yes i got it , what can i do for you sir ? eos O O O O O O O O O O O O O O general-greet
+bos can you tell me the postcode ? eos O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb11dg . eos O O O O B-Restaurant-Inform+Post O N/A
+bos great i am also looking for a hotel with a 2 star rating that has free parking . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos do you have a preference for the hotel 's area or price range ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos the area does n't really matter , but i would like something cheap . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i 'm sorry , but i do n't have any hotels that match that criteria . would you like to change your requirements ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O N/A
+bos can you find me a 4 star hotel ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have at least 8 hotels that might suit you . they all have internet , a 4 star rating and are in the cheap price range . do you have a preference for what part of town you stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos yes i would like to stay on the east side of town . eos O O O O O O O O O O O O O O N/A
+bos i have both the autumn house and the allenbell . they are both guesthouses on the east side of town with a 4 star rating . should i book one for you ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos the allenbell is fine . could you book a stay for 7 people , starting on tuesday , for 4 nights ? i also need a reference number . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful . reference number is : avpktybj . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i will als require a taxi . i need to leave the hotel by 21:15. can you provide he contact number and the type of car please . eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O N/A
+bos what is your destination ? eos O O O O O O Taxi-Request+Dest
+bos i do n't have a particular destination for my taxi . eos O O O O O O O O O O O O Taxi-Inform
+bos i 'm sorry , but i can not provide you information on the taxi without knowing your destination . eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i need to get from the allenbell hotel to the shanghai family restaurant , please . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos i have confirmed your taxi departing from allenbell at 21:15 to shanghai family restaurant . the contact number is 07779063338. is there anything else we can help you with ? eos O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i also need the car type . thank you eos O O O O O O O O O O O O Taxi-Request+Car
+bos the booked car type is a red toyota . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A
+bos thank you so much for all of your help , have a great day ! eos O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos i need a hotel in the east which includes free wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos yes i have a few in the east that have internet , would you like me to get the information on a few for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i would also like for it to be a guesthouse style and in the area of east , thank you eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i have a few different options available , did you preference a moderate or cheap priced hotel ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A
+bos i do n't have a preference on price . it also does n't need to have free parking . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i found one option with your preferences , the a and b guest house . it has a moderate price range and 4 stars . eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A
+bos that sounds lovely . i also am looking for an italian restaurant in the moderate price range , can you help me ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos absolutely , you have five choices . would you prefer a place in the south , centre , west , or east side of cambridge ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O N/A
+bos i 'd like a place in the east , please . eos O O O O O O O O O O O O N/A
+bos that would be pizza hut fen ditton , what time would you like to go ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Request+Time
+bos i 'd like a reservation for 6 people at 14:45 on saturday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i am very sorry i was unable to get a reservation at that time , would you like to try for another time slot ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes , let 's try a little earlier at 13:45 , and i will need a reference number please . eos O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : y0gbagst . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , i also need a taxi to commute between two places . eos O O O O O O O O O O O O O O Taxi-Inform
+bos i can help you book a taxi , can you tell me a little more detail about your taxi request ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Depart
+bos sure , i 'll be going from the hotel to the restaurant , and of course i want to get there for that 13:45 reservation . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Arrive O O O O O N/A
+bos i have booked a red volkswagen for you . the contact number is 07121756826. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you for all of the helpful information ! eos O O O O O O O O O O general-thank
+bos would you like anything else ? eos O O O O O O O general-reqmore
+bos can you get me the contact number for the car ? eos O O O O O O O O O O O O N/A
+bos yes . the contact number is 07121756826. is there anything else i can help you with ? eos O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-greet,general-reqmore
+bos no , thank you , you 've been very helpful . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre and you have a nice day . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive restaurant in the center of town . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos would you be interested in the cambridge chop house ? it is a british cuisine restaurant located in the centre of town . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Area O O O O N/A
+bos thank you , i hope its in the expensive price range . and if you could give me the phone number that would be great eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos yes , it 's expensive . phone number is 01223359506. eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Phone O O O N/A
+bos i need to book a table for 1 person at 16:45 on friday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos that booking is unsuccessful . does another time/day work ? eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos yes . how about 15:45 on friday instead ? eos O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 10p0levh.. anything else today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos i 'm also looking for a place to stay . ideally a hotel with free wifi and parking that is also expensive . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos if you 're looking to stay in the town centre area , there is the gonville hotel . it has free parking and internet and is rated 3 stars . would you like to book ? eos O O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos great can you book it for one person , for 4 nights starting friday ? eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos your booking was successful starting friday for four nights . your reference number is drw9qm8s . can i help you with anything else ? eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Stay O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need to book a taxi to commute between the two . i 'd like to arrive prior to the 15:45 time . eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos your booking is complete , a grey bmw will be picking you up , the contact number is 07034136573. can i assist you with anything further today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , thanks for your help . eos O O O O O O O O general-thank
+bos you are welcome , goodbye ! eos O O O O O O O general-welcome,general-bye
+bos please locate me an italian restaurant in the centre area . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are 9 such restaurants . do you want a specific price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price
+bos it should be expensive . eos O O O O B-Restaurant-Inform+Price O N/A
+bos there are four choices which match your requirements . would you like to make a reservation at one of them ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no preference really , you pick . i 'll need the address please . eos O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos okay , how about caffe uno . it 's located at 32 bridge street city centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos great i also am looking for a hotel called cityroomz eos O O O O O O O O O O B-Hotel-Inform+Name N/A
+bos cityroomz is a hotel in the centre of town in the moderate price range what information would you like about it ? eos O B-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos yes can i please have the address ? eos O O O O O O O O O Hotel-Request+Addr
+bos the address is sleeperz hotel , station road . can i help you with anything else today ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos great ! thanks for using cambridge towninfo . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a guesthouse in the north area . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos there are 11 available . would you like to further search by price range and number of stars ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos that would need helpful yes , however i need the hotel to also offer free parking ! eos O O O O O B-Hotel-Inform+Parking O O O O O O O O O O O O N/A
+bos i have found 9 guesthouses fitting this criteria . do you have a preference on price or stars ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos yes , please tell me the star ratings . eos O O O O O O O O O O N/A
+bos the majority of guesthouses available in the north have four stars , with the exception of one guesthouse with 3 stars and one guesthouse with 0 stars . eos O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A
+bos i would like a place in the north part of town , and its phone number . i also need a restaurant in the same area that is expensive . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos let 's get your table booked first please . how about chinese ? the hakka has great cuisine . eos O O O O O O O O O O B-Restaurant-Recommend+Food O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O N/A
+bos i am actually looking to eat lebanese food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry there are no results for lebanese food in the north that are expensive . would you like to try another area , or a different cuisine ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Price O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos how about chinese then ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are 2 expensive chinese restaurants in the north . the hakka is located at milton road chesterton . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos yes please , can i get a phone number , address , and reference number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos hakka is located at milton road chesterton , cb41jy . the phone number is 01223568988. can i help with anything else today ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i am trying to find a restaurant in the south of the city that serves modern american food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i did n't find any modern american restaurants in the south end . are you open to other areas ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O Restaurant-Request+Area
+bos what about a restaurant there that serves mexican food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there is one mexican restaurant in the south . the chiquito restaurant bar . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos could you tell me more about it ? what is its price range ? where is it located in the south ? eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O Hotel-Request+Price
+bos it is in the expensive price range and is located at 2g cambridge leisure park cherry hinton road cherry hinton cb17dy eos O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos sounds delicious , could you book a table for 1 at 17:30 on tuesday ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i 'm sorry that date and time slot is already full . would you like to try a different date/time ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos what about 4:30 on tuesday ? eos O O O O O O O N/A
+bos i was able to book a table for 1 at 16:30. your reference number is p62404i5 . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos great ! can you also tell me the address and price range for the express by holiday inn cambridge ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Price,Hotel-Request+Addr
+bos it is expensive and the address is 15-17 norman way , coldhams business park eos O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thank you , that is all i need today . eos O O O O O O O O O O O general-thank
+bos you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i need to find a certain restaurant called the slug and lettuce . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos the slug and lettuce is a gastropub in the centre of town . would you like to book a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no . i just needed the area . thank you ! eos O O O O O O O O O O O O Restaurant-Request+Area
+bos you are very welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , please . i need a 3-star hotel with free wifi . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i found 5 hotels that are available , do you have a price range or hotel style you 'd prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price
+bos i 'd like it to be a guesthouse with free parking included please . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i would recommend the bridge guest house . it 's on the south side of town . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Area O O O O O O N/A
+bos what is the price range ? can i also get the address and postcode ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr
+bos the bridge guest house is moderately priced and is at 151 hills road , postcode cb28rj . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O N/A
+bos great ! thats all the information i needed . have a great day . eos O O O O O O O O O O O O O O O N/A
+bos thank you for calling . eos O O O O O O general-greet
+bos thank you , and goodbye . eos O O O O O O O general-bye
+bos you are welcome . take care . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a hotel on the west side of cambridge . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i have found 4 results for hotels in the west side . do you have a particular price range that you 're looking for ? eos O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would like a moderate rate please . eos O O O O O O O O O N/A
+bos that would be hobsons house would you like to book that ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform
+bos i would like to book a room at the hotel for 8 people for three nights please . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O O O O N/A
+bos certainly , what day you will be arriving ? eos O O O O O O O O O O Booking-Request+Day
+bos i 'll be starting on thursday . eos O O O O O B-Hotel-Inform+Day O O N/A
+bos excellent , you 're all set . the reference number is w4qyz0uk . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you . do you have information on city stop restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos yes . it is european cuisine located in the north area of town with and expensive price range . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A
+bos can you tell me their postcode ? eos O O O O O O O O Restaurant-Request+Post
+bos yes , the postcode is cb41uy . eos O O O O O B-Restaurant-Inform+Post O O N/A
+bos thank you that 's all i needed eos O O O O O O O O general-thank
+bos you 're welcome . have a good day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i would like to eat at cheap restaurant in the centre while i am here in cambridge . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos is there a food type you have a preference for ? spanish , italian , chinese , indian are just some of the choices . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Food
+bos no , i do n't really care what kind of food it is as long as it 's cheap . i will need a reservation for 1 person at 14:45 on monday . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay , i 've got the dojo noddle bar in the centre of town that serves cheap food . how will that be ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i 'd like to book a table for 1 at 14:45 on monday , please . i also need the reference number . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos i have booked the restaurant for you . the table will be reserved for 15 minutes . the reference number is y3mgyyh6 . eos O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i also need a hotel that is near the restaurant . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos there a 5 places in the centre . do you have a preferred price range ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos no price range . i do need it to have free wifi and parking though . can you tell me what star that hotel would be ? eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos how about el shaddai ? it has free parking and wifi and is in the centre of town . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos that sounds good . what is it 's star rating , please ? eos O O O O O O O O O O O O O O N/A
+bos the star rating is 0. would you still like me to book this hotel for you ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform
+bos i do n't need a booking , but i need a taxi commuting between that hotel and the booked restaurant . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos taxi booking completed ! your car is a grey audi , their contact number is 07263703306. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos great thank you very much eos O O O O O O general-thank
+bos you 're welcome . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos will the taxi arrive by the booked time ? eos O O O O O O O O O O Taxi-Inform
+bos yes , your taxi will arrive by the booked time of 14:45. is there anything else i can help you with today ? eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O general-reqmore
+bos just the telephone number of the taxi please . eos O O O O O O O O O O Taxi-Request+Phone
+bos the contact number is 07263703306. can i provide any further assistance today ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos thanks i have everything i need . goodbye ! eos O O O O O O O O O O general-bye
+bos great . thank you for contacting the cambridge towninfo centre eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A
+bos i have several options for you . is there a particular area you 're looking for ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos in the east , please . something inexpensive , with free parking . eos O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos i have 3 such places available . allenbell , autumn house , and leverton house . which guesthouse do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Select+Type O O O O O O O O N/A
+bos if the allenbell is cheap , i would like to book ti for tuesday . eos O O O B-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos how many days will you be staying and will there be other travellers with you ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos there are 5 people in my group and we will be staying 2 nights . eos O O O O B-Hotel-Inform+People O O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos okay , i have you booked for 5 people , 2 days , beginning on tuesday . your reference number is uft1h00c . can i help you with anything else ? eos O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Stay O O B-Booking-Inform+Day O O O O O B-Booking-Inform+Ref O O O O O O O O O O O O general-reqmore
+bos yes ! can you help me find a restaurant near the hotel ? eos O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos sure , i can help you with that . was there a specific type of food you were looking for ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like international food , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A
+bos the missing sock is a cheap international restaurant in the east . will that work for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos can you make a reservation for tuesday for 5 people at 17:15 ? eos O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : ycxb5jqe . will there be anything else today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos no thanks , thats all for now eos O O O O O O O O general-thank
+bos have a lovely day , goodbye ! eos O O O O O O O O general-bye
+bos i 'd like to find a cheap indonesian restaurant . can you help ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A
+bos unfortunately , we do not have any indonesian restaurants . would you like thai food ? eos O O O O O O O B-Restaurant-NoOffer+Food O O O O O B-Restaurant-Select+Food O O O N/A
+bos what kind of restaurants are in the west that 's cheap ? eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A
+bos there is an italian restaurant , la margherita and a vietnamese restaurant called thanh binh . would one of those work ? eos O O O O O O O O O O B-Restaurant-Select+Food O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O N/A
+bos yes , could you give me more info on the vietnamese restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos their address is 17 magdalene street city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos could you give me their postcode ? eos O O O O O O O O Restaurant-Request+Post
+bos their postcode is cb30af . would you like to book a table ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O Booking-Inform
+bos no , that will be fine . i am needing help finding a hotel in a moderate price range with 4 stars and free parking . can you help me with that ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos i 'd be happy to help with your request , to help narrow the results down , what area are you looking to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos how about the west ? eos O O O O B-Hotel-Inform+Area O N/A
+bos sorry , there are no results . maybe a different star rating or area would work ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos area does n't actually matter . but if there are no results for a moderate 4 star type-hotel with parking , then try to find a cheap one instead eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have one result for you in the cheap pricerange . it is the cambridge belfry . anything else today ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O general-reqmore
+bos great can you book that for 8 people for 3 nights starting thursday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos here is your reference number , sm7peysv . the booking is all set for you . is there anything else i can do for you ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that is all , thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome . let us know if we can help you . eos O O O O O O O O O O O O O O general-welcome
+bos i want to book a taxi . the taxi should leave after 02:30 and should go to norwich train station . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos i can definitely help you with that . where will you be departing from ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet
+bos i will be departing from jesus college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have booked you a grey audi . the contact number is 07597249308. what else may i help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that 's is all i wanted for today , thanks eos O O O O O O O O O O O general-thank
+bos thanks and have a nice day . eos O O O O O O O O general-bye
+bos i need a hotel with free wifi . eos O O O O B-Hotel-Inform+Type O O O O N/A
+bos what part of town are you planning to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos does n't matter . i also need free parking . eos O O O O O O O O O O O N/A
+bos there are eight results . is there a certain price range you 'd like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price
+bos could you find me one with a star rating of 3 ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos sure , there is one in the centre area and one in the south . do you have a preference ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Select
+bos no area does not matter please recommend one . eos O O O O O O O O O O N/A
+bos i have the gonville and the lensfield hotels . when would you like the room ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O Booking-Request+Day
+bos yes can you please and send me the info ? eos O O O O O O O O O O O N/A
+bos gonville hotel hotel centre expensive 3 yes yes 01223366611 cb11ly gonville place the lensfield hotel hotel south expensive 3 yes yes 01223355017 cb21en 53-57 lensfield road eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it seems we are on different pages here . ok , just please book a room for at the gonville hotel , 1 person , 4 nights , starting friday . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O N/A
+bos okay no problem . i have booked you at the gonville hotel for 4 nights starting friday . the reference number is 7kjdaldo . can i help with anything else ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i also need a lebanese restaurant in the center of town . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos ali baba is a moderately priced labanese restaurant in the centre . would you like to make a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos i ca n't wait . please book a table for 1 at 13:00 on friday , please . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : jvl68lsj . anything else i can help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is everything , thank you . eos O O O O O O O O general-thank
+bos have a great day . good day . eos O O O O O O O O O general-bye
+bos hi , i 'm looking for an expensive restaurant that serves moroccan food in cambridge please . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos i 'm sorry , there are no expensive moroccan restaurants in cambridge . eos O O O O O O O O O O O O O O N/A
+bos ok , how about chinese food then ? eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are several . if you do n't have a preference as to where in town you eat , might i suggest the good luck chinese food takeaway ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A
+bos is it in the expensive range ? eos O O O O O O O O N/A
+bos yes it is . would you like me to send you their address ? eos O O O O O O O O O O O O O O O Restaurant-Inform,general-greet,general-reqmore
+bos can you book me a table for one on friday at 13:45 ? i will need the reference number as well . eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : mm5bytye . do you need anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , please . i 'm looking for a hotel on the east side . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos there are several , do you have any other preferences like price range or rating ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i would like it to be in the expensive range . eos O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos there is one expensive hotel on the east side . it is the express by holiday inn cambridge . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos yes , i 'd like to book that for one person . it will need to be on friday and i 'll stay for three nights . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O N/A
+bos your booking was a success ! your reference number is : ydtua8pe . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i am interested in finding local indian restaurants to visit during my trip to cambridge . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Restaurant-Request+Price
+bos moderate price range , please . eos O B-Restaurant-Inform+Price O O O O O N/A
+bos i have four indian restaurants . do you have a area of town in mind ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area
+bos i also need a place to stay and should be a guesthouse eos O O O O O O O O O O O O B-Hotel-Inform+Type N/A
+bos there are 24 guesthouses to stay at around town . what area of town and price range are you looking for ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i am looking for a hotel in the east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there a 6 guesthouses in the east . half of them are in the cheap range , and the other half moderate . what is your preference ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos the price does n't matter . but i need a reservation starting on friday . eos O O O O O O O O O O O O O O O O N/A
+bos okay , i recommend autumn house . for the reservation on friday , how many people will be staying and for how many days will you be staying ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Booking-Inform+Day O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos 5 people and 4 nights . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos booking your reservation was successful and your reference number is 47toyzuy . have you decided in which part of town you want me to find an indian restaurant ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Area
+bos anywhere is fine , it just needs to be moderately priced . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i have 4 at that price . 2 in east , 1 each in north and west . any preferences ? eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Restaurant-Select
+bos no , any is fine really . eos O O O O O O O O N/A
+bos okay . then i recommend curry prince in the east . would you like a reservation there ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform,general-greet
+bos not yet . what part of town is it in ? eos O O O O O O O O O O O O N/A
+bos it is in the east section of town . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos can you make a reservation for me , please ? eos O O O O O O O O O O O N/A
+bos sure ! how many people , what time , and what day ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time,general-greet
+bos it will be dinner for 5 people . eos O O O O O O O O O N/A
+bos of course ! what time would you like to dine ? eos O O O O O O O O O O O O Booking-Request+Time,general-greet
+bos no actually i don ; t need a reservation . i just need to find a hotel that is a guesthouse with free parking , and in the east and moderately priced . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos you have a booking already for the autumn house are you wishing to book another guesthouse ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Hotel-Select+Type O Booking-Inform
+bos no , i only need one . eos O O O O O O O O N/A
+bos do you need to cancel the booking ? eos O O O O O O O O O general-reqmore
+bos i only need one booking . eos O O O O O O O N/A
+bos then booking was successful.reference number is : 47toyzuy . eos O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for your help . have a great day eos O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos yes i am looking for a moderately priced italian restaurant . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos prezzo is a moderately priced italian restaurant in the west part of town . would you like to go there ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos i need something in the centre part of town . what do you have ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A
+bos i have two options to choose from . pizza express and pizza express fen ditton are both in the centre of town . eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos i 'd like to make a reservation at pizza express fen ditton . eos O O O O O O O O O O O O O O N/A
+bos i can do that . when will you be eating ? eos O O O O O O O O O O O O Booking-Request+Time
+bos we will be eating at 14:30 on wednesday . i need the reservation to be for 7 people . eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O B-Restaurant-Inform+People O O N/A
+bos i have booked you a reservation at pizza express fen ditton for 7 people on wednesday at 14:30. your reference number is 4dvilhuv . do you need anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos yes , i am also looking for a place to stay . i prefer a guesthouse . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i would like to stay somewhere near the restaurant . eos O O O O O O O O O O O N/A
+bos there are two hotels available . do you have a preference between 0 or 4 stars ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A
+bos 3 stars will be fine thank you eos O O O O O O O O general-thank
+bos alexander bed and breakfast is the 4 star rated place . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O N/A
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes , it has both wifi and parking . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos book for 7 people for 5 days from wednesday eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A
+bos booking was successful.reference number is : 62unrh8c . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i wouls also need a taxi eos O O O O O O O Taxi-Inform
+bos i would be happy to book your taxi . i need the travel time , departure location and arrival destination please . eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i want it to take me from alexander b & b to pizza express fen ditton to get me there by 14:30. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Arrive O O N/A
+bos your taxi is booked . be expecting a yellow volkswagen . please call 07236965666 should you need to reach them . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O N/A
+bos thanks ! that will be all for today . eos O O O O O O O O O O general-thank
+bos thank you , enjoy your stay ! eos O O O O O O O O general-welcome,general-bye
+bos can you help me find a restaurant with a moderate price range that serves turkish food ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos there are two restaurants : antolia and efes restaurant . need a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Booking-Inform
+bos sure . i 'd like a table for 2 at antolia on thursday at 13:45. eos O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos here is your booking information : booking was successful . the table will be reserved for 15 minutes.reference number is : 0tai4m3w . eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos i am also looking for a moderate priced guesthouse to stay in that includes free parking eos O O O O O O O O O O O O O O O O O N/A
+bos thanks a lot welcome again eos O O O O O O general-welcome
+bos i need a place to stay in the east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i have several guesthouses and one hotel to stay at . do you have a price range of star rating you 're looking for ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos no , i do n't care about price or stars . eos O O O O O O O O O O O O N/A
+bos ok , leverton guesthouse is cheap and located in the east . can i get you some information on it ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Area O O O O O O O O O O O general-reqmore
+bos does it have wifi ? eos O O O O O O N/A
+bos yes it has both free internet access and parking . would you like to make a reservation ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes please , for 4 nights . eos O O O O O O O O N/A
+bos for what night and how many people ? eos O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i need it for 8 people for 2 nights starting on wednesday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos your booking is set , the reference number is ddizeyl4 . anything else that i can assist with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos thanks . could you help me find a restaurant specializing in americas food , also in the east ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O N/A
+bos were you looking for a particular price range ? eos O O O O O O O O O O Restaurant-Request+Price
+bos any price range will work . eos O O O O O O O N/A
+bos sorry , i could n't find anything that matches that . want to try for a different kind of food ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos try british food , please . eos O O B-Restaurant-Inform+Food O O O O N/A
+bos i have the grafton hotel restaurant serves british food . would you be interested in that ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O Booking-Inform
+bos yes . can you get all eight of us a table ? eos O O O O O O O O O O O O O N/A
+bos what time would you like the booking for ? eos O O O O O O O O O O Booking-Request+Time
+bos 12:15 on the same day as the hotel please eos O O O O O O O O O O Hotel-Inform
+bos what day would that reservation be needed and number of people ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos that would be for wednesday and 8 people please eos O O O O O O O O O O N/A
+bos booking was successful is there anything else ? eos O O O O O O O O O Booking-Book,general-reqmore
+bos no , thank you for your help . eos O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hey ! looking for a hotel on the west side . thanks ! eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos there are 2 hotels in the west . would you prefer cheap or expensive ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O N/A
+bos i would have to choose the less expensive one this time . eos O O O O O O O O O O O O O N/A
+bos the cambridge belfry is a cheap hotel on the west side . would you like more information ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O general-reqmore
+bos do they offer internet ? eos O O O O O O N/A
+bos yes free internet is included . is that what you are looking for ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i would like to make a booking for 2 people and 2 nights starting from friday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos i successfully booked you a room for 2 nights starting on friday at the cambridge belfry . your reference number is gpgcypcu eos O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O N/A
+bos thank you . do you have information on the pipasha restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos yes it 's an expensive indian restaurant in the east . there address is newmarket road fen ditton and phone number is 01223577786. would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos what is the postcode to that place ? eos O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb236bw . do you need anything else ? eos O O O O B-Restaurant-Inform+Post O O O O O O O general-reqmore
+bos i 'd also like to book a taxi between my hotel and the restaurant . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos what time would you like to leave or arrive ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i would like to leave the hotel by 01:00. eos O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A
+bos your taxi reservation departing from the cambridge belfry headed to pipasha restaurant by 1:00 was successful . the cary type is a yellow skoda . contact number : 07014062574 eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos thank you , that 's all i need today . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! please contact our service if you need any other information about your visit to cambridge . eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos hi , i am looking for a middle eastern restaurant in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A
+bos i am sorry , there are no expensive middle eastern restaurants . can i look in a different price range ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer
+bos yes , can we try a moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos sorry there are no moderate middle eastern restaurants either . do you want to try a different price range ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer
+bos hmm , how about italian ? expensive . eos O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O N/A
+bos there are some great ones . do you have a preference for which part of town it is in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos nope ! could you pick your favorite and book a table for me ? 2 people at 12:30 on tuesday , please . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : h9sv1u6g . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos awesome . thanks for your assistance , that 's all i need . eos O O O O O O O O O O O O O O general-thank
+bos i am glad to be of service ! have a wonderful time in cambridge ! eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos is there anything in particular you are looking for ? hotels or restaurants perhaps ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos i 'm looking to take a train on sunday leaving from kings lynn . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i would be happy to assist you . those trains leave every hour , starting at 05:11. what time would you like to arrive in cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Arrive,general-greet
+bos i would like to leave after 11:15. eos O O O O O O O B-Train-Inform+Leave N/A
+bos the first train departing sunday after 11:15 is tr1152 leaving at 12:11. would you like to book a ticket ? eos O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos what is its price ? eos O O O O O O Train-Request+Price
+bos the price is 7.84 pounds per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos okay . and what would be the length of travel ? eos O O O O O O O O O O O O N/A
+bos travel time is 47 minutes eos O O O O O B-Train-Inform+Time N/A
+bos thanks for the train info . i am also interested in visiting attractions in the center of cambridge . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos i would be happy to assist you with that . what type of attraction are you interested in ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,general-greet
+bos any one would do but i would need the phone number eos O O O O O O O O O O O O Attraction-Request+Phone
+bos all saints church is a attraction of architecture in the centre phone is 01223452587 eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Phone N/A
+bos can we also look at hotels in the same area as the attraction ? eos O O O O O O O O O O O O O O O Attraction-Inform,Hotel-Inform
+bos of course i can help you with that . what amenities are you looking for ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking,general-greet
+bos actually , i wo n't be needing a hotel after all . thank you for your help . eos O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos your welcome . are you sure there is nothing else i can assist you with today ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no , that is all i need today . again , thank you . eos O O O O O O O O O O O O O O O general-thank
+bos glad i could help you find what you were looking for . hope you have a great day . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos please find me a train out of bishops stortford on tuesday eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day N/A
+bos no problem ! when are you looking to depart ? eos O O O O O O O O O O O Train-Request+Leave,general-greet
+bos i need to leave on tuesday after 17:45. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos the earliest train after that time is tr9286 . it departs at 19:29 and arrives in cambridge at 20:07. would that work for you ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Train-Request+Ref
+bos how many tickets would you like ? eos O O O O O O O O Train-Request+People
+bos i would like to book it for 8 people , and if i can have the reference number . i wil also be looking for a museum in the centre . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos okay i was able to book that for you and your reference number is 3umae1f5 . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos that 's perfect , i want to visit some museums in the town center with the family . can you suggest some ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos how about broughton house gallery ? it looks lovely . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O general-greet
+bos that sounds great can i get the phone number and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos their postcode is cb11in . their phone number is 01223314960. will that be all ? eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos yes . that is all for now . good bye ! eos O O O O O O O O O O O O general-bye
+bos have a great trip ! eos O O O O O O general-bye
+bos i am looking for somewhere to go in the centre of cambridge eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos oh , i suggest my favorite ! it 's holy trinity church , beautiful architecture , and it 's located on market street . it 's free . would you like their phone number ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore
+bos no , is that a museum or a church . eos O O O O O O O O O O O N/A
+bos it 's actually not a museum , but considered an architecture attraction . were you interested in a specific type of attraction ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Type
+bos no . also find me a hotel by the name warkworth house eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos the warkworth house is a guesthouse in the east , it 's moderately priced and rated 4 stars . i would love to assist you in booking a room if you would like ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . can you reserve a room for monday for 5 people , 3 nights ? eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A
+bos yes your reference number is 53ljq4h6 . eos O O O O O O B-Booking-Book+Ref O N/A
+bos thanks ! can you suggest to me something to visit that is n't a church or architecture ? maybe a museum or a park ? eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 5 parks in town . did you have a certain area you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos i think we would like it to be in the centre of town please . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos cambridge university botanic gardens is a beautiful park . its located at bateman street , costs 4 pounds to get in . phone 01223336265 , cb21jf . will you need transportation ? a train , taxi or bus ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone B-Attraction-Inform+Post O O O O O O O O O O O O O O O O O general-reqmore
+bos actually , i will need to book lodgings as well . eos O O O O O O O O O O O O N/A
+bos i have you at the warlworth house . would you like to change the reservations ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O Booking-Inform
+bos no . that 's perfect ! thanks for your help . good bye . eos O O O O O O O O O O O O O O O general-bye
+bos have a good day eos O O O O O general-bye
+bos i need a train to stevenage on saturday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos the earliest train on saturday leaves at 5:21. when would you like to depart ? eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O Train-Request+Leave
+bos much later , i ca n't leave any earlier than 16:15. eos O O O O O O O O O B-Train-Inform+Leave O O N/A
+bos how about a 17:21 that will arrive by 18:10 ? eos O O O O B-Train-Select+Leave O O O O B-Train-Select+Arrive O N/A
+bos ok can you book it for me with a confirm number eos O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 10.24 gbp payable at the station .reference number is : mq8762hx eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you . can you help me find a hotel that has 2 stars and is expensive . i would like free wifi and in the east . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos express by holiday inn cambridge meets all those requirements . would you like me to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos i would like to book that for one person for two nights starting thursday eos O O O O O O O O O O O O O O B-Hotel-Inform+Day N/A
+bos i have that booked for you , is there anything else you need ? eos O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos a reference number eos O O O O Hotel-Request+Ref
+bos sure , your reference number is o9hugxco . eos O O O O O O B-Booking-Book+Ref O O N/A
+bos great , thanks for your help ! eos O O O O O O O O general-thank
+bos you are welcome . can i assist with anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that is all , thanks ! eos O O O O O O O general-thank
+bos thank you and enjoy your city stay ! eos O O O O O O O O O general-bye
+bos i am going to cambridge and i am looking for the cambridge book and print gallery eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos okay ! it is a museum in the west part of town at 49 newnham road . admission is free . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O N/A
+bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223694264. can i help you with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos thank you . i 'm also looking for a moderate price range restaurant that serves turkish food . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i love efes restaurant on king street city centre . would you like me to reserve a table for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O O Booking-Inform
+bos not right now , thank you for your assistance . have a wonderful day . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i 'm looking for a guesthouse , i do an online business , so i will need free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos there are 23. what part of town would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos a star of 4 and should include free parking in the north part of town eos O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have the kirkwood house in the north . it 's located at 172 chesterton rd . would you like me to book for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform
+bos yes please book that for 6 people for 4 nights starting tuesday and give me the reference number on it . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos your booking was successful . the reference number is cx1y5225 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . are there any chinese restaurants in the centre of town ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 10 chinese restaurants in the town centre . what price range were you looking at ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos i 'm definitely looking for someplace cheap . eos O O O O O O B-Restaurant-Inform+Price O O N/A
+bos i would recommend golden house in 12 lensfield road city centre . can i book for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O Booking-Inform
+bos no , just tell me the address and phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 12 lensfield road city centre , phone number 01842753771 eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Phone O N/A
+bos could you also book a taxi for me from the guest house to the restaurant ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i want to leave the restaurant by 05:45. eos O O O O O O O O O Restaurant-Inform
+bos so you want to go from the restaurant to the guesthouse at 5:45 ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Depart
+bos yes , please , i would like a taxi from the restaurant to the guesthouse . eos O O O O O O O O O O O O O O O O O N/A
+bos ok i 've booked you a blue bmw to leave kirkwood house at 5:45 going to golden house . contact number:07124998798 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Phone O N/A
+bos cool , thanks for your help . eos O O O O O O O O general-thank
+bos you are welcome and thanks for choosing us eos O O O O O O O O O general-welcome
+bos no problem . that 's all i needed too . so , bye . eos O O O O O O O O O O O O O O O general-bye
+bos welcome anytime you need use eos O O O O O O general-welcome
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos sure , do you need some information ? eos O O O O O O O O O general-reqmore
+bos i need to book a train from cambridge to leicester , leaving after 20:00 on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos there are 4 options leaving after 20:00 , by what time do you want to arrive in leicester ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive
+bos it does n't matter when i arrive , but i need to make a booking for 5 people . and i definitely need a reference number for the booking . eos O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 151.19 gbp payable at the station , your reference number is em5ayoet . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos actually , i could use some help finding something fun to do in the north . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are several swimmingpools as well as a park and a boat attraction in the north . do any of these appeal to you ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos can you give me the address for the park ? eos O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Addr
+bos the address is milton country park , milton , cb46az . will that be all ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos no that will be all thank you eos O O O O O O O O general-thank
+bos do you need anything else ? eos O O O O O O O N/A
+bos no thank you . eos O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i am looking for a particular attraction . its name is called the place . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the place is a nightclub located at 22 sidney street . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos can you get me phone number please , thank you eos O O O O O O O O O O O general-thank
+bos sure thing , that 's 01223324600. eos O O O O B-Attraction-Inform+Phone O O N/A
+bos thanks . i am also looking for a hotel room . eos O O O O O O O O O O O O Hotel-Inform
+bos yes what area would you like to stay in and what price range are you considering ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos the hotel should be in the type of hotel and does n't need to include internet.the hotel does n't need to have free parking . price does n't matter . eos O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about the cityroomz ? it 's a hotel in the moderate price range . it 's located at sleeperz hotel , station road . would that work ? can i book it ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos i do n't need you to book it thank you . eos O O O O O O O O O O O O N/A
+bos ok , anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos sorry , i am changing my mind . please book cityroomz for 4 nights starting on saturday , for 8 people . thanks . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O N/A
+bos you have been booked for cityroomz . your reference number is hagwq5ke . eos O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos thanks a lot for all your help ! eos O O O O O O O O O general-thank
+bos you are welcome all the time eos O O O O O O O general-welcome
+bos okay goodbye eos O O O general-bye
+bos bye ! i hope you have a lovely stay ! eos O O O O O O O O O O O general-bye
+bos can you help me find a restaurant that serves sri lankan food that is moderately priced ? eos O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A
+bos i 'm sorry , but there are no sri lankan restaurants anywhere in cambridge . would you like to try a different cuisine ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos are you sure ? i really thought there were some there . eos O O O O O O O O O O O O O N/A
+bos yes , i have doubled checked and there are no sri lankan restaurants anywhere in cambridge . eos O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A
+bos okay , how about one that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 4 british restaurants in the centre area of town and one in the west . which area would you prefer ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Area
+bos could you recommend one ? i will be needing a table for 1 at 14:30 on thursday . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos what price range would you like ? eos O O O O O O O O Restaurant-Request+Price
+bos moderate price , please . eos O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3nx7qmu8 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need to find a college in the town centre to visit . if you can provide me with the name and post code , that would be great . eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos sorry , i forgot to say that your booking is at restaurant one seven . emmanuel college is in post code cb23ap . would you like to hear about some of the others , too ? eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Post O O O O O O O O O O O O O O O O general-reqmore
+bos yes , please let me know about some of the others . eos O O O O O O O O O O O O O N/A
+bos there 's christ college postcode cb23bu , corpus christi postcode cb21rh , and downing college at postcode cb21dq . is there anything else i can help you with ? eos O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O O O O O O O O O O general-reqmore
+bos you have covered everything . thank you . eos O O O O O O O O O general-thank
+bos have a great day and trip ! good bye . eos O O O O O O O O O O O general-bye,general-greet
+bos i would love to get some information on the abbey pool and astroturf pitch eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos of course , abbey pool and astroturf pitch is located in the east at pool way , whitehill road , off newmarket road . phone number 01223902088. anything else i can help you with ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos you said that 's in the east , correct ? eos O O O O O O O O O O O N/A
+bos yes , that 's located in the east part of cambridge . eos O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos how often do trains depart peterborough going to cambridge during the week ? eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O N/A
+bos the trains leave twice per hour at :19 and :48 with the first train leaving at 5:19 and the last train leaving at 23:48. do you need to book a seat ? eos O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos not at this time . thanks for your help eos O O O O O O O O O O general-thank
+bos okay is there something else i can do ? eos O O O O O O O O O O general-reqmore
+bos actually , i would like to book a train . it needs to arrive by 20:30. i 'd like to book for 3 people . eos O O O O O O O O O O O O O O B-Train-Inform+Arrive B-Train-Inform+People O O O O O O O O O O N/A
+bos there are many trains . do you have a preference for departure time ? eos O O O O O O O O O O O O O O O Train-Request+Leave
+bos yes i would like to arrive by 20:30 in cambridge from peterborough . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos what day would you like to leave ? eos O O O O O O O O O Train-Request+Day
+bos i would like to depart on wednesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos okay the tr9969 leaves at 19:19 and arrives at 20:09. book this one ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O Train-OfferBook
+bos thanks so much for all of your help i cant wait to get there ! eos O O O O O O O O O O O O O O O O general-thank
+bos would you like me to book you a ticket ? eos O O O O O O O O O O O Train-OfferBook
+bos i apologize , i am so excited about the trip it is making me spacy , please book me for 3 people . eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos train tr9969 has been booked for 3 people . your reference number is : p5eymmig . is there anything else i can do for your today ? eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos how about a moderately prices italian restaurant in the same area as the hotel ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos we have n't talked about a hotel . eos O O O O O O O O O general-reqmore
+bos you 're right . now that we have the train booked , that 's all i need . eos O O O O O O O O O O O O O O O O O O O Train-Inform
+bos have a good trip ! eos O O O O O O general-bye
+bos i 'd like a moderately priced hotel with free parking , please . eos O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos acorn guest house is a 4-star hotel located in 154 chesterton road , should i book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform
+bos is that located in the north . i really want to stay somewhere in the north . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos yes that is located in the north . should i book it for you ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos does it also have internet access ? eos O O O O O O O O Hotel-Request+Internet
+bos it does have wifi . eos O O O O O O Hotel-Inform+Internet
+bos does it include free parking ? eos O O O O O O O N/A
+bos yes it does . would you like me to book you a room ? eos O O O O O O O O O O O O O O O Booking-Inform
+bos i have to discuss it with my husband , so no thanks . can you tell me about trains leaving monday ? i need to arrive by 10:45. eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos and where do you want to travel to and from ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be traveling from cambridge heading to bishops stortford . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i have 3 trains that would suit your needs . may i suggest the one that arrives by 10:07 ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos yes that works for me . can i have the travel time and the train id ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos yes the travel time is 38 minutes and the trainid is tr7169 . can i help you with anything else ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Id O O O O O O O O O general-reqmore
+bos that will be all , thank you ! eos O O O O O O O O O general-thank
+bos you are very welcome . have a great day . eos O O O O O O O O O O O general-greet
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos i need some more specifics to help you . what type of information do you need ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for a guesthouse in the north . i would like it to be expensive and include free wifi . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i was unable to find any matching places for that . eos O O O O O O O O O O O O Hotel-NoOffer
+bos what about one in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A
+bos yes i have 8 guesthouses available in the moderate price range . will you require free parking and wifi ? eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos yes i do need the free wifi . eos O O B-Hotel-Inform+Internet O O O O O O N/A
+bos might i recommend the acorn guest house ? it meets your criteria . would you like to make a booking ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes , that would be good . can you just let me know the star rating of the hotel , whether they have free parking , and address ? thanks eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr
+bos sure ! the acorn guest house is a 4 star hotel with free parking and the address is 154 chesterton road . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O Hotel-Inform+Parking
+bos i also need to find a train for friday going to cambridge from norwich and leaving after 15:15. eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A
+bos tr8365 leaves norwich at 16:16 and will arrive in cambridge at 17:35. would you like me to book you tickets for that train ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos no need to book the tickets i just needed the info . thats all i needed thanks eos O O O O O O O O O O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome
+bos i need a place to go in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are many great attractions in centre , do you have a particular type in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i do n't have anything specific in mind , what are some of the most popular attractions in the centre ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are a lot of architecture type of attractions available . would like information about one of those ? perhaps , a church like all saints church ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O general-reqmore
+bos i need their postcode please . eos O O O O O O O Attraction-Request+Post
+bos sure . postcode is cb58bs and they are located on jesus lane . eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O general-greet
+bos thanks ! i also need a restaurant in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos we have many excellent choices in the centre . do you have a preference for type of food or pricerange ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos no specific food type eos O O O O O N/A
+bos i 'd recommend the yippee noodle bar unless you 'd like to narrow your search down further by food type or price range ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i 'm looking for something upscale in the expensive price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i have 5 restaurants available in the centre of town in the expensive price range . do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food
+bos no , can you recommend one and book a table for 7 people ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A
+bos i 'd recommend midsummer house in the centre of town . it 's expensive . what day and time would you like for me to reserve you a table ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos it will be on wednesday at 12:30. eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos reference number is : 0q5af18f . what else may i do for you ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos can you also help me find a place to stay ? eos O O O O O O O O O O O O N/A
+bos absolutely , do you have any preferences ? eos O O O O O O O O O general-reqmore
+bos it does n't matter , thanks . by the way , will you please book me a taxi to take me from the church to the restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos ok great . do you have a preference on time ? eos O O O O O O O O O O O O Taxi-Request+Leave,general-greet
+bos i need the taxi to arrive by 12:30 on wednesday to the restaurant i booked . . eos O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O O O O O N/A
+bos i have booked a black volvo arriving at midsummer house restaurant by 12:30 on wednesday and their contact number is 07420307177. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Phone N/A
+bos thank you , thats all need today . eos O O O O O O O O O general-thank
+bos welcome anytime you need our help eos O O O O O O O general-welcome
+bos okay , you have a great day now . eos O O O O O O O O O O N/A
+bos thank you , you too . eos O O O O O O O general-bye
+bos hello , i 'm looking for information on a hotel called hobsons house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos hobsons house is a 3 star , moderately priced guesthouse in the west . would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos yes i need accommodations for 8 people for 3 nights starting from sunday . i will also need a reference number once the arrangements are made . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos okay . your reservation for 8 people , staying 3 nights , starting on sunday at hobson house was successful . the reference number is qgi4oah5 . is there anything else i can do for you ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O O O O general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos where would you like the train for and when did you want to travel ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i need to go to the stansted airport on wednesday . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos where will you leave from ? eos O O O O O O O Train-Request+Depart
+bos i 'm leaving from cambridge . eos O O O O B-Train-Inform+Depart O O N/A
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to arrive at the airport by 13:15. can i get a departure time and also the travel time for a train ? thanks ! eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos tr1610 leaves at 5:40 and is a 28 minute trip . shall i book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook
+bos not now . thanks for the information eos O O O O O O O O general-thank
+bos do you need anything else ? eos O O O O O O O general-reqmore
+bos i 'm good , that 's all i needed , thanks ! eos O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i would like to find a place to stay that has wifi , i 'm not a fan of this new guesthouse trend , so a regular hotel please . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i prefer hotels also . what part of town did you have in mind ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like a hotel in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i have found two 2-star hotels , both moderately-priced , and both with internet and parking . you can choose between the ashley hotel , and the lovell lodge . which would you prefer ? eos O O O O O B-Hotel-Select+Stars O O B-Hotel-Select+Price O O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O Hotel-Select+Parking,Hotel-Select+Internet
+bos 2 stars is too pedestrian for me . i have sophisticated tastes so something around 4 stars would be better . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos we have no 4 star hotels in the north , would you like to try another area , or maybe a guesthouse ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O B-Hotel-Select+Type O O O Hotel-Request+Area
+bos let 's try a guesthouse with those qualifications instead please . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos acorn guest house would suit your needs . would you like me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos book it for 3 people and 2 nights starting from thursday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A
+bos it is booked . your reference number is qamdfu9o . can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , can you find a chinese restaurant near the hotel , please ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos there are 3 chinese restaurants in the north . do you have a price range preference ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos i like my food expensive . eos O O O O O B-Restaurant-Inform+Price O N/A
+bos ok , i recommend the hakka on milton road , chesterton . would you like me to book a table for you ? eos O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O O O Booking-Inform
+bos no thank you . can you just give me the postcode and phone number ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos of course . the postcode is cb41jy . the phone number is 01223568988. can i help with anything else today ? eos O O O O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos great i also need a taxi to take me between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to travel ? eos O O O O O O O O O Taxi-Request+Leave
+bos i would like to be at the hotel by 13:45 please . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos would you like to leave from the restaurant ? eos O O O O O O O O O O Taxi-Request+Depart
+bos actually , i 'd like to go from the hotel to the restaurant at 13:45. eos O O O O O O O O O O O O O O O O N/A
+bos sure , i can book that for you . what time would you like to leave at ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i need to make sure i leave by 17:00. eos O O O O O O O O O O N/A
+bos you have been booked in a white bmw , leaving at 13:45. the contact number is 07166486484. can i help you with anything else ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos there is nothing else . thanks for all your help . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos i am glad to help . enjoy ! eos O O O O O O O O O general-bye
+bos hi , i am looking for a train that leaves on tuesday after 18:15. eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos certainly ! what are your departure and destination locations ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos it should leave from cambridge and go to leicester please . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos thanks for that information . is there a time you would like to arrive by ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos i do not have an arrival time . eos O O O O O O O O O N/A
+bos the tr0776 leaves cambridge at 18:21 and gets into leicester at 20:06. do you want me to book it for you ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes . i would like to book it for 6 people please . eos O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was successful , the total fee is 226.8 gbp payable at the station . your reference number is : 17i15nsk . is there anything else i can help you with today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes i also need a guesthouse to stay in . it should have 4 stars , free wifi , in the east location . eos O O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O N/A
+bos we have 6 different guesthouses that fit your criteria . do you have a specific price range in mind ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Price
+bos no it does n't matter . eos O O O O O O O N/A
+bos carolina bed and breakfast has free wifi and parking if you want to book there . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos sounds good . i need it for 5 nights for 6 people starting from thursday . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O N/A
+bos great , your booking was successful , your reference number is : efrlbeka . for thursday 5 nights for 6. anything else i can help you with today ? eos O O O O O O O O O O O O B-Booking-Book+Ref O B-Booking-Book+Day O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O O O O O O general-reqmore
+bos no , thanks . that 's all i needed . goodbye . eos O O O O O O O O O O O O O general-bye
+bos your welcome . enjoy your trip . goodbye eos O O O O O O O O O general-welcome,general-bye
+bos hi , i am planning a trip . have you heard of a particular hotel ? i think it is called the carolina bed and breakfast . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes , it is a 4 star guesthouse located at 138 perne road . very nice and clean place . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O N/A
+bos great ! i need reservations for 3 people , for 3 nights , beginning on thursday . eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O N/A
+bos booking was successful . reference number is : kywfgunh . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i also need to find an attraction in the centre . can you help me with that . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos i sure can ! there are 44 attractions in the centre . do you have a preferred type ? eos O O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type
+bos can you pick one for me and give me the address ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos all saints church is an architecture interest and has free admission . it is located on jesus lane . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos can you arrange for a taxi to pick me up at the church at 15:15 and take me to the hotel ? i 'll need car type and contact number eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos the car is a red audi and the contact number is 07570056398. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos thank you so much , that is everything that i need eos O O O O O O O O O O O O general-thank
+bos i hope you have a great time . eos O O O O O O O O O general-greet
+bos i 'm need a cheap place to stay that has free parking . eos O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are several in that priced range . is there a certain area you would like to stay in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd really like to stay in a guesthouse . what do you have available ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos how about alexander bed and breakfast ? they are lovely eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos sure . can you book it for 5 people for 2 nights starting saturday ? i also need the reference number . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos i 've made those reservations and your reference number is gds15vtz . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i am also looking for a train that departs from cambridge after 19:30. eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A
+bos where will you be heading and on what day please ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos going to broxbourne on monday . eos O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos tr2292 leaves cambridge at 20:01 and arrives at 21:01 , will that train work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos yes , it will . can you book 5 tickets for me please ? eos O O O O O O O O B-Train-Inform+People O O O O O O N/A
+bos okay , 5 tickets have been booked ! your reference number is 4vis4l43 . can i be of any further help ? eos O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no thank you that is all i need today . eos O O O O O O O O O O O general-thank
+bos it was a pleasure to help . have a good day . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos may i please have information about a train to stevenage , leaving on tuesday ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos certainly . is cambridge your departure point ? eos O O O B-Train-Select+Depart I-Train-Select+Depart O O O O N/A
+bos yes , please . eos O O O O O N/A
+bos do you have a certain time you would like to leave after or arrive by ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos any that leave after 08:00 would be fine . i 'll need a booking for 5 people , please . eos O O O O O B-Train-Inform+Leave O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos you are booked for the tr4546 train . your reference number is nalgedh3 and 64 gpb will be due at the station . is there anything else ? eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos i would also like a moderately priced place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos is there a certain area that you perfer ? maybe free parking or wifi ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos free wifi and 4 stars please eos O O O O O B-Hotel-Inform+Stars O N/A
+bos i have the guesthouse called avalon available . it has 4 stars and is moderately priced . it 's in the north . would you like me to book this ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos sounds great . i 'd like to make a reservation for saturday . eos O O O O O O O O O O O O O O N/A
+bos i would be happy to book this for you . will you be booking for 5 people ? eos O O O O O O O O O O O O O O O O B-Booking-Inform+People O O N/A
+bos yes for 5 people and 3 nights . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos your booking was successful . the reference number is 5kpwkttx . can i help with anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , thank you , that 's all i need . thanks for your help ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . please let us know if we can be of assistance in the future . have a great trip ! goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a guesthouse to stay at in the moderate price range . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O N/A
+bos how about the a and b guest house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos does it have free parking ? eos O O O O O O O N/A
+bos no , it does not offer that . would you like something that does ? eos O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Parking
+bos yes . i need free parking , and i prefer the southern part of town . eos O B-Hotel-Inform+Parking O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos ok , i have a couple that meet that criteria . would you like 3 or 4 stars ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A
+bos i have no preferences . you can just pick one . i 'd like it for 7 people for 5 nights starting from saturday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos this is unavailable would you like to book a shorter stay or a different day ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos how about 3 nights for the same day and number of people ? eos O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos great ! you 're booked for 3 nights at bridge guest house with reference number ah7l4rxz . may i help with anything else ? eos O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i need a train out of peterborough into cambridge , please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A
+bos when do you need that train ? eos O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i need it for saturday and i want to arrive by 18:15. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A
+bos tr4494 will depart at 17:19 on saturday and arrive by 18:09. would you like me to book it for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please . can you book 7 tickets on that train ? i 'd like a reference number if possible . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 92.4 gbp payable at the station . reference number is : 8jpq3aqt . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos great ! you have helped me tremendously . i do n't need anything else . thank you ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos let us know if you need anything else . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos could you help me find a 0 star lodging with free parking ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos certainly , we have city centre north b & b in the north and el shaddai in the centre , both very affordable . would you like to book one ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos i want to make sure also , that it is a hotel and includes free wifi eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos both city centre north b and b and el shaddai have free wifi . would you like to book one of these ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet
+bos can i just get the address for them please eos O O O O O O O O O O Hotel-Request+Addr
+bos city centre is 328a histon road and el shaddai is 41 warkworth street . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thanks , i also need a train to go to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos from where to cambridge then ? eos O O O O O O O Train-Request+Depart
+bos i want to leave from bishops stortford and arrive by 12:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos alright , what day will you be traveling ? there are four trains per day that meet your requirements . eos O O O O O O O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Day
+bos i would like to leave on friday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos tr6834 leaves at 11:29 and arrives in cambridge at 12:07. does this allow you enough time ? or tr2083 that leaves at 09:29 and arrives in cambridge at 10:07. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos please book me for one for train tr 6834 eos O O O O O O O O O O N/A
+bos i booked you one seat on tr6834 departing bishops stortford for cambridge friday at 11:29. reference is mfl4czts . is there anything more today ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos thank you so much for your help . eos O O O O O O O O O general-thank
+bos you are welcome have a great time ! eos O O O O O O O O O general-welcome
+bos i am looking for a 4 star hotel with free wifi . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos there are three matching hotel of that description , do you have a set price range to narrow down the options ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would also like free parking eos O O O O O O O N/A
+bos huntingdon marriott hotel is available , would you like to try that ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos what is their address ? eos O O O O O O Hotel-Request+Addr
+bos the address is kingfisher way , hinchinbrook business park , huntingdon , postcode pe296fl . eos O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O N/A
+bos ok great . i need to get a train ticket going too kings lynn on friday . can you help me ? eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O N/A
+bos looks like there are 19 trains leaving that day . do you have a time you would like to arrive ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Arrive
+bos i need a train that leaves afer 21:15 and departs from cambridge . eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O N/A
+bos train tr0394 leaves at 22:11. would you like me to book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes , for just myself please . eos O O O O O O O O N/A
+bos you are all set . reference kkpnsqa3 . the total fee is 9.80 pounds which is payable at the station . anything else i can help with ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore
+bos no thank you . that 's all i needed . good bye . eos O O O O O O O O O O O O O O general-bye
+bos have a great day . eos O O O O O O general-bye
+bos hello , i am looking for a place to stay that has 3 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i can certainly help you with that ! what area are you looking to stay in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like a hotel in the south . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A
+bos there is a hotel and a guesthouse available . did you have a price range in mind ? eos O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price
+bos i do n't have a price range i just need it to be a hotel . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos ok , i can book you at the lensfield hotel . what day will you be arriving ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O Booking-Request+Day
+bos i would like the hotel for 5 people for 3 nights starting on tuesday . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos i can book the lensfield hotel on tuesday for 5 people and 3 nights , is this alright ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Day O O B-Booking-Inform+People O O B-Booking-Inform+Stay O O O O O N/A
+bos yes , that would be great . please send me the reference number , too . eos O O O O O O O O O O O O O O O O O N/A
+bos would another day or a shorter stay work ? eos O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos if you ca n't book it for 3 nights we can try two instead . eos O O O O O O O O O O O O O O O O N/A
+bos i was able to successfully do 2 nights , your reference number is vh33jkkf . can i help with anything else ? eos O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that 'll be everything . thanks ! eos O O O O O O O O O O general-thank
+bos you are welcome . thank you for calling cambridge towninfo . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , hi . i am looking for a train to get me out of cambridge to someplace fun . can you help me with that ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O N/A
+bos of course ! do you know your destination ? eos O O O O O O O O O O Train-Request+Dest
+bos yes , i would like to go to peterborough . i want to travel on friday and get there by 21:30. eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O N/A
+bos is there a time you would like to leave ? eos O O O O O O O O O O O Train-Request+Leave
+bos hello , could you help me with information on a train ? eos O O O O O O O O O O O O O Train-Inform
+bos yes , i can . there are 2,828 trains traveling between friday and wednesday . where are you departing from and what is your destination ? eos O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day I-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet
+bos i am leaving from norwich and going to cambridge on wednesday . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave
+bos i do n't have a departure time but i want to arrive by 15:45. eos O O O O O O O O O O O O O O O N/A
+bos great i have tran that ik get you there by 15:35. would you like to book that ? eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos just please get me the train id and total travel time . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos the id is tr1892 and the duration is 79 minutes . anything else today ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O general-reqmore
+bos can you find me a cheap guesthouse to stay in ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A
+bos do you have a area of town you prefer ? eos O O O O O O O O O O O Hotel-Request+Area
+bos east part of town please eos O B-Hotel-Inform+Area O O O O N/A
+bos there are three to choose from that are on the east part of town . they are all in the cheap price range . should i recommend one ? eos O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O general-reqmore
+bos could you try to book me into one starting wednesday ? eos O O O O O O O O O O O O N/A
+bos how many nights will you be staying ? eos O O O O O O O O O Booking-Request+Stay
+bos there will be three of us checking in on wednesday and staying for two nights . eos O O O O O O O O O O B-Hotel-Inform+Day O O O O O O N/A
+bos i have you booked at the autumn house , and your reference number is 8ccy0vk0 . do you need the address or phone number ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos not at this time . thank you so much . eos O O O O O O O O O O O general-thank
+bos is there anything else i can assist you with ? eos O O O O O O O O O O O N/A
+bos no , thanks . that 's all for today . eos O O O O O O O O O O O general-thank
+bos have a great day and enjoy your trip . eos O O O O O O O O O O general-bye
+bos i 'm looking for a train that goes to cambridge , leaving after 12:30 on monday eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos from where will you be departing ? eos O O O O O O O O Train-Request+Depart
+bos i am leaving from ely . eos O O O O O B-Train-Inform+Depart O N/A
+bos i have the tr4849 train leaving ely at 13:35 on monday . eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos what will be my arrival time in cambridge and what is the ticket price , please ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos the price is 4.40 pounds . you will arrive at 13:52. eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Arrive O N/A
+bos perfect , could you also assist me in finding a place to stay ? eos O O O O O O O O O O O O O O O N/A
+bos i sure can . what area would you like to stay ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos oh i 'm not picky on the area . i definitely need free wifi , moderate price , and 0 stars though . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O Train-Request+Price
+bos how about cityroomz ? it is located in the centre of the city , is moderately priced , has 0 stars , and has free wifi . i think it would be perfect ofor you ! eos O O O B-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet
+bos that 's perfect i need it booked for 8 people for 5 nights starting on monday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos you are booked and your reference number is qujqmrk7 . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that is everything , thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i will be in cambridge soon and need a place to stay that has free parking . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i have 29 results for places to stay with free parking , what area are you looking to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos i am not particular about the area but it should be a hotel and 0 stars please . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O N/A
+bos unfortunately , i do not have any matches for your request . eos O O O O O O O O O O O O O Hotel-NoOffer
+bos how about a guesthouse with free parking and 0 stars ? eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A
+bos there are 2 options for guesthouses with 0 stars and free parking , the city centre north b and b , and the el shaddai eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Inform+Parking
+bos i 'd like to book el shaddai , 3 people for 4 nights , starting from tuesday . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos unfortunately , the hotel was unable to accommodate that stay . we can try fewer days , or beginning on a different day , if you like . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos let`s try the beginning of a different day than . eos O O O O O O O O O O O N/A
+bos sorry , i 'm afraid a different day would n't work , either . perhaps you 'd like a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos how about 3 nights , then ? eos O O O O B-Hotel-Inform+Stay O O O N/A
+bos i was able to book your party for a 3 day stay starting on tuesday . your reference number is tj4k62l2 . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i also need a train leaving after 9:15 on tuesday from kings lynn to cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos there are 14 options . when would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Arrive
+bos it does n't matter . i just need to leave kings lynn after 9:15. eos O O O O O O O O O O O O O O O N/A
+bos tr1704 will have you there by 10:58. would you like me to book that for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos how much will that cost me . i am on a budget . eos O O O O O O O O O O O O O O N/A
+bos 9.80 pounds . i can book that for you , if you like . eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos thank you but i will book it myself . this is all i needed , you were great thanks again ! ! eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for places to go in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos okay ! is there a particular type of place that you would like to visit ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type,general-greet
+bos no , surprise me ! it should be in the centre . eos O O O O O O O O O O O O O N/A
+bos how about king 's college ? would you like more information ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos sure , could you tell me the entrance fee and phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos entry is free and phone number is 01223331100. anything else i can be of help ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos what is the attraction type ? eos O O O O O O O Attraction-Request+Type
+bos king 's college is a college type attraction . what else can i do for you ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O general-reqmore
+bos i could really use some help finding info on a guesthouse to stay in . i would need free parking though . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos sure . what area and what price range are you looking for . eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet
+bos it does n't matter and it does n't need to include internet . eos O O O O O O O O O O O O O O N/A
+bos for how many people and when were you planning your stay ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos it will be 6 people , 3 nights from wednesday on . eos O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos okay , i recommend the acorn guest house . would you like their information ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O general-reqmore
+bos can you please book a room at the acorn ? and if you can , please provide the reference number . i want to jot it down in case of any issues . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos you are booked , the reference number is zild4whb , can i help with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thanks so much . you have helped with everything i needed for now . have a nice day . bye . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos i 'm looking for a train to ely . i need to arrive by 19:30. eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O N/A
+bos we have the tr9933 train arriving at 18:07. would you like me to book that for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos that train is leaving from cambridge on sunday , correct ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos with your new criteria , that train wo n't work anymore , but there are other options . what is your preferred departure time ? eos O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos the departure time is of no concern , but i need to arrive on sunday in ely at 19:30 please . eos O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O N/A
+bos tr2475 arrives in ely at 08:07. would you like any more information about this route or assistance booking a ticket ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook
+bos great . i need it booked for 6 people and could you give me the reference number . i 'm also looking for places to go in the centre of town . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your train is booked for 6 people . the total fee is 21.12 gbp , which is payable at the station . anything else i can help with ? eos O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos i also am looking for an attraction to go to in the centre of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 44 attractions available , do you have a preference to the type of location ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos yes , in the centre of town . eos O O O O B-Attraction-Inform+Area O O O O N/A
+bos are you most interested in free attractions ? eos O O O O O O O O O Attraction-Request+Price
+bos that would be fine . what is the name and address of one of those attractions ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos castle galleries is a museum in the centre of town that has free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O N/A
+bos please give me their address eos O O O O O O Attraction-Request+Addr
+bos sure , the address of castle galleries is unit su43 , grande arcade , saint andrews street . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos great , thanks . that 's all i need . eos O O O O O O O O O O O general-thank
+bos it 's my pleasure . thank you for allowing me to assist you . goodbye ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i had always wanted to go to cambridge and say `` i 'm on a boat '' can you tell me about attractions which are boat places to visit in cambridge ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O N/A
+bos sure , which part of town will you be in ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos any part of town is fine . eos O O O O O O O O N/A
+bos there are 4 boating attractions . two are in the centre of town , one in the east , and one in the north . would you like any additional information ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos yes . what are the entrance fees ? eos O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry i do n't have the entrance fees available to me . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos do you have the phone number to any of these attractions ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for camboats is 01223902112. is there anything else i can help you with ? eos O O O O O B-Attraction-Recommend+Name O B-Attraction-Recommend+Phone O O O O O O O O O O general-reqmore
+bos yes . is there any train that is taking off on monday ? i want to arrive my destination by 20:30. eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O N/A
+bos there are lots of trains . would you like to specify a departure site or destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i need a train from cambridge to ely . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos i can put you on the tr5137 it will get you there by 14:07 , how many tickets please ? eos O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O B-Train-OfferBook+Arrive O O O O O O Train-Request+People
+bos i only need 1 ticket . eos O O O O O B-Train-Inform+People O N/A
+bos slight typo last time - it 's train tr5167 . everything else is correct , and i have made your booking . reference number vt0haara . is there anything else ? eos O O O O O O O O B-Train-Inform+Id O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O Train-OfferBooked
+bos no . that 's all thanks . eos O O O O O O O O general-thank
+bos it was a pleasure to assist you . have a great day . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i would like some information about interesting places to go in the center of town . eos O O O O O O O O O O O O O O O O O N/A
+bos does architecture interest you ? eos O O B-Attraction-Inform+Type O O O Attraction-Request+Type
+bos i would really like it to be entertainment . eos O O O O O O O O B-Attraction-Inform+Type O N/A
+bos i 'm sorry , we do not have any entertainment attractions in the city center . would you like me to check in another part of the city ? eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i really wanted to stay in the centre . how about a museum ? eos O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O N/A
+bos there are 11 museums in the centre is there a type of museum you prefer ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos please pick one and send me their address and postcode eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos whipple museum of the history of science is located at free school lane , postcode cb23rh . is there anything else you need today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes , can you help me find a place to eat ? eos O O O O O O O O O O O O O N/A
+bos yes do you want it near the attraction ? eos O O O O O O O O O O Restaurant-Request+Area
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos if you need to contact the police you can phone them at 01223358966. or , is there some specific information i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we need to find a guesthouse in the north for our stay . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos i have both cheaply and moderately priced guesthouses to choose from . do you have a preference ? eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Type
+bos must have free wi fi eos O O O O O O N/A
+bos there 's quite a few . i personally like the acorn guest house . it 's 4 stars with internet access . it 's located at 154 chesterton road . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O Hotel-Recommend+Internet
+bos great , can you please book me for 2 people and 5 nights starting tuesday ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos i have booked you for 2 people for 5 nights at acorn guest house . the address is 154 chesterton road and their phone number is 01223353888. will there be anything else ? eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos i need a departure are and destination please eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i need to take a train into norwich on monday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos we have 19 trains heading to norwich on monday . what would be your point of departure on that day ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Depart
+bos cambridge , and i need to leave after 18:00. eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O N/A
+bos train tr6688 would work , would you like me to book you passage ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos sure , we have a group of 7 people . eos O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful . total fee is 123.2 gbp payable at the station . reference number is e0jgkv67 eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos can you recommend any kind of entertainment in town ? eos O O O O O O O O O O O N/A
+bos there are lots of things to do , did you have an area preference ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area
+bos no area preferences really anywhere in town would be perfect . eos O O O O O O O O O O O O Attraction-Request+Area
+bos i would suggest the funk fun house . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds great . i 'll need the address , area , and entrance fee , please ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr
+bos sure thing the address is 8 mercers row , mercers row industrial estate . in the east side of town and there is no info fee information . eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos that is all i wanted for today thanks eos O O O O O O O O O general-thank
+bos i am gald i can help . enjoy eos O O O O O O O O O general-welcome,general-bye
+bos find me a cheap vietnamese food place please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos we have thanh binh . would you like a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform
+bos yes , please book a table for 8 on thursday at 15:00. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : lakqv5ek . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need a friday train . eos O O O O O B-Train-Inform+Day O O N/A
+bos ok , from where to where do you need a train ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am departing from cambridge and going to birmingham new street . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are 19 trains . do you have a preferred time to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to arrive at birmingham new street by 21:15 , please . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A
+bos there are 15 possible options . do you want me to reserve some tickets for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-OfferBook
+bos yes please pick the last option and book 8 tickets for me . i will definitely need the reference number too . eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos your booking was successful . the reference number is z277d99h . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great . thank you for all your help . eos O O O O O O O O O O general-thank
+bos you are welcome , let us know if we can help with anything else . eos O O O O O O O O O O O O O O O O general-welcome
+bos can you help me find an expensive hotel in the south to stay at ? thanks . eos O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O N/A
+bos yes , there is the lensfield hotel . it is located on 53-57 lensfield road . their phone number is 01223355017. eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O N/A
+bos do they have a guesthouse available ? eos O O O O O B-Hotel-Inform+Type O O N/A
+bos no i am afraid there ae no expensive guesthouses in the south . eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O N/A
+bos how about one in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A
+bos yes ! i have two you may choose from ! eos O O O O O B-Hotel-Select+Choice I-Hotel-Select+Choice O O O O N/A
+bos could you pick the better of the two and tell me the star rating ? eos O O O O O O O O O O O O O O O O N/A
+bos the ayesbray lodge guesthouse has a four star rating . would you like me to book a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform
+bos no , just get me their phone number and i 'll give them a ring eos O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number for aylesbray lodge guest house is 01223240089. is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'd like something fun to do while i 'm in cambridge . eos O O O O O O O O O O O O O O N/A
+bos there are many different attractions in town . did you have a certain type of activity in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm looking for some entertainment in the south part of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos you have a choice of nusha or tenpin . eos O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name N/A
+bos get me their post code and phone number . eos O O O O O O O O O O Attraction-Request+Post
+bos okay , nusha 's post code is cb17dy and the phone number is 01223902158. tenpin 's postcode is cb17dy and phone number is 08715501010. eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks . can you help me find a cheap place to stay for the night ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos sure , i have 10 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos i need it to be in the west and i would prefer a hotel . eos O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Type O N/A
+bos the cambridge belfry is located in the west is cheap , and has 4 stars . would you like me to book that for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O Booking-Inform
+bos does it have free parking ? eos O O O O O O O N/A
+bos yes it does ! do you want me to book now ? eos O O O O O O O O O O O O O Booking-Inform,general-greet
+bos can you just tell me the address please ? eos O O O O O O O O O O Hotel-Request+Addr
+bos it 's located at back lane , cambourne . can i help you with anything else today ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos please ! can you help me book a taxi to nusha ? i 'd like to leave the hotel by 14:30 to make sure i get to nusha too early to enjoy myself . eos O O O O O O O O O O B-Taxi-Inform+Dest O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O N/A
+bos booking completed ! booked car type : white lexuscontact number : 07607123789 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thanks for all your help ! eos O O O O O O O general-thank
+bos you 're welcome . have a great trip . eos O O O O O O O O O O general-welcome,general-bye
+bos thanks and great day eos O O O O O general-thank
+bos you too have a great day eos O O O O O O O general-bye
+bos i am looking for a train to cambridge , the train should depart after 21:45 ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos hi , train tr4210 leaves fiday at 22:11. would you like me to book it ? eos O O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos i need to leave on saturday from london kings cross . is there a train leaving after 21:45 that fits my needs ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i have train tr8830 that will be leaving london kings cross at 23:17 and arriving in cambridge at 24:08. would that work for you ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos yes , how much would that cost total ? eos O O O O O O O O O O N/A
+bos it is 18.88 pounds per ticket . how many tickets would you like to purchase ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-Request+People
+bos just one ticket please and thank you eos O O O O O O O O N/A
+bos your ticket has been reserved . total fee is 18.88 gbp , payable at the station . reference number zm5k0a4q . can i help you with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos can you book autumn house for 7 people , starting on saturday for 4 nights , please ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos thank you so much for reserving my train ticket . i have the information for autumn house you requested . would you like me to reserve it for you ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes . i need the reference number . eos O O O O O O O O O Hotel-Request+Ref
+bos the booking was successful . your reference number is dtkw11yu eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos that is all i needed today , thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hello , i am looking for people 's portraits exhibition at girton college , can you help me ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A
+bos yes . i see the exhibition . would you like the address ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O general-reqmore
+bos yes , i would like the area and the postcode . eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos it is located in the west , at postcode cb3ojg . anything else for you today ? eos O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that is all i need for today . thanks for your help ! eos O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos what is the best cinema in cambridge you can recommend ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos cineworld and vue are both excellent . do you prefer the south or centre of town ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O N/A
+bos the exact area does not matter . eos O O O O O O O O Attraction-Request+Area
+bos cineworld is located at cambridge leisure park , clifton way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos sounds great . what area is that in ? and could you get me the phone number ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone
+bos cineworld is in the south and their number is 00872208000. is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos i will book it for you , is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos yes ! i am leaving from cambridge on tuesday . you need this info . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A
+bos alright and when would you want to leave by ? eos O O O O O O O O O O O Train-Request+Leave
+bos i am going to birmingham new street and want to leave after 21:00 eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A
+bos tr5600 leaves at 21:01. can i book a seat for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos how much is it ? eos O O O O O O N/A
+bos the price of the train is 75.10 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos what time does that train arrive ? eos O O O O O O O O Train-Request+Arrive
+bos the train arrives at 23:44. eos O O O O O B-Train-Inform+Arrive N/A
+bos okay , i 'm all done for today . thanks , bye eos O O O O O O O O O O O O O general-bye
+bos would you like reservations for the train ? eos O O O O O O O O O Train-OfferBook
+bos hello i am looking for a place to go , can you help me ? eos O O O O O O O O O O O O O O O O general-greet
+bos i have found 79 place for you . do you have any specific ideas in mind ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type
+bos what attraction types do you have in the west ? eos O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Type
+bos there are mostly colleges and museums in the west . would you be interested in one of those ? eos O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O B-Attraction-Select+Area O O O O O O O O O O N/A
+bos sure , can you recommend one to me and give me the address and type ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr
+bos clare college is a college , it is located on trinity lane , post code cb21tl eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O N/A
+bos great ! thank you for all of your help . eos O O O O O O O O O O O general-thank
+bos you 're quite welcome ! will that be all for today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos you have helped with what i needed , thank you , goodbye ! eos O O O O O O O O O O O O O O general-bye
+bos thank you and enjoy your visit . eos O O O O O O O O general-bye
+bos hi , i need to spend some time in the town centre . any interesting sights there ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos we have a lot of things to see , did you have a certain type in mind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type
+bos nothing in particular . can you give a recommendation ? eos O O O O O O O O O O O N/A
+bos if your 're in to architecture , you should see old schools . it is located on trinity lane and entrance is free . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O N/A
+bos could i get the phone number for old schools please ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone
+bos the number is 01223332320. is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes i need a train from cambridge to birmingham new street to arrive 18:15. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos what day and time would you like to leave ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i would be traveling on thursday . i need to arrive by 18:15. eos O O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos tr8126 arrives at 17:44 would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A
+bos what is the train id and price please ? eos O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr8126 . eos O O O O O B-Train-Inform+Id O N/A
+bos thank you i got all i need now eos O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos if you can , please help me find a relatively expensive hotel down on the south end eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O N/A
+bos the lensfield hotel is on the south end , has 3 stars and is expensive . would you like to book that ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos i am still deciding , can you verify whether or not they have free parking ? eos O O O O O O O O O O O O O O O O O N/A
+bos yes , they have free parking . eos O O O O O O O O Hotel-Inform+Parking
+bos yay , yes please book me a room for 2 nights starting on sunday . we will have 8 people in our party . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O O O O N/A
+bos okay , your booking was successful ! your reference number is xdwv7sat . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a restaurant . the restaurant should be in the expensive price range and should be in the south . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos we have several choices . do you have a preference in the type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos anything you recommend will work . i need to book it for 8 people , sunday at 19:15 eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O N/A
+bos i reserved a table for you at frankie 's and bennys your confirmation # is heaz99bv , anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos i would like to book a taxi from the hotel to the restaurant , one that gets me there in time for my reservation . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos the booking is completed , and you will arrive in time for your reservation . is there anything else i can assist you with ? eos O O O O O O O O O O B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive O O O O O O O O O O O general-reqmore
+bos can you give me a contact number for the taxi and the car type that will pick me up ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos yes , the contact number is 07017025881. the car is a blue volkswagen . anything else today ? eos O O O O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O general-reqmore
+bos no , that is all . thank you very much ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . if you need anything in the future , feel free to contact us again . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am trying to find the acorn guest house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the acorn guesthouse is a 4 star hotel located in the north side of town . it includes free internet and parking . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no , thanks . i will go ahead and book it myself . i think i have all the information i need . thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you , and thanks again for using our free service . eos O O O O O O O O O O O O O N/A
+bos actually , could you help find a train as well ? to norwich ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos i found a train from cambridge to norwich at 05:36 on friday , will that work ? eos O O O O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Leave O B-Train-OfferBook+Day O O O O O N/A
+bos i need to leave after 21:30 , is there anything closer to that time ? eos O O O O O O O O O O O O O O O O N/A
+bos yes there are 14 trains . which day would you like to depart ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day
+bos sunday would be good . eos O O O O O O N/A
+bos is there a time you need to arrive by ? eos O O O O O O O O O O O Train-Request+Arrive
+bos no , just leave after 21:30. will you give me the travel time , arrival time and the train id ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos id is tr0625 , travel time is 79 minutes and you will arrive by 22:55. anything else ? eos O O O B-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Arrive O O O O general-reqmore
+bos no , you 've answered all of my questions . thanks so much for your time . bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service , have a nice day . eos O O O O O O O O O O O O O general-bye
+bos am looking for a train , it should leave on sunday and should go to stansted airport eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what time would you like the train to arrive at cambridge ? keep in mind the train ride duration is approximately 28 minutes . eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O Train-Request+Arrive
+bos arrival time does n't matter so much , but i want to leave after noon . not a morning person : ) eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos how about tr5985 ? it leaves at 12:40. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos thank you goodbye eos O O O O general-bye
+bos thank you for allowing me to help today . eos O O O O O O O O O O general-greet
+bos help me , please , i was just the victim of a robbery ! i need help right away ! eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos contact the parkside , cambridge police station eos O O O O O O O O N/A
+bos how do i contact the parkside , cambridge police station ? eos O O O O O O O O O O O O Police-Inform
+bos they can be reached by calling 01223358966. eos O O O O O O O O N/A
+bos i 'll need to address also . eos O O O O O O O O Police-Request+Addr
+bos the parkside police station is located in parkside , cambridge and the postcode is cb11jg . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , thank you . eos O O O O O O general-thank
+bos take care . goodbye . eos O O O O O O general-bye
+bos please help me find a restaurant that serves british food near the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are seven restaurants in the centre of town that serve british food ranging from moderate to expensive . is there a particular price range you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Price
+bos i do n't care about the price . eos O O O O O O O O O N/A
+bos ok then . i suggest the oak bistro . it 's located at 6 lensfield road . would you like a reservation ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O Booking-Inform
+bos no thanks , but could i please have the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post
+bos the post code is cb21eg . can i assist you further ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O general-reqmore
+bos can you please tell me the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223323361. eos O O O O O B-Restaurant-Inform+Phone N/A
+bos great , thanks for all your help . eos O O O O O O O O O general-thank
+bos no problem . did you need anything else ? eos O O O O O O O O O O general-welcome,general-reqmore
+bos nope , that covers all my needs . thanks . eos O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O O general-bye
+bos hello , where in town is there a hospital ? eos O O O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i just need the general address and postcode . eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address is hills rd , cambridge and postcode is cb20qq . eos O O O O O O O O O O O O O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-greet
+bos please have a taxi pick me up from riverboat georgina eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos ok , what time do you want to be picked up ? eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to be picked up at riverboat georgina around 11:15. i need to get to cambridge arts theatre . what is the car type and the contact number ? eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos ok , what time do you want to arrive by ? eos O O O O O O O O O O O O Taxi-Request+Arrive
+bos i need to arrive by 11:15. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos your taxi has been booked , you will be riding a white tesla with the contact number 07492127564. is there anything else i can help you with today ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos nothing else for now . thank you for booking the taxi . goodbye . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos can you help me book a taxi please ? eos O O O O O O O O O O Taxi-Inform
+bos yes what is your departure site ? eos O O O O O O O O Taxi-Request+Depart
+bos i am departing from sheep 's green and lammas land park fen causeway . eos O O O O O O O O O O O O O O O N/A
+bos what time do you want to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i am looking for a train departing cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A
+bos i 'd love to help ! where is your destination ? eos O O O O O O O O O O O O Train-Request+Dest
+bos i need to g to london liverpool street on saturday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos is there a particular time you would like to leave by ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos no , i just need to arrive by 15:00 eos O O O O O O O O B-Train-Inform+Arrive O N/A
+bos train tr2895 arrives at 7:27 would that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O N/A
+bos yes , that will be perfect . what 's the travel time ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos the departure time from cambridge to liverpool street on saturday will be at 05:59. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is here in town . is there particular department you need help contacting ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , i just need the postcode . eos O O O O O O O O O Hospital-Request+Post
+bos okay . the postcode is cb20qq eos O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos thank you for contacting us . do n't hesitate to contact us in the future if you need any more help . eos O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i need a taxi to go to club salsa . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos sure thing , when would you like to arrive or leave by ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to get there by 1:30. eos O O O O O O O O N/A
+bos where are you leaving from ? eos O O O O O O O Taxi-Request+Depart
+bos i will be leaving from limehouse . eos O O O O O O O O N/A
+bos where would you like the taxi to meet you for departure ? eos O O O O O O O O O O O O O Taxi-Request+Depart
+bos i just told you the limehouse . eos O O O O O O B-Taxi-Inform+Depart O N/A
+bos booking completed ! booked car type : white audicontact number : 07075850505 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos perfect , thanks for your help ! eos O O O O O O O O general-thank
+bos you are quite welcome ! eos O O O O O O general-welcome
+bos hi , i want to catch a train from peterborough to cambridge . can you please tell me what the schedule is for the rout ? eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O O N/A
+bos i would be happy to help . what day are you wanting to take the train ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i want to arrive by 15:45 on tuesday . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos booking was successful , the total fee is 16.5 gbp payable at the station .reference number is : 3xnw24tq . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos i 'm sorry , the schedule for tuesday shows tr0674 arriving at 15:38 in cambridge . i will re-book . is it one ticket you need ? eos O O O O O O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Id O O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Dest O O O O O O O O O O O O O O Train-OfferBook
+bos i want some entertainment in the centre . what do you have ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i 'm sorry , there is not anything in the centre . there are some venues in all of the other areas though . do you have a second preference ? eos O O O O O O O O O B-Attraction-NoOffer+Area O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O N/A
+bos are there any musems in centre ? eos O O O O O O B-Attraction-Inform+Area O N/A
+bos there are 11. what kind of museum would you like to visit ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O N/A
+bos could you just pick one for me ? eos O O O O O O O O O N/A
+bos how about castle galleries ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos sounds interesting . what is their address with postcode ? is it free ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos it is free ! the address is unit su43 , grande arcade , saint andrews street cb23bj do you need anything else ? eos O O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos i need a place to stay . can you suggest a hotel in the centre of town ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos of course , there are three hotels in the centre . do you have any particular needs ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i would like moderate pricing and 4 stars please eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O N/A
+bos sorry , no places matching that query . would you like to change your area , type , star rating , or price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price
+bos type does not matter . please try the search again without type specified eos O O O O O O O O O O O O O O N/A
+bos i am still having issues finding a hotel for you , would you please restate your criteria one more time ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O N/A
+bos okay . i do n't care if it is a hotel or guest house , but it needs to be expensive , 4 stars , and in the centre . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O N/A
+bos i found the university arms hotel , would you like me to book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos is that 4 stars and in the moderate price range ? eos O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos it is 4 stars in the expensive price range . they also have parking and wifi . would you like me to book this ? eos O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no need to book it , just give me the address please eos O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address for the university arms hotel is regent street . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos okay thank you i wo n't be needing any more from you today . goodbye eos O O O O O O O O O O O O O O O O general-bye
+bos its been such a pleasure talking to someone as polite and eloquent as you , enjoy your day . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train to stevenage that leaves after 11:45 eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos the first train to stevenage leaves at 13:21 on either wednesday or friday . which day will you be leaving ? eos O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O O O O O O Train-Request+Day,Train-Select
+bos i need to leave on sunday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos on sunday tr0523 leaves at 13:21 , would that work for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos yes , i think that will be just fine . can you please tell me how much it will cost ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it is 10.24 pounds per ticket . can i book that for you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos yes , that will be fine . i am also looking for museums in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos i have 11 different choices . might i suggest the primavera . they just added many new exhibits . eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name O O O O O O O O O N/A
+bos sounds great , what 's the post code ? eos O O O O O O O O O O Attraction-Request+Post
+bos the primavera 's postcode is cb21sj . is there anything else you need help with ? eos O O B-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no that is all i need . eos O O O O O O O O N/A
+bos okay . glad i could help . eos O O O O O O O O general-bye
+bos looking for a train that leaves from london liverpool street and goes to cambridge eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest N/A
+bos what day and time are you planning to leave ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to leave after 10:15 on tuesday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos tr5691 departs at 11:39. will that work for your needs ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O N/A
+bos yes , that works . i 'd like to book that for one person . eos O O O O O O O O O O O O O O O O N/A
+bos i was able to book your ticket . your reference number is rp24cq0d . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos thanks . i 'm also looking for a museum in the area of west . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 7 musuems located in the west . if you are interested in books , i would suggest the cambridge book and print gallery . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos can you give me the phone number and address ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos sure . they are located at 49 newnham road and you can reach them at 01223694264. eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O N/A
+bos do you know if they have an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos they are free ! can i help you with anything else ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos no , that is all i need help with at the moment . thank you . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are very welcome . have a great time , and thanks for using cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to go from cambridge to peterbourgh saturday . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A
+bos tr7310 is leaving from cambridge at 05:06 and arriving at peterborough at 05:56 for 13.20 eos O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Ticket N/A
+bos i 'm sorry . the train needs to going to cambridge from peterborough . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O N/A
+bos sorry about that , what time would you like to depart ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos i would like to leave after 18:15. also , i would like to know the fare . eos O O O O O O O O O O O O O O O O O O N/A
+bos tr4005 departs peterborough at 18:19 and arrives in cambridge at 19:09. total travel time is 50 minutes , and the fare is 13.20 gbp per person . eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos great , thank you . now , i need some information on college i can visit in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos i have located several colleges in the area that have entrance fees ranging from free to 2 pounds . is there a particular one you would like to visit ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos i do n't have one in particular . can you give me a few examples ? eos O O O O O O O O O O O O O O O O O N/A
+bos sure i have corpus christi in the city centre and christ 's college , which is very famous in the centre . eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos can i get the address of corpus christi ? eos O O O O O O O O O O Attraction-Request+Addr
+bos the address is king 's parade , is there anything else i can do ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos no thank you . thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome . i hope you enjoy your visit ! goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am planning a trip to cambridge and i would like to know nice places to visit in the north . eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i have 4 attractions in the north . two of them are swimming pools , one is a park and one is a boating attraction . do you have a preference ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos what is the entrance fee for the boating attraction ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos there is no entrance fee listed . i can give you their phone number if you would like ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O N/A
+bos no thanks , i need to find a train leaving from cambridge next . eos O O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos okay . where are you looking to go to ? eos O O O O O O O O O O O Train-Request+Dest
+bos i 'm headed to leicester . eos O O O O B-Train-Inform+Dest O O N/A
+bos did you have a particular day and time in mind ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i will be traveling on thursday and i need to leave sometime after 15:00. eos O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave N/A
+bos the first train after that time on thursday is the tr9839 , leaving cambridge at 15:21 , arriving in leicester at 17:06. would you like to book a ticket ? eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please book a ticket for one . eos O O O O O O O O O O N/A
+bos i booked a seat for you on tr9839 . you can pay the 37.79 gbp due at the station . reference number x6s3fkef . is there anything else today ? eos O O O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos no , you have helped me tremendously . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos im looking for a train that arrives by 9:15 and leaves tuesday eos O O O O O O O O O O O O B-Train-Inform+Day N/A
+bos what will be your departure location and destination ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm leaving cambridge and am going to stansted airport . eos O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what time would you like to depart ? eos O O O O O O O O O Train-Request+Leave
+bos departure time does not matter as long as it arrives by 9:15. can you give me the travel time and price please ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the earliest is the tr1656 which leaves at 05:40 , arriving at 06:08. travel time on that is 28 minutes , and the price is 10.10 pounds . what else can i help with ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos i 'd like to visit a theatre in the east part of town . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos there are unfortunately no theaters located in the east . would you like me to try something else ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O general-reqmore
+bos what about a park ? eos O O O O B-Attraction-Inform+Type O N/A
+bos there is one park , cherry hinton water play . the address is cherry hinton hall , cherry hinton road . admission is free . is there anything else i can do ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos no , that is exactly what i was looking for . thank you for your help ! goodbye ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for choosing help desk . goodbye . eos O O O O O O O O O O general-bye
+bos i 'm trying to find a train that goes to cambridge arriving by 09:15. eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A
+bos where would you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i 'll be leaving birmingham new street on thursday eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos the tr4235 arrives at 8:23 and costs 75.10 pounds . how does that sound ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A
+bos that sounds great can you book that for me ? eos O O O O O O O O O O O N/A
+bos i have booked train id tr4235 at a cost of 75.10 pounds . your reference number is 4tudsxpz . eos O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O N/A
+bos great , thanks ! i 'm also looking for some places to visit in town . are there any theaters your recommend ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i have about 5 different theatres around town . if you would like a recommendation , i would suggest mumford theatre in the city centre . would you like more info about it ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O general-reqmore
+bos any type is fine , can i get the address and entrance fee of one ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos sure the address is anglia ruskin enterprise , east road and i am unfortunately unable to see an entrance fee . can i help with anything else ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos that 's all thanks . eos O O O O O O general-thank
+bos thank you for using our service . eos O O O O O O O O general-bye
+bos can you recommend some attractions to go to on the west side of town ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos sure thing ! we have 13 attractions that you may like . do you have anything in particular in mind ? eos O O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O general-reqmore
+bos no . just pick something and give me the address . eos O O O O O O O O O O O O Attraction-Request+Addr
+bos okay . i recommend churchill college at storey 's way . their postcode is cb30ds and their admission is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O B-Attraction-Recommend+Fee O O O O N/A
+bos okay , thanks . i also need a train leaving on sunday going to bishops stortford . eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos tr6572 leaves for bishops stortford at 05:29 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Arrive N/A
+bos could you find me a train that leaves after 08:30 and departs from cambridge ? eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O N/A
+bos yes , tr9904 leaves at 09:29. would you like me to book that for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos yes , for 6 people please . eos O O O O B-Train-Inform+People O O O N/A
+bos i was able to book that for you . the total fee is 48.48 gbp payable at the station.the reference number is 2uor5o12 . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you that was all i needed today eos O O O O O O O O O general-thank
+bos you are welcome . thank you for using our service . goodbye ! eos O O O O O O O O O O O O O O general-welcome
+bos hello , i am looking for an expensive restaurant on the south side of town . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos frankie and bennys serves italian food , it is in the south part of town , and the price range is expensive . can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore
+bos what is the address and phone number for frankie and bennys ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos frankie and bennys address is cambridge leisure park clifton way cherry hinton . their phone number is 01223 412430 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you eos O O O general-thank
+bos you 're welcome . is there anything else ? eos O O O O O O O O O O general-welcome,general-reqmore
+bos which part of town it is in ? eos O O O O O O O O O N/A
+bos it is located in the south part of town eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos no , that was it . bye bye . eos O O O O O O O O O O general-bye
+bos goodbye eos O O general-bye
+bos i 'm looking for a train to stevenage that leaves after 17:30. is there anything available then ? eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O O N/A
+bos i have a few choices for you . what day are you wanting to travel ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on thursday out of cambridge . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A
+bos the tr0385 leaves at 19:21 , would that suit you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A
+bos yes , that sounds perfect . i would like a booking for 4 people . eos O O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos the booking was successful . your reference number is sicmoaa9 . can i help you with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i am looking for some places to go in town . i want something in the centre that has multiple sports . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos i am sorry but there is nothing matching your request . would you like to try another part of town or type of attraction ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer
+bos well , how about any nightclubs ? eos O O O O O B-Attraction-Inform+Type O O N/A
+bos yes i have one located on the east side . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A
+bos do you have any nightclubs located in the centre ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos yes there are 5 located in the centre . is there anything i can help you with ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos can i get the phone number for one of them ? eos O O O O O O O O O O O O Attraction-Request+Phone
+bos sure , ballare in heidelberg gardens , lion yard cost 5 pounds and their phone number is 01223364222. is there anything else you 'd like ? eos O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no . that 's everything i was looking for today . thanks for your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for choosing help desk . good bye . eos O O O O O O O O O O O general-bye
+bos i need to find a train to cambridge on sunday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos where will you be coming from ? eos O O O O O O O O Train-Request+Depart
+bos i 'm leaving from london kings cross . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos there are 10 trains that fit your criteria . do you have a leave at or arrive by time preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos it needs to leave after 14:30. i need a booking for 2 people . eos O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+People O N/A
+bos i have a train that will leave at 15:17 and arrive in cambridge at 16:08. would you like me to book that for you ? eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos that works for me . i need the reference number . eos O O O O O O O O O O O O Train-Request+Ref
+bos i was able to successfully book your tickets . the reference number is 02bpmpu4 and the total is 37.76 gbp which is payable at the station . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A
+bos thank you ! could you also suggest a museum to visit in the centre ? eos O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A
+bos there are 11 museums in the city centre . are you interested in art , antiques , technology , archaeology , science ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O general-reqmore
+bos perhaps one without an entry fee ? eos O O O O O O O O N/A
+bos castle galleries is located in the centre and has free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos that sounds perfect . can you please give me the phone number , address , and postcode ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos the phone number for castle galleries is 01223307402 , the address is unit su43 , grande arcade , saint andrews street , and the postal code is cb23bj . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O O N/A
+bos thank you so much for your help ! eos O O O O O O O O O general-thank
+bos no problem , is there anything else you 'll be needing from me ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . goodbye . eos O O O O O O O O O O general-bye
+bos it was a pleasure helping you with your planning today . i hope you have a great trip . good bye ! eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i would like an expensive romanian restaurant , please . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are no restaurants serving romanian food . eos O O O O O O O O O Restaurant-NoOffer
+bos how about korean food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos little seoul is an expensive restaurant that serves korean food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos what area is this in ? eos O O O O O O O Restaurant-Request+Area
+bos little seoul is located in the centre of town . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos can i have the address please eos O O O O O O O Restaurant-Request+Addr
+bos little seoul is at 108 regent street city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos i need to take a train from cambridge , i need to arrive by 18:30. eos O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A
+bos we have quite a few trains that may suit your needs . do you have a particular day you are traveling ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Day
+bos yes , i need to leave broxbourne on tuesday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos okay , i have one arriving at 6:01 , would you like me to book it ? eos O O O O O B-Train-OfferBook+Choice I-Train-OfferBook+Choice B-Train-OfferBook+Arrive O O O O O O O O O O N/A
+bos what is the train id , please ? eos O O O O O O O O O Train-Request+TrainID
+bos the train id is tr6357 . is there anything else i can do for you today ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O O O general-reqmore
+bos can you find me a park in the south ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are two parks that meet your description : sheep 's green and lammas land park fen causeway and wandlebury country park . would you like more information on either of those ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O general-reqmore
+bos can i get the phone number and postcode please eos O O O O O O O O O O Attraction-Request+Post
+bos sheep 's green and lammas land park fen causeway number is 01223302580 and postcode is cb22ad . wandlebury country park number is 01223243830 postcode is cb223ae . do you need anything else ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos i will also need the address as well for the two parks please . thank you ! eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sheep 's green & lammas land park fen causeway is located at fen causeway , newnham road ; wandlebury country park is at wandlebury ring , gog magog hills , babraham . anything else ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos that should be all . thank you for your help . eos O O O O O O O O O O O O general-thank
+bos you are very welcome ! i hope that you enjoy your trip ! goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos are there any indonesian restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos there are no restaurants that meet that criteria . would you like to try another area of the city ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos no . i would like an expensive restaurant , though . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are quite a few . i might recommend la mimosa , it serves mediterranean food . does that sound good ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O O O O O general-reqmore
+bos i 'm not a fan of mediterranean , is there a sushi spot somewhere close ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i ca n't find any sushi places for you how about another ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos let 's try expensive italian food . i need a table for 6 on wednesday at 18:45 , can you help me ? eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos i made your reservation at stazione restaurant and coffee bar for wednesday at 18:45 for 6 people . have fun ! eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Day I-Booking-Inform+Day B-Booking-Inform+Time O O B-Booking-Inform+People O O O O N/A
+bos thank you can i get the reference number for my reservation ? eos O O O O O O O O O O O O O Restaurant-Request+Ref
+bos the booking was unsuccessful , do you have another preference ? eos O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes can you find another restaurant in the same area and price range ? eos O O O O O O O O O O O O O O O Restaurant-Inform
+bos i was able to book don pasquale pizzeria reference number is g4t03zz7 eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref N/A
+bos okay thank you very much . eos O O O O O O O general-thank
+bos you 're welcome ! please let me know if you need anything else . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay with free wifi . can you help me find something moderately priced ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos we have plenty of moderately priced options with free wifi . do you have any additional preferences ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos are there any with a 5 star rating ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos unfortunately , none of them have a 5 star rating . eos O O O O O O O O O O O O N/A
+bos are there any with a 4 star rating ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos oh yes , several . are there any addition preferences on those ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O N/A
+bos nope , any 4-star moderate place with wifi will be fine . could you book a room starting saturday for 3 nights , 5 people ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O N/A
+bos you are booked at the acorn guest house . reference number is roccfcm6 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much , that is all i need . eos O O O O O O O O O O O O general-thank
+bos great , enjoy your stay . bye . eos O O O O O O O O O general-bye
+bos i 'm looking for a moderately priced hotel . eos O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i have many options for you . is there a certain area of town you 're interested in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , that does n't matter , but i need a hotel with free parking . eos O O O O O O O O O O O O O O O O O N/A
+bos sure , there are 14 choices that meet your needs . do you prefer a hotel or guesthouse ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos it does n't matter . i would like for the hotel to have free wifi eos O O O O O O O O O O O O O O O O N/A
+bos alright how does the archway house sound ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos can they accommodate a party of 8 for 2 nights , beginning saturday ? eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos yes they can ! your booking was successful and your reference number is 3o4m8zsu . is there anything else i can help you with today ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that 's everything i needed , thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-greet
+bos hi there . can i get some help finding a hotel or guesthouse please ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos sure thing ! what side of town would you prefer ? what price range would you like ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i need one in the moderate price range . i would like one that does n't have free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos there are 3 guesthouses and a hotel . do you have a star rating that you enjoy staying at ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Stars
+bos no not in particular . eos O O O O O O N/A
+bos i have four hotels . do you know the area you would like to stay ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd prefer a guesthouse in the north , please . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos i 've got two options . the alpha-milton and the avalon . would you like me to book a room at either one ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes . the apha-milton sounds nice . try that one , please . eos O O O O O O O O O O O O O O N/A
+bos i 'd be happy to make your reservation for you . when would you like to arrive and how many are in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Inform
+bos there are 3 of us and we 're arriving on thursday . we 'd like to stay for 4 nights if possible . eos O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos your reservation is all set . your reference number is 89s3zags . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . that 's all i need today . eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos do you have any information on the university arms hotel ? i 've heard it 's a nice place . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos i sure do . the university arms hotel is a more expensive hotel in the centre of town . it has 4 stars and includes free wifi and free parking . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i need a room for one person starting sunday for 3 nights eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay N/A
+bos unfortunately , they do n't have availability for that day and length of stay . would you like to stay on another day or shorten the stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos all right , what about 2 nights ? eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful for 2 nights on sunday for 1. your reference number is yk9z9ake . is there anything more i can assist you with ? eos O O O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thanks for your help ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for booking with us and have a great day . eos O O O O O O O O O O O O O general-bye
+bos hi , i am looking for a cheap place to stay in the east . can you help me ? eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are 3 guesthouses in the cheap price range in the east part of town . would you like to book one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos do any of those include free parking ? eos O O O O O O O O O N/A
+bos yes , all of them do . eos O O O B-Hotel-Inform+Choice O O O O Hotel-Inform+Parking
+bos i would need a hotel for 6 people , starting from thursday and lasting 4 nights . is there anything available ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos allenbell is available and fits all of your requirements . i have made a reservation for you . your reference number is dqol6qe5 . eos O B-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , that 's all i need today . thank you ! eos O O O O O O O O O O O O O general-thank
+bos you are welcome . have a nice stay . bye . eos O O O O O O O O O O O O general-bye
+bos i need lodgings on the north side of town . eos O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i found 13 hotels on the north side of town eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area N/A
+bos okay , i 'm looking for a 4 star place , and it does n't need to include internet . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos is a guesthouse okay ? there are 8 to choose from that have four stars . they all have internet , though , are you interested in booking one of these ? eos O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Booking-Inform,Hotel-Inform+Internet
+bos yes , which one would you recommend ? eos O O O O O O O O O N/A
+bos personally , i hear good things about the acorn guest house . eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos what 's the phone number there ? eos O O O O O O O O Hotel-Request+Phone
+bos the phone number is 01223353888. is there anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos can i have their hotel type and price range please ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type
+bos certainly . the acorn guest house is a moderately priced 4 star guesthouse on the north end of town . would you like to reserve a room there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes , acorn guest house has wifi . would you like me to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no , thank you . that 's all i need right now . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're so welcome . bye ! eos O O O O O O O O general-bye
+bos could you tell me if you have a 5 star hotel on the south side ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos unfortunately , i do n't happen to have anything that meets your specifications . can i look in another area for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos it really needs to be in the south and have a 5 star rating . it can be a hotel or guesthouse though . eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i 'm sorry but there are no hotels are guesthouses with a 5 star rating in the south . would you like to try a 4 star rating instead ? eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area O O O O O O O B-Hotel-Select+Stars O O O O O N/A
+bos yeah , that would be fine . eos O O O O O O O O N/A
+bos we have 2 guesthouses that match your needs . aylesbray lodge guest house or rosa 's bed and breakfast . does either of these fancy your interest ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos do either of them have internet ? i 'll also take the address for both . eos O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr
+bos yes , they both do . aylesbray is at 5 mowbray road , and rosa 's is located at 53 roseford road . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A
+bos thanks for the information ! eos O O O O O O general-thank
+bos you are welcome , do you need any thing else ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos that should be all , thank you . eos O O O O O O O O O general-thank
+bos you are welcome . thank you for calling cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi there . can you tell me if you have any information on the bridge guest house ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes , it is on the south side of town in the moderate price range . do you need more information ? eos O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O general-reqmore
+bos yes can i get the hotel type and phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type
+bos certainly . it 's a guest house . the phone number is 01223247942. eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone O O O N/A
+bos that is all i needed . thank you ! eos O O O O O O O O O O general-thank
+bos okay . let us know if you need further assistance . eos O O O O O O O O O O O O general-reqmore
+bos do you have information on the alpha-milton guest house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the alpha-milton guest house is a moderately priced 3 star guesthouse on the north end . the address is 63 milton road , postcode cb41xa . their phone number is 01223311625. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O N/A
+bos thank you very much for your help , goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-bye
+bos i 'm looking for a moderate priced place to stay in the north part of town eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos we have 11 to choose from . do you have preferred quality ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars
+bos yes , i 'd like a 3 star place . it does n't need to have free parking . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos okay , the hamilton lodge fits those conditions . would you like me to book you a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes please . book me a stay for 7 people and 5 nights starting from saturday . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos the hamilton lodge guesthouse does have free parking , is that okay ? there is the alpha-milton guest house in the north , it ' 3 stars , moderately priced and does n't offer parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Inform+Parking
+bos the alpha milton guest house sounds better . please book a room there . eos O O O O O O O O O O O O O O O N/A
+bos i have that booked , the reference code is 8epnpvvm . anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos no that is it , thanks . eos O O O O O O O O general-thank
+bos ok thank you for using our service & have a good day ! eos O O O O O O O O O O O O O O general-bye
+bos i 'd like a place that serves world food in the east part of town . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos sorry but no world food restaurants in the east is found . can i provide you something else . eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos your options are curry prince , pipasha restaurant , rajmahal , and sitar tandoori . which one would you like more information regarding ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Select
+bos i would like the address and phone number of curry prince . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the curry prince is located at 451 newmarket road fen ditton and their phone number is 01223 566388. can i help you with anything else today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no , thank you goobye . eos O O O O O O O general-bye
+bos thank you , goodbye eos O O O O O general-bye
+bos this heatwave is killing me and the kids are screaming about being too hot , can i get info on pools in the centre area ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos parkside pools is a nice place to cool your screaming kids off . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O N/A
+bos that 's great ! what postcode is that ? eos O O O O O O O O O O Attraction-Request+Post
+bos parkside pools post code is cb11ly eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post N/A
+bos can you find me a train i 'm leaving cambridge and want to arrive at my designation by 11:30. eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive O N/A
+bos yes but i will need your destination and day of travel eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos the train should go to leicester and should leave on thursday eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day N/A
+bos i have six trains that meet your criteria . would you like to make a booking on one of them ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes please . which is the closest one that arrives by 11:30 ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr1755 is your best bet . it will arrive in leicester at 11:06. would you like to book tickets on that ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no , thanks . i just need the departure time , please . eos O O O O O O O O O O O O O O Train-Request+Leave
+bos the departure time is 09:21. can i help you with anything else ? eos O O O O O B-Train-Inform+Leave O O O O O O O O general-reqmore
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos great , have a wonderful day ! eos O O O O O O O O general-bye
+bos i would like to find a pool that i can visit . eos O O O O O O O O O O O O O N/A
+bos of course , there are 4 public pools in cambridge . are you looking to visit any particular part of town ? eos O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i am not . can you please give the phone number and entrance fee for one of them ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos i can provide you four names but not an entrance fee . i am sorry . eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O N/A
+bos just give me the phone number for the first one on your list , and can you confirm if that one has an entrance fee please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number for the abbey pool and astroturf pitch phone number is 01223902088. i am sorry , but they do not note if an entrance fee is required . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos ok , i also need a place to stay and i do n't care about free parking , but can it be moderately priced ? eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have many options available . is there a particular area of town you would like to stay or a number of stars you want ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos i want to stay on the east side of town and i 'm looking for a guesthouse type hotel . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos the carolina bed and breakfast is a moderately priced 4 star guesthouse with free parking . would you like to try that one ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos what is this hotel 's phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos the phone number for the carolina bed and breakfast is 01223247015. can i help with anything else ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O general-reqmore
+bos yes , can you book me at the guesthouse for 8 people ? eos O O O O O O O O O O O O O O N/A
+bos sure thing , what day would you like to check in and how many days do you want to stay ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos am looking for a train . the train should arrive by 18:00 and should go to stevenage . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest O N/A
+bos can you provide me with your departure site ? eos O O O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge on tuesday . eos O O O O O O O O O N/A
+bos there are many options available . is there a certain time you would like to leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Leave
+bos what one gets me there before , but closest to 18:00 ? eos O O O O O O O O O O O O O N/A
+bos train tr5343 arrives at 16:10. it is the closest to your required arrival time . would you like to reserve any tickets today ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no , i have decided not to book today , thank you , goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to go that includes boats . can you please help me plan my trip ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos there are four boat attractions in cambridge . is there an area of town you 'd like to visit while there ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos no , i do n't have a preference . which one do you suggest ? eos O O O O O O O O O O O O O O O O N/A
+bos camboats in the east area , would you like more information about camboats ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O general-reqmore
+bos that is great is there a hotel near by that has free wifi and is on the cheaper side ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos there are 3 hotels available that meet your criteria , do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O general-reqmore
+bos i would like one with free parking . eos O O O O O O O O O N/A
+bos allenbell is a guesthouse on the east side of town that is cheap . it has both free wifi and parking . would you like more information or to book a room ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i would prefer a hotel over a guesthouse . are there any that would meet the criteria i 've listed ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , i 'm not finding anything that matches that criteria . can i search for something else ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos i really need a hotel in the east . eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos express by holiday inn is in the east and has parking , but it 's expensive . is that ok ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O Hotel-Inform+Parking
+bos no i really need the price range to be cheap . are there any that come up close to that price range ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos unfortunately , no . in that part of town , there are no cheap hotels . eos O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O O N/A
+bos i 'm sorry , i misspoke earlier . the allenbell will be fine . could you see if they have any rooms starting on tuesday for 3 nights ? there will be 8 people . eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O O O N/A
+bos the booking was successful with a reference number of sxq58uy1 . do you need anything else today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , i would also like a taxi that will leave from camboats by 07:45. could you also provide me with its contact number and car type ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O O O O O O O O O Taxi-Request+Car
+bos i was able to secure a blue toyota for you . the contact number is 07214859468. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for an attraction in cambridge called nusha . eos O O O O O O O O O O O B-Attraction-Inform+Name O O N/A
+bos absolutely ! nusha is an entertainment venue in the south of town , located in unit g6 , cambridge leisure park , clifton road , postcode cb17dy . would you like their phone number as well ? eos O O B-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore
+bos great , that 's good to know it 's int he south part of town . eos O O O O O O O O O O O O O O O O O N/A
+bos may i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos a hotel would be nice . eos O O O O O O O Hotel-Inform
+bos would you like a hotel or a guesthouse ? what part of town do you want to stay in ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O O O Hotel-Request+Area
+bos i would like an expensive guesthouse with free wifi please . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A
+bos i 'm sorry , but we do n't have any expensive guesthouses with free wifi . would you like to try a different search ? eos O O O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O Hotel-NoOffer+Internet,general-reqmore
+bos can you just find me a moderately priced hotel ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos certainly ! the a and b guest house is a moderately-priced hotel . would you like to stay there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O N/A
+bos yes , for 7 people and 4 nights . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos okay , and what day do you wish to check in ? eos O O O O O O O O O O O O O Booking-Request+Day
+bos we 'll check in on tuesday , please . eos O O O O O B-Hotel-Inform+Day O O O O N/A
+bos great ! your booking was successful i have you checked in and your booking reference number is yrrjg3qc . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos could i now book a taxi to leave the nusha 's at 24:45 and take me back to the a and b guest house ? eos O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos certainly , i have booked your taxi . a black bmw will be picking you up , their contact number is 07151716312. can i help with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos perfect , thank you ! eos O O O O O O general-thank
+bos have a great day . eos O O O O O O general-bye
+bos i hope you have a great day as well ! eos O O O O O O O O O O O N/A
+bos please feel free to contact us again for further assistance . good-bye . eos O O O O O O O O O O O O O O general-bye
+bos i am looking for a cheap place to stay with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i 've got 9 guesthouses and one hotel that match your criteria . would you like to narrow down by star rating or area of town ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos yeah , i would like it to be in the east area of town , if you can . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i have 3 results all in the cheap range . the names are allenbell , autumn house , and leverton house . how else may i help ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O general-reqmore
+bos okay , book me into one of those starting sunday . there will be 8 of us staying 5 nights . eos O O O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O N/A
+bos okay , i have booked the allenbell guesthouse . the address is 517a coldham lane . eos O O O O O O B-Booking-Book+Name B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A
+bos i 'm sorry , i just noticed that you booked starting on sunday . i had requested to check in on saturday . is that still possible ? eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O N/A
+bos my apologies . your reservation has been changed to sunday . your reference number is vcmkko1k . will there be anything else ? eos O O O O O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'd also like to explore the town . where 's the nearest cinema ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there is cineworld cinema in the south and the vue cinema in the centre . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area N/A
+bos what is the address of cineworld ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Addr
+bos cineworld cinema is located at : cambridge leisure park , clifton way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos thank you , that 's all i need ! eos O O O O O O O O O O general-thank
+bos it was a pleasure to help . have a good day . eos O O O O O O O O O O O O O general-bye
+bos i am looking for a place to stay in the centre in cambridge . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have 3 hotels and 2 guesthouses in town centre . would you like a cheap price range or expensive ? will you also need parking ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O Hotel-Request+Parking
+bos i would prefer a guesthouse , and it does not need to include internet . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos the alexander bed and breakfast is a guesthouse in town centre in the cheap price range with a 4 star rating . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos no thank you , that 's all i needed . eos O O O O O O O O O O O general-thank
+bos if you change your mind and need a booking , we 'll be here . thanks for using our service ! eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos okay ! goodbye ! eos O O O O O general-bye
+bos goodbye . and feel free to contact us if there 's any other information you need , as well . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am also looking for an attraction , a swimming pool eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A
+bos we currently do not have any shown attraction in that area you are looking for . are there any other further things i could assist with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer
+bos can you check a swimming pool in the west of the city ? eos O O O O O O O O O O O O O O N/A
+bos i 'm not showing a swimming pool in the east , but there are 2 in the north , will that work ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O N/A
+bos i 'd prefer one in the same part of town as my hotel , are you sure there is n't one ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos yes , there are no swimming pools located to the west of your city . thank you , if you need help with anything else , contact us again . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a multiple sports location in the centre of town eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos unfortunately there are no multiple sports locations in the centre of town . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos hmm , okay . well , maybe we should take a look at a local college in town centre . could you recommend one ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos i can recommend christ 's college . admission is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O N/A
+bos sounds good . could i get the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos absolutely . the phone number is 01223334900. is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos yes , i would like to book a hotel that has free wifi . parking does n't matter . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i have found 9 hotels with free internet . do you have a price range you are look for ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos i would like it to be not be more that $ 120 a night . eos O O O O O O O O O O O O O O O O N/A
+bos does the gonville hotel work ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos is gonville hotel in the town centre ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O N/A
+bos gonville hotel is in the `` centre '' area . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O N/A
+bos does the hotel have a star rating of 0 ? eos O O O O O O O O O O O Hotel-Inform
+bos it has a rating of 3 stars . eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i need a hotel located near the centre of town , with a star of 0. for 3 people , 2 nights starting thursday please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O N/A
+bos how about the el shaddai ? it 's at 41 warkworth street and it 's cheap . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price O O O O N/A
+bos okay let 's try that . eos O O O O O O O N/A
+bos it does n't look like they have availability for a 2 night stay starting on thursday . would you like to book a shorter stay or start a different day ? eos O O O O O O O O O O O B-Booking-NoBook+Stay O O O B-Booking-NoBook+Day O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos how about just one night ? eos O O O O O O O N/A
+bos i was able to successfully book you for 3 people for a 1 night stay . your reference number is 9zkdxb08 . is there anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos one more thing , i would like to book a taxi to commute between the two places . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos will you be departing from el shaddai hotel to christ 's college ? also , when would you like the taxi to leave the hotel and arrive at the destination ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Arrive,Taxi-Request+Dest
+bos i would like the taxi to leave christ 's college by 01:30 and take me to the el shaddai . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i reserved a blue ford for you , contact number 07289393506. is there anything else i can do for you today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's perfect . thanks ! eos O O O O O O O O O general-thank
+bos no problem . glad you could help . eos O O O O O O O O O general-bye
+bos i am looking for a train . the train should leave on monday and should arrive by 12:45. eos O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A
+bos where would you like to go ? eos O O O O O O O O Train-Request+Dest
+bos i would like to depart from cambridge , and travel to bishops stortford . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos is there a time you would like to be picked up by ? eos O O O O O O O O O O O O O O Train-Request+Leave
+bos i want to get there by 12:45. eos O O O O O O O O N/A
+bos the tr7928 goes from cambridge to bishops stortford on monday at 11:29 arriving at 12:07. shall i book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i need to book it right now but what is that travel time ? eos O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time on tr7928 is 38 minutes . should i book it for you ? eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook
+bos what is the price for that train ? eos O O O O O O O O O Train-Request+Price
+bos the price is 10.10 pounds per ticket . i can make those reservations for you if you 'd like . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O Train-OfferBook
+bos not right now . i need to make sure of how many of us can go . thank you eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos glad i could help . eos O O O O O O general-welcome
+bos i am looking for a place to stay in the moderate price range . it must include free parking . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos is there a specific part of town you would like to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would prefer to stay in a 2 star hotel in the north . eos O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A
+bos the ashley hotel is a 2 star hotel in the north with free parking in the moderate price range . i can book this for you . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos that would be great ! can you let me know what the post code is ? thank you ! eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb41er . how long would you like to stay and how many should i book the hotel for ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i do n't need to book it at this time . can you help me find a place to visit while i 'm in town ? i 'd like a swimming pool in the north . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos we list two swimming pools in the north area , jesus green outdoor pool and kings hedges learner pool . would you like more information on either of those ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore
+bos can you give me the phone number and postcode for the jesus green pool , please ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos sure , the phone number is 01223302579 and the postcode is cb43px . can i help with anything else today ? eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no that is all thank you . eos O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i am looking for a museum to visit . eos O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are many museums in town . do you have a preference in area ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area
+bos no , what can you recommend ? eos O O O O O O O O N/A
+bos do you like modern art ? cambridge contemporary art is great , and admission is free . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O O N/A
+bos well , the price is great . what is there postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos their postcode is cb21su . is there anything else you need help with today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i wold like to book a room near downtown that has wi-fi and a free parking . eos O O O O O O O O O O O O O O O O O O N/A
+bos there are 4 options . do you have a price you would like to stick with ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price
+bos actually , i think that what i really want is a hotel that is in the same area as a swimming pool . are there any public swimming pools in town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos parkside pools are in the centre of town , if that would be okay . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O N/A
+bos get me the address , phone number , and area . i am also looking for a 4 start place to stay in the north eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Addr
+bos parkside pools is gonville place . the area is the centre and phone number is 01223446100. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O N/A
+bos i also need a place to stay , it should be 4 stars , in the north and include free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O N/A
+bos we have six 4-star guesthouses in the north that might suit you . i can recommend archway house . would you like to book a room ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes , i 'll need it for 5 nights starting from sunday . oh , and book it for 7 people ! eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+People O O O O O N/A
+bos i 'm sorry i was unable to book it for 7 people , would you like to try for another day or a shorter stay ? eos O O O O O O O O O O O B-Booking-NoBook+People O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos can you see if they have anything for 2 nights ? eos O O O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos yes , i was able to book your 7 person , 2-night stay beginning on sunday . the reference number is g2zc5bah . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+People B-Booking-Book+Stay O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos no , that should be all . thank you for your help ! goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us today . goodbye . eos O O O O O O O O O O general-bye
+bos i am looking for places to go . can you tell me about some museums ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos i show 79 of them , is there a certain area of town you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos surprise me ! i 'd like the address , fee and postcode . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the broughton house gallery is located on 98 king street , is free to enter , and the post code is cb11ln . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Post O O O N/A
+bos sweet ! can i also get some information on hotels ? eos O O O O O O O O O O O O Hotel-Inform
+bos sure . i have 33 hotels in my database . can you please provide me with the area , price range , and features you are looking for ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos how about a 2 star rating in the moderate price ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A
+bos of course , ashley hotel and lovell lodge both meet that criteria . would you like to book with one of them ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Hotel-Select
+bos either one is fine , i need to book for 1 starting sunday , 4 nights . eos O O O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O N/A
+bos you have a room at the ashley , reference number 1iikbzbl . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O N/A
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos great . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O general-reqmore
+bos how about some restaurant suggestions within walking distance of the hotel . any indian cuisine or african cuisine that 's expensive ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos how about broughton house gallery ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos does it have free wife and parking ? eos O O O O O O O O O N/A
+bos no , it does n't . sorry about that . eos O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos sorry about that , i can look for a restaurant later . that 's actually all i need today , thank you ! eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos ok great ! thank you for reaching out to cambridge towninfo centre , i hope you enjoy your stay ! goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi ! i 'm looking for a place to stay with 3 stars that includes wifi . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i can help you with that . i have several options that fit this criteria . do you prefer a particular area of town ? eos O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos just near cambridge , and should be a guesthouse . eos O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos bridge guest house is a guesthouse in the south in the moderate price range with free wifi and parking . would you like to reserve a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos certainly . there will be 5 of us for 4 nights starting on tuesday . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i was able to book for 5 people for 4 nights starting on tuesday . the reference number is 97vs1tde . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i need a train for the same day . i need to leave after 16:30. eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave O N/A
+bos where are you leaving and arriving from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm coming to cambridge from london kings cross . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos train tr1434 leaves at 17:17 and arrives at 18:08 , it is a 51 minute ride . do you want me to book you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos no thanks , i 'm just looking for information . that 's everything i need for now . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos i understand . have a very nice day . eos O O O O O O O O O O general-bye
+bos please find me a cinema eos O O O O O B-Attraction-Inform+Type N/A
+bos sure , in the south of town or the centre ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos it does n't matter but can i get a postcode for one of them . eos O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos okay i recommend vue cinema located in the centre . the postcode is cb11ps . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Post O O N/A
+bos thank you . can you also help me find a train going to cambridge leaving on sunday ? eos O O O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos what is your destination , and do you have a preference for the departure or arrival time ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos i am departing from norwich and i do need to leave sometime after 17:30. eos O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave N/A
+bos the first train after 17:30 is tr4702 , departing norwich at 18:16. would you like a ticket ? eos O O B-Train-OfferBook+Choice O O O O O O B-Train-OfferBook+Depart O B-Train-OfferBook+Leave O O O O O O O N/A
+bos yes can you book that for 4 people please ? eos O O O O O O O O B-Train-Inform+People O O N/A
+bos reference number is 4vmrd84u . can i help with anything else ? eos O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos no , that 's all i needed today . thanks ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome
+bos i need a place to stay eos O O O O O O O N/A
+bos do you have a certain area or price range in mind ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i 'd like it to be in the south and have free wifi and parking . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos the lensfield hotel is a nice place . would you like a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes i would like to book for 7 people and 4 nights starting from friday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . your reference number is 5xdznnrc . will that be all ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i am also looking for an attraction in the same area as the hotel . eos O O O O O O O O O O O O O O O O N/A
+bos there are 8 attractions in the south part of town . did you have a specific type of attraction in mind ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Type
+bos not really . is there something you can recommend ? eos O O O O O O O O O O O N/A
+bos how about byard art ? it 's a museum . there is also the junction , which is a theatre . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O O O N/A
+bos what is byard art 's postcode ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post
+bos the postcode is cb21sj . what else can i help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos what is the phone nymber to byards ? eos O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223464646. eos O O O O O B-Attraction-Inform+Phone N/A
+bos i also need a taxi that will leave the attraction by 20:30. eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay ! where are you going ? eos O O O O O O O O Taxi-Request+Dest,general-greet
+bos i want to leave the attractinon by 20:30. get me a car and contact number eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A
+bos i 've booked you a taxi , it is a yellow tesla . you can contact them via 07892026031 eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thanks for helping me out eos O O O O O O general-thank
+bos i am so pumped i got a tesla . that 's just amazing . eos O O O O O O O O B-Taxi-Inform+Car O O O O O O general-greet
+bos thanks again . you are of great help eos O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i am looking for a particular hotel . its name is called aylesbray lodge guest house . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the aylesbray lodge is a guesthouse in the south area located at 5 mowbray road . the pricing is moderate . the phone number is 01223240089. would you like to book a stay ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform
+bos no , i can do that . i am looking for places to go in town , a park . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are five parks in town . were you hoping for a certain area of town ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Area
+bos in the east preferably . eos O O O B-Attraction-Inform+Area O O N/A
+bos okay there is one option here . it is cherry hinton water play . entrance is free . would you like help with anything else ? eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos can you tell me the postcode ? eos O O O O O O O O Attraction-Request+Post
+bos the postcode is cb18dw . eos O O O O B-Attraction-Inform+Post O N/A
+bos can you also confirm the area that is in please ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos that is in the east area . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos so we have you at a place to stay with something to do for fun , anything else before i let you go ? eos O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos thank you that will be all i need . eos O O O O O O O O O O general-thank
+bos i 'm happy to be of service . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hi there , i need to find a hotel - a guesthouse to be precise . i do n't need internet so do n't worry about that eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos 24 guesthouses fit your criteria . do you know what side of town you 're wanting to be in or the pricerange ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i 'd like a guesthouse rated 3 stars . eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are 4 guesthouses that meet your needs , 2 in the north and 1 each in the west and south . would one of these interest you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos i will take the one in the south as long as they have a room for 4 available for 5 nights . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos i will be happy to make your reservation , what day will you be arriving ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos book it for 4 people and 5 nights starting from thursday . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : rvsd43kc . what else can i do for you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'd like to find an expensive restaurant in the west to celebrate our family . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos what type of food would you prefer ? eos O O O O O O O O O Restaurant-Request+Food
+bos i would like chinese . eos O O O O B-Restaurant-Inform+Food O N/A
+bos i do not have an expensive chinese restaurant in the west . can i find you something different ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O general-reqmore
+bos what about greek food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i do n't see any expensive greek restaurants in the west either . we do have british , european and indian options available , though . would you like information on one of those ? eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O general-reqmore
+bos okay , let 's try one that serves british food . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i would suggest graffiti eos O O O O B-Restaurant-Recommend+Name N/A
+bos ok , that sounds good . the same group of people will be dining on the same day that we arrive . can you book a table for 15:30 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : zcjz13xo . what else can i do for you today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos great . thank you . now i need a taxi . eos O O O O O O O O O O O O Taxi-Inform
+bos okay and what day do you need the taxi for ? eos O O O O O O O O O O O O N/A
+bos i will need the taxi the same day . eos O O O O O O O O O O Taxi-Inform
+bos sure , where would you like to be picked up from ? also where will you need to be dropped off and what time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Dest
+bos i would like to go from the restaurant to the hotel . eos O O O O O O O O O O O O O N/A
+bos your booking is completed . a red honda , contact number 07441837045 will pick you up in front of the restaurant at 17:30. does this time work for you ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O O O O O general-reqmore
+bos yes the time works for me . that will be all thanks and have a great day . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos any time , and you have a great day as well ! eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay in the centre . it does n't need to include internet . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos i have 2 guesthouses and 3 hotels available . do you have a preference ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Select
+bos do any of the hotels have 3-star ratings ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have one with 3 stars in the expensive price range . eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O N/A
+bos that 's in the centre ? eos O O O O O O O N/A
+bos gonville hotel would fit all your needs eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos that sounds great . i would like to book that for 2 people and 4 nights starting from wednesday . and if i can have the reference number once booked . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref
+bos your booking was successful . your reference number is bx2jntsy . thank you eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos i am looking for informtion in cambridge eos O O O O O O O O N/A
+bos sure , what would you like to know ? eos O O O O O O O O O O general-reqmore
+bos i apologize , i should have let you know before , i need a train from bishops stortford to cambridge , on sunday . i need to arrive by 14:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O N/A
+bos tr0275 will leave at 13:29 and arrive by 14:07. would you like to buy tickets ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , could you make a booking for 3 people ? eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 24.24 gbp payable at the station .reference number is : gi56qb11 . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for an expensive restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos what type of food do u prefer ? eos O O O O O O O O O Restaurant-Request+Food
+bos any food will do , whatever you recommend . please book something for sunday at 18:45 for 3 people . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about the cambridge chop house ? or midsummer house restaurant ? eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos the first is good . need it for sunday , 18:45 , 3 people . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : yyslej0h . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great ! thanks very much ! eos O O O O O O O general-thank
+bos thank you for calling cambridge towninfo centre ! is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that 's it ! thank you for your help ! eos O O O O O O O O O O O general-thank
+bos you are welcome , call me if you need anything else . eos O O O O O O O O O O O O O general-welcome
+bos i want a place that serves swiss food . eos O O O O O O O O O O N/A
+bos i 'm sorry that we do n't have any swiss restaurants nearby . i could recommend several other restaurants if you would like ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O general-reqmore
+bos could you please try restaurants that serve indian food instead ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have several indian restaurants . what area of town are you interested in ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area
+bos any . book a table for 8 people at 16:00on tuesday eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A
+bos okay , i can do that . how about curry prince in the east part of town ? it is moderately-priced . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A
+bos yes , that sounds good . please make the reservation for me . eos O O O O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : e4q6z78s . can i help with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos sure , i 'm also looking for a particular attraction called the holy trinity church . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos what information are you looking for ? eos O O O O O O O O general-reqmore
+bos i need the area and entrance fee eos O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee
+bos no problem . it 's located in the centre of town and is free . is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos no , that is it . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos anytime ! enjoy your visit . eos O O O O O O O general-welcome,general-bye
+bos i need places to go in town eos O O O O O O O O N/A
+bos did you want architecture or a church ? eos O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type N/A
+bos it 's does n't matter what attraction it is just as long as it 's in the west . do you have any recommendations ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos sure . i suggest churchill college , on storey 's way . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A
+bos can i get their postcode and entrance fee please ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos the postcode is cb30ds and the entrance fee is free . eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee N/A
+bos excellent . i also need a place to stay . i want a guesthouse in that area . and i 'll need parking . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos finches bed and breakfast is a 4 star guesthouse in the west part of town in the cheap price range with parking and wifi included . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos sounds like a match , can we book for 3 , starting on monday and going 4 nights ? eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O N/A
+bos the booking was successful , your reference number is 0603au17 . is there anything else i can help you find today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you are welcome ! enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i need to find a asian restaurant in cambridge eos O O O O O O O O O O Restaurant-Inform
+bos are you looking for one in a certain area ? eos O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't have any in mind as long as they serve asian food . eos O O O O O O O O O O O O O O O O N/A
+bos what price range would you prefer ? eos O O O O O O O O Restaurant-Request+Price
+bos actually , i do not need a restaurant for now , i am look for a boat type place to go to in town . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos there are several to choose from . there are camboats in the east , the riverboat georgina in the north , and two places for punting in the centre . do any of those appeal ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O N/A
+bos i suppose the riverboat georgina . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the riverboat georgina is found in the north area . , their phone number is 01223902091. anything else you need to know ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos thank you . i am also looking to book a hotel called hobsons house for 1 person starting thursday , please . eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos sure no problem . how many nights from thursday would you like to book ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay
+bos 2 nights please and could i get a reference number ? eos O O B-Hotel-Inform+Stay O O O O O O O O O Hotel-Request+Ref
+bos your stay at hobsons house is booked . your reference number is bzlbf1dz . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . that 's all for now . eos O O O O O O O O O O O O general-thank
+bos glad i could help . let us know if you need anything else . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos i 'm looking for a hotel that includes free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos ashley hotel is a great place with free wi fi eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Recommend+Internet
+bos is it expensive ? eos O O O B-Hotel-Inform+Price O N/A
+bos ashley hotel is a moderately price hotel in the north area . would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos i would prefer one in the expensive range if you have any . eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the express by holiday inn is an expensive 2 star hotel in the east . they have free parking and free wifi . will this work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos yes . i need to book for 7 people starting on wednesday and staying for 2 nights . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O N/A
+bos i 've made those reservations and your reference number is n90kbzum eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great ! can you please help me with finding a train as well ? i need something leaving london liverpool street after 16:30. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O N/A
+bos how about tr9886 ? it arrives at 19:07 on friday . eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos actually , can we try for wednesday ? i 'll need tickets for the same group of people . eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O N/A
+bos train tr2232 leaves liverpool street , london at 17:39 and arrives at 19:07. would this work for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos yes that works . go ahead and book me 7 tickets please eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos your booking was successful and your total cost is 116.2 gbp . your reference number is bwxb511a . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks a lot . that is all i need . eos O O O O O O O O O O O general-thank
+bos great thank you so much . eos O O O O O O O general-bye
+bos thanks again , goodbye . eos O O O O O O general-bye
+bos have a great trip . goodbye . eos O O O O O O O O general-bye
+bos i 'm looking to get some information on the worth house hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos its a guesthouse located in the north and very cheap . 4 star rating & offer free internet access & parking . phone is 01223363682. eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos what 's the postcode for it ? eos O O O O O O O O Hotel-Request+Post
+bos sorry about that the postcode is cb41da . and they are located at 152 chesterton road . eos O O O O O O O B-Hotel-Inform+Post O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos thank you . i also need a train going to cambridge that arrives by 13:00. eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos there are a 546 trains traveling to cambridge that arrives no later than 13:00. where would you like to depart from ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from peterborough on friday . is there anything that arrives in cambridge by 13:00 ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A
+bos yes , tr6691 arrives by 12:38 and costs 16.50 pounds . shall i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos no thank you , i just need to know the departure time . eos O O O O O O O O O O O O O O Train-Request+Leave
+bos 11:48. anything else ? eos O B-Train-Inform+Leave O O O general-reqmore
+bos that 's all i need . thanks ! eos O O O O O O O O O general-thank
+bos glad i could help . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos yes , i need a train for wednesday arriving at 14:45. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A
+bos i have train tr3634 leaving cambridge and arriving london kings cross at 13:51. will that work for you ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos i need the train to go to cambridge and leave from stansted airport . eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i reserved a seat for you on the 05:24 train . your reference number is9bqt5t9m . your ticket of 10.1 gbp is payable when you get to the station . eos O O O O O O O O O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O N/A
+bos great , that 's all i needed . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you and enjoy your visit to cambridge ! eos O O O O O O O O O O general-bye
+bos i need a train from stansted airport to cambridge , arriving by 14:45 on wednesday , please ... eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O N/A
+bos sorry about all that confusion . i think i 've found you a train . tr3720 is the closest in time , leaving the airport 13:24 , arriving cambridge 13:52. would you like a seat reserved ? eos O O O O O O O O O O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes , i 'd like to book for three people please . eos O O O O O O O O O O O O O N/A
+bos i 've booked you 3 seats on the tr3720 with a total fee of 30.29 gbp which is payable at the station . the reference number is y3atc2sj . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you . im also looking for a hotel in the north in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O N/A
+bos ashley hotel is available , would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos sure , can you book it for 2 nights and 3 people ? eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A
+bos booking was successful , you reference number is dembopor , can i assist with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that is everything i need today . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a train that leaves to cambridge . oh , and please see if it leaves on a wendesday . eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O N/A
+bos certainly . from where will you be departing ? eos O O O O O O O O O O Train-Request+Depart
+bos i want to depart from peterborough and want to leave after 18:00. eos O O O O O O O O O O O O B-Train-Inform+Leave N/A
+bos where will your destination be ? eos O O O O O O O Train-Request+Dest
+bos to cambridge . eos O O O O N/A
+bos train tr9332 leaves at 19:17 and it costs 23.60 pounds . i have booked you one ticket . is there anything else i can help you with ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-OfferBooked+People O O O O O O O O O O O O general-reqmore
+bos that train would work well , but i really need 2 tickets and the reference number please . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos okay , i 've got you booked on the tr9332 . your reference is wg0quavb and the total fee of 47.2 gbp is payable at the station . will that be all today ? eos O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos i also want a place to stay eos O O O O O O O O N/A
+bos there are 33 locations available . is there a specific area you wish to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i 'd like to be in the east . it will also need to have a star of 4. eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price
+bos just one that has free wifi please . no price range restrictions . eos O O O O O O O O O O O O O O N/A
+bos based on your criteria there are 6 guest houses available . i suggest the carolina bed and breakfast . shall i make a reservation for you ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos is that a hotel or a guesthouse ? eos O O O O O O O O O Hotel-Inform
+bos it is a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A
+bos okay , thanks ! can you please book a room for 2 people , for 3 nights , starting wednesday ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos your reference number is dmrucdj4 . eos O O O O O B-Booking-Book+Ref O N/A
+bos thank you that is all i needed . eos O O O O O O O O O general-thank
+bos perfect . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a train that departs from peterborough and arrives by 10:30. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O N/A
+bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest
+bos i am traveling to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos what day are you taking the train ? eos O O O O O O O O O Train-Request+Day
+bos i am leaving on friday . what is the cost please ? eos O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos the price is 16.50 pounds . may i help with anything else ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos yes , i need to find a place to stay . eos O O O O O O O O O O O O N/A
+bos there are plenty of options available to you . would you like to narrow it down by area , price range , stars , or type ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area
+bos i 'd like a guesthouse that includes free parking . eos O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos okay , great ! do you have a certain area in mind ? eos O O O O O O O O O O O O O O general-welcome,Hotel-Request+Area
+bos i have no preference for the area , but i would like something that includes free wifi and is in the expensive price range , please . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price
+bos i 'm sorry . there are n't any expensive guesthouses available for a reservation . would you like me to check for a cheap or a moderately priced one ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O O O O O O N/A
+bos could you check to see if there are any expensive hotels then ? eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos there is the gonville hotel in centre that meets your criteria . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos i do n't need to book but would you give me the star rating for the gonville hotel plus the address and phone number . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos 3 stars , phone 01223366611 , address gonville place . eos O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos wonderful . thank you for all your help . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can i get some information on a train ? eos O O O O O O O O O O Train-Inform
+bos yes . is there something specific you are looking for ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos i 'd like a train to depart at 9:30 in cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos i recommend tr1006 . it goes to london kings cross and costs 19 . 51. can we book ? eos O O O B-Train-Select+Id O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O Train-OfferBook
+bos how long is that train ride ? eos O O O O O O O O Train-Inform
+bos it is 51 minutes . would you like me to make a booking for you ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos no but i do need help finding a particular hotel called the gonville hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos gonville hotel is an expensive 3 star hotel in the centre of town with free internet and parking . would you like more information or to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos i 'd like to book it . can you book it starting sunday night for 5 nights . i need reservations for 6 people . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+People O O O O N/A
+bos ok , booking was successful ! your reference number is 5x759zbr . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos you took care of everything , thank you so much . eos O O O O O O O O O O O O general-thank
+bos you are very welcome . eos O O O O O O general-welcome
+bos i want a place to stay with 3 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos there are six 3-star options . what part of town are you visiting ? i 'd be happy to book your stay . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Booking-Inform
+bos i 'd like one with free parking , located in the north area , and is a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O O N/A
+bos the hamilton lodge is perfect for you . it is located at 156 chesterton road and you can call in at 01223365664. would you like me to book a room for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O B-Hotel-Recommend+Phone O O O O O O O O O O O O Booking-Inform
+bos yes , please book for 5 people and 4 nights starting from saturday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 've booked your stay at the hamilton lodge for 5 people , staying for 4 nights starting saturday . your reference number is 14hu38d9 eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A
+bos thank you that is all i need today . eos O O O O O O O O O O general-thank
+bos thank you for letting us help . eos O O O O O O O O general-bye
+bos i am looking for a train that 'll leave on friday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos we have over 400 results . can you provide me with more information , such as departure site and destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm going to stevenage from cambridge . i need to arrive by 09:15. thanks for your help ! eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos tr4800 leaves at 07:54 and arrives in cambridge by 08:43 , would you like to book a seat ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes can you make me a booking for 8 people ? eos O O O O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 102.4 gbp payable at the station . your reference number is 0b1wj9dr . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos will you also check the hotel called lovell lodge ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i 'm sorry , i had to re-book your train , as i had the stations backwards . tr2515 will get you to stevenage by 6:10. fee is 102.4 gbp , ref . # n3h045k3 . eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O B-Train-OfferBooked+Ref O O O O O O O N/A
+bos great i also need the lovell lodge for 8 people for 2 nights starting wednesday . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Train-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i was able to book that room for you , ref # 8xzz0tye . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that is all , you were very helpful . eos O O O O O O O O O O N/A
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for train tickets , can you help with that ? eos O O O O O O O O O O O O O O Train-Inform
+bos yes , where will you be arrive from and going to ? i also need a date and time . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos i want to go to peterborough and depart from cambridge . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O N/A
+bos there are many trains going to peterborough from cambridge . what day and time do you want to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i 'd like to leave thursday after 8:30 please . eos O O O O O B-Train-Inform+Day O O O O O N/A
+bos i have train tr6009 that leaves at 08:34 and will arrive in peterborough at 09:24. would that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos the travel time is 50 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos are there any 2-star hotels ( not guesthouses ) in the south that have free parking ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos no , i 'm sorry there are n't any hotels that meet that criteria . would you like to try a different area ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos is there anything in the north ? eos O O O O O O B-Hotel-Inform+Area O N/A
+bos in the north , i have 2 places . the first is the ashley hotel and the other is the lovell lodge . did you need me to book you a room ? eos O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos yes please book me a room for 4 people for 2 nights starting from tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful at ashley hotel .reference number is : dhvihb9v . can i help you with anything else today ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no thanks , that was all i needed . goodbye . eos O O O O O O O O O O O O general-bye
+bos have a nice day . thank you for contacting us . eos O O O O O O O O O O O O general-bye
+bos could you help me choose a train running from stansted airport to cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos certainly . which day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day,general-greet
+bos i need to leave on sunday after 21:15 please . eos O O O O O O B-Train-Inform+Day O O O O N/A
+bos there is a train leaving at 22:24 from stansted airport on sunday . would you like me to book it ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos yes , that would be great . eos O O O O O O O O N/A
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos actually just tell me how long the trip is eos O O O O O O O O O O N/A
+bos the duration is 28 minutes . may i help with something else ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos i also need a place to stay in the moderate price range . eos O O O O O O O O O O O O O O N/A
+bos do you want a hotel or a guesthouse ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i would like a 3 star hotel in the moderate price range , please . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O N/A
+bos sorry , i do n't have any 3 star hotels in the moderate price range . would you like to try a guesthouse or a 2 star hotel perhaps ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O O O O O O N/A
+bos i do n't care what area . can you double check please ? i also need wifi . eos O O O O O O O O O O O O O O O O O O O N/A
+bos there are no results . perhaps we could try a different type or star rating ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Type,Hotel-Request+Stars
+bos sure , let me know what is available . eos O O O O O O O O O O N/A
+bos i have 2 star rating hotels . would that work for you ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos yes , whateveryou recommend , can we book it for two people and four nights starting friday ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful for the ashley hotel . reference number is : of50ygxk . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos thanks for your help . have a great day . eos O O O O O O O O O O O general-thank
+bos you are welcome , goodbye til next time . eos O O O O O O O O O O general-welcome,general-bye
+bos can i get some information on a train ? eos O O O O O O O O O O Train-Inform
+bos sure ! i 'll be glad to find some information for you if you could provide me with your destination choice and the day you would like to depart . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i want to leave from cambridge after 08:30. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A
+bos sure , i can find that information for you . were will you be departing from ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i will departing from cambridge and arriving in stansted airport . i need to find a train for monday for 7 people to leave after 8:30 am . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O B-Train-Inform+People O O B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A
+bos there is no train available on monday for this time . would you like to change your departure time ? eos O O O O O O O B-Train-NoOffer+Day O O O O O O O O O O O O O Train-Request+Leave
+bos hm , there really is n't anything leaving after 08:30 ? all day ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i 'm sorry for the confusion , there are actually 16 trains to choose from . they depart every hour beginning at 08:40 through 23:40. do you prefer an early departure time ? eos O O O O O O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Leave
+bos i would like an early train , yes . as close to 8:30 as possible . i need tickets for 7 people . eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos okay , i got you 7 tickets on the train leaving at 8:40. your reference number is kvv4hjsu eos O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A
+bos cool . now i will need somewhere to stay , moderately priced with 2 stars and free wifi eos O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O N/A
+bos sure thing , i found 2 hotels in the north matching that criteria . i recommend the ashley hotel which offers free parking & wifi . would you like a reservation ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos i sure would . please book for the same number of people beginning on friday for 3 nights again , there are 7 of us . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O N/A
+bos i ca n't book it right now , do you want the phone number ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos no . i need it booked . please try again . eos O O O O O O O O O O O O N/A
+bos the booking was successful , reference number jvol9za1 . can i help with something else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no thanks you 've been great ! eos O O O O O O O O general-thank
+bos enjoy your stay in cambridge ! good bye ! eos O O O O O O O O O O general-bye
+bos i need a turkish restaurant in the centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos the anatolia is a moderate priced restaurant located in the centre . would that meet your needs ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O Restaurant-Select
+bos yes i would need a table for 5 eos O O O O O O O O O N/A
+bos what day and time do you need your reservation ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos i need a reservation for thursday at 16:45 please . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O N/A
+bos great ! i have your booking and your reference number is 186uxpoi . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! are there any entertainment-type attractions in the center ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos no i am sorry there are not but there are several nightclubs . eos O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O Attraction-NoOffer
+bos could you find a college instead ? i 'll need the phone number , post code , and entrance fee please . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos there are 13 colleges that fit your request but i would recommend downing college . they 're on regent street at postcode cb21dq and their phone number is 01223334860. eos O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A
+bos can i get a taxi from downing college to the antolia , i want to get there before my reservation . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O N/A
+bos okay ! you will arrive by 16:30. booked car type : red volvo , contact number : 07940632984. eos O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O O N/A
+bos great thanks ! that 's all i needed . eos O O O O O O O O O O general-thank
+bos thanks ! enjoy your time ! eos O O O O O O O general-bye
+bos thank you , good bye . eos O O O O O O O general-bye
+bos it was a pleasure to assist you . have a good day . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need help finding a train . can you do that ? eos O O O O O O O O O O O O O Train-Inform
+bos of course . where are you traveling to ? eos O O O O O O O O O O Train-Request+Dest
+bos i would like to leave liverpool street on tuesday and arrive in cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A
+bos we have 10 different trains on that day . do you prefer a particular time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos i would like to arrive in cambridge by 08:45. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos tr6939 is your best option . it will leave at 05:39 and arrive at 07:07. would you like to book passage on that train ? eos O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes , i 'll need 7 tickets . eos O O O O O B-Train-Inform+People O O O N/A
+bos okay , do you need a reference number ? eos O O O O O O O O O O general-reqmore
+bos yes please tyhat you for all your help eos O O O O O O O O O N/A
+bos ok , you have 7 tickets reserved on tr6939 . total due at the station will be 116.2gbp . your reference number is ok7wytnq . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O O B-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos i also need a place to stay . 2 star is my preference . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos okay , what area and price range ? eos O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos in the west part of town . the price does n't matter . eos O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos i do n't have any 2 star hotels in that area . would you like a different area or a higher rated hotel ? eos O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos do you have one with a star of 4 ? eos O O O O O O O O O O O N/A
+bos i do . we have three options . two that are cheap and one that 's expensive . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Price
+bos try either one of the cheap ones , i need one that can hold my group of 7 for 5 nights on tuesday . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos the cambridge belfry was the best match for a large group so i booked you there , the reference number is x33mybk5 , may i assist with anything else ? eos O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , thank you . that will be all . eos O O O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-greet
+bos thank you for your help . eos O O O O O O O general-thank
+bos you 're welcome , and have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i want to board a train on thursday . can you help me with that ? eos O O O O O O O O B-Train-Inform+Day O O O O O O O O N/A
+bos yes of course ! where are you traveling to ? eos O O O O O O O O O O O Train-Request+Dest
+bos i am travelling to cambridge and it should depart from london kings cross . eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have ten trains doing that trip on thursday . any specific times ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O Train-Request+Leave
+bos i need to arrive by 09:00 if that is possible . eos O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos yes it 's possible . we have 2 trains departing at 05:17 and at 7:17. which one would you prefer ? eos O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O general-reqmore
+bos please make a booking for 6 people on the 7:17 train . eos O O O O O O O B-Train-Inform+People O O O O O N/A
+bos i have booked your seats here is the information : booking was successful , the total fee is 141.6 gbp payable at the station .reference number is : py3uddov . eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos i am also looking for a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O N/A
+bos there are 24 guesthouses in the city to choose from . do you have an idea of what part of town you 'd like to stay in or what your price range is ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i definitely need free parking also , please . eos O O O O O O O O O O N/A
+bos there are 21 guesthouses fitting your requirements in all areas . the guesthouses are in both the cheap and moderate price ranges . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i want it to be 4 stars and moderately priced eos O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O N/A
+bos i have the acorn guest house that meets your criteria . would you like me to book it ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos no , not right now but do you have their address handy ? eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos sure , they are located at 154 chesterton road , postcode cb41da . do you need any further assistance today ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos no thank you . i appreciate all you have done to help me . eos O O O O O O O O O O O O O O O general-thank
+bos your welcome . if you change your mind and want reservations , feel free to contact us again . eos O O O O O O O O O O O O O O O O O O O O general-welcome
+bos of course i will . thank you also . eos O O O O O O O O O O general-thank
+bos you are welcome enjoy . eos O O O O O O general-welcome
+bos is there a train i can take to cambridge that leaves after 18:00 ? eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos absolutely . where are you coming from ? eos O O O O O O O O O Train-Request+Depart
+bos i 'm departing from birmingham new street . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i have train tr8903 that leaves at 18:40 and will arrive in cambridge at 21:23. would that interest you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O general-reqmore
+bos yes please book me for one ticket . eos O O O O O O O O O N/A
+bos booking was successful , the total fee is 75.09 gbp payable at the station .reference number is : khbljghn . is there anything else i can do to assit you today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos also looking for a guesthouse in the cheap price range . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A
+bos are you going to stay in a specific area of town ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos the area of town is not important , but i would like a hotel with free parking and four stars . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have the allenbell would you like information on that ? eos O O O O B-Hotel-Inform+Name O O O O O O O general-reqmore
+bos yes please . can you tell me anything about it- how big are the rooms ? do they offer suites ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have that information in front of me i can give their phone number eos O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i need the phone number please ! eos O O O O O O O O O O Hotel-Request+Phone
+bos 01223210353 is the phone number eos O B-Hotel-Inform+Phone O O O O N/A
+bos could you go ahead and book me the guesthouse ? eos O O O O O O O O O O O N/A
+bos what day would you like the reservation to be on ? eos O O O O O O O O O O O O Booking-Request+Day
+bos i am not looking to book just yet , actually . just please find information on guesthouse in the cheap price range . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have several to choose from is there an area you 'd prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos it needs 4 stars please . eos O O O O B-Hotel-Inform+Stars O O N/A
+bos ok ! i highly suggest the leverton house . what information are you looking for ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O general-reqmore
+bos i just need their phone number please . eos O O O O O O O O O Hotel-Request+Phone
+bos sure , the phone number is 01223292094. can i be of further assistance ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore
+bos no thank you that is all i needed . eos O O O O O O O O O O general-thank
+bos you are welcome , have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos hello , can you help me find a train arriving in cambridge by 20:00 ? eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A
+bos certainly ! where are you leaving from ? eos O O O O O O O O O Train-Request+Depart,general-greet
+bos thank you ! i am leaving from stansted airport . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos and what day do you want to travel ? eos O O O O O O O O O O Train-Request+Day
+bos i 'd like to leave on wednesday . i 'll need the booking for 7 people . eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O N/A
+bos train number tr1419 leaves at 18:24 and arrives in cambridge by 18:52. will that work for you ? eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos that 's perfect . i 'll need 7 tickets . eos O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 70.7 gbp payable at the station , your reference number is k09t11p8 . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O N/A
+bos i 'm also looking for places to go in town . i 'd like it to be of the type of architecture . i 'll need an entrance fee , please ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'd recommend all saints church in the centre . it has free entry . would you like more information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O general-reqmore
+bos that was all the info i needed , thank you . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A
+bos welcome and enjoy your stay eos O O O O O O general-welcome,general-bye
+bos yes i would like to find a restaurant that is in the cheap price range on the west side of town . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos would you prefer italian or vietnamese food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A
+bos italian . would you reserve a table for 5 for me ? i 'd like that to be at 14:00 on tuesday . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos booking was unsuccessful for la margherita . would you like me to try booking for the vietnamese restaurant called thanh binh ? eos O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos sure , let 's do that . eos O O O O O O O O N/A
+bos i reserved a table for you at thanh binh . the reference number is xx1tf9gv . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no thanks for all your help eos O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need help finding a very cheap restaurant located in the centre , can you help me ? eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos what type of food are you looking to eat ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i am looking for a restaurant in the centre area in the cheap range . i would like a table for 7 people at 12:30 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A
+bos there are 15 such restaurants . i 'd suggest the dojo noodle bar which serves asian oriental food . would that work for you ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O general-reqmore
+bos yes , the dojo noodle bar sounds perfect . eos O O O O O O O O O O N/A
+bos booking was unsuccessful . want to try another restaurant ? eos O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos sure , find me something else . eos O O O O O O O O N/A
+bos i was able to book a table for you at charlie chan chinese restaurant on regent street . reference number z3fwsa48 . will that be all ? eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos yes thank you for your help . eos O O O O O O O O general-thank
+bos yes . thank you very much ! eos O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the type of hotel and should have a star of 4. eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos you have three options : the cambridge belfry , which is inexpensive , the huntingdon marriott , which is expensive , both in the west , or university arms , an expensive hotel in the centre . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O N/A
+bos do any of them have free wifi ? eos O O O O O O O O O N/A
+bos all three of them offer both free parking and free wifi . did you prefer the west or centre ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O B-Hotel-Select+Area O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i really do n't care you choose eos O O O O O O O O N/A
+bos i recommend the university arms hotel , on regent street in the city centre . would you like me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform
+bos could i have the area and postcode . eos O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post
+bos as i said , univeristy arms hotel is in the centre . it 's postcode is cb21ad . would you like a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform
+bos no thanks . i do need the area and address of ballare please , minus the attitude . eos O O O O O O O O O O O B-Attraction-Inform+Name O O O O O O O Attraction-Request+Addr
+bos my apologies . the ballare is at heidelberg garders , lion yard cb23na . their phone number is 01223364222 eos O O O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O N/A
+bos that should be all i need . thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos we hope you have a pleasant stay ! eos O O O O O O O O O general-bye
+bos i need help finding a very inexpensive place to eat located in the north , can you help me ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos yes there are two listings , one for italian and one for indian food , are those the types of food you are looking for ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care , as long as it 's cheap it 's fine . which do you recommend ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i recommend royal spice located on victoria avenue chesterton ? would you like to make a booking there ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes , i would like a table for 1 at 18:00 on friday night . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i 'm sorry , we were not able to book that restaurant . how about da vinci pizzeria located at 20 milton road chesterton ? eos O O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O Booking-NoBook
+bos how about a different restaurant in the same area and price range ? eos O O O O O O O O O O O O O O Restaurant-Inform
+bos yes sure i got you into da vinci pizzeria and your reference number is iqa12p3u . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A
+bos thank you so much that is all i need . eos O O O O O O O O O O O general-thank
+bos thank you , that was all i needed . eos O O O O O O O O O O N/A
+bos i 'm looking for a restaurant that serves moroccan food in the centre . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry , there are no moroccan restaurants located in the centre . can i help you find something else ? eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos is there an international restaurant in the city centre ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A
+bos there are two international restaurants in the centre area , the varsity restaurant and bloomsbury restaurant , both moderately priced . would you like me to book you for either one ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos could you check if either has booking for 7 people at 13:00 on thursday ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos you are booked into the bloomsbury restaurant . your reference number az9ll6mu . do you need help with anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Ref O O O O O O O O O O general-reqmore
+bos no . i think that will be all . thank you for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome , i hope you enjoy your meal . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello i need a train leaving after 13:00 that is departing from london liverpool street please . eos O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos there are trains leaving every 2 hours at 39 minutes past the hour from 13:39 until 23:39. all cost 16.60 pounds and take 88 minutes . which do you prefer ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Choice B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O O Train-Select
+bos as long as they all go to cambridge that is perfect . looks like i can get a trip on any of the trains . eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O N/A
+bos train tr5015 leaves at 13:39 on friday . will that work ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O B-Train-OfferBook+Day O O O O O N/A
+bos no , i need to leave on wednesday . what 's available for that day ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A
+bos same time on wednesday . does that work ? eos O O O O O O O O O O Train-Request+Day,Train-OfferBook
+bos what time will i arrive in cambridge on that train ? eos O O O O O O O B-Train-Inform+Dest O O O O Train-Request+Arrive
+bos tr2826 will arrive in cambridge at 15:07. would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos no , i need help finding a cinema located in the east eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos i have one located in the south and one located in the centre . do you have a location preference ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Select
+bos either is fine . i just need a phone number so i can call one of them . thanks . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos vue cinema is in the centre & the phone number is 08712240240 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone N/A
+bos i 'm sorry , but if their is no cinema in the east , can you find me a swimming pool instead ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i located the information for parkside pools located at gonville place telephone # 01223446100. is there anything else you would like for me to look up . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos no . you 've been very helpful today . thank you . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a lovely day ! eos O O O O O O O O O O general-welcome
+bos i am looking for attractions in the north , please . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i have a couple of swimming pools , a boat area , and a park that fit your description . do you want any more information on any of these 3 ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O Attraction-Select
+bos yes i would like the postcode of a swimming pool you recommend . eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos there are two swimming pools but i will recommend the jesus green outdoor pool to you . the zip code is cb43px . is there another thing i can help you with ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yes , i need a place to stay with free wifi and in the north as well . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are 33 places that fit that criteria . what price range would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price
+bos do any of them have free parking ? eos O O O O O O O O O N/A
+bos 11 places have free parking , any other preferences ? eos O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos i just want free parking , free wifi , and for it to be in the north . what do you recommend ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the acorn guest house you be just perfect for you . shall i book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes , please . there will be three of us staying for 4 nights , starting friday . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos i was able to book it , the reference number is gb5f6801 eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great i also need a taxi to take me between the places . eos O O O O O O O O O O O O O O Taxi-Inform
+bos okay , where is the departure and destination please ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i want to leave the hotel by 3:30 to go to the pool . eos O O O O O O O O O O O O O O O N/A
+bos a red ford will pick you up at the acorn at 15:30 and take you to the pool . contact number is 07688317970. can i help with anything else ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-greet
+bos have a great day too eos O O O O O O N/A
+bos i 'll be going now , good bye . eos O O O O O O O O O O general-bye
+bos on saturday i need a train that will arrive by 21:45. eos O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive N/A
+bos can you tell me where you will be departing from and heading to ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i will be leaving from ely and going to london . eos O O O O O O O B-Train-Inform+Depart O O O O N/A
+bos would that be london liverpool or london kings cross ? eos O O O O O O O O O O O Train-Request+Dest
+bos either one is fine with me . eos O O O O O O O O N/A
+bos are you sure you do n't have a preference ? eos O O O O O O O O O O O Train-Request+Dest
+bos yes i 'm sure . i need to book that for 5 people . eos O O O O O O O O O O O O O O O N/A
+bos we do n't have any trains going from ely to london liverpool or london kings cross . do you need anything else ? eos O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O B-Train-NoOffer+Dest I-Train-NoOffer+Dest I-Train-NoOffer+Dest I-Train-NoOffer+Dest O O O O O O O general-reqmore
+bos i want a train departing from cambridge , going to ely . saturday , arrival by 21:45. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Day O O B-Train-Inform+Arrive O O O N/A
+bos the tr7349 train arrives at ely at 20:07. would you like to book it or more information ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O general-reqmore,Train-OfferBook
+bos that 's a good time . please book tr7349 for 5 people , please . eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos all set ! booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : h8xda6rz . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i am also looking for a place to stay that is cheap and 4 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O N/A
+bos that leaves about 8 places to choose from . are you looking to stay in a certain area of town ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i need a guesthouse in the east please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos okay ! how about the allenbell ? it 's cheap , 4-star , and has internet and parking ! eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos great ! may i please have the phone number and postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos postcode is cb13js , phone number is 01223210353 , anything else that i can help with ? eos O O O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos i got it.thank you . eos O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need info about the slug and lettuce restaurant . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos sure ! the slug and lettuce serves gastropub type food . it 's located in the centre and it 's expensive . would you like to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform,general-greet
+bos absolutely , i need a table for 4 on thursday , at 11:00 please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : t7gl0fgt . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you for the reference number . i 'm also looking for places to go in the south side of town . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O Restaurant-Request+Ref
+bos the south side has a lot going on . there 's ceneworld cinema for movies , the place is a great nightclub and there are some museums in the area as well . eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O N/A
+bos thanks ! will you give me an entrance fee for the nightclub ? eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'm afraid that the entrance fee for the place is unknown . would you like information on another place ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos no , that 's okay . thanks ! eos O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-welcome,general-bye
+bos i need a place to eat in the east . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos do you have a preference for cuisine type or price ? eos O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos something that is moderate in price , and i 'll need a table for 3 at 15:45 this coming saturday . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O N/A
+bos how about curry prince at 451 newmarket road fen ditton ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos that sounds fine . do they have a table available for 3 on saturday at 15:45 ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i 'll check that now . if they have availability would you like me to reserve a table ? eos O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please , i would like that . eos O O O O O O O O O O N/A
+bos i was able to book it , reference number is 4269q40g . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! i also need to book a hotel room . eos O O O O O O O O O O O O Hotel-Inform
+bos i have 33 hotels . do you have a preference for area or price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would love something 4 star rated and i have a lot of work to do in the room so free wifi would be great . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O N/A
+bos if you have no preference on area , i 'd like to recommend the autumn house in the east . would you like to book a reservation ? eos O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform
+bos yes . i 'd like to book for 3 people for 5 nights starting on saturday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos you 're all set . 5 nights at autumn house , arriving on saturday for 3 guests . your reference number is : vuoh5kp2 . eos O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O N/A
+bos thank you . that was all i needed . goodbye . eos O O O O O O O O O O O O general-bye
+bos i am glad to have been able to assist you . eos O O O O O O O O O O O O general-welcome
+bos i need to get a train ticket for friday please . eos O O O O O O O O O B-Train-Inform+Day O O N/A
+bos where will you be departing from and traveling to ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i need to get to cambridge from broxbourne and i 'd like to leave after 13:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O N/A
+bos yes i have a train that leaves at 13:32. will that do ? eos O O O O O O O O O B-Train-Inform+Leave O O O O Train-OfferBook
+bos yes . please book for 1 person . eos O O O O O O B-Train-Inform+People O O N/A
+bos will you be needing the reference number ? eos O O O O O O O O O N/A
+bos yes , if i could please get the reference number . eos O O O O O O O O O O O O Train-Request+Ref
+bos reference number is : ivx6l3kv . can i help with anything else ? eos O O O O O B-Train-Inform+Ref O O O O O O O O general-reqmore
+bos i would like some information on places to stay in cambridge . i prefer a guesthouse that includes free wifi , parking does not matter . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i have many options for you ! which area of town do you prefer ? and do you have a preferred price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like to stay in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i 'd recommend avalon . it 's located in the north , is moderately priced , and has internet . would you like to make a booking ? eos O O O B-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform
+bos i would also like to go to a museum . eos O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos i recommend the cambridge artworks museum located in the east area . the entrance fee is free . would you like the address ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Fee O O O O O O O general-reqmore
+bos i 'm sorry for jumping ahead . i do want to book the guesthouse starting tuesday for 5 people staying 2 nights . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A
+bos great . you 're all booked . the reference number is 7h3i38kw . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks . now could i get the phone number for cambridge artworks please ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Phone
+bos their phone number is 01223902168. is there anything else i can assist you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for somewhere to go in town to kill a few hours . eos O O O O O O O O O O O O O O O O O O N/A
+bos cambridge artworks is nice . it is located at 5 greens road , in the east area . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A
+bos okay , can you get a taxi for me ? i want to depart the attraction at 12:00 and go to the hotel . please give me car type and contact number eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i have booked that taxi service for you . they will be in a yellow telsa and a number to reach them is 07644001089.. eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O N/A
+bos ok , great , thanks . that is all . eos O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your stay in cambridge . eos O O O O O O O O O O O general-greet
+bos i am looking for a hotel with free parking in the north . eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are 11 places meeting your needs . do you prefer a guest house or a hotel ? also , do you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O O O O Hotel-Request+Price
+bos a hotel and it needs to have free parking . eos O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are only two hotels that fit your needs . they are the ashley hotel and lovell lodge . would you like to book a room with either of these ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos i 'm sorry . can you try a guesthouse ? still north w/free parking . thanks and sorry ! eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos the guesthouses in that area range from cheap to moderate in price . i recommend the archway house , with 4 stars . eos O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O N/A
+bos perfect , please book that for 1 person , 2 nights , starting on friday . eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos that booking was unsuccessful , perhaps a shorter stay ? or a different place ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos let 's try just one night then . eos O O O O O O O O O N/A
+bos excellent . you are booked- reference alkk8mtg . anything else i can help you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i am looking for a multiple sports event . can you find one for me ? eos O O O O O O O O O O O O O O O O O N/A
+bos sure the only one in town is in the east and is the cherry hinton village centre . would you like their phone number ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O general-reqmore
+bos actually , i wanted to stay in the centre . can you see if there is something there ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos there is not a multiple sports event there , but there are 4 theatres and one swimming pool . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type N/A
+bos are there any colleges ? if so , can you choose the best one and give me the address , postcode , and entrance fee ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos there are a number of colleges in centre city , i would recommend downing college on regent street , cb21dq , the entrance is free ! eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Fee O O O O N/A
+bos terrific . i would like to book a taxi between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos sure ! can you confirm your departure and arrival locations and a time frame , please ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i want want to leave the hotel by 02:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos the booking completed ! booked car type : yellow toyotacontact number : 07736257134 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos i am looking for a place to stay . the hotel should include free parking and should be in the north part of town . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos allenbell has free parking . would you like a reservation ? eos O B-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos is it in the moderate price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos i am not finding anything for allenbell that suit your needs eos O O O O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O N/A
+bos then find me a place that does suit my needs . eos O O O O O O O O O O O O N/A
+bos how about home from home ? it is in the north , moderate pricing and free parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O Hotel-Inform+Parking
+bos is that a 4-star hotel ? eos O O O O O B-Hotel-Inform+Type O N/A
+bos it does not show how many stars it has . shall i keep looking ? eos O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O general-reqmore
+bos i 'm fairly certain that it should show how many stars the hotel has . eos O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos i 'm sorry , we actually do n't have any hotels that fit your needs ; however , acorn guest house meets your criteria . would you like to book that stay ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Hotel-NoOffer,Booking-Inform
+bos okay , thank you ! what is the star rating ? eos O O O O O O O O O O O O general-thank
+bos it has a rating of 4 stars . eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos that will do . can you give me the information about the hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform
+bos acorn guest house is in the north with 4 stars the # is 01223353888 postcode cb41da address 154 chesterton road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone B-Hotel-Inform+Post O O B-Hotel-Inform+Addr N/A
+bos sounds good . would you like me to make your reservation ? if so , i 'll need the dates you plan on staying . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos um , i should be asking you that . would you like a booking ? eos O O O O O O O O O O O O O O O O Booking-Inform
+bos oh , silly me . i used to be in customer service . no , i do n't need a reservation . i am looking for places to go around there though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what type of attraction are you looking at ? eos O O O O O O O O O O Attraction-Request+Type
+bos any kind , whatever you recommend . it should be located in the north . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos we have a variety eos O O O O B-Attraction-Inform+Choice N/A
+bos any kind that you recommend , as long as it is located in the north . i just need to know the attraction type of the one you recommend . please . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i understand you want one north . however , what type of entertainment are you searching for ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos any that you can suggestfor me eos O O O O O O O N/A
+bos we have a park , 2 swimming pools and a boat attraction in the north . do any of those sound interesting to you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , please find more information on the park and boat attractions in the north . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos riverboat georgina is the boat attaction . milton county park is the park . entrance to the park is free . what additional information can i provide ? eos O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos that is enough for today thank you eos O O O O O O O O general-thank
+bos you 're very welcome ! have a lovely trip ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a train friday to london . eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos first i need your departure and the times you want to leave or arrive . eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave
+bos i believe i was in error . i need a hotel in the centre with 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O N/A
+bos there is the university arms hotel in the expensive price range that has 4 stars would you like me to book that for me ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes it does eos O O O O Hotel-Inform+Internet
+bos excellent , can you book it for 8 people for 4 nights on thursday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i have booked it for you . your reference number is 653hk2t2 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great . now can you help me get a train from peterborough ? eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave
+bos i 'm flexible on the departure time as long as i get to cambridge by 12:30 thursday . eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive B-Train-Inform+Day O O Train-Request+Leave
+bos tr7094 leaves at 07:19 and arrives by 08:09. does that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i will discuss it with my daughter . how long does the trip take ? eos O O O O O O O O O O O O O O O O O O N/A
+bos the trip is 50 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i think that is all the info i will need . eos O O O O O O O O O O O O N/A
+bos thank you for using our services . enjoy your visit and have a great day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos looking for a train that leaves after 14:00 eos O O O O O O O O B-Train-Inform+Leave N/A
+bos sure , from where to where ? and what day are you looking to travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Day
+bos i am departing from bishops stortford and would like to arrive in cambridge . i would like to depart on saturday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O N/A
+bos what time would you need it to arrive ? eos O O O O O O O O O O Train-Request+Arrive
+bos does n't matter for arrival time . i need it for 4 people though . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos i booked you 4 tickets on tr4115 , departing bishops stortford at 15:29 on saturday , arriving in cambridge at 16:07. ref # eha6h5l3 . can i help with anything else today ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i will be on the east side , can you recommend any places to go for me ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos sure , there are two entertainment places in the east . cherry hinton hall and grounds and funky fun house . would you like more information on those ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A
+bos what type of attractions are they ? eos O O O O O O O O Attraction-Request+Type
+bos they are both entertainment . i also have 2 museums and a boat . eos O O O O O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A
+bos could you tell me about the museums ? eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos there is the cambridge museum of technology , which costs 5 pounds to enter , and the cambridge artworks , which is free . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos can i get the phone number and postcode for both ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the phone number for cambridge artworks is 01223902168 and the postcode is cb13ef . the cambridge museum of technology has the phone number 01223368650 and the postcode is cb58ld . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post I-Attraction-Inform+Post N/A
+bos that 's all the information i needed today , thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . please remember us for all of your future travel needs eos O O O O O O O O O O O O O O O O O O O general-bye
+bos hello , i would like to book a train , leaving cambridge and going to stansted airport . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos ok , when would you like to leave and what time would you like to leave at ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i just want to arrive in stansted airport on tuesday before 11:00. eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive N/A
+bos tr1951 leaves cambridge at 06:40 and arrives at the airport at 07:08. would that work ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O N/A
+bos it 's a little early in the morning , but it will do , i 'll just set my alarm extra loud . departure time is 06:40 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos sounds great , i can go ahead and book that . how many tickets will you be needing ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i will get tickets at the train station , early trains usually are n't that full . can you find me a hotel though ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform,Hotel-Inform
+bos of course , what are your specifications ? eos O O O O O O O O O N/A
+bos i am looking for a moderately-priced hotel in the north part of town . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos i have 2 hotels the ashley hotel or the lovell lodge . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Select
+bos i need to book in of those that has free wifi and free parking . i will to book fro 5 people for two nights starting on sunday . i need the reference number . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O Hotel-Request+Ref
+bos ok , i was able to book your party at the ashley hotel . your reference number is cemv2oor . is there anything else i can do for you today ? eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that is all i need today . thank you for all your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us today , if you need any further assistance , feel free to contact us at any time . have a wonderful day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a place to go in the west eos O O O O O O O O O O O B-Attraction-Inform+Area N/A
+bos there are several colleges and museums in the west and one entertainment venue . what are you interested in ? eos O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O Attraction-Select
+bos can you tell me about a couple museums , any type , and let me know the cost . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos cafe jello gallery is a nice place to visit . cambridge and county folk museum is nice too . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos what is the entrance fee for cafe jello gallery ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee
+bos entrance into cafe jello gallery is free . is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Open O O O O O O O O O O O O general-reqmore
+bos i also need a place to eat near the attraction . eos O O O O O O O O O O O O Attraction-Inform
+bos i found a nice restaurant for you called saint johns chop house . it 's not too pricey and tastes great ! eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O N/A
+bos thank you ! is it a european restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos it is a british restaurant . does that meet your needs ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Select
+bos no i would like to find european restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos there is the cambridge lodge restaurant , which is in the expensive price range . address cambridge lodge hotel 139 huntingdon road city centre . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos is that located in the west ? i forgot to mention i wanted to stay close to where the museum is . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O N/A
+bos yes it is in the west . do you need anything else ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O general-reqmore
+bos just the postcode . thanks for all of your help ! eos O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb30af eos O O O O B-Restaurant-Inform+Post N/A
+bos let 's see ... restaurant , museum ... nope . that 's everything i need ! eos O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos happy to be of service , and enjoy your time in cambridge ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a place to visit in the centre in cambridge please . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are dozens of attractions in the centre of town . what type do you prefer ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Request+Type
+bos i am looking for something like mutliple sports . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A
+bos i 'm sorry , but i do n't have anything like in town center . cherry hinton village centre is a multiple sports attraction in the east . does that work for you ? eos O O O O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos hmm , how about a nightclub ? eos O O O O O B-Attraction-Inform+Type O O N/A
+bos ballare is available eos O B-Attraction-Inform+Name O O N/A
+bos sure ! can i get the postcode and phone number ? i also need a train from peterborough that arrives by 9:45. eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos ballare is located in postcode cb23na and the phone number is 01223364222. and where would the train from petersborough be arriving ? eos O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O Train-Request+Dest
+bos i am going to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos monday , thanks . eos O B-Train-Inform+Day O O O N/A
+bos i have several trains . the latest one is the tr2118 that arrives at 9:38. would you like to book a ticket on that ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos may i please ask what the price and travel time of tr2118 is , please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos yes tr2118 leaves at 08:48 and arrives at 09:38 , it is a 50 minute ride . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O N/A
+bos and the price ? eos O O O O O Train-Request+Price
+bos the price is 16.50 pounds . may i help with anything else ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos no thank you , you 've been very helpful . eos O O O O O O O O O O O general-thank
+bos enjoy your visit and have a great day . thank you . eos O O O O O O O O O O O O O general-bye
+bos can you help me find a train that leaves on friday departing from bishops stortford ? eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos absolutely ! what time do you need to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos i need to leave after 09:15 , please . eos O O O O O O B-Train-Inform+Leave O O O N/A
+bos you have a few options available if you 're traveling from bishops stortford to cambridge . there is a train leaving at 09:29 , does that work for you ? eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos great . let 's book it for 6 people . give me the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos your train has been booked for 6 people . the train id is tr2083 . your reference number is wcvy3pv1 . eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks . i 'm also looking for information on moderately priced hotels with free wifi . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos you have 17 options that meet that criteria . would you like a recommendation or do you want to narrow your options down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos the place must have a 3 star rating and include parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos do you have a preferred area of town ? eos O O O O O O O O O O Hotel-Request+Area
+bos no i do not . eos O O O O O O N/A
+bos i 'm sorry . nothing is coming up for your specifications . i need you to narrow down your info . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos well lets try again and book me in what you choose for 2 nights from friday for 6 people . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos how about bridge guest house ? they are moderately priced with free wifi and parking and 3 stars . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O B-Hotel-Recommend+Stars O O Hotel-Recommend+Parking,Hotel-Recommend+Internet
+bos that sounds great . can i book 2 nights for 6 people starting on friday . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A
+bos i have you booked , the reference number is vm1kgtu7 , can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that 's all i need today . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . enjoy your trip ! goodbye ! eos O O O O O O O O O O O O general-bye
+bos i am excited to be coming and would love to find an expensive mexican restaurant . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos then you want chiquito restaurant bar on the southend ! would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos not right now , but could you give me their phone number and postcode ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos i 'd love to . the address is 2g cambridge leisure park cherry hinton road cherry hinton , and the postcode is cb17dy . eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O N/A
+bos what area is that in ? eos O O O O O O O Restaurant-Request+Area
+bos it is in the south area . eos O O O O O B-Restaurant-Inform+Area O O N/A
+bos are there any architectural attractions near there ? eos O O O O O O O O O Attraction-Inform
+bos there are no architecture attractions in the south . eos O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O N/A
+bos what about something for entertainment ? eos O O O O O B-Attraction-Inform+Type O N/A
+bos sure , most people love tenpin , located at cambridge leisure park , clifton way , postcode cb17d . eos O O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O N/A
+bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone
+bos 08715501010 can i help you with anything else ? eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos can you also help me book a taxi eos O O O O O O O O O Taxi-Inform
+bos certainly , were would you like the taxi from ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i want to leave the tenpin by 17:15 to go to the chiquito restaurant . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A
+bos how many passengers will there be ? eos O O O O O O O O N/A
+bos it will just be me , so one . eos O O O O O O O O O O N/A
+bos you are booked for a grey toyota . the taxi contact number is 07123501809. do you need help with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos could i get a phone number for the restaurant please ? eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos you can reach them on 01223400170 eos O O O O O O B-Restaurant-Inform+Phone N/A
+bos that 's all i need thanks eos O O O O O O O general-thank
+bos glad i could help , have a good day . eos O O O O O O O O O O O general-bye
+bos well hello there , i 'm on a budget and i 'm wondering if there are any hotels in the moderate price range that offer free parking eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos yes there are . in fact we have some listed in every area . what area , in particular , would like me to check ? eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos let 's start with hotels in the centre . which ones do you recommend ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos unfortunately it does n't look like there are any hotels in the centre that meet those requirements . eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O N/A
+bos ok , how about the north then ? eos O O O O O B-Hotel-Inform+Area O O O N/A
+bos what is your preference on star rating ? eos O O O O O O O O O Hotel-Request+Stars
+bos i do n't care . as longs as it is moderately priced . eos O O O O O O O O O O O O O O N/A
+bos what star rating do you prefer ? eos O O O O O O O O Hotel-Request+Stars
+bos i am looking in the moderate price range , stars do n't matter . eos O O O O O O O O O O O O O O O N/A
+bos okay , how about the acorn guest house ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos that will work can you book that for three nights starting on thursday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos how many people ? eos O O O O O Booking-Request+People
+bos sorry , i do n't actually need to make a reservation . i just need to know the postcode , hotel type , and whether they have internet . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet,Hotel-Request+Type
+bos it 's a guesthouse . the post code is cb41da . i can confirm that they do have internet services . eos O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O Hotel-Inform+Internet
+bos great thanks . im also looking for an african restaurant on the north side of town eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i do not have an african place in that area . would you like me to try another place ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Area
+bos i would like an indian restaurant for sunday then . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Day O O N/A
+bos the nirala is a moderate priced indian restaurant , and royal spice is a cheap indian restaurant . do you have a preference ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the moderately priced one eos O O B-Restaurant-Inform+Price O O N/A
+bos how many people in your party ? eos O O O O O O O O Booking-Request+People
+bos there are 2 people total . eos O O O O O O O N/A
+bos what time would you like me to make your reservation for ? eos O O O O O O O O O O O O O Booking-Request+Time
+bos at 12:00 on sunday . eos O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : avz1xagv . can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos can you please provide me with the phone number and address to the royal spice restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos the pnone number 01223360966 is and the address 7 milton road chesterton eos O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you for your research . i have no more questions . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos have a great time . eos O O O O O O general-bye
+bos i would love to see some architecture in the centre please eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are several free churches in the centre area , including all saints church , holy trinity church , little saint mary 's church , and old schools . great saint mary 's church costs 2 pounds . eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos all saints church sounds nice , can i please get their postcode and phone number ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos yes their postcode is cb58bs and their phone number is 01223452587. eos O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A
+bos thank you . i am also looking for information regarding a train to cambridge please . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos where will you be leaving from ? and what day ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'm leaving london kings cross on monday after 17:45. eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos the tr8288 meets your criteria . would you like to book tickets ? eos O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos i would . i 'd be coming with four of my friends . eos O O O O O O O O O O O O O O N/A
+bos okay , your booking was successful . the total fee is 118 gbp which can be paid at the station . your reference number is kxru8mtt . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos awesome thanks so much ! eos O O O O O O general-thank
+bos will that be all for today ? eos O O O O O O O O general-reqmore
+bos yes . thanks and good bye . eos O O O O O O O O general-bye
+bos okay thank you for calling . eos O O O O O O O general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos of course , are you looking for a hotel or attraction to visit ? eos O O O O O O O O O O O O O O O general-reqmore
+bos neither . i am looking for a train departing from leicester and going to cambridge that 's leaving saturday after 08:30. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos the tr8070 train leaves leicester for cambridge on saturday at 09:09. this is the most appropriate choice for your needs . would you like me to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no thanks , i was needing the train id but you already gave that to me . thanks so much . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos if there 's nothing else i can do for you , have a great stay . eos O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a place to stay . i 'd prefer a guesthouse with four stars . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos we have several 4 star guesthouses . what side of town are you looking to stay in ? any budget in mind ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i 'd like a moderately priced place please . eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos we have 11 moderately priced guesthouses that are 4 stars . what area do you want to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Area
+bos if you could recommend any one of them that would be great . i need the postcode , phone number and the area the hotel is in please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Phone
+bos sure , i can do that . did you want to narrow it to a specific area of town ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos area of town does n't matter . eos O O O O O O O O N/A
+bos i have quite a few , when were you planning your stay ? eos O O O O O O O O O O O O O O Booking-Request+Day
+bos the same time . eos O O O O O N/A
+bos a and b guest house would meet this criteria . it is located in the east . the phone number is 01223315702. the post code is cb12dp . will that be all ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore
+bos yes , that 's everything . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos thanks for using our service ! eos O O O O O O O general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos okay ! what would you like to know ? eos O O O O O O O O O O general-greet,general-reqmore
+bos i would like to find a train to kings lynn . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos when would you like to travel to kings lynn ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O Train-Request+Day,Train-Request+Leave
+bos on friday , and i want to arrive by 19:15. eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos how about train 3112 ? it leaves cambridge at 05:11 and arrives in kings lynn at 05:58. eos O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive N/A
+bos thank you . how much would it cost ? eos O O O O O O O O O O general-thank
+bos it will cost 9.80 pounds per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos thank you . could you recommend a college to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos how about christ 's college ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos perfect . could you tell me their phone number and area ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone
+bos 01223334900. that is in the centre . is there anything else ? eos O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Area O O O O O O general-reqmore
+bos no , there is nothing further . thank you so much for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos you are so welcome ! have a great time ! eos O O O O O O O O O O O general-welcome,general-bye
+bos thank you , i will . eos O O O O O O O general-thank
+bos try some of our great restaurants during your stay . goodbye . eos O O O O O O O O O O O O O general-bye,general-greet
+bos i am looking for a boat attraction in the centre . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos we have two . scudamores punting co and the cambridge punter . eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos can i have the address for cambridge punter ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Addr
+bos the cambridge punter is located at 251a chesterton road eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thank you . is this restaurant located near places that serves swedish food ? eos O O O O O O O O O O O O O O O Restaurant-Inform
+bos one second and i 'll look that up for you . eos O O O O O O O O O O O O general-greet
+bos ok , thanks . if there is no swedish restaurant in the area , indian would be fine too . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos unfortunately there are n't any swedish restaurants in the area , but there are 9 indian restaurants . can i narrow it down by price range ? eos O O O O O B-Restaurant-NoOffer+Food O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Price
+bos i was hoping you could recommend something . eos O O O O O O O O O N/A
+bos how about curry garden ? i 've heard it 's great . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A
+bos sounds goof . what is the price range on that one ? eos O O O O O O O O O O O O O Restaurant-Request+Price
+bos that is an expensive restaurant . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A
+bos thanks . could i get the address ? eos O O O O O O O O O Restaurant-Request+Addr
+bos mill road city centre . would you like to know any more info about it ? eos O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos oh , yes , i need the phone number , please . eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos you can reach them at 01223302330 , may i help with anything else ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos nope . that 's it . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos glad to be of help . have a great day . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am visiting cambridge and want to see some entertainment . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos there are entertainment attractions in the east , south , and west areas . which would work best ? eos O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Request+Area
+bos any area is fine eos O O O O O Attraction-Request+Area
+bos cherry hinton hall and grounds located in the east is a very nice place to visit . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O O O O N/A
+bos sounds good , i will give it a try , can i also get a place ot stay with free wifi and parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , what area of town would you like to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos preferably in the north . eos O O O O B-Hotel-Inform+Area O N/A
+bos what is your price range to narrow down on our choices eos O O O O O O O O O O O O Hotel-Request+Price
+bos i 'm open to any price range as long as it meets everything else i need . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos there are 2 hotels with 2 stars . there are also 9 guesthouses with 0- , 3- or 4-stars . which do you prefer ? eos O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Select
+bos i think i 'd choose one of the hotels . either is fine , could you recommend one ? and give me it 's price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos lovell lodge has a moderate price range . is that it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O general-reqmore
+bos yes that will be all , thank you . eos O O O O O O O O O O general-thank
+bos you are welcome any time eos O O O O O O general-welcome
+bos i 'm looking for a place to stay . can you help me find a hotel ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos certainly . is there an area of town or a price range you prefer ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet
+bos i would like a guesthouse in the cheap price range with a rating of 0. eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i have two options available for you . do you care about parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking
+bos no , parking is not an issue . what do you think is the best option ? eos O O O O O O O O O O O O O O O O O O N/A
+bos city centre north b and b is a good choice and close to a lot of attractions . shall i book for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i 'd like to visit a college in the center of town . could you help me find something interesting ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos how about downing college ? it has free admission and is located on regent street/ eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos that sounds great ! can i have their phone number and postcode , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos downing college 's phone is 01223334860 and their postcode is cb21dq . can i help you with anything else today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , that was all i needed to know . thank you , you 've been very helpful . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your day . eos O O O O O O O O O general-bye
+bos can you help me find a place to stay that is moderately priced and includes free wifi ? eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price
+bos sure , i have 17 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A
+bos are any of them in the south ? i 'd like free parking too . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos yes , two are in the south and both have free parking and internet . i recommend the bridge guesthouse . would you like me to book a reservation ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos please . i need a room on tuesday for 5 nights . 4 people will be staying . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O N/A
+bos i bookid bridge guest house and reference number is : kykqfy1u . eos O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much . eos O O O O O O general-thank
+bos of course . i can help at any time . eos O O O O O O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos and what would you like to do ? eos O O O O O O O O O general-reqmore
+bos i keep hearing about this great museum called the fitzwilliam . can you tell me a little about it ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos sure , it 's located on trumpington street . the admission is free . would you like their phone number ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , please . eos O O O O O N/A
+bos their phone number is 01223332900. will that be all ? eos O O O O O B-Attraction-Inform+Phone O O O O O N/A
+bos i also need a train from ely to cambridge . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A
+bos let 's find one for you . can you tell me what day you would like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i 'll be travelling on wednesday , and would like to arrive by 19:45. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr8610 arrives leaves ely at 17:35 and arrives at 17:52. the cost is 4.40 pounds . would you like me to book it for you ? eos O O O O O B-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes , please book me for 4 people , this is a surprise family trip . eos O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos the booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : 1ryuoouw . what else can i do for you today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos that is all . thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome
+bos can you find me a theatre in the centre of town ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos we have 4 such places . any other preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O O general-reqmore
+bos what are their entrance fees ? eos O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , but we do n't have information on the theaters ' entrance fees . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O O O O O O O O O O general-reqmore
+bos how about an address ? eos O O O O O O Attraction-Request+Addr
+bos the cambridge arts theatre is located at 6 saint edward 's passage . can i provide you any other information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos no , that 's all i need today . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos glad we could help . thank you for contacting us and have a great day ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a train that leaves wednesday and arrives by 9:30. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A
+bos where is your departure from ? eos O O O O O O O Train-Request+Depart
+bos oh , sorry coming in from kings lynn eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have train tr4638 from kings lynn to cambridge departing at 8:11 and arriving at 8:58. would that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos may i make a booking for six people ? eos O O O O O O O O O O N/A
+bos i have successfully booked your tickets . 58.8 gbp is payable at the station . the reference number is wgs360aq eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great . thank you . eos O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i need a train into cambridge on wednesday , please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos i can certainly find one for you . can you tell me where you will be departing from ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos sure . i 'm leaving from cambridge . eos O O O O O O O O O N/A
+bos you 're leaving from cambridge going to cambridge ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos no . i need to leave from leicester and arrive in cambridge . i also need to arrive by 10:15. eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr7703 will depart leicester wednesday at 8:09 , arriving in cambridge by 9:54 , would you like to book a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes i would like to book a ticket on tr7703 for wednesday morning , thank you . eos O O O O O O O O O O O O O O O O O O general-thank
+bos booking was successful , the total fee is 37.79 gbp payable at the station . reference number is : kw6zo219 . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos okay great . thank you for your help . eos O O O O O O O O O O general-thank
+bos okay great . i am glad i could be of help ! eos O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a train arriving in cambridge by 21:15. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A
+bos can you tell me where you will be departing from and what day you would like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos sure , i 'll be leaving from norwich . oh , and i 'd like to travel on friday please . eos O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Day O O O O O O N/A
+bos i would recommend tr9589 which leaves norwich at 19:16 and arrives in cambridge at 20:35. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos okay great . can you help me make a booking for 6 people please ? eos O O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 105.6 gbp payable at the station . reference number is : 2cutcph6 . is there anything else i can help you with today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos i need a play to stay in the east in the moderate price range eos O O O O O O O O O O O O O O O N/A
+bos i will look that up for you , do you want a hotel ? eos O O O O O O O O O O O O O O O Hotel-Request+Type
+bos yes , with a star of 4 please . eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i do not have any 4 star hotels in the east . would you like to try another area or maybe go with a price range in the east ? eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price
+bos oh my . are there any moderate-price guesthouses in the east with 4 stars ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O N/A
+bos yes , i found three . i would recommend carolina bed and breakfast it is moderately priced and located in the east . would you like a reservation ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O Booking-Inform
+bos yes , please book 6 people for 2 nights beginning friday eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos you are booked as requested , the reference number is 5rozn3zo , any further questions ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos great ! ! that 's all for now . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye
+bos can you find me a cinema in town that i can go to ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos yes , what part of town would you like ? there are cinemas in the south and centre of town . eos O O O O O O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O O Attraction-Request+Area
+bos either area is fine . can you pick one for me and let me know their address ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos the cineworld cinema is in the south area of town and the address is cambridge leisure park , clifton way . is there anything else i can help you with today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos do you know the entrance fee ? eos O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , the entrance fee for cineworld cinema is not available . is there anything else you need ? eos O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes , can you tell me their address please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos cineworld cinema is located at cambridge leisure park , clifton way , cb17dy . can i help with anything else today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos so that would be all . thanks . eos O O O O O O O O O general-thank
+bos you 're welcome . enjoy your day . eos O O O O O O O O O general-welcome,general-bye
+bos i need a train on wednesday that leaves after 16:00. eos O O O O O O B-Train-Inform+Day O O O O N/A
+bos where will you be leaving from and traveling to ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i would like to go to ely , from cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i found tr8610 leaving at 17:35 would that work for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A
+bos yes . one ticket . i need the travel time and train id . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos okay , i have you booked on tr1549 from cambridge to ely leaving wednesday at 17:50 , arriving 17 minutes later at 18:07. the reference number is rhe56nac . anything else today ? eos O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O O B-Train-OfferBooked+Dest B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos i believe i am good for the moment thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a safe trip ! goodbye . eos O O O O O O O O O O O O general-bye
+bos i need to book a train from leicester to cambridge . can you help me with this ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O N/A
+bos there are 133 trains making that trip , do you have a day and time you would like to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to leave sunday after 15:30. are there still any available > eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A
+bos tr1784 departs leicester at 16:09 , would that work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O N/A
+bos yes . please make a booking for 1 and be sure to give me a reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos you are all set for train tr7472 . it will cost 30.24 gbp , payable at the station . the reference number is cupcjmgo . can i help you further ? eos O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos great . that is all i need . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your trip . eos O O O O O O O O O general-bye
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're very welcome . thank you so much for using our service . eos O O O O O O O O O O O O O O O general-bye
+bos hello there . can you please find me a train schedule that leaves on wednesday heading for cambridge ? eos O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A
+bos yeah , i can do that . where are you heading in from ? eos O O O O O O O O O O O O O O O Train-Request+Depart
+bos i 'd like to leave from broxbourne sometime after 12:30. eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A
+bos i have 12 available trains . the first leaves at 12:32 and arrives at 13:32. would you like me to book that for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos may i have the train id for that one ? eos O O O O O O O O O O O Train-Request+TrainID
+bos certainly . that train id is tr7834 . eos O O O O O O B-Train-Inform+Id O O N/A
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos travel time will be 60 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you . that is all i will need . eos O O O O O O O O O O O general-thank
+bos perfect ! have a wonderful day ! eos O O O O O O O O general-bye
+bos can you help me find a nice hotel ? i 'd like to stay somewhere on the west side of town . a 0 star rating would be great , too . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos we do n't have anything matching that criteria . do you have something else in mind ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos how about something in or very close to west cambridge with a 1 star rating and free wifi ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos regretfully , my system is n't showing any 1 star hotels on the west side with free wifi . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-NoOffer,Hotel-Inform+Internet
+bos actually , try to see if there is one with a 4-star rating , not 1 star . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos huntington marriott hotel is very nice . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos yes , that would be a good choice . can let me know their phone number , whether they have free parking , and address ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Addr
+bos yes they do have freee parking . they are at kingfisher way , hinchinbrook business park , huntingdon.phone number is 01480446000 eos O O O O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Phone O O O Hotel-Inform+Parking
+bos great thank you . can you also help me find a train to london kings cross ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i have several trains that meet your criteria . where will you be departing from and what day will you be traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i 'll leave from cambridge on sunday . and i want to arrive no later than 11:15 eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos i have train tr7423 , it arrives at 05:51. would you like me to book it for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes book 3 tickets for me and then give me a reference number for that booking eos O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref
+bos your booking was successful , the total fee is 56.64 gbp payable at the station . your reference number is : ob34ha2u . can i help you with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos no thank you . that was it ! eos O O O O O O O O O general-thank
+bos thanks and enjoy your stay in cambridge ! eos O O O O O O O O O general-bye
+bos hi there , i 'm looking for information on darry 's cookhouse and wine shop . eos O O O O O O O O O O O O O O O O O general-greet
+bos that restaurant is locates in centre and is on 40270 king street in city centre . their phone number is 01223505015. eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Phone O N/A
+bos sounds great . can you reserve a table for 1 on saturday at 13:00 ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos your booking was successful . the table will be reserved for 15 minutes.reference number is : a88ajsr3 . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos wonderful . can you also help me find a cool place to visit in town , maybe a theatre ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos we have five excellent theatres in town , located in the centre and the south . eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos can you give me the address , phone number and postcode for one in the centre area ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos adc theatre can be called at 01223300085. their postcode is cb58as , and their address is park street . anything else today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O general-reqmore
+bos yes , i also need a taxi to take me between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos sure , i can book a taxi for you . where would you be leaving from ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i will be leaving from the theatre . eos O O O O O O O O O N/A
+bos i 'd be happy to help with your request , what time would you like picked up ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i will need to arrive at the restaurant by 13:00. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos your all set a grey bmw will be picking you up the contact number is 07421029087 , anything else today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O N/A
+bos what time will the taxi arrive ? eos O O O O O O O O Taxi-Inform
+bos 13:00 can i do anything else ? eos O B-Taxi-Inform+Leave O O O O O O N/A
+bos no , that 's all for today . thanks for your help . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos have a safe trip . goodbye . eos O O O O O O O O general-bye
+bos hi , i need to take a train on wednesday , can you help me ? eos O O O O O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos absolutely ! where will you be heading to and leaving from ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i need to leave peterborough for cambridge wednesday after 19:15. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A
+bos there are 10 options available for the same price , 16.50pounds . is there a certain time you need to arrive by ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Ticket O O O O O O O O O O O O O Train-Request+Arrive
+bos as long as i leave by 19:15 it will be fine . there are 4 of us . eos O O O O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos okay , booking was successful , the total fee is 66 gbp payable at the station . your reference number is : mcca0vk8 . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you for all your help . eos O O O O O O O O general-thank
+bos we are happy to help . have all of your needs been met ? eos O O O O O O O O O O O O O O O general-reqmore
+bos yes they sure have , thanks ! eos O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i would like to book a hotel room for two . eos O O O O O O O O O O O O Hotel-Inform
+bos okay , is it possible you meant to say you needed to find a train ? i can help you with that . eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos yes , sorry . i need to leave stansted airport on tuesday . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos and what is your destination ? eos O O O O O O O Train-Request+Dest
+bos cambridge . please give me departure time and travel time . eos O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos would leaving at 5:24 and arriving at 5:52 work ? eos O O O O B-Train-Select+Leave O O O B-Train-Select+Arrive I-Train-Select+Arrive O N/A
+bos it most certainly would , thank you . i am not ready to book , can you just give me the travel time for that trip ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 28 minutes . is there anything else ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no , that 's all , thanks . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-bye
+bos i 'm in need of a train that leaves from peterborough and arrives by 18:30. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos there are several trains available . could you specify which day ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day
+bos i would like to travel on monday and my destination is cambridge . eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O N/A
+bos i have a train that leaves at 5:19 and arrives by 6:09. does this work for you ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos okay , can you book that for me ? i 'm traveling alone . eos O O O O O O O O O O O O O O O N/A
+bos i was able to book you that ticket on train tr3021 . your total fee will be 16:5 gbp . your reference number is uc2okh53 . can i help with anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos okay glad we could be of help . eos O O O O O O O O O general-welcome,general-bye
+bos yes i am looking for information on michael house cafe . eos O O O O O O O O O O O O N/A
+bos the michael house cafe is an expensive european restaurant located in the centre . would you like me to make you a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes , please . for a party of 7 on friday , at 17:15. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : alcpca3p . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that will be all . thank you very much . eos O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your day . eos O O O O O O O O O general-bye
+bos i 've been injured and i need to find a hospital . eos O O O O O O O O O O O O O Hospital-Inform
+bos i 'm sorry about your injury . addenbrooks hospital is located at hills rd , cambridge cb20qq . is there any additional information you need ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes i will need the phone number also . eos O O O O O O O O O O Hospital-Request+Phone
+bos 01223245151 is the number . is there anything else i can do ? eos O O O O O O O O O O O O O O N/A
+bos i need the address and postcode . eos O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos address : hills rd , cambridge , postcode : cb20qq . can i help with anything else today ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos no that 's all i need . thanks for your help ! eos O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i 'm looking for a local restaurant to try in cambridge . eos O O O O O O O O O O O O O Restaurant-Inform
+bos there are many ! is there a certain style of cuisine you are looking for , or a specific price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i think i can find a restaurant on my own , but can you tell me if there are any museums ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos i have found 23 differnt museums in town . what part of town are you wanting to travel to ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Area
+bos i have no preference . can you please provide me with the address , postcode , and area on one ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr
+bos the fitzwilliam museum , in the centre , has free admission . trumpington st , cb21rb . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O N/A
+bos yes , that sounds lovely . thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , on second thought i would like help finding a restaurant . what do you know about north american cuisine restaurants ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A
+bos there is one expensive north american restaurant in the centre of town . it is called the gourmet burger kitchen . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos excellent . what 's the address and area there ? eos O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr
+bos gourmet burger kitchen , in the centre is located at regent street city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos i need to book a taxi to commute between the museum and the restaurant , leaving the museum by 14:30. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos ok great . your taxi booking has been completed . the care type will be a white tesla . would you like the contact number ? eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O N/A
+bos yes , please . that would be great . eos O O O O O O O O O O N/A
+bos the number is 07555434856 , is there anything else i can do for you ? eos O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that should be good , thank you . eos O O O O O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre , have a great day ! eos O O O O O O O O O O O O O O O general-bye
+bos are there any museums in cambridge ? eos O O O O B-Attraction-Inform+Type O O O N/A
+bos there are about 23 different museums to choose from . to help narrow it down , do you have a part of town you prefer to visit ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'd like information of cambridge museum of technology . what is their phone number please ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Taxi-Request+Phone
+bos the phone number is 01223368650. anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos can i have their address ? eos O O O O O O O Attraction-Request+Addr
+bos the address is the old pumping station , cheddars lane . is there anything else i can help you with ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i am also looking for a place to dine in the moderate price range . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i found 110 restaurants . please tell me what type of food you like to help narrow the search so i can best serve you . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'm thinking british food . oh , and if it 's in the west that 'd be even better . eos O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos there is saint johns chop house that meets your criteria , would you like me to book it ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos sounds great ! i want to book a table for 7 people at 18:30 on wednesday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos great your booking was successful and they will hold your table for 15mins your reservation number is o447nkty . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i will also need to book a taxi . eos O O O O O O O O O O Taxi-Inform
+bos i can do that ! i just need your departure and arrival sites and the time you need the taxi . eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i 'd like to leave the museum in time to get to the restaurant on time . eos O O O O O O O O O O O O O O O O O O N/A
+bos okay , you have a car that will come get you . it will be a blue bmw . eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos what is their contact number ? eos O O O O O O O N/A
+bos the contact number is 07601724141. is there anything else i can help with today ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that 's everything for me . thanks . bye ! eos O O O O O O O O O O O O general-bye
+bos you are welcome ! bye ! eos O O O O O O O general-welcome,general-bye
+bos yes , i need information about a train . do you have information on trains departing from bishops stortford ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos sure , there are 70 trains departing from bishops stortford . what is your destination ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O Train-Request+Dest
+bos i 'll be heading for cambridge . eos O O O O O B-Train-Inform+Dest O O N/A
+bos what day and time would you like to travel . eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i am leaving on saturday after 10:15. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos is there a time you need to arrive by ? eos O O O O O O O O O O O Train-Request+Arrive
+bos when are the arrival times ? i 'm also looking for information on all saints church . what can you tell be about it ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos tr4594 will arrive by 12:07 if that works for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A
+bos i can make that work . eos O O O O O O O N/A
+bos okay , before we look for the church , just to clarify your travel , the tr4594 departs bishops stortford 11:29 , arrives cambridge 12:07. would you like to book a ticket on this train ? eos O O O O O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook
+bos yes for saturday.i also want to know the nearby attraction called all saints church , address and area please eos O O O B-Train-Inform+Day O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Area
+bos well its architecture located in the centre of cambridge on jesus lane . eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos great , thanks . oh , and i do n't actually need a booking for that train , so i think that 's all i needed . sorry i keep confusing the matter . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos do n't worry about it . thank you for contacting cambridge towninfo centre , and please do n't hesitate to reach out again if you need more help ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay . the hotel should be in the cheap price range and should be in the north eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O N/A
+bos okay . there is a 0 star place , and a 4 star place . which do you prefer ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Select
+bos i do n't care as long as it 's cheap . eos O O O O O O O O O O O O N/A
+bos i think the worth house is your best bet ! eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos alright . book that one for me eos O O O O O O O O N/A
+bos are you booking for one person ? when is your arrival and how long is your stay , please . eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos yes , only one person . i will be arriving on sunday , for one night . eos O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O N/A
+bos i 'm sorry i do n't have anything for sunday night . would you like to try a different hotel ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos i do n't need a booking after all , sorry . are there any cheap guesthouses in the north with free wifi ? eos O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos yes , there i the worth house and also city centre north b and b. would you like me to book you a room at either one ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos please book a guesthouse . can i also get the star rating and the postcode ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos i have booked you at worth house . it is a 4 star accommodation , and the postcode is cb41da . do you have any further questions ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos no , that will be all . thank you for your assistance . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a good time . eos O O O O O O O O O O general-greet
+bos am looking for the parkside police station eos O O O O O O O O Police-Inform
+bos the telephone for parkside police is 01223358966. do you need any other information ? eos O O O O O O O O O O O O O O O N/A
+bos yes , can i please have the address ? eos O O O O O O O O O O Police-Request+Addr
+bos address : parkside , cambridge . there you go eos O O O O O O O O O O N/A
+bos thank you very much ! good bye . eos O O O O O O O O O general-bye
+bos thank you for using our services . do you need any further assistance ? eos O O O O O O O O O O O O O O O general-reqmore
+bos can you direct me to the closest police station ? eos O O O O O O O O O O O Police-Inform
+bos yes i can . the parkside police station is located at parkside , cambridge . eos O O O O O O O O O O O O O O O O N/A
+bos can you please give me the postcode and phone number ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Phone
+bos the phone number is 01223358966 and the postcode is cb11jg . eos O O O O O O O O O O O O N/A
+bos ok , i 've got it . thanks . eos O O O O O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-greet
+bos i need to book a taxi to arrive at ruskin gallery by 21:45. eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A
+bos alright . i will just need to know what the departure site will be please eos O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i am going to be leaving from the ruskin gallery . eos O O O O O O O O O O O O N/A
+bos i 'm confused . are you leaving from ruskin gallery or going to ruskin gallery ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i am leaving from ruskin gallery . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos alright , where will the taxi be taking you tonight ? eos O O O O O O O O O O O O Taxi-Request+Dest
+bos i will be going to magdalene college . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos booking completed ! is there anything else i can help you with today ? booked car type : grey hondacontact number : 07402352518 eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos great , thanks . can you confirm the time on that car ? i just want to make sure i arrive at magdalene college by 21:45. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos have a safe trip ! eos O O O O O O general-bye
+bos i was involved in a car accident and need help sorting it out . eos O O O O O O O O O O O O O O O N/A
+bos where did the accident occur ? are there any injuries ? eos O O O O O O O O O O O O N/A
+bos i am not familiar with the area , but i am more concerned about the current car accident dispute . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos have you contacted the police ? eos O O O O O O O N/A
+bos not yet . can you help me with locating the postcode ? eos O O O O O O O O O O O O O Police-Request+Post
+bos the postcode for parkside police is cb11jg . do you need further assistance ? eos O O O O O O O O O O O O O O O N/A
+bos no , that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos i hope everything turns out alright for you . please contact us again if we can provide any more information . eos O O O O O O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos can i find the parkside police station eos O O O O O O O O Police-Inform
+bos the parkside police station is in parkside , cambridge , postcode cb11jg . do you need the phone number ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all i need for now . thank you , good bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos thank you goodbye . eos O O O O O general-bye
+bos i need some help with a car accident i was in . eos O O O O O O O O O O O O O N/A
+bos i 'm sorry to hear about your accident , would you like the number for parkside police station ? eos O O O O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes please , that would be great . eos O O O O O O O O O N/A
+bos there you go telephone : 01223358966 eos O O O O O O O N/A
+bos great , thank you . eos O O O O O O general-thank
+bos you are welcome . is that all for today ? eos O O O O O O O O O O O general-reqmore
+bos yes , thanks for your help . eos O O O O O O O O general-thank
+bos you are quite welcome . do you require any further assistance ? eos O O O O O O O O O O O O O general-reqmore
+bos no i do n't . thank you . goodbye . eos O O O O O O O O O O O general-bye
+bos thank you ! good bye eos O O O O O O general-bye
+bos i am looking for train going to cambridge please . eos O O O O O O O O B-Train-Inform+Dest O O N/A
+bos where are you planning to depart from ? eos O O O O O O O O O Train-Request+Depart
+bos i would like to leave from the birmingham new street station please . on a saturday . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A
+bos okay , what time do you need to leave by ? eos O O O O O O O O O O O O Train-Request+Leave
+bos i need to arrive by 16:45 , departure is not as important . eos O O O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos how about tr3415 that arrives at 08:23 ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A
+bos you can book it please . get me the reference number too eos O O O O O O O O O O O O O Train-Request+Ref
+bos reference number is : pa6l738y . eos O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-greet
+bos sorry , i should have specified but the booking needs to be for 3 people eos O O O O O O O O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 180.24 gbp payable at the station for 3 tickets . reference number is : 0up7sb1h . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos perfect . thank you so much ! have a great day ! eos O O O O O O O O O O O O O general-thank
+bos you are quite welcome . is there anything else i can assist you with today ? eos O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos no that was all . thanks eos O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! bye ! eos O O O O O O O O O O O O O general-bye
+bos hi , i am trying to find the police station that 's closest to my location please . eos O O O O O O O O O O O O O O O O O O O Police-Inform
+bos the nearest police station is in parkside , cambridge , cb11jg eos O O O O O O O O O O O O N/A
+bos thanks , what is their phone number ? eos O O O O O O O O O Police-Request+Phone
+bos telephone : 01223358966 there you go eos O O O O O O O N/A
+bos thank you , that is all i need today . eos O O O O O O O O O O O general-thank
+bos best of luck with everything and enjoy your day . eos O O O O O O O O O O O general-bye
+bos can you recommend a restaurant that serves corsica food in the expensive price range ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O Hotel-Request+Price
+bos i do n't have a match for that food type . i apologize . would you like to try something else ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-greet,general-reqmore
+bos can you try italian food instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have five choices , any area preference in mind ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area
+bos any area is fine . could you book a table for 7 for me at your favorite place ? we 're looking for something at 18:45 on tuesday . eos O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos ok , i 've made a reservation for you at frankie and bennys . the reference number is o7fo0uhu . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you . could you please send me the address and phone number . eos O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos of course . it 's located at cambridge leisure park clifton way cherry hinton postcode cb17dy . phone 01223412430. eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone O general-greet
+bos now find me a stay in the east and should have a star of 4 eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos i have 6 results matching your request . what price range would you like cheap or moderate ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price Hotel-Request+Price
+bos i 'm not concerened about pricing , but i would like a 4 start hotel in the east . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i 'd recommend the allenbell on 517a coldham lane . its 4 stars and has free wifi and parking . would you like a room ? eos O O O O B-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no , thanks . i 'm all set . good bye . eos O O O O O O O O O O O O O N/A
+bos glad i could be of help , goodbye ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a good hotel in north cambridge . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos the acorn guest house is a nice guesthouse . would that work ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O O O O Hotel-Select
+bos does it have a 4 star rating ? i would like a place with four stars ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A
+bos yes it does . would you like to book ? eos O O O O O O O O O O O Booking-Inform
+bos yes please . i need it for 5 people for 4 nights staring from thursday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos the booking was successful.your reference number is : a9vm6fau . is there anything else i can do to assist you today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i would also like more info about pizza hut in the city center . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos there is a pizza hut on regent street city centre . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos yes , i want a reservation for thursday at 19:30 and 5 people . give me the reference number please . eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : purz5yvg . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i will need a taxi to go between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos please specify for the taxi which location you 'll depart from and which is the destination . also i need a time to leave at or arrive by eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest
+bos depart the hotel and arrive at restaurant by booked time . i need car type and contact info eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i have made that booking for you . it will be a white ford and the contact number is 07171542462. eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos can i help you with anything else ? if not , goodbye have a nice day eos O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i 'm looking for a hotel called avalon . eos O O O O O O O B-Hotel-Inform+Name O O N/A
+bos ok i have found the hotel . would you like to book a room ? eos O O O O O O O O O O O O O O O O Booking-Inform
+bos great , yes please . there will be 7 of us arriving on wednesday . we 'd like to stay for 4 nights . eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos you reservation was booked . the reference number is kb5qhviu . do you need help with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i need to know more about the alexander bed and breakfast . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos alexander b and b is one of our higher rated guesthouses in the centre of town . it is 4 stars , but is surprisingly cheap . can i get you any specific information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O O O O general-reqmore
+bos i would like to make a booking for book it for 5 people and 3 nights starting from wednesday . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos yes , i can book it now . eos O O O O O O O O O Booking-Inform
+bos is there a reference number associated with the booking ? eos O O O O O O O O O O O N/A
+bos hi , i 'm the supervisor , i have taken over for the rep , my apologies , you booking is set , the reference number is vy2tzjwt . can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i need information on india house , a restaurant . i need to book for 5 people at 16:45 for wednesday , please . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos it 's an expensive indian restaurant in the west part of town at 31 newnham road newnham . their phone number is 01223461661. your reference number is 1etonekw . eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Ref O O O N/A
+bos great . thanks for all your help ! eos O O O O O O O O O general-thank
+bos yeah , anytime let us know if you need anything else . eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you that is all i need today . eos O O O O O O O O O O general-thank
+bos happy to be of service . enjoy your meal and your time in cambridge ! eos O O O O O O O O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a hotel in the north part of town with free wifi . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Parking O O O O O O O O N/A
+bos there are no hotels in that area with free wifi , can i look up a different area or guesthouse ? eos O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O B-Hotel-Select+Type O O Hotel-NoOffer+Internet,Hotel-Request+Area
+bos yes , i 'd like a place in the north with a 4 star rating including free wifi please . eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos i 'm sorry that area does n't have anything matching those criteria . may i try another area ? eos O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos is there a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A
+bos yes , the avalon is exactly what you 're looking for . it offers internet ( but no parking ) . would you like me to book a room for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos and the avalon is in what part of town ? eos O O O B-Hotel-Inform+Name O O O O O O O N/A
+bos avalon is in the north . can i book you a room ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos no thanks can i just have the address and postcode ? i also need help finding a restaurant . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos the address is 62 gilbert road and the post code is cb43pd . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O N/A
+bos okay , thank you . eos O O O O O O general-thank
+bos can i help you with any thing else ? eos O O O O O O O O O O general-reqmore
+bos yes i need a romanian place to eat in the same area , please make sure it 's expensive . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos there are no romanian places at any price range there , but we have 5 expensive restaurants , shali run another search ? eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O O O O O B-Restaurant-Inform+Choice O O O O O O O O N/A
+bos what about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry . i do n't have any expensive indian restaurants either . would you be willing to try another price range or area ? eos O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos your welcome . it has been a pleasure assisting you today . have a wonderful day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a place to eat serving british food in the moderate price range ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos can please provide more information to help us serve you better . eos O O O O O O O O O O O O O Restaurant-Request+Area,general-reqmore
+bos it needs to be close to my hotel and open late . eos O O O O O O O O O O O O O Hotel-Inform
+bos i have several listings . please provide the part of town you prefer so i can narrow it down . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos in the centre if possible eos O O O B-Restaurant-Inform+Area O O N/A
+bos how about the oak bistro located at 6 lensfield road . the post code is cb21ab and phone number 01223323361. can i book this for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post O O B-Restaurant-Recommend+Phone O O O O O O O Booking-Inform
+bos yes please , could you book a table for 6 at 16:45 on wednesday ? could i get a reference number too please ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos ok. i have a table for 6 booked for you at the oak bistro . your reference number is 9sgim1sr . is there anything else i could help with today ? eos O O O O O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i 'd like a hotel in the same area . eos O O O O O O O O O O O O O Hotel-Inform
+bos sure i can help you with that , when are you planning your stay ? eos O O O O O O O O O O O O O O O O Booking-Request+Day
+bos wednesday , for 2 nights . eos O O O O B-Hotel-Inform+Stay O O N/A
+bos you have your choice of an expensive or moderate price range in that area , do you have a preference ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i dont mind any price . eos O O O O O O O N/A
+bos i recommend university arms hotel . it is rated 4 stars and is expensive . their number is 01223351241. eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Phone O O N/A
+bos ok , can you book a room for our group or are you expecting me to call them ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i can book it for you . eos O O O O O O O O Booking-Inform
+bos i actually need a moderate hotel in the centre . i do n't need free parking . i will need the hotel booked for 6 people , 2 nights , on wednesday , please . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O N/A
+bos no thank you that will be all for today eos O O O O O O O O O O general-bye
+bos i 'm looking for some hungarian food restaurants near the centre , please . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O N/A
+bos i am sorry there are no hungarian restaurants near centre . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O N/A
+bos what kind of expensive restaurants are in the center of town ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos unfortunately there are n't any hungarian places . do you want to try other cuisine types ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O Restaurant-Request+Food
+bos yes let me see the options eos O O O O O O O N/A
+bos there is a variety of choices ; chinese , african , british , italian , american , gastro pub , etc ... do you have a preference ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Select
+bos i want indian food . eos O O O B-Restaurant-Inform+Food O O N/A
+bos curry garden is a nice place would you like that info ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O N/A
+bos yes can i get a address and phone number please ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos certainly , the phone number for the curry garden restaurant is 01223302330 and the address is 106 regent street city centre . may i help you with anything else today ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos yes i am also looking for a place in the same area as the restaurant with free parking.i want it for 3 people for 5 nights starting tuesday . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos would you like something cheap , moderate , or expensive ? eos O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos that does n't matter just a hotel in the same area with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos there are two options here . both are expensive . i recommend gonville hotel . eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos that would be great . can you book it on tuesday for 3 people and 5 nights . eos O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful , and your reference number is o4hvzdcw . is there anything else i can assist you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos perfect , thank you for all your help . that is all for now . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i need a 2 star hotel with free parking . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos what area of town are you wanting to stay in ? what is your price range ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos it can be anywhere in town , but i 'd like the hotel to be in the cheap price range if possible . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos it would seem there are no cheap 2 star hotels that offer free parking . would you maybe like to stay at a moderately priced hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about in the expensive price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are many hotels in this category that offer free parking . how many stars would you prefer ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i would prefer one with a rating of 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i have one 2 star expensive hotel , the express by holiday inn cambridge . would you like to book it ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos yes , i would like to book it for two people for five nights , starting from monday . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful . reference number is : zuleu3k1 . did you need to find anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i would like to eat at a restaurant please . eos O O O O O O O O O O O Restaurant-Inform
+bos sure . i have many to choose from . are you looking for a particular type of food , price range or location ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area
+bos i 'm just looking for something that 's in the same price range as the hotel eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are 57 expensive restaurants in cambridge , do you have a particular type of cuisine in mind or shall i recommend one ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like a cuisine of asian oriental . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i have 2 asian oriental restaurants . saigon city and kymmoy . let me know which you prefer and i can give you more info or book it for you . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos can i please get the address for saigon city ? eos O O O O O O O O O O O Restaurant-Request+Addr
+bos of course , the address for saigon city is 169 high street chesterton chesterton eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you . i would also like to book a taxi to go from the hotel to the restaurant . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos of course ! what time would you like the taxi to leave or arrive ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to leave the hotel by 6:45. once that is booked can you provide me with the phone number and car type ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O Taxi-Request+Car,Taxi-Request+Phone
+bos okay i have booked you a grey tesla with a contact number of 07632382262. it will pick you up at 6:45 at your hotel . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart O N/A
+bos can you book reservations for the restaurant at 7:30 eos O O O O O O O O O O Restaurant-Inform
+bos on what day and what size party ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos 2 people on a monday i think please . eos O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O N/A
+bos the restaurant has been booked for 7:30 on monday for 2 people . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+People O O O O O O O O O O O general-reqmore
+bos no thank you eos O O O O general-thank
+bos do you need the reference number for the reservation at the restaurant ? eos O O O O O O O O O O O O O O N/A
+bos yes , i was n't planning to book but since i have i suppose i 'll take that number . that will be all for today - thank you for your help ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos glad to have been of service ! enjoy your visit to cambridge . eos O O O O O O O O O O O O O O general-bye
+bos thank you for your help ! eos O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you find a restaurant that serves british food and is in the centre ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A
+bos there are seven restaurants in the center of town serving british food . what price range are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price
+bos i am looking for something in the moderate price range . can you also provide me addresses ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos may i suggest the oak bistro ? it has a moderate price range and excellent quality . would you like me to book a table for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i do n't need a booking , just an address . eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos the oak bistro is located at 6 lensfield road . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos i 'm also looking for a guesthouse with a 4 star rating . i would prefer the same area with free wifi . eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos i 've found the alexander bed and breakfast that would meet your needs . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos i will need to book the hotel for 2 nights , with 8 people starting on sunday , may 7. eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O N/A
+bos i 'm sorry , but they have no vacancies for that stay . i could try a different day or perhaps just try booking one night for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos is there anything available for just 1 night ? eos O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos yes , i was able to book the alexander for one night ! your reference number is : awhcn41u eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O N/A
+bos that 's great ! thank you very much . eos O O O O O O O O O O general-thank
+bos you are very welcome . have a good day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay . preferably a guesthouse with free parking included . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos we have 21 entries that match your search . do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O N/A
+bos i would like the hotel to be expensive . eos O O O O O O O O B-Hotel-Inform+Price O N/A
+bos we do n't have any expensive guesthouses . would you like to try a hotel or a guesthouse in a different price range ? eos O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type
+bos how about a cheap one ? eos O O O O B-Hotel-Inform+Price O O N/A
+bos the alexander bed and breakfast is available and in the cheap price range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price O O O N/A
+bos ok , book that for 4 people . we 'll arrive monday and stay 4 nights . and can i have the reference number ? eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos great ! i was able to book that for 4 people and your reference number is f6fsfj75 . anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm looking for a russian restaurant in the centre . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry , but there are no russian restaurants in all of cambridge . would you like to try a different type of cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos is there a mediterranean restaurant in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos yes , i have found three restaurants matching your inquest . eos O O O O O B-Restaurant-Inform+Choice O O O O O O N/A
+bos i would like the one closest to the alexander bed and breakfast please . eos O O O O O O O O O O O O O O O N/A
+bos how about the gardenia ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos can you provide me with the price range for the gardenia as well as the postcode ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos the gardenia is priced cheaply and its psot code is cb23ll . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Post O N/A
+bos thank you for the information eos O O O O O O general-thank
+bos is there anything else i could assist you with ? would you like help making a reservation ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos no that will be everything i needed for today . thank you ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your stay in cambridge . eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information on a hotel called worth house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos worth house is a cheaply prices guesthouse in the north part of town . is there more specific information you 're looking for ? would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i would love it if you can book me a room ! i need rooms for 3 people , 4 nights beginning friday . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i can reserve those rooms for you . eos O O O O O O O O O Booking-Inform
+bos thank you . can you please give me a reference number ? eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos ok , your rooms have been booked . your reference number is remvo3v9 . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for something to do around town . eos O O O O O O O O O O O O N/A
+bos there 's lots to do in cambridge ; do you have a particular activity or type of attraction in mind ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i am looking to go to a museum in the area . i will need the address , entrance fee and phone number . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos what area of town would you prefer ? eos O O O O O O O O O Attraction-Request+Area
+bos i would like a museum close to the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i have 11 museums in the centre . might i suggest the regency gallery . they are located at 39 fitzroy street . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A
+bos yes . that would work . what is their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos their phone is : 01223365454. can i help with anything else ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos that was all i needed , thank you ! eos O O O O O O O O O O general-thank
+bos you 're so welcome , have a great visit ! eos O O O O O O O O O O O general-welcome,general-bye
+bos please find me a place to stay in the centre that includes free wifi . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i see that the alexander bed and breakfast guesthouse is in the centre of town and includes free internet . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes , i would like it , and hope that is has free parking space . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O N/A
+bos what day would you like me to book the hotel , how many people and what days would you like to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i would like to book the hotel for 4 people , 3 nights starting on thursday , please . eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos ok , the booking has been completed . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos can i have the reference number for the hotel booking ? i 'd also like information about a restaurant called bedouin . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O Hotel-Request+Ref
+bos your reference number is 1s9ztfda . the bedouin is an expensive african restaurant in the centre area . would you like to make a reservation there ? eos O O O O O B-Booking-Book+Ref O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos fantastic , thank you . what 's the postcode for the bedouin ? do they only serve african food ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food
+bos the bedouin is located at 100 mill road city centre and serves african food eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A
+bos i see . i 'm sorry what is the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb12bd . is there anything else i can help you with today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yes , i need a taxi leaving from bedouin and going to the alexander b & b . i want to leave bedouin by 2:00. eos O O O O O O O O B-Taxi-Inform+Depart O O O O O O O O O O O O O O O O O N/A
+bos i have a taxi that will arrive at 02:00. the taxi will be a white audi and you can contact them at 07924317108. anything else ? eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O N/A
+bos no , that will be all , thank you . eos O O O O O O O O O O O general-thank
+bos alright , i hope you have a good stay , thank you for using our service ! eos O O O O O O O O O O O O O O O O O O general-greet
+bos sure thing , you 've been a great help . eos O O O O O O O O O O O N/A
+bos be sure to call again if you need anything . 'bye now . eos O O O O O O O O O O O O O O general-bye
+bos i 'd like to attend an architecture related attraction in the centre , do you have anything of that nature ? eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos the all saints church is in the centre of town . would you like the address ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O general-reqmore
+bos yes that would be great . can you also give me the phone number and entrance fee ? thanks eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number is 01223452587 and admission is free ! eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O N/A
+bos what is the address ? eos O O O O O O Attraction-Request+Addr
+bos the address is jesus lane . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thanks . i am also looking for an expensive place to stay . i 'll need free wifi . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos okay , what area would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos in the north , please . eos O O O B-Hotel-Inform+Area O O O N/A
+bos i 'm unable to find any places to stay that match those specifications . is there anything you 'd be willing to change about where you want to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos how about something in the north ? eos O O O O O O O O N/A
+bos i have nothing in the north . can i try something else ? eos O O O O O O B-Hotel-NoOffer+Area O O O O O O O N/A
+bos let 's try the centre of town please eos O O O O B-Hotel-Inform+Area O O O O N/A
+bos university arms hotel is a great hotel in the centre in the expensive price range . would you like to make a reservation ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O Booking-Inform
+bos do it also have free parking ? eos O O O O O O O O N/A
+bos yes it does include free parking . eos O O O O O O O O Hotel-Inform+Parking
+bos thank you , i would like to book it for 8 people for 2 nights starting from friday eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . reference number is : fn6wajpb . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos great , thank you so much for your help today . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . is there anything else that i can do for you today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! enjoy your visit ! goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for a hotel , is that something you help with ? eos O O O O O O O O O O O O O O O Hotel-Inform
+bos there are 33 hotels , is there a specific area you are looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos i 'm looking for somewhere classy and expensive , where they do n't skimp on amenities like free wifi . are there any like that ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O N/A
+bos we have five hotels that meet that criteria . are you looking for one in a particular area ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Area
+bos are any of them guesthouses ? i would prefer a guesthouse . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos no , they 're all hotels . would you like me to try a different price range ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Request+Price
+bos yes please , could you try finding me a guesthouse in a moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A
+bos there are no expensive guest houses . eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O N/A
+bos i would settle for a moderate price ranged one . eos O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are some in the north and one in the east . does either option sound better ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Request+Area
+bos moderately priced with a 4 star rating . for 4 people for 5 nights on thursday . eos O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos do you want a hotel in the north or east ? eos O O O O O B-Hotel-Select+Type O O O O B-Hotel-Select+Area I-Hotel-Select+Area N/A
+bos it does n't matter . whichever one you think is best . eos O O O O O O O O O O O O O N/A
+bos how does acorn guest house sound ? they 're on 154 chesterton rd and you 'd get free parking , too . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Hotel-Inform+Parking
+bos okay great ! can you please book a reservation for 4 people for 5 nights starting on thursday ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos done ! your reference number is 1cd4lz9r . do you need assistance with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that was all i needed thanks so much for your help . eos O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us , have a nice day . eos O O O O O O O O O O O O general-bye
+bos i would like to stay in a hotel that is moderately priced and includes free parking . can you help ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos acorn guest house is available would you like to try that ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes . can you please give me the address ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos certainly . their address is 154 chesterton road , postcode cb41da . can i help with anything else ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O general-greet,general-reqmore
+bos can you tell me how many stars that guesthouse is and the area of town ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos the acorn guesthouse is a 4 star guesthouse located in the north . do you need more information or would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i do n't need to book at the moment , but i was interested in places to go in town . what colleges are there to visit ? eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i have 18 different colleges . do you have a certain area you would like ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area
+bos surprise me . i do need an address and the entrance fee . eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos christ 's college at saint andrew 's street and it 's free . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O N/A
+bos what area is it in for reference ? eos O O O O O O O O O Attraction-Request+Area
+bos christ 's college is located in the city centre . do you need any further information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos nope , that 's perfect . you 've been very helpful . eos O O O O O O O O O O O O O N/A
+bos happy to help . let us know if you need anything else . thank you . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos hi , can you give me some information on places to stay for my upcoming trip ? eos O O O O O O O O O O O O O O O O O O N/A
+bos certainly , we have many fine guest houses and hotels in cambridge . is there anything specific you were looking for , to help narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a 2 star hotel with free wifi . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos thanks for that information . what area are you looking to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter i would like an expensive hotel if you can find one . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A
+bos the express by holiday inn cambridge is located in the east and meet your criteria . shall i book you a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos yes , please book me a room for friday . eos O O O O O O O O O O O N/A
+bos for how many people ? eos O O O O O O Booking-Request+People
+bos i need it for 2 people please . eos O O O O O O O O O N/A
+bos and how many nights ? eos O O O O O O Booking-Request+Stay
+bos 5 nights please . and i would need the reference number also . eos O O B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref
+bos your room at the express by holiday inn cambridge is all set up for friday . the reference is 7f6zihsz . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you ! i am also looking for a place to go in town . i 'm thinking a college in the centre . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos christ 's college is located in the centre at saint andrew 's street . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos can i please get their phone number and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos their phone number is 01223334900. the postcode is cb23bu . eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A
+bos thanks ! i 'm going to hanging out at the college late tonight , could you get me a taxi back to the hotel at 2:45 ? eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos okay i 've got a white honda booked for you to pick you up at 2:45 and take you back to your hotel , their number is 07078899267 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos i hope you enjoy your time in cambridge ! eos O O O O O O O O O O general-bye
+bos one in the east of town eos O O O O O O O N/A
+bos what are you specifically looking for ? eos O O O O O O O O N/A
+bos a place to stay , moderate price range should have internet and 3 stars eos O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i have 4 guesthouses available in the moderate price range . what part of town would you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter . i do n't need internet and i need to book it for 1 person . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos alpha-milton guest house is in the north part of town has 3 stars . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O N/A
+bos okay please book it for 1 people and 2 nights starting from saturday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos the alpha-milton guesthouse was booked for you successfully . your reference number is xqy0ite2 . is there anything else i can help you with today ? eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'd like to know if there are any places in town in the south that is the type of multiple sports ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are no multiple sports in the south , but there are multiple sports in the east . do you want to stay with an attraction in the south ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Select+Area O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos a park will be okay , just looking for somewhere to get exercise on the trip . eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos sheep 's green and lammas land park fen causeway is a park in the south . it 's very nice , and admission is free . can i get you any other information on the park ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Price O O O O O O O O O O O O O O O O Attraction-Recommend
+bos yes , i need the phone number and postcode please . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the phone number is 01223302580 and the post code is cb22ad . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A
+bos thank you so much . that is all i need today . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos would you be able to recommend a museum ? eos O O O O O O O O B-Attraction-Inform+Type O N/A
+bos broughton house gallery is available , would you like to try that ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O N/A
+bos that sounds interesting , what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb11ln . is there anything else i can assist you with today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay that includes free parking and is moderately priced . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos we have 2 hotels and 12 guesthouses across town that fit your price and have parking . do you prefer a specific type of place or area of town ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area,Hotel-Inform+Parking
+bos the area does n't matter i prefer a guesthouse . any one you recommend will be fine . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos there are still quite a few guesthouses to consider . i suggest the archway house which is 4 stars . it 's in the north of the city . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O N/A
+bos then book for 1 people and 4 nights starting monday . give me reference number eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O Hotel-Request+Ref
+bos booking was successful . your reference number is g2fvvfv7 . is there anything else i can assist you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that will be all ! thank you so much ! eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a wonderful day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay that has free wifi . eos O O O O O O O O O O O O O O N/A
+bos do you have any other preferences , such as a price range or a particular part of town ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos indeed i do . i 'd like a hotel in the expensive price range that 's on the west side of town . the hotel should have a 4 star rating . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos yes , the huntingdon marriott hotel is a match ! would you like me to book a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos so that 's a hotel and not a guesthouse ? and do they have free parking ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos yes , it 's a hotel that has free parking . should i make a booking for you ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no thank you . i also would like a place to go in town . eos O O O O O O O O O O O O O O O O general-thank
+bos i see many art galleries and museums in that part of town , do you have a preference for one over the other ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos i am looking for a college . eos O O O O O O O O N/A
+bos there are several colleges , what part of town would you like ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Area
+bos it does n't matter , pick one for me ? i 'll just need the address . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos okay , i suggest clare hall . it is in the west . the address is herschel road . entrance is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O O N/A
+bos thanks . now i just need a taxi to pick me up at 22:00 from the huntingdon marriott and take me to clare hall . i 'll need car type and contact number eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type
+bos your car is booked . the care type is a blue toyota . your contact number is 07372726556 eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you . that is it for now . eos O O O O O O O O O O general-thank
+bos you 're welcome ! have a wonderful day ! eos O O O O O O O O O O general-welcome,general-bye
+bos are there any expensive restaurants that serve indian food nearby ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 14 expensive indian restaurants . would you like to look in a particular area ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Area
+bos it does n't matter where it is , i just need to book one of them for six people at 13:45 on friday . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos great your reservation at curry garden is all set , reference number is j1x6p0db eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i am looking for an expensive hotel as well . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A
+bos there are five such hotels available . i can suggest the express by holiday inn cambridge . how does that sound ? eos O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O general-reqmore
+bos do any of the hotels have free parking and a star rating of 4 ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes , there are two hotel options , one in the west and one in the centre . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select
+bos do they both have internet access ? eos O O O O O O O O Hotel-Request+Internet
+bos yes , both the huntingon marriott and university arms have free wifi . eos O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Internet
+bos great can i also get a taxi between the two places ? eos O O O O O O O O O O O O O Taxi-Inform
+bos booking you a taxi would be no trouble . would you like to book one of those hotels first ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no , that 's ok , but i need that taxi arrives at the restaurant by 13:45. eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos alright , i have your taxi booked . it will be a grey lexus , contact number 07186569452. is there anything else i can help you with today ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos no , that will be all , thank you . eos O O O O O O O O O O O general-thank
+bos thank you very much for contacting us . have a good trip . eos O O O O O O O O O O O O O O general-bye
+bos i am looking for information on a hotel called warkworth house . can you give me the location address and phone number please ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O N/A
+bos certainly . it is located on warkworth terrace and the current telephone is 01223363682. is there anything else i can help with ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos can you book it for four people for four nights starting on thursday ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos i have made your reservation as requested . your reference number is 5pjbycas . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a train going to london kings cross and should leave on monday . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Day O N/A
+bos sure , departing from cambridge ? eos O O O O O O O Train-Request+Depart
+bos yes and i need arrive by 9:30. eos O O O O O O O O N/A
+bos may i suggest the tr2289 train arriving at 7:51 ? there are no later trains . eos O O O O O B-Train-Select+Id I-Train-Select+Id O O B-Train-Select+Arrive O O O B-Train-NoOffer+Choice I-Train-NoOffer+Choice O O N/A
+bos sounds great , thanks ! can you please book it for 4 people ? eos O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos i was able to make that reservation for you . your total is 94.4 gbp , which you can pay when you arrive at the station . your reference number is : m8o8d0mt . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos perfect , thanks so much . have a great day . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day as well . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i would like a restaurant inthe centre of town which serves creative food please . eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O N/A
+bos sadly there are no restaurants anywhere in cambridge that describe their food as `` creative . '' we do have many restaurants in town , though , so i 'd be happy to look for something else . eos O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about a restaurant that services chinese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 10 chinese restaurants in the centre of town . is there a specific price range you would like ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Price
+bos i do n't care about the price range . can you just pick a good one for me ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos if money is no concern , i would definitely recommend hk fusion . it 's in the centre of town and expensive . it 's located at 21 burleigh street , city centre . how does that sound ? eos O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O general-reqmore
+bos yes , sounds good . please reserve a table for six at 12:15 on saturday . eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos that was unsuccessful . would you like another day or time slot ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos is 11:15 on saturday available ? eos O O B-Restaurant-Inform+Time O O O O N/A
+bos that booking was successful . a reservation was made for 6 people at hk fusion on saturday at 11:15. reference is arwfxldl . can i help with anything else ? eos O O O O O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos nothing else . i look forward to the meal . thank you for all your help . eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . thanks for using our service . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a restaurant in any area and serves spanish food . what is the phone number and address ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos la raza serves cheap spanish food , located in the centre area at 4 - 6 rose crescent with phone number 01223 464550 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thanks , goodbye . eos O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos goodbye eos O O general-bye
+bos thank you . eos O O O O general-bye
+bos good afternoon . i am trying to find an indian restaurant to eat at . i would prefer something expensive . can you help me ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos there are several indian restaurants to choose from . what area of town would you like ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Area
+bos i would like it to be in the center . i will need a number , address and postcode . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the curry garden is good . it is located at 106 regent street city centre , postcode cb21dp . the phone number is 01223302330. would you like me to reserve it ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform
+bos thank you for all that information . yes , i would like to make a reservation . eos O O O O O O O O O O O O O O O O O O general-thank
+bos great , when would you like the reservation and for how many should i reserve it for ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos yes , i would like a reservation for one please . eos O O O O O O O O O O O O N/A
+bos what day and time would you like to go ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i 've changed my mind , i do n't want to book it yet . can you give me the area , address , and phone number , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos certainly . curry garden is in the city centre at 106 regent street city centre . the phone number is 01223302330. what other information can i get for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O O N/A
+bos that 's all i need today . thanks for your help ! eos O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train from norwich leaving after 09:15. thank you . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O N/A
+bos great , i have a train leaving there at 9:16. would you like to book that ? eos O O O O O O O O O B-Train-OfferBook+Leave O O O O O O O O N/A
+bos does it leave at that time on sunday ? eos O O O O O O O O B-Train-Inform+Day O N/A
+bos sorry but can i get your destination please ? eos O O O O O O O O O O Train-Request+Dest
+bos going to cambridge . eos O O O B-Train-Inform+Dest O N/A
+bos the 09:16 train from norwich to cambridge does leave on sunday . you would arrive by 10:35. would you like this train booked or would you like another time ? eos O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos please get me the reference number.i am also looking for a restaurant . the restaurant should be in the center and should serve turkish food eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food N/A
+bos yes your reference number is 859rv3pt . eos O O O O O O B-Train-OfferBooked+Ref O N/A
+bos cool thanks for your help eos O O O O O O general-thank
+bos for your restaurant recommendation we have meze bar restaurant on 196 mill road city centre . would that work ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O N/A
+bos perfect . i 'd like a table for 7 at 18:00 sunday . eos O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A
+bos i can book that for you now . eos O O O O O O O O O Booking-Inform
+bos if there is n't a table for sunday wednesday will work as well . eos O O O O O O O B-Restaurant-Inform+Day O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : fj0ahwe8 . is there anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos what day was it booked for ? sunday or wednesday ? eos O O O O O O O O O O O O N/A
+bos it is reserved for sunday . is that acceptable ? i can change if necessary . eos O O O O O B-Booking-Book+Day O O O O O O O O O O O Booking-Request+Day
+bos it is exactly the day i wanted . thank you very much for your time . have a nice day ! eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! is there anything else you need help with today ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no that is all ! thank you ! eos O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i need a train on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos okay , i can help with that . where are you heading to , and departing from . eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet
+bos i 'm departing from cambridge and going to ely . i 'd like the train to leave on thursday and arrive by 15:45. eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O N/A
+bos i have 5 trains that can get you to ely by 15:45. what time would you like to depart ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave
+bos i would like to arrive by 15.45 i want the travel and departure time eos O O O O O O O O O O O O O O O Train-Request+Leave
+bos the most reasonable train leaves at 13:50 and arrives in ely at 14:07. eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos thank you . i 'm also looking for a restaurant ... the kymmoy ? do you have any information about it ? eos O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O N/A
+bos the kymmoy serves asian oriental food . it is located in the centre and in the expensive price range . is there anything else you need to know ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore
+bos i would like to book this for 1 person at 10:45 on thursday . i need to get the reference number also . thanks for your help ! eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have made that reservation and your reference number is i8186ttv . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos terrific . thanks for all your help ! eos O O O O O O O O O general-thank
+bos it was my pleasure to help . have a good day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hey there , i am traveling to cambridge and needing to see about booking a place to eat . i am interested in portuguese food and do n't mine a more expensive menu . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos yes , we do have a couple of portuguese restaurants , nandos located in the south and nandos city centre located in the centre . do you have a preference for the location ? eos O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Select
+bos i would like to go to nandos in the south eos O O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area N/A
+bos would you like reservations ? it is located at cambridge leisure park clifton way . eos O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O Booking-Inform
+bos can you give me the exact address ? eos O O O O O O O O O Restaurant-Request+Addr
+bos i 'm sorry that is the only address i have available to me . would you like the phone number ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O general-reqmore
+bos no thank you . i also need a train to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos where are you traveling from ? eos O O O O O O O Train-Request+Depart
+bos i am traveling from ely . the train should arrive by 19:00 and i would like to leave on friday . eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Day O O N/A
+bos the tr2759 will arrive by 17:52. would you like a ticket ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i 'd like two tickets . eos O O O O O O O O O N/A
+bos okay . the booking was successful ! the total fee is 8.8 gbp which is payable at the station . your reference number is hh0k9rfr . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos that should be everything for me . thank you so much for the help ! eos O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i want to book a train from birmingham new street and go to cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos there are multiple trains making that trip . what day are you making that trip ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day
+bos i am making the trip on saturday and would need to arrive by 18:45. eos O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A
+bos tr1283 will arrive in cambridge at 18:23. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , that would work great . i need to book the train for 3 people . can i get a reference number ? eos O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 180.24 gbp payable at the station .reference number is : qlz11j4o . can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos no that was all i needed . thank you so much . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . would you like any tourist or taxi information for your time in cambridge ? eos O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos can i get a place to eat , i 'm looking for something expensive in the west part of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O N/A
+bos of course , what type of food are you looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'm looking for a place that serves british food . i 'll just need the address please ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Addr
+bos graffiti is a restaurant that serves british food . their address is hotel felix whitehouse lane huntingdon road . anything else i can do for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos is that located in the west ? i prefer the west . eos O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos yes they are expensive and in the west . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A
+bos great , that 's all i need , thanks so much for your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'd like some information on a restaurant today . eos O O O O O O O O O O O O O Restaurant-Inform
+bos there are 110 restaurants . what area or type of food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i really need something cheap and in the south please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos there is portuguese adn chinese cheap in this area . any preference ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select
+bos let 's go chinese . please book for 2 people on wednesday at 12:00 eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos i can book the lucky star chinese restaurant in the south . it 's address is cambridge leisure park clifton way cherry hinton . is there anything else i can help with ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos sounds great ! can i get a reference number after it is booked ? eos O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos your reservation is for 2 people on wednesday at 12:00. the reservation number is leruqapy . eos O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos great . i also need a train from kings lynn to cambridge that morning . i need it to get in by 8:00. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O N/A
+bos i have train tr5831 that leaves at 07:11 and will arrive in cambridge by 07:58. would that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yeah , that works for me . thanks for the help . eos O O O O O O O O O O O O O general-thank
+bos how many tickets would you like ? eos O O O O O O O O Train-OfferBook
+bos i wo n't be needing the train after all . thank you for the help ! eos O O O O O O O O O O O O O O O O O Train-Inform
+bos okay ! you 're very welcome ! is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i need a train leaving from london liverpool street . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos i 'll be happy to look that up for you . what day and time would you like to leave ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos i would like to leave saturday after 18:30. eos O O O O O O B-Train-Inform+Day O O N/A
+bos will you be traveling to cambridge ? eos O O O O O O O O Train-Request+Dest
+bos no i will be going to ely . eos O O O O O O O O O N/A
+bos you are speaking to the cambridge help desk , so we can only book a train if you are leaving from or heading to cambridge . cambridge to ely ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart,general-greet
+bos no , going to cambridge and leaving london liverpool st. i am leaving saturday and want to leave sometime after 18:30 eos O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O N/A
+bos tr3940 leaves liverpool st at 19:39 and arrives in cambridge at 21:07. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos how much will that ticket be ? eos O O O O O O O O N/A
+bos the cost is 13.28 pounds . would you like to make a reservation ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos no that 's fine . i also need to find a cheap restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos sure , i can help with that . is there a specific part of town you were looking for ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,general-greet
+bos i do n't really care where it 's at , but i would prefer that it serve international food . is there anything like that in town ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos the missing sock would suit your needs . can i book it for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos sounds great ! can you please book a table for three for the same day at 21:00. eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Time O N/A
+bos the booking was successful . the table will be reserved for 15 minutes.your reference number is 3y2haome . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , that 's all i need , thanks so much for your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i hope you have a good trip . goodbye . eos O O O O O O O O O O O general-bye,general-greet
+bos any good places to eat in centre ? eos O O O O O O O B-Restaurant-Inform+Area O N/A
+bos were you interested in any particular type of food such as british or chinese ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food Restaurant-Request+Food
+bos we would n't mind trying something new . we 'd like to treat ourselves to something in the expensive range . what do you recommend ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i would recommend kymmoy hands down . great little asian oriental place . can i reserve a table for you ? eos O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O Booking-Inform
+bos what 's the address there ? eos O O O O O O O Restaurant-Request+Addr
+bos 52 mill road city centre . is there anything else ? eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O general-reqmore
+bos no thaank you that is all i need today eos O O O O O O O O O O N/A
+bos i 'm glad we could be of service today . enjoy your meal ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant to book a reservation . i want asian oriental in the expensive price range eos O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A
+bos i have two choices for you . one on the north side of town and one in the city center . any preferences ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O Restaurant-Select
+bos let 's try the one on the north side of town . i 'd like to make reservations , if possible . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can try to make that reservation for you . what day are you looking to eat on , how many are in your party , and what time would you like ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos i would like the reservation for 5 people at 18:45 on friday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have made those reservations your reference number is wk0cpifs eos O O O O O O O O O O B-Booking-Book+Ref N/A
+bos thanks so much . can you also help me look for a train ? eos O O O O O O O O O O O O O O O Train-Inform
+bos i sure can . which stations will you be using ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i need to get to cambridge from peterborough by 13:15 on the the same day as my reservation . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos the tr7877 arrives by 13:09. would you like to book that one ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please . i need 5 tickets . eos O O O O O O B-Train-Inform+People O O N/A
+bos the booking was successful , the total fee is 82.5 gbp payable at the station . reference number is : ju3l0ezl . is there anything else you need ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O general-reqmore
+bos no , that is all for today . thank you so much for your help ! eos O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy i could help you . enjoy your trip . good bye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm wanting to find a restaurant . the location i want is the west and i want something in the moderate price range . can you help me ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos certainly ! there are 3 options for moderately priced restaurants in the west : british , indian or italian . do you have a preference ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Food
+bos could i have the phone number for the indian restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone
+bos yes , the phone number for the meghna restaurant is 01223727410. what other information would you like ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos that 's all that i needed , thank you . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! goodbye . eos O O O O O O O O O O O O general-bye
+bos i want to take a train from stevenage to cambridge . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos what day and time do you want to leave stevenage ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to leave on monday and arrive in cambridge by 12:45. eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A
+bos i have 4 trains available . what time would you like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos departure time is n't important as long as i can get there by 12:45. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos for how many people ? eos O O O O O O Train-Request+People
+bos i do n't need to purchase tickets today , but can you tell me the train id and the total travel time to get me there ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos tr9062 will take 49 minutes , from 11:54 to 12:43. do you need anything else ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Leave O B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos what is the price of a ticket , please ? eos O O O O O O O O O O O Train-Request+Price
+bos the price of tr9062 is 12.80 pounds . eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thanks . now can you look up a welsh food restaurant that is expensive and in the centre ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry i could n't find any welsh restaurants matching that criteria . would you like to try a different area or type of food ? eos O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos oh darn it ! how about ... maybe korean food ? still in the centre , and they need to be able to seat 7 people . eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A
+bos yes there is one option here . it is little seoul . what day and time for your booking ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i would like it on monday at 18:15. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos it is n't allowing me to book that for you . is there anything else i can try for you ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos can you please try again ? eos O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is : x54jy6cb . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks , that 's all i needed today ! eos O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your visit . eos O O O O O O O O O general-welcome
+bos hello , i 'd like some information on a restaurant today . eos O O O O O O O O O O O O O Restaurant-Inform
+bos i can help you with that ! is there a specific one you have in mind or perhaps a specific type of cuisine i can search for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Name
+bos i 'm looking for an expensive polynesian place . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , there is nothing that i can find like that . do you have anything else i can look for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos yes , can you look for chinese food please ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i have the hakka located in the north . it is expensive and located at milton road chesterton . would you like to make reservations ? eos O O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos i 'd really like something in the centre , do you have polynesian or chinese in the centre ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos okay , how about the ugly duckling ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos that sounds interesting . could you give me the address , phone number and postcode ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there is no phone number listed , but their address is 12 st. johns street city centre and the postcode is cb21tw . what else can i help you with ? eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos i also need a train . it should leave london liverpool street after 12:45 on wednesday . i am going to cambridge . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O N/A
+bos there earliest train after 12:45 is tr2826 , departing london liverpool street at 13:39 on wednesday . would you like me to book a ticket for you ? eos O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O O Train-OfferBook
+bos yes , that would be great . thank you . eos O O O O O O O O O O O general-thank
+bos just to confirm , how many tickets do you need ? eos O O O O O O O O O O O O Train-Request+People
+bos just for myself . eos O O O O O N/A
+bos booking was successful , the total fee is 16.6 gbp payable at the station .reference number is : 1oimds0d . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos you know what , i 'm so sorry i actually did not need a booking at all . i just wanted to know the travel time , arrival time , and price . sorry . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos 16.6 gbp a person arrives at 15:07 , trip time is 88 minutes , any further questions ? eos O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no . that actually takes care of everything . thanks . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant in the west side that 's in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i have three listings , one for british , indian , italian . are any of those types of food you are looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos are any of them available for 8 people at 19:00 on wednesday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos there are two restaurants available the indian restaurant meghna and the italian restaurant prezzo 8 people at 19:00 on wednesday . which one do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Inform+Time O B-Booking-Inform+Day O O O O O O O Restaurant-Select
+bos the italian restaurant prezzo sounds good . eos O O O O O O O O Restaurant-Inform
+bos booking was successful , table will be reserved for 15 mins.reference number is : gvokli1a . anything else ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos nope thats it . thanks eos O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you recommend me a restaurant in the expensive priced range located in the east part of town ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how about grafton hotel restaurant , it serves british . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O N/A
+bos no i am not interested in british right now , do you have any other listings ? eos O O O O O O O O O O O O O O O O O O N/A
+bos there are four more results . what type of food are you interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos pipasha restaurant is in the expensive price range and in the east part of town . they serve indian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O N/A
+bos great ! can you please let me know their contact number ? eos O O O O O O O O O O O O O N/A
+bos you can reach pipasha restaurant at 01223 577786. eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you . eos O O O O general-thank
+bos is there anything else i can help you find today ? eos O O O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos i need a train that leaves for ely on friday . eos O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day N/A
+bos what time do you need to travel to ely ? eos O O O O O O O O O O O Train-Request+Leave
+bos i need to arrive in ely before 11:30. i would be leaving from cambridge . eos O O O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Depart O N/A
+bos there are 3 trains that fit that criteria - is there a specific time you 'd like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave
+bos yes , i would like to book a train that will arrive in ely before 11:30. eos O O O O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O N/A
+bos tr8792 departs cambridge at 9:50 and arrives in ely at 10:07. would you like a ticket on that train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos i also need a place to stay on the north side of town that includes free parking . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos we have several guesthouses , one hotel and one lodge that meet that criteria . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O N/A
+bos do any of them have 3 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes , the hamilton lodge has only three stars . it is a guesthouse in the north part of town . would you like me to book you here ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos no , but i do need the address , postcode , and phone number . eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos sure , the hamilton lodge is located at 156 chesterton road , cb41da . you can call at 01223365664. is there anything else i can help with ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos tr8792 is the latest departing train on friday . it departs at 9:50 and arrives in ely at 10:07. do you want to depart earlier ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O N/A
+bos i did n't need a train . i have everything i needed now . thank you for your help . eos O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos no problem . enjoy your stay in cambridge ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to dine . the restaurant should serve mediterranean food and should be in the south eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O N/A
+bos i 'm afraid there are n't any . would you like to try another area or cuisine ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos what restaurants are cheap ? eos O O O O B-Restaurant-Inform+Price O N/A
+bos nandos is cheap in that area . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O N/A
+bos how about one that serves portuguese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos nandos serves portuguese food in the south area . would you like a reservation ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes , please . 3 people at 12:15 on friday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was unsuccessful . is there another day or time slot you would be interested in ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos how about for 11:15 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos yes , that did the trick ! your reference number is otn7hhgy and they 'll hold the table for 15 minutes . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that is all i need , thank you . eos O O O O O O O O O O general-thank
+bos you 're very welcome . good day . eos O O O O O O O O O general-welcome,general-bye
+bos are there any portuguese restaurants in cambridge ? eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos yes there is a portuguese restaurant in cambridge with two different locations , would you like the addresses ? eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Choice O O O O O O O N/A
+bos if one of them has a moderate price range please give me that address . if not tell me about turkish restaurants instead . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i have two turkish restuarants , both in the centre and both expensive . may i recommend anatolia ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O B-Restaurant-Recommend+Name O O O N/A
+bos actually i need a moderately priced restaurant . are there any fitting that description ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos i am sorry . i mistook that price range . the anatolia is in the moderate range . would that work for you ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos yes , i need a reservation for 1 people at 14:00 on monday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 96zyhln1 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks so much . that 's all for today . bye ! eos O O O O O O O O O O O O O general-bye
+bos you are more than welcome ! eos O O O O O O O general-welcome,general-bye
+bos another driver bumped into my car . he says its no big deal and wants to drive off , but i 'm not so sure . can you help ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what was the location of the accident ? i can send the police . eos O O O O O O O O O O O O O O O general-reqmore
+bos i can contact the police myself . what 's the address including postcode , and also phone number for the police ? eos O O O O O O O O O O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr,Police-Request+Phone
+bos contact the parkside police station at parkside , cambridge , postcode cb11jg . phone number is 01223358966. eos O O O O O O O O O O O O O O O O O O N/A
+bos okay . thanks very much for your help . eos O O O O O O O O O O general-thank
+bos you are most welcome ! eos O O O O O O general-bye
+bos i need a taxi today arriving at 21:00. eos O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i need a little more information . where are you leaving from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos oh i 'm sorry - i need to be picked up at the whipple museum of the history of science . eos O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos what is your destination ? eos O O O O O O Taxi-Request+Dest
+bos i want to go to restaurant two two . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos and do you want to be picked up from whipple museum at 2100 or get to restaurant two two at 2100 ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to arrive at restaurant two two by 21:00 please . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos great i have you booked in a grey lexus and the contact number is 07398176919. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A
+bos great thanks ! that 's all i need . eos O O O O O O O O O O general-thank
+bos glad i could help . let us know if there 's ever anything else we can help you with . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a the parkside police station . eos O O O O O O O O O O O Police-Inform
+bos the telephone number for the parkside police is 01223358966. eos O O O O O O O O O O N/A
+bos what is the address and postcode ? eos O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the address is parkside , cambridge and the postcode is cb11jg . eos O O O O O O O O O O O O O N/A
+bos that 's all i need . thanks , good bye . eos O O O O O O O O O O O O general-bye
+bos glad i could be of service . eos O O O O O O O O general-welcome
+bos i need the phone number and location of the nearest red lobster in the downtown cambridge area . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos i 'm sorry , could you please repeat your request ? there seems to be an error . eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i need a taxi , from darrys cookhouse and wine shop and go to restaurant two two and leave at 9 00 eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A
+bos your booking is complete . the car type is a yellow tesla and the contact number is 07556741489. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A
+bos thank you for your quick response . eos O O O O O O O O general-thank
+bos you are very welcome please let us know if we may help with anything else . eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that should be it . i really appreciate your help ! eos O O O O O O O O O O O O O O N/A
+bos you 're welcome ! have a great time . eos O O O O O O O O O O general-welcome,general-bye
+bos i have been involved in a car accident dispute and i do not know where to go from here eos O O O O O O O O O O O O O O O O O O O O N/A
+bos contact the parkside , cambridge police station at 01223358966. eos O O O O O O O O O O N/A
+bos thank you very much i will call them now . eos O O O O O O O O O O O general-thank
+bos ok , do you require any further assistance ? eos O O O O O O O O O O general-reqmore
+bos can i get the address as well ? eos O O O O O O O O O Police-Request+Addr
+bos the address to the police is parkside , cambridge . eos O O O O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos before i let you go , are there any other questions that i can assist with today ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that was all . thank you eos O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-greet
+bos i am looking for a place to stay . the hotel should be in the north and should have a star of 4 eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Stars N/A
+bos i am sorry , but we do not have any hotels like that in that area . eos O O O O O O O O O O B-Hotel-NoOffer+Type O O O O O O O N/A
+bos do you have any guesthouses like that ? eos O O O O O B-Hotel-Inform+Type O O O N/A
+bos yes , i have two . would you prefer a pricerange of cheap or moderate ? eos O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos i am not picky , really . eos O O O O O O O O N/A
+bos i 'd recommend rosa 's bed and breakfast . want me to book it for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yes , we are arriving on monday . five of us for 5days , please . eos O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O O N/A
+bos booking was successful . reference number is : a51b0mgu . enjoy your stay ! eos O O O O O O O O B-Booking-Book+Ref O O O O O O N/A
+bos thanks for your help ! bye ! eos O O O O O O O O general-bye
+bos my pleasure . thank you for contacting towninfo centre . goodbye . eos O O O O O O O O O O O O O general-bye
+bos can i please have a cheap restaurant in the west ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos la margherita is an italian restaurant . it is located at 15 magdalene street city centre . phone number is 01223 315232. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos thank you very much . bye . eos O O O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'm interested in rooms for the night where you can get free wifi . eos O O O O O O O O O O O O O O O O N/A
+bos there are 32 hotels or guesthouses with free wifi . what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos i 'm looking for something in a moderate price range , but it must have at least a 4 star rating . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos what part of town are you interested in ? east , north or south ? eos O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Request+Area
+bos i do n't have a preference for the area . eos O O O O O O O O O O O N/A
+bos how about a and b guest house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos that will be nice . get me the reference numbers eos O O O O O O O O O O O Hotel-Request+Ref
+bos when would you like to book this for ? eos O O O O O O O O O O Booking-Request+Day
+bos please book for sunday for 3 nights and 6 people . eos O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A
+bos sorry , the hotel ca n't accommodate you for that time frame ? want to try a different date ? eos O O O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day I-Booking-NoBook+Day O O O O O O O O O O Booking-Request+Day
+bos no , i need it for those days . can you try different hotel ? eos O O O O O O O O O O O O O O O O Hotel-Inform
+bos i can try for the acorn guest house , if you 'd like . they 're on chesterton road . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O N/A
+bos sounds good . can you try and book that one please . eos O O O O O O O O O O O O O N/A
+bos sorry , the acorn guest house is not able to accomodate you either . i checked with the other moderately priced 4 star lodgings with free wifi , and none have those dates available . will any other stay work for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O B-Booking-NoBook+Stay I-Booking-NoBook+Stay O O O O O O O O O O O O O Hotel-Inform+Internet,Booking-Request+Stay
+bos can we try for just 2 nights then ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i 've booked that for you . the reference number is 3cry3ddp . may i help with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos nope , that 's all i need thank you ! eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant . the restaurant should be in the south and should be in the cheap price range eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A
+bos how about nandos , i 've heard great things ! eos O O O B-Restaurant-Inform+Name O O O O O O O N/A
+bos is that restaurant in the south ? i '' d like to book for 4 people at 1330 on saturday please eos O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O N/A
+bos nandos is indeed in the south . the booking is successful with the reference number pcffz610 . do you need more help ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos i 'm trying to find an expensive restaurant in the centre of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos okay , there are a lots of options . what type of food would you like to eat ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos belgian food please eos O B-Restaurant-Inform+Food O O N/A
+bos i do n't have any restaurants that meet that criteria . is there another type of food or area you would be interested in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos ok , how about chinese food then ? eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos how about tang chinese ? they are an expensive chinese restaurant at napier street city centre . would you like me to make a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no , i do n't need a reservation . just the phone number and post code please . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos their phone number is 01223357187. and port code is cb11hr eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post N/A
+bos great ! thanks so much . eos O O O O O O O general-thank
+bos you are quite welcome . is there anything further i can assist you with ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no that is all . thanks eos O O O O O O O general-thank
+bos you 're welcome . enjoy your meal . thank you for contacting the centre . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos hi , i need help finding addenbrookes hospital . can you give me some information please ? eos O O O O O O O O O O O O O O O O O O Hospital-Inform
+bos of course , the address is hills rd , cambridge postcode cb20qq eos O O O O O O O O O O O O O N/A
+bos what is the phone number ? eos O O O O O O O Hospital-Request+Phone
+bos their main phone number is 01223245151. if you need a direct phone number for a specific department i can provide that for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all i need . thanks . eos O O O O O O O O O O O general-thank
+bos you 're welcome . goodbye . eos O O O O O O O general-bye
+bos i 'm looking for a guesthouse to stay at . can you help me with that ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos sure what area do you have in mind ? eos O O O O O O O O O O Hotel-Request+Area
+bos i 'd like it to be in the east . a guesthouse would be great with a 4 star . also , i do n't care about internet . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos we have 6 different guesthouse that fit your current criteria . do you prefer a specific price range ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Request+Price
+bos price range does n't matter , can you find one with free wifi ? eos O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i have six 4 star guesthouses with free wifi in the east area of town . do you have a price range ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos nope . any of them will be fine . i 'll just need to know the address , price range , and postcode , please ? eos O B-Hotel-Inform+People I-Hotel-Inform+People O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr
+bos the a and b guesthouse meets your criteria and is located at 124 tenison lane , postcode cb12dp . the price range is moderate . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Price O O N/A
+bos thanks . i 'm also looking for a train to stevenage for tuesday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos will you be departing from cambridge ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving from cambridge . eos O O O O O O O O N/A
+bos what time of day would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should leave at 10:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr6009 will fit our needs . would you like for me to book this train ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please . i need tickets for 7 people . eos O O O O O O O O B-Train-Inform+People O O O N/A
+bos i 've book 7 tickets on train tr6009 departing cambridge at 13:21. your total fare is 89.6 gbp , payable at the station . your reference number is 2scuvbst . eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos great , thank you very much ! eos O O O O O O O O general-thank
+bos is there anything else i can help with ? eos O O O O O O O O O O general-reqmore
+bos no that 's it . thanks for everything ! bye ! eos O O O O O O O O O O O O general-bye
+bos your very welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i need places to go in town eos O O O O O O O O N/A
+bos what did you have in mind ? eos O O O O O O O O Attraction-Request+Type
+bos do you happen to have any entertainment places in the centre of town to visit ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos we have museums , colleges , and interesting architecture , as well as many other choices in the center of town . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O N/A
+bos any type will do , as long as its in the centre . can you recommend something ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos ballare , a beautiful new nightclub just opened up in the center . entrance is just 5 pounds , would you like more information on ballare ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , can i have their address with postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the postal code is cb23na and the address is heidelberg gardens , lion yard . can i assist you further ? eos O O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore
+bos yes , can i please have car type and contact number ? eos O O O O O O O O O O O O O Taxi-Request+Car
+bos it seems like you are asking for a taxi . where are you departing from and where is your destination , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos yes , sorry for the confusion . i want a taxi to pick me up at the hotel at 05:00 and my destination is ballare . please give me car type and contact number eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest O O O O O O O O O O O Taxi-Request+Car
+bos sorry , you 'll need to be more clear on your departure site please . is there a specific hotel you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Hotel-Request+Name
+bos something in the same neighborhood , and that has wifi and parking . eos O O O O O O O O O O O O O O N/A
+bos i have 4 locations in the centre of town with free parking and wifi . would you like to book one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i am looking for a guesthouse if there is one ? eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos alexander bed and breakfast meets your requirements . can i book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos yes on friday . i need a taxi too . eos O O O O O O O O O O O Taxi-Inform
+bos will that be to or from the club and what time ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i want to leave the hotel by 05:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos your all set a blue bmw will be picking you up at 5 the contact number is 07398420565 , is there anything else today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos thanks so much you have been a great help to me . eos O O O O O O O O O O O O O general-thank
+bos you are welcome have a great stay . eos O O O O O O O O O general-welcome,general-bye
+bos i want to go eat so please find me a restaurant in the south . money is no object so something expensive please eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O N/A
+bos sure , i found chinese , italian , indian and mexican restaurants . what sounds good ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select
+bos any of those sound good what do you recommend ? i just need the address and type of food they serve . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr
+bos i 'd recommend the good luck chinese takeaway . they serve chinese cuisine at 82 cherry hinton road cherry hinton . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos also need a hotel in the same area and same price range . eos O O O O O O O O O O O O O O N/A
+bos okay , i have one match . it 's the lensfield hotel and it is 3 stars . would you like me to make a reservation for you ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? eos O O O O O O O N/A
+bos it certainly does . shall i book it for for you , then ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no , i just need the address , thank you . eos O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 53-57 lensfield road . do you need anything else ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore
+bos nothing else . thank you for researching the restaurant and hotel . goodbye . eos O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos welcome again it has been a pleasure to serve you eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a guesthouse to stay at that provides free wifi , can you help me find one ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos i have several with available booking . may i have an area and a price range that you are interested in ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i am not sure yet but i would like it to have 3 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i 'd recommend the bridge guest house . it is located in the south area . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A
+bos that would be great . can i can the postcode that it is in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb28rj . can i help you with anything else ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore
+bos yes , i 'd like to know about some places to go in town . are there any college i could visit ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos christ 's college is available if that works for you ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O N/A
+bos sure , can i get the area it is in and the address please eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos it 's in the centre and the address is saint andrew 's street . eos O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos thank you ! goodbye ! eos O O O O O O general-bye
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-bye
+bos hello ! are there any colleges to visit in town ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are 18. in what area would you like it to be in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area
+bos i do n't care what area . i do need the postcode , entrance fee and area when you find one . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee
+bos christ 's college in the centre of town has a free entrance fee and the postcode is cb23bu . what else can i help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos im also looking for a cheap hotel with free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos that leaves us with about 10 options . do you have a preferred area or price range ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos as i said before , i 'd like something cheap . centre area is preferred . eos O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Attraction-Request+Area
+bos there is alexander bed and breakfast , 56 saint barnabas road . inexpensive . does that sound good ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O N/A
+bos sure , can you give me their phone number ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos sure , their phone number is 01223525725. eos O O O O O O B-Hotel-Inform+Phone O N/A
+bos thank you for your help . that is all . eos O O O O O O O O O O O general-thank
+bos great ! enjoy your stay in cambridge and give us a call if you need anything else . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a chinese restaurant . it should be in the expensive price range , please . eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos there are expensive chinese restaurants in every part of town , do you have a preference of area ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes in the south . eos O O O O B-Restaurant-Inform+Area O N/A
+bos ok , there are two . i recommend the peking restaurant . would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos yes please , could you book a table for 5 at 19:30 on sunday . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . reference number is : wo2z8qs7 . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i believe that 's all i need for today . thanks . take care . bye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos ok , before i let you go , i just want to make sure that you do not need info on a place to stay , train or attraction ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos hello ! i 'm planning a trip to cambridge and am interested in hearing about places to stay . eos O O O O O O O O O O O O O O O O O O O O general-greet
+bos do you have a preferred price range or area of town ? this will help me find just what you are looking for . eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos oh for sure . uh let 's try something with 2 stars and moderately priced . eos O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O N/A
+bos i 'm sorry . we do n't anything available in that area for that price range . is there another area you would like to try ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos let 's try any 2 star hotel , then . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos there are two , shall i try booking one ? eos O O O B-Hotel-Inform+Choice O O O O O O O Booking-Inform
+bos yes , please for 1 night . eos O O O O O B-Hotel-Inform+Stay O O N/A
+bos i would be happy to assist you with booking , first i will need to know what day you will be arriving and for how many people ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i would like accommodations for 6 people for 3 nights starting tuesday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i tried to book the ashley hotel , but it was unsuccessful . would you like to try another day or a shorter stay ? eos O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos try a 1 night stay , instead . eos O O O O B-Hotel-Inform+Stay O O O O N/A
+bos ashley hotel was available for tuesday night and i have made your reservation . your reference number is fp60b1f2 . is there anything else i can help you with ? eos O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Day O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos i need a sports attraction in the centre , can you give me more info ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos unfortunately , i do n't have any sports complexes in the centre . i could try another area , or another attraction . eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O N/A
+bos are there any theatres in the area then ? eos O O O O B-Attraction-Inform+Type O O O O O N/A
+bos yes , several . the adc theatre , the cambridge arts theatre , mumford theatre , and the cambridge corn exchange . would you like to hear more about any of those ? eos O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O general-reqmore
+bos yes , can i have the post code and entrance fee for the adc ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos postal is cb58as , i do not have inform on the entrance fee , you may need to call them at 01223300085 eos O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O B-Attraction-Inform+Phone O O N/A
+bos ok perfect , that is all that i needed . thank you for your help ! goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're very welcome ! i hope that you enjoy your stay . goodbye ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a 4 star place to stay in the north . eos O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O N/A
+bos i found 5 guesthouses in the north . the acorn guest house has free internet and parking . can i book this guesthouse ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos not at this time . let me think about it . thanks ! eos O O O O O O O O O O O O O O general-thank
+bos okay . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O general-greet,general-reqmore
+bos actually , i would like to book the acorn guest house for wednesday . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos certainly ! how many people are staying and how many nights will you require ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People,general-greet
+bos it will be 3 nights for 8 people . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A
+bos unfortunately , they were not available for that stay . would you like to try a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos can we please try for 2 nights ? eos O O O O O O O B-Hotel-Inform+Stay O N/A
+bos the booking has been completed . your reference number is : 01p47pj5 . is there anything else i could do for you ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos what museums do you have in the centre ? eos O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A
+bos the castle galleries are in the centre . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O N/A
+bos that sounds good . can you tell me what the entrance fee is ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos the entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A
+bos thanks . can i also have the address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos certainly . the address is unit su43 , grande arcade , saint andrews street and the postcode is cb23bj . is there anything else i can help you with ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-greet,general-reqmore
+bos no , you 've been a great help . thank you for your time . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos great ! have a wonderful day ! eos O O O O O O O O general-welcome,general-bye
+bos hello , i need to find a cheap hotel that has free parking in cambridge eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos we have a ton of those ! are you interested in a particular area of town ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't care about a particular area , but i would like a guesthouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos there are 9 different guesthouses that fit that criteria . what area of the city would you like to stay in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos can you pick one you know is a good place to stay and book it for 7 people staying 4 nights starting monday ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos you 're all set at the alexander bed and breakfast . your reference number is 5x64uyin . anything else i can do for you ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos is there any good attractions in the south , you 'd recommend ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are 8 choices , any preference for type ? eos O O O O B-Attraction-Inform+Choice O O O O O O Attraction-Request+Type
+bos do you happen to have any colleges to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos not in the south , i 'm afraid . would you like a different type of attraction ? eos O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O Attraction-Request+Type
+bos yes , i would . perhaps a theatre or cinema ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos yes , i have found cineworld cinema that is in the south area . their address is cambridge leisure park , clifton way . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos can i get their entrance fee , as well ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos we do n't have that information available . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos hello , i am looking for information . can you help me with a train ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos sure . can i get some more information ? where were you wanting to go to ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos i would be leaving cambridge and heading to peterborough on tuesday . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos is there a specific time you would like to depart or arrive by ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i need to arrive in peterborough by 13:45. how long is the train ride ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O N/A
+bos the train ride is 50 minutes long . tr6310 leaves at 12:34 and arrives at 13:24. would you like me to book you a ticket ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos no thanks . no need to book at this time . can you tell me about a hotel called the avalon ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O O N/A
+bos it is a moderately priced hotel on the north . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A
+bos sounds great . how many stars it that ? and can i have the phone number ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone
+bos the avalon is a 4 star guest house . the phone number is 01223353071. would you like me to make a reservation for you today ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O Booking-Inform
+bos yes please make the reservation . eos O O O O O O O N/A
+bos you need to tell me how many people are staying at what days . eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos i 'm actually going to call the hotel before i make the reservation . i think you for your time . have a nice day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , thank you . i 'm all set . goodbye . eos O O O O O O O O O O O O O general-bye
+bos welcome and good day eos O O O O O general-welcome,general-bye
+bos hey . i 'm looking for a train from stansted airport . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i plan to go on tuesday . eos O O O O O O B-Train-Inform+Day O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos my destination is cambridge . eos O O O O B-Train-Inform+Dest O N/A
+bos there are several . do you have a time you need to travel specifically ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos the train should arrive by 10:00 if at all possible . eos O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos there are trains departing every hour . tr5077 would get in in at 8:52 , does that work for you ? eos O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-Select
+bos that sounds perfect . can i get the reference number from the booking ? eos O O O O O O O O O O O O O O O N/A
+bos how many tickets would you like ? eos O O O O O O O O Train-Request+People
+bos i would like 4 tickets . eos O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 40.4 gbp payable at the station . reference number is : www231no . is there anything else you need ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O general-reqmore
+bos i also need you to book rosa 's bed and breakfast for 4 people , two nights , starting on tuesday . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O N/A
+bos ok done . booking was successful . your reference number is : 470bksjv . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all , thanks a lot eos O O O O O O O O general-thank
+bos i am glad to help enjoy your time ! eos O O O O O O O O O O general-bye
+bos can you please find me a train that leaves to bishops shortford ? can it also arrive before 10:45 too ? thankyou for your time . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos i have the tr2061 that arrives at 06:07. will that work ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O N/A
+bos does it leave on sunday ? eos O O O O O B-Train-Inform+Day O N/A
+bos no , that one leaves on friday . tr9219 leaves sunday at 5:29 and arrives in cambridge by 6:07. would you like to book a seat ? eos O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O O O O N/A
+bos yes please book a seat and send me a reference number . eos O O O O O O O O O O O O O N/A
+bos i have booked you a seat and the reference number is : 6ij7w2bn . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks so much . can you also find me a place to stay ? eos O O O O O O O O O O O O O O O general-thank
+bos definitely - we have 33 great places to stay in town . if you can give me some specific requirements , i can narrow it down to the perfect place for you . eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i would like a 4 star moderately priced guesthouse in the north . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O Train-Request+Price
+bos i 'd recommend the acorn guest house . it has free wifi and parking . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos no that 's ok. can i just get the phone number and postcode ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos 01223353888 is the number , the post code is cb41da . can i help with anything else today ? eos O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos that will be all for today thanks ! eos O O O O O O O O O general-thank
+bos awesome . thank you for using the cambridge towninfo centre . have a great day eos O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking to get on a train on saturday . eos O O O O O O O O O B-Train-Inform+Day O O N/A
+bos from where to where ? eos O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm leaving from london liverpool street and i need to arrive in cambridge by 09:30. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos the tr2503 will get you to your destination at 9:07. eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Arrive N/A
+bos perfect . can you book that for me for 3 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 39.83 gbp payable at the station . your reference number is ysvsly1l . is there anything else you need today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i also need a hotel in the east . eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos do you need parking at the hotel ? eos O O O O O O O O O Hotel-Request+Parking
+bos it does n't matter , but i do need free wifi and the hotel should have a star of 4. eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos we have some moderately priced guesthouses and some cheap ones . there are no hotels . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Select
+bos guesthouse type is fine . eos O B-Hotel-Inform+Type O O O O N/A
+bos which price range would you like ? eos O O O O O O O O Hotel-Request+Price
+bos i 'm open to different price ranges . what is available ? eos O O O O O O O O O O O O O Hotel-Request+Price
+bos a and b guest house would be my suggestion ? would you like me to make a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos no , how much does it cost , and i need the address & postcode too please eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos their postcode is cb12dp and their address is 124 tenison road . the hotel is moderately priced eos O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A
+bos that sounds great thank you for your help . eos O O O O O O O O O O general-thank
+bos you are most welcome . good day . eos O O O O O O O O O general-welcome,general-bye
+bos i would like to find a train leaving cambridge after 6:30 pm . can you help me ? eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos i would be happy to help you today . what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest,general-greet
+bos the destination is stansted airport , and i would like to leave on sunday . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O N/A
+bos i have a 06:40 that arrives stansted at 17:08. would you like me to book that for you . eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos i apologize . i may have confused you a bit . i would like to leave after 18:30. eos O O O O O O O O O O O O O O O O O O O N/A
+bos there is no train leaving at the time you require , unless you try a different day , would you like to try a different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am looking for a particular attraction . eos O O O O O O O O O Attraction-Inform
+bos do you know the name of the attraction and what area of the city it is in ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Name,Attraction-Request+Area
+bos yeah , it 's called saint catharine 's college i believe . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A
+bos ah yes , that college is in the center of town , on king 's parade . would you like more information ? eos O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O N/A
+bos can i get the phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos absolutely ! that number is 01223338300. anything else for you ? eos O O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos what type of attraction is that college ? eos O O O O O O O O O Attraction-Request+Type
+bos it 's a college attraction . eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A
+bos okay , thank you . is there somewhere near there to stay in the moderate price rage , with 4 stars ? eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stay O O O O N/A
+bos unfortunately , i do not have any guesthouses or hotels that fit your criteria . is there a different price range , area , etc . i can check for you ? eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos have you checked in the north ? eos O O O O O O B-Hotel-Inform+Area O N/A
+bos my apologies . there are several 4-star hotels at a moderate range . there are 7 in the north . will you be needing free parking ? eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Parking,general-greet
+bos i require free wifi . eos O O O O O O N/A
+bos there is wifi available at the hotel . eos O O O O O O O O O Hotel-Inform+Internet
+bos alright , book me one for a four night stay starting on saturday . eos O O O O O O O O O O O O O O O N/A
+bos how many people are in your group ? eos O O O O O O O O O Booking-Request+People
+bos just for 1 person , thanks . eos O O O O B-Hotel-Inform+People O O O N/A
+bos i was able to book you a room at the acorn guest house . booking was successful . reference number is : fbgl114y . is there anything else i can help with ? eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you very much . eos O O O O O O general-thank
+bos you 're welcome . enjoy ! eos O O O O O O O general-welcome,general-bye
+bos there are n't any polish restaurants in the centre , are there ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos sorry there is not . how about another choice of food ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about chinese ? eos O O O B-Restaurant-Inform+Food O N/A
+bos we have many chinese restaurants ! what 's your price range ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price
+bos i 'm not fussy about price , pick one for me and give me the address please , i 'm starving ! eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos rice house is located at 88 mill road city centre . would you like for me to book a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos just the address is all i needed for now . but could you also help me find a train ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos definitely ! can you give me some more specifics so i can help ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i am going to london kings cross . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos and what is your arrival destination and time of travel ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave
+bos leaving cambridge to london kings cross and arrive by 19:45. eos O O B-Train-Inform+Depart O O O O O O O O N/A
+bos ok , on what day will that be ? eos O O O O O O O O O O Train-Request+Day
+bos i need to leave on tuesday . eos O O O O O O B-Train-Inform+Day O N/A
+bos tr0315 arrives at 13:51. is that fine with you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos what is its departure time ? eos O O O O O O O Train-Request+Leave
+bos it leaves cambridge at 13:00. eos O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos time i leave does not matter i just need it to arrive by 19:45. eos O O O O O O O O O O O O O O O N/A
+bos i have a train departing cambridge at 17:00 and arriving at london kings cross at 17:51. i do n't have a later arrival time on tuesday , unfortunately . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos alright . could you please provide me with the train id and the travel time ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos that is tr0945 . the train departs cambridge at 17:00 and arrives in london kings cross at 17:51. the travel time is 51 minutes . can i book it for you ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos no . thanks . i do n't need to book it right now . eos O O O O O O O O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , thank you . i have everything i need . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos great ! thank you for calling and have a great trip ! goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i got injured and need directions for the clinical decisions unit department eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos oh dear , i 'm sorry to hear that ! the clinical decisions department only lists their phone number with us , it 's 01223596203. however , we can book an appointment for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need the post code . eos O O O O O O O Hospital-Request+Post
+bos the hospital postcode is cb20qq . would you like us to go ahead and book an appointment ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all i need . eos O O O O O O O O O N/A
+bos ok. hope all goes well for you . bye . eos O O O O O O O O O O O general-bye
+bos hi , i am looking for a cheap italian restaurant please . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos i have some in the north , center and west side . do you have a preference in area ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Area
+bos no , no preference . please just find me one that has a table available for 4 people at 17:45 on monday . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i 'm sorry but none of the italian restaurants have reservations available at that time . do you want me to check for a different time ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes , i 'll try for a little earlier , how about 16:45 ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booked at la margherita ! your reference number is ng7au0y2 . your table will be held for 15 minutes . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos thank you very much for your help ! eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-bye
+bos i need a place to stay , some hotel with 4 star rating and free parking . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos great , i have 19 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos i would like for it to be in the cheap price range and also offer free wifi . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos okay , i recommend autumn house which is located in the east . would you like a reservation ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform
+bos yes , i would like to book that for 5 people , we want to stay 3 nights starting thursday eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos the room is booked for you ! your reference number is : jzxs562j is there anything else i can assist you with today ? eos O O O O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for a cheap indian place to eat . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are 4 options . would you prefer to eat in the centre or in the north ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos i 'd prefer the centre , please . eos O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how does mahal of cambridge sound ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos do you have the phone number ? eos O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223360409. eos O O O O O B-Restaurant-Inform+Phone N/A
+bos what is wrong with me , i also need the address and postal code , i dont know why i did n't just ask all of that at once . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos not a problem at all ! the address is 3 - 5 millers yard mill lane , and the postcode is cb21rq . anything else for you ? eos O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O O general-welcome,general-reqmore
+bos yes , i need a taxi please to commute between the two . eos O O O O O O O O O O O O O O Taxi-Inform
+bos where would you be getting picked up ? eos O O O O O O O O O Taxi-Request+Depart
+bos that hotel we discussed earlier . eos O O O O O O O N/A
+bos may i have a leave time ? eos O O O O O O O O Taxi-Request+Leave
+bos i would like to leave by 11:15 please . eos O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos a white ford will pick you up at 11:15. the contact number is 07196946340. is there anything else i can help you with today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that 's it for me . thanks ! bye eos O O O O O O O O O O general-bye
+bos your welcome ! good bye . eos O O O O O O O general-welcome,general-bye
+bos i want a place to stay in cambridge the is moderate price no wifi eos O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos sure . would you like a particular area of town ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos an inexpensive area with free parking if possible . eos O O O O O O O O O O N/A
+bos okay , i recommend the acorn guest house . it 's located in the north . would you like me to book a reservation for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O Booking-Inform
+bos sure ! i would like that ! eos O O O O O O O O N/A
+bos i just need to know for what day , how many nights and how many guests for the reservation . eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i need a reservation for 5 people and 5 nights starting wednesday . thanks ! eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos done ! your reference number is pmwgus04 . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no thanks , that 's all i needed . i appreciate your help ! eos O O O O O O O O O O O O O O O general-thank
+bos i 'm happy we could be of service . enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos what would you like to know ? eos O O O O O O O O general-reqmore
+bos i am looking for an attraction called camboats , can you get me the address and postcode ? eos O O O O O O O O B-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos yes , of course . the address of camboats is the plough , green end , fen ditton , and the postcode is cb58sx . eos O O O O O O O B-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O N/A
+bos thank you . i would also like some help finding a train . eos O O O O O O O O O O O O O O Train-Inform
+bos sure i can help with that . where are you departing from and going to . what time would you like to depart and on what day would you like the train ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+Day
+bos can you help me find a train leaving thursday departing from london liverpool street ? eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have 10 trains leaving at this day and time with cambridge as the destination . what will your approximate departure time be ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Leave
+bos i do n't have a preference but i do need to be in cambridge by 15:00. eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos the tr1268 will get you there by 13:07 , how many tickets ? eos O O B-Train-Inform+Id O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos what is the price of the ticket and departure time ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos the departure time is 11:39 and the cost will be 16.60 pounds . eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thanks . i also need to find a guesthouse with free wifi . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i can also assist you with finding a guest house . does the train fit your needs and would you like to book tickets for that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no tickets for the train . i would like a guesthouse in the east that is expensive , please . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O N/A
+bos i do not have any expensive guesthouses in the east offering free wifi . eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O Hotel-NoOffer+Internet
+bos how about in the cheap price range instead ? eos O O O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos i have the allenbell located at 517a coldham lane . would you like reservations ? eos O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Booking-Inform
+bos yes , could you book it for 5 people for 3 nights starting thursday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful.reference number is : q10ryghf . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks ! have a wonderful evening . goodbye . eos O O O O O O O O O O general-bye
+bos thank you for using our service today . glad i was able to help have a good day . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for places to go in town . the attraction should be in the type of college and should be in the centre . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A
+bos how about christ 's college ? it has free admission . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O N/A
+bos where are they located ? eos O O O O O O N/A
+bos it 's located on saint andrew 's street , in postcode cb23bu . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O N/A
+bos would you happen to have the phone number ? eos O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223334900. can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos i am also looking for a place to stay . the hotel should be in the south and should be in the type of guesthouse . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are three guesthouses to choose from in the south . do you have a preference about price range or star rating ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos how about a moderate price range and a star rating of three ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos the bridge guesthouse meets that criteria , would you like me to book you or just give you some info ? eos O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes please . can i get that for 2 nights for 6 people starting on friday ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A
+bos sure ! booking was successful.reference number is : it4wka6j . is there anything else you need ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need a taxi to commute . i need to leave the hotel by 15:30. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos booking completed ! booked car type : blue bmwcontact number :07261500533 what else can i do for you today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you , that will be all . eos O O O O O O O O O general-thank
+bos i hope everything works out well . eos O O O O O O O O general-bye
+bos thank you goodbye eos O O O O general-bye
+bos you 're welcome . have a wonderful day ! eos O O O O O O O O O O general-bye
+bos hi , i 'm looking for a hotel by the name of acorn guest house . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos sure , what would you like to know about it ? eos O O O O O O O O O O O O general-reqmore
+bos i would like to know if it is available for 8 people for 4 nights starting saturday eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A
+bos booking was successful . reference number is : zzpp7k9d . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you . i now need help with a train from cambridge to birmingham new street , please . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A
+bos absolutely . what day would you like , and when would you like to depart ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos the train should leave after 12:30 and should leave on friday . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O N/A
+bos there are 11 entries here . shall i book one of these trains ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-OfferBook
+bos yes please , any of them will do . i just need the booking for 8 people . eos O O O O O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos i booked you on train tr2716 and your reference number is fnnvmu8z . eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O N/A
+bos ok great , thanks for your help . eos O O O O O O O O O general-thank
+bos may i help with anything else ? eos O O O O O O O O general-reqmore
+bos no , i think that 's all for now . thanks so much ! eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome , have a great day eos O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm looking for a train to cambridge on friday please . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A
+bos i 'd be happy to help . where are you departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from stansted airport going to cambridge on friday and it needs to arrive by 16:00 eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos train tr2958 arrives in cambridge at 15:52 , does that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos yes , that would be fine . what 's the price and departure time ? eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos it will cost 10.10 pounds per ticket and leaves at 15:24. eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Leave N/A
+bos thanks ! can you also tell me about colleges in the east ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos there are n't any colleges in the east . can i give you information about colleges in another area ? eos O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O general-reqmore,Attraction-Request+Area
+bos how about one that is in the type of museum ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos sure ! i recommend cambridge artworks . would you like their information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos postcode and entrance fee only thanks ! eos O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos okay , sure . great news , the entrance fee is free and the postal code is cb13ef . anything else i can help you with today ? eos O O O O O O O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i do n't think so . i am off to work but thanks so much for your help . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thanks for stopping by ! eos O O O O O O general-bye
+bos can you help me find an expensive restaurant in the west ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos we have nine of them that fall in the price range , do you have any more specific preferences ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i was hoping for indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 5 places that match your wants . would you like to try the india house ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos sure . do they have table for 1 on sunday at 15:45 ? eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos confirmed table for 1 for 15 minutes on the said date . do you need me to keep the reservation and is there any other thing i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'd like to have the reference number please eos O O O O O O O O O O Restaurant-Request+Ref
+bos yes of course . it is chbhzpdm . eos O O O O O O B-Booking-Book+Ref O O N/A
+bos yes i am seeking information on a particular hotel , hobson 's house . eos O O O O O O O O O O O O O O O Hotel-Inform
+bos its a guesthouse located in the west and has free internet and parking , would you like a room ? eos O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i 'm not sure . what is the price range ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos it 's in the moderate price range . eos O O O O B-Hotel-Inform+Price O O O O N/A
+bos can i get a taxi that would take me from hobson 's house to the restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i 'd love to help . when would you like to arrive by ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos i would like to arrive by 15:45. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i was able to book a black bmw phone number is 07591473862 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos great ! thank you for your help . eos O O O O O O O O O general-thank
+bos you 're welcome ! can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you . that 's all that i needed . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos hello ! can you please give me information about dojo noodle bar ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos dojo noodle bar is a asian oriental restaurant located in the centre of town at 40210 millers yard city centre . the phone number is 01223363471. anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O O general-reqmore
+bos can you tell me what the price range is for this restaurant ? i will also need a table for 2 at 15:15 on saturday . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos yes sure it is in the cheap price range and the booking number is 9ggr7aj5 . eos O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for assisting . eos O O O O O O general-thank
+bos you 're welcome ! can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , i 'm also looking for a recommendation on hotels in the north that have free parking . eos O B-Hotel-Inform+Parking O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are two hotels in the north that meet your needs , both in the moderate price range . lovell lodge has gorgeous grounds this time of year . would you like a reservation ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos lovell lodge sounds good . i do n't need a reservation . eos O O O O O O O O O O O O O N/A
+bos no worries , can i provide any other information on help with anything else ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos just a reference number eos O O O O O N/A
+bos there wo n't be a reference number unless we book the hotel . would you like me to book it ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-greet
+bos yes i would . for 2 nights , same group of people and same day . eos O O O O O O B-Hotel-Inform+People O O O O O O O O O O N/A
+bos unfortunately i am unable to book that right now . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos can you try it for 1 night instead and see if that works ? and then give reference number eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O N/A
+bos it appears that our booking system is down . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos could you check your system again ? i really need a hotel . eos O O O O O O O O O O O O O O Hotel-Inform
+bos it was successful this time ! here is your reference number , 8ds9pg53 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O general-greet
+bos thats all i need for now . thanks ! eos O O O O O O O O O O general-thank
+bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i need information on a train to cambridge . i prefer to get there by 16:30 eos O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A
+bos is there a day of the week you want to travel ? eos O O O O O O O O O O O O O Train-Request+Day
+bos saturday is nice eos O B-Train-Inform+Day O O N/A
+bos what about tr5729 ? it leaves at 13:17 on saturday eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos do n't you need to know where i am leaving from ? does that train leave from ely ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos i 'm sorry that one leaves from cambridge . tr8176 leaves from ely at 15:35 and arrives at 15:52. eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O N/A
+bos please book tr8176 for 6 people . eos O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 21.12 gbp payable at the station . reference number is : j6sicrd5 . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore
+bos thank you ! can you please tell me about a restaurant called cotto ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos i can . it 's a restaurant in the centre that serves british food . it 's moderately priced . would you like to book a table ? eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i 'd like to book a table for the same group of people at 19:45 on the same day . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos we have booked you for cotto , here is your reference number mrq610as . eos O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O N/A
+bos thanks . i am all set . eos O O O O O O O O general-thank
+bos i hope you have a good trip . eos O O O O O O O O O general-greet
+bos me too , my other line is ringing so this is a good time to end the dialouge . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos it was a pleasure assisting you . have a good night . bye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find information about a hotel called huntingdon marriott hotel ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos yes , its a four star that is a little pricey . would you like the phone number or address ? eos O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O general-reqmore
+bos yes , the area of the city and the address . eos O O O O O O O O O O O O Hotel-Request+Area
+bos huntingdon marriott hotel is in the west and the address is kingfisher way , hinchinbrook business park , huntingdon . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos thanks . i also need a train departing from cambridge on thursday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos my pleasure . what is your destination and do you have any time constraints ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive,general-greet
+bos i would like to go to stevenage and leave after 11:00. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos there is a train leaving at 11:21 would you like me to book this ? eos O O O O O O O B-Train-OfferBook+Leave O O O O O O O O N/A
+bos please do . i need 8 tickets eos O O O O O O B-Train-Inform+People O N/A
+bos i 've made those reservations and your reference number is w29zp27k . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for all of your help eos O O O O O O O O general-thank
+bos can i be of further assistance today ? eos O O O O O O O O O general-reqmore
+bos that was all that i needed today thanks eos O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos sure , what can i help you find ? eos O O O O O O O O O O general-reqmore
+bos i need a train from norwich to cambridge on friday , please . i need to get there at about 10:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr3293 will arrive by 9:35. would you like to book a seat ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos i need 3 tickets . eos O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : 4csmut8m.what else do i do for you ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos yes , i 'd like to stay at the lensfield hotel once we get to town for 4 nights . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos what day would you like to begin your stay ? and for how many guests ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos i 'd like to stay on friday , 4 nights , 3 people . i also need a reference number . eos O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O O O O N/A
+bos you are all set ! your reference number for your booking is wwhv5vsa . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all . thanks so much ! eos O O O O O O O O O general-thank
+bos your welcome if you have any query . please contact us eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a restaurant that serves irish food and is in centre of cambridge eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A
+bos unfortunately no restaurant matches that search criteria . could you like to look at other areas ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos any restaurant then i guess will have to do located in the centre that is moderately priced . are you sure their are n't ' any irish restaurants ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos there a no irish places in the centre , in that price range , nor any in town . shall i try some british food ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A
+bos yes please try british . eos O O O O O O N/A
+bos i 'm sorry . i 'm not showing any british restaurants in the centre of town , either ? would you like to try another part of town or a different type of food ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,general-greet
+bos ok , anything british will do . i need to book a table for 8 people on monday at 15:30. eos O O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos restaurant one seven is in the centre and its serves british food and it 's in the moderate price range . would you like me to book a table for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O O O Booking-Inform
+bos please . and can i have the confirmation number as well ? can you tell me if that is 3 stars ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos no , these restaurants are n't graded with stars . but i do have a reservation for you . the reference number is u3ag4vdd . can i be of further help to you today ? eos O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes . i would like a hotel in the same area as the restaurant . i 'm not driing so i do n't need free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Parking O O O O O O O O O O O N/A
+bos cityroomz hotel in the center is moderately priced . it 's located at sleeperz hotel , station road . phone number is 01223304050. shall i book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O B-Hotel-Recommend+Phone O O O O O O O O O Booking-Inform
+bos yes , please . that sounds perfect . eos O O O O O O O O O N/A
+bos ok how many people and how many nights ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos just me for one night please eos O O O O O O O N/A
+bos and will you also be checking in on monday ? eos O O O O O O O O O O O Booking-Request+Day
+bos yes and can you tell me whether they have free wifi ? eos O O O O O O O O O O O O O Hotel-Request+Internet
+bos they do . would you like me to book it ? eos O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes , may i confirm the address of this hotel please ? eos O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is sleeperz hotel , station road . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos great . that is all the information i need . i will book the room later on my own . thanks a bunch . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our system . eos O O O O O O O O general-welcome
+bos hi , i am traveling to cambridge soon . i am so excited to see some local tourist attractions . i could use some help with restaurants though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos okay i can help with that . what type of food would you like to eat and what is your price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i am looking for an expensive indian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos thanks for the information . what area should the restaurant be in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area
+bos it should be in the west . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos the india house is located on the west side and offers a wide range of fine diners . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A
+bos great . could i book a table for 6 people on sunday at 11:00 ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos you 're all set for sunday at 11:00 for six . the reference number is 111yxdk3 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Day O B-Booking-Book+Time O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also wondering if you can help me find an entertainment place in the west as well . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos there is a place called whale of a time . the phone number is 01954781018. can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos yes , i was also interested in booking a taxi . could you help me with that ? eos O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos sure , what time you would like to leave by ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos does n't matter , as long as i leave whale of a time and get to india house before my reservation at 11:00. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Arrive O O N/A
+bos i have booked you a taxi to arrive at the india house by 11:00. the car driven will be a grey volkswagen and the contact number is 07207500599. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A
+bos ok , that 's all i need , thanks . eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm looking for some information about places to stay in cambridge . i would like to know the most inexpensive price range located to the north . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are 2 guesthouses in the area i recommend worth house , would you like me to book that ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos does that have free wifi ? eos O O O O O O O N/A
+bos yes , both options have free wifi . worth house has four stars and is really quite nice . would that work for you ? eos O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Hotel-Inform+Internet
+bos that sounds like a great choice . eos O O O O O O O O N/A
+bos what day would you like to reserve ? how many days will you be staying and how many people will be staying in the reserved room ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i would like the phone number , postcode , and star of the hotel eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos worth house has a 4-star rating and their postcode is cb41da . they can be reached by phone at 01223316074. is there anything else i can help you with ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Post O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos can you give me information on the restaurant the rice boat ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos the rice boat serves indian food and is expensive in the west area . the phone number is 01223302800. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone N/A
+bos i would like to book a table for four at 11:15 on sunday . can you help me with that ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O N/A
+bos sure thing ! you have the table reserved for 15 minutes . your reference number is ogz024o7 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you ! that 's all i need . eos O O O O O O O O O O general-thank
+bos okay great . glad i could help . eos O O O O O O O O O general-welcome
+bos have a great day ! eos O O O O O O N/A
+bos it was my pleasure . have a wonderful day . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a guesthouse in the east . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A
+bos can i get a price range you are looking for ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos i need it to be cheap , and it should have free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i have three places , shall i try to book one for you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Booking-Inform
+bos yes , please . include their address . eos O O O O O O O O O Hotel-Request+Addr
+bos when and how many days would you need to be booked for ? the allenbell is located at 517a coldham lane . eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Booking-Request+Stay,Booking-Request+Day
+bos i do n't need a reservation for the guesthouse , actually . could you help me find a cheap place to dine in the east , as well ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos there is one place at the cheap price range , it is a place that serves international food by the name of the missing sock . shall i book you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform
+bos can i please have the phone number for the restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos certainly . it 's 01223812660. is there anything else i can help you with ? eos O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos may i please get a taxi to go from both places ? as well as their number and car type ? i wish to leave the hotel by 4:45 am . thanks . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O Taxi-Request+Car
+bos ok , i have a taxi booked for you in a grey bmw at 4:45 from the hotel . the contact number is 07423515333. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you so much . eos O O O O O O general-thank
+bos you are welcome ! is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , you have been most helpful . thank you , again . good bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos have a good time . good day . eos O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a japanese restaurant in the north of the centre . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are no matching options for japanese restaurants in the north , can i lookup something else ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O general-reqmore
+bos sure , can you try asian oriental ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i have one that is called saigon city . it 's more expensive and located in the north . can i make a reservation for you ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos can i get the address and price range ? eos O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos the address is 169 high street chesterton chesterton and the price range is fairly expensive . would you like to make reservations ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform
+bos i 'm looking for a guesthouse in the north to stay at , what is available there ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos there are 11 guesthouses in the north . do you have a price range or amenities in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Parking,Hotel-Request+Internet
+bos free parking and free wifi , please . eos O O O O O O O O O N/A
+bos the acorn guest house seems to fit those requirements ? what day would you like to check in ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Request+Day
+bos can i just have the number of stars the hotel has , address and postcode please ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Post,Hotel-Request+Addr
+bos the hotel is located at 154 chesterton road . postcode cb41da . it has earned a 4 star rating . would you like to book a specific day ? eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos no thank you . can you book me a taxi to go between the two places ? i want to leave the hotel by 4:00. eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos yes , i can do that . a black volvo should be picking you up , the contact number is 07567468544. is there anything else i can help you with ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-greet,general-reqmore
+bos no that was all the help i needed , thank you . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , goodbye ! eos O O O O O O O general-welcome,general-bye
+bos i need a hotel with free wifi but i do n't need free parking . eos O O O O O O O O O O O O O O O O N/A
+bos there are over 30 to choose from . is there a certain part of town you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'm looking for one that is moderately priced and do n't have a preference on where exactly it is . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos the ashley hotel is the north and is priced at moderate . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O N/A
+bos is it available for 4 nights starting from sunday for 6 people ? eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A
+bos unfortunately , the hotel is not available for your criteria . how about checking another hotel ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos could you try the same one , three nights only ? eos O O O O O O O O O O O O N/A
+bos i was able to book that , reference number is 49swxat1 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , i also need a place to eat in the centre of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos yes can we narrow it done by food type or price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos i 'm looking for indian food , please . eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i found quite a few options for you . could i narrow it down by price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Price
+bos no , price does not matter . right now i 'd just like a recommendation . eos O O O O O O O O O O O O O O O O O N/A
+bos the curry garden is a popular choice . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos let 's go with that . what 's the address ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos the curry garden is located at 106 regent street city centre , postcode cb21dp . would you like to conduct more searches for other locations ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos i 'd actually like to book a taxi to commute between those two places you found for me . i need to leave the hotel by 09:15 please . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos sure ! i have booked a yellow bmw to pick you up at 09:15 from your hotel . the contact number for the taxi is 07744629357. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Phone N/A
+bos great ! thank you for your help . eos O O O O O O O O O general-thank
+bos can i help you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos no that is all . again thank you . eos O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . have a good day . eos O O O O O O O O O O O O O O O general-bye
+bos thank you for your help goodbye eos O O O O O O O general-bye
+bos thank you and good bye ! eos O O O O O O O general-bye
+bos i am looking for a restaurant called loch fyne eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos that is a nice seafood restaurant located on trumpington street . can i reserve a table for you ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos can you tell me a little more about the place ? i need to know what type of food they serve , price range and where it 's located . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos it is an expensive restaurant . they serve seafood and they are located at the little rose 37 trumpington street . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos great . i also need to know about a hotel called the hamilton lodge . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos hamilton lodge is a guesthouse located in the north part of town is moderately priced and has a 3 star rating . would you like me to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos yes please . i need 2 night stay starting from friday for 3 people . eos O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos unsuccessful book . would like to add or delete a day ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos i really want to stay there so can i get it for one night ? eos O O O O O O O O O O O O O O O O N/A
+bos i reserved you one night . the reference is k8juop9v . do you need any more assistance ? eos O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , thank you . you have been of great help . eos O O O O O O O O O O O O O general-thank
+bos good bye , thank you eos O O O O O O general-bye
+bos hi , i 'd like a 3 star hotel please . and also internet ! eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos i have some moderately priced guesthouses and some expensive hotels that meet your needs . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Select
+bos actually , i do n't have a lot to spend . do you have anything in a cheap price range ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O Restaurant-Request+Price
+bos sorry , but i do n't have any cheap 3-star places in town . eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A
+bos okay , why do n't we splurge a little . how about telling me what you 've got that 's expensive ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the gonville hotel in the centre and the lensfield hotel in the south are both 3 stars and expensive . would you like to book one of them ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Select
+bos i 'd like to book a room at the gonville for 5 people . we 'll arrive on saturday and will stay for 4 nights , please . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos perfect ! your booking was successful . is there anything else that i can help you with ? eos O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos may i have the reference number for my reservation please ? eos O O O O O O O O O O O O Hotel-Request+Ref
+bos 324xpfhg . is your reference number , anything else ? eos O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i am also looking to eating italian , in the east part of town . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O N/A
+bos we have the pizza hut fen ditton , would you like me to make reservations ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos could i get the address and price range first ? eos O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos sure , the address is cambridge retail park newmarket road in fen ditton and the price range is moderate . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Price O O N/A
+bos thank you that 's all i needed today . eos O O O O O O O O O O general-thank
+bos you 're very welcome , enjoy your time in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me about some attractions in the east ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i have museums , boating on the cam , a swimming pool and more . anything special you are looking for ? eos O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Type
+bos i 'd be interested in boating and swimming . please give me phone numbers and postcodes . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos there are no pools in this area . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O N/A
+bos oh , well you mentioned that there was . okay , well how about a museum . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos yes , i recommend cambridge artworks . their phone number is 01223902168 and post code is cb13ef . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O N/A
+bos thank you . can you find a venetian restaurant in the same area in the moderate price range ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos unfortunately , we do not have any restaurants in the city that serve venetian food . is there another type of food you might be interested in ? eos O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about indian food in that area and price range . eos O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos there are two indian restaurants in the east : the curry prince and the rajmahal . i suggest the curry prince . would you like me to make a booking ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos yes could you please book that for me ? eos O O O O O O O O O O N/A
+bos yes , of course how many in your party eos O O O O O O O O O O Booking-Request+People
+bos 5 of us at 15:00 on thursday please . eos O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to book it , reference number is m0p9xxnz . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos alright ! thank you , you 've been very helpful . that 's all for today . eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos are there any colleges in town i could go to ? i would appreciate your help . eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos yes may i ask what area you are looking for it to be in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i do n't care what area it 's in . can you recommend a good one ? eos O O O O O O O O O O O O O O O O O O N/A
+bos sure , i think you should check out clare college . would you like information about visiting ? eos O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore
+bos yes . i want the phone number please . eos O O O O O O O O O O Attraction-Request+Phone
+bos the phone number to clare college is 01223333200. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i would also like to book a table at the restaurant ask for 8 people on tuesday at 18:00. eos O O O O O O O O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos what area of town would you like to eat in ? eos O O O O O O O O O O O O Restaurant-Request+Area
+bos any side . book for 8 people at 18:00 on teusday eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A
+bos you 're all booked . reference number is isibyoui . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that would be it thanks . eos O O O O O O O O general-thank
+bos thank you for contacting us and enjoy your stay in cambridge ! eos O O O O O O O O O O O O O general-bye
+bos i 'd like to find an attraction to visit . something in the west . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos okay , what type of attraction would you like to see ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like to see a theater . eos O O O O O O O O O N/A
+bos i do n't show any listings for theaters in the west would you like to search for another attraction ? eos O O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O general-reqmore
+bos am also looking for a restaurant . the restaurant should serve south african food and should be in the moderate price range eos O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos unfortunately there are no restaurants that serve south african dishes on the west side , would you like me to try a different side of town ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O N/A
+bos how about one that serves south african food ? eos O O O O O O O O O O N/A
+bos unfortunately there are no restaurants that serve south african dishes on the west side , would you like me to try a different side of town ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O N/A
+bos no but how about one that serves british food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos the saint johns chop house is moderately priced , serves british cuisine , as in the west part of town . shall i book this for you ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Price I-Attraction-Recommend+Price O B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O O Booking-Inform
+bos yes , can you please book this for me ? eos O O O O O O O O O O O N/A
+bos how many people and what day ? eos O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i 'm not ready to book yet . can i get the phone number , postcode , and address , please ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for saint johns chop house is 21 - 24 northampton street , cb30ad . the phone number is 01223353110. is there anything else that i can assist you with ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos yes i need an attraction in the west . anyone will do . whatever you recommend . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos clare hall is a college with free admission . their number is 01223332360. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Fee O O O O B-Attraction-Inform+Phone O N/A
+bos i also need a south african restaurant . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i am sorry none are listed in that area , something else perhaps ? eos O O O O O O O O O O O O O O O N/A
+bos is there a restaurant in the west that serves british food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos yes , saint johns chop house is available . would you like to book a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos not at this time . can you give me the phone number , address and postcode , please ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos saint johns chop house is located at 21-24 northampton street , postcode cb30ad . you can reach them by phone at 01223353110. can i help you find anything else today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that is all , thanks . eos O O O O O O O general-thank
+bos i am glad to have helped . eos O O O O O O O O general-welcome
+bos i need to find a hotel in cambridge called finches bed and breakfast please . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes i have found it , it is located at 144 thornton road , would you like to book a room ? eos O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes , i would like a room for 2 people for 2 nights , starting on friday . please send the reference number . eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos your booking was successful , reference number is 8fnvhb4b . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a restaurant named kohinoor ? can you help me find it ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O N/A
+bos kohinoor is located at 74 mill road city centre . is there anything else ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O general-reqmore
+bos yes , i 'd like to reserve a table there if possible . same group of people and also the same day . do they have a table to accommodate us available at 11:45 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : zxody8zk . will you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos that is all . thank you ! eos O O O O O O O O general-thank
+bos thank you for choosing help desk . have a great day . eos O O O O O O O O O O O O O general-welcome
+bos you as well , thanks . bye . eos O O O O O O O O O general-bye
+bos thanks for you time goodbye . eos O O O O O O O general-bye
+bos where is a museum that is located in the cambridge centre ? eos O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are museum through cambridge , 23 total options . any preference for area ? eos O O O O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area
+bos i would like a museum near the centre . could you please tell me the fee , phone number , and postal code . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the broughton house gallery , post code cb11ln , phone 01223314960 , is free . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee O O O O N/A
+bos is this a cheap place ? eos O O O O O O O N/A
+bos it is actually free . eos O O O O B-Attraction-Inform+Fee O N/A
+bos excellent . can you find me a cheap restaraunt that is also located in the centre area ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i have 15 in that area . do you have a preference for type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't . i 'm mostly just focused on the area and he cheap price range . any suggestions ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the rice house is a good place and is cheap . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price O N/A
+bos nice can i make a booking for 1 person at 16:30 on friday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : 3yrwrssf . you 're all set . is there anything else i can do ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos actually yes . i 'd like to book a taxi so i can go back and forth between the museum and the restaurant eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what is your departure and destination ? eos O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i want a taxi to take me to the restaurant by 15:30 from the broughton house gallery . i need the contact number and car type as well . eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O Taxi-Request+Car
+bos you are set . look for a yellow bmw . contact number : 07967629746. what else can i assist you with today ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos oh , i think i 'm all set . thank you . eos O O O O O O O O O O O O O general-thank
+bos glad to help . have a nice day . bye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am traveling to cambridge and excited about seeing local tourist attractions , can you help ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos do you have an attraction type preference ? eos O O O O O O O O O Attraction-Request+Type
+bos yes , i would like to see a museum . can you tell me the postcode and entrance fee for it ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i have 23 places . what area would you prefer to be in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area
+bos i have no particular area preference . can you list a few for me to select from ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos there is cafe jello gallery in the west , cambridge artworks in the east and broughton house gallery in the centre . does any of those sound appealing ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Select
+bos yes could i have their postcode and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos cafe jello gallery postcode is cb30af and the entrance is free , is there anything else i can do for you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos i am also looking for the restaurant yu garden . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos here is the address 529 newmarket road fen ditton . eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos can you give me more information about yu garden . eos O O O O O O O O O O O N/A
+bos of course ! it is a chinese cuisine restaurant located in the east . anything else you would like to know ? eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos just the price range and postal code please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos their price range is expensive and the postcode is cb58pa . are you sure that is all you needed ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos that is it . thank you for helping me eos O O O O O O O O O O general-thank
+bos you 're welcome ! enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a chinese restaurant in the south part of town . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos yes , there are three , what is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price
+bos i want something expensive . eos O O O O B-Restaurant-Inform+Price O N/A
+bos there are two restaurants that match your criteria . peking restaurant is one of them . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A
+bos let 's book peking for 1 person on friday at 15:15. eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i have made those reservations your reference number is j9ngmkia . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks so much for your help . eos O O O O O O O O general-thank
+bos its been my pleasure . if there 's anything else i can help you with , please let me know otherwise have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos can you help me find a restaurant in cambridge called loch fyne ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos i sure can ! loch fyne is an amazing seafood restaurant located in the centre of town . they are relatively expensive . would you like any more info for them ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore
+bos can you go ahead and make a reservation for 7 people on wednesday , around 16:30 for me ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A
+bos you 're all set . your reference number is d07sipbf . eos O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks so much . i am also looking for places to go in town . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos are you interested in things to do in the centre , or perhaps a different area ? there is so much to do ! eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i would like it to be in the west . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i have a lot of different attractions . would you like a college or museum ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O N/A
+bos the attraction should be in the west and should be in the type of museum . eos O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O N/A
+bos i would suggest cafe jello gallery located at cafe jello gallery , 13 magdalene street . they have free entry . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O N/A
+bos okay great ! what is their phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223312112. can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos that 's all i need today . thanks for all your help ! eos O O O O O O O O O O O O O O general-thank
+bos yeah , anytime . i am happy i could assist . eos O O O O O O O O O O O O general-bye
+bos i think this would be a good time to end the dialogue . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos have a great day . good bye . eos O O O O O O O O O general-bye
+bos i am looking for an expensive 4 star hotel . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O N/A
+bos i am showing five hotels that fit your criteria . they all offer internet and parking . is there a specific area you want to be in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no , but the hotel should be in the type of guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos i 'm sorry , there are n't any expensive guesthouses with 4 stars , but there are 18 moderately priced 4-star guesthouses . would that be okay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos is there one available in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i have 7 cheap 4 star guesthouses , can i recommend autumn house ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos yes that sounds nice , can you check for booking for 5 people and 3 nights starting from monday ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos yes , i will book at autumn house for 3 night for 5 people starting monday . eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O B-Booking-Inform+Stay O O B-Booking-Inform+People O B-Booking-Inform+Day O O N/A
+bos can i get that reference number please ? eos O O O O O O O O O Hotel-Request+Ref
+bos unfortunately the booking was unsuccessful . would you like me to look at another hotel ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos please recommend another hotel in that same price range . eos O O O O O O O O O O O Hotel-Inform
+bos alexander bed and breakfast is is the centre location . also a 4 star cheap guest house . how does that sound to you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O general-reqmore
+bos book it please . eos O O O O O N/A
+bos i have made reservations starting monday for 3 nights and 5 people the reference number is jccyu8zs . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Day O O B-Booking-Book+Stay O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no thank you . good bye . eos O O O O O O O O general-bye
+bos goodbye . have a great day ! eos O O O O O O O O general-bye
+bos i need to stay in the north , 0 stars . eos O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O N/A
+bos i have found a guestgouse with a cheap price range . would you like me to book it ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos actually i would prefer a moderate hotel . eos O O O O O O B-Hotel-Inform+Price O O N/A
+bos i have the archway house that is 4 stars . and is located in the north . would you like me to try to book that ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos i 'm sorry , i misspoke a moment ago . i need a hotel in the cheap range if you can find one . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos the city centre north b & b is a cheap , 0-star guesthouse in the north . would you like me to try booking a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i need rooms for 3 nights for 4 people beginning friday . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos unfortunately i could not book that for you . would you like to try another hotel ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please find another hotel . eos O O O O O O O Hotel-Inform
+bos i was able to book you for the worth house which meets all of your criteria , your reference number is rjumppnc eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your help , that is everything that i need . eos O O O O O O O O O O O O O O general-thank
+bos thank you for using our service today . eos O O O O O O O O O general-bye
+bos hi i am looking for a place to stay that has free parking and does not need to include wifi . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have found 29 hotels that meet your criteria . what part of town would you like to stay in ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to stay in the east , please . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i can book you in the autumn house . would you like me to do that eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O N/A
+bos i need to find a place to stay that includes free wifi and does n't need to have free parking . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos cityroomz is a hotel that matches that requirement , would you like to stay there ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O O O O O O O O general-reqmore
+bos is it in the north and in the moderate price range ? eos O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O N/A
+bos no it is not . avalon guesthouse is in the north and in the moderate price range though . it also has free wifi . would that work for you ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes that sounds fine . i 'd like a room for next friday and saturday night . can you book that ? eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O N/A
+bos may i ask how many people will be staying in the room with you ? eos O O O O O O O O O O O O O O O O Booking-Request+People
+bos i would like to book it for 4 people eos O O O O O O O O O B-Hotel-Inform+People N/A
+bos booking was unsuccessful . would you like to find another hotel ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes . a different hotel in the same price range would be fine . eos O O O O O O O O O O O O O O O Hotel-Inform
+bos i would also recommend archway house would you like me to check booking there ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes , archway house sounds like a good idea . please check . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos booking was sucessful . your reference number is iah92t2m . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , that 's all i needed today . eos O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i 'm looking for a moderate priced place to stay in the south of town . eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i have 2 available . they are both guest house and one is 4 stars and the other is 3. do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O Hotel-Request+Stars
+bos yes , i would like the 3 star one , please . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos bridge guest house is a nice place.would you like me to book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos can you find me a 3 star hotel in the centre ? eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A
+bos the gonville hotel meets your requirements . would you like me to book you a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? i need wifi . eos O O O O O O O O O O O N/A
+bos yes , they do offer free internet . would you like me to make a booking ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes . i want to book it for 1 person . i want to stay for 5 nights starting from wednesday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i am sorry booking was unsuccessful , can i help you find another place to stay ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please . another 3-star hotel in the centre with free wifi . eos O O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i do not have another 3 star hotel in the centre that meets your requirements . would you like to try another area ? eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos do you have any hotels in the same price range as the gonville hotel ? eos O O O O O O O O O O O O O O O O N/A
+bos the only other hotel that matches your requirements is the lensfield hotel located in the south . would you like me to make a booking ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes please book a room there . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos great your booking was successful your reference number is 9gbhvfzw . anything else today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos thank you for all of your help . eos O O O O O O O O O general-thank
+bos your welcome . have a good day . eos O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm looking for a hotel in the centre , can you help me . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos university arms hotel is located in the centre of town . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A
+bos what is the price range for that ? eos O O O O O O O O O N/A
+bos the university arms hotel is an expensive hotel that has a 4 star rating . would that work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O general-reqmore
+bos no , i need a moderately priced hotel . do you have one of those ? eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i have the cityroomz . it is a moderate price hotel in the center . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos i 'm sorry but i do need an expensive hotel , not a guesthouse , with free parking in the center of town . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos gonville hotel is a nice place.would you like me to book it or do you want the adress ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos could you give me information on a hotel called alpha-milton guest house ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the alpha-milton guesthouse is moderately priced and is in the north area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A
+bos can i book 3 people for 4 nights starting on thursday ? eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i apologize , but there are no rooms available for the days you have requested . should i look for another hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , please find me another one that 's available on thursday . eos O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos how about the acorn guest house ? it is available on thursday . eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O B-Booking-Inform+Day O O N/A
+bos sure . that sounds fine . can you give me the reference number once you book that ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos the reference number is 5f7ybb5m . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no thank you for your time . eos O O O O O O O O general-thank
+bos you.re welcome goodbye eos O O O O general-welcome,general-bye
+bos i am looking to stay at a guesthouse with free wfii eos O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos allenbell matches those requirements , would you like to stay there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O general-reqmore
+bos does it include free parking ? eos O O O O O O O N/A
+bos yes , it does . do you have any other criteria , or would you like me to book you a room ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,general-reqmore
+bos i would like to book it for 2 nights for 2 people starting on saturday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos i 'm sorry , your booking was unsuccessful . how about acorn guest house ? they also have free internet and parking . shall i try booking that for you ? eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-NoBook,Booking-Inform
+bos is that in the same price range as the allenbell ? that would work for me . eos O O O O O O O O O O O O O O O O O O N/A
+bos it is in the moderate price range . would that work for you ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O general-reqmore
+bos yes , please attempt to book that one for me . eos O O O O O O O O O O O O N/A
+bos great ! i was able to book that for you and your reference number is txv8rust . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos okay great . no that will be it . eos O O O O O O O O O O N/A
+bos thank you for using the cambridge towninfo centre . have a good day . eos O O O O O O O O O O O O O O O general-bye
+bos yes , i am looking for a nice place to stay while in town . the hotel does n't need to include internet but i 'd like it to include free parking if it 's available . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 29 places matching that , do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore
+bos yes , i would prefer the moderate price range please . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos that narrows your choice to 14. is there a type of hotel or location you prefer ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos i am looking for one with a moderate price range possibly with free wifi eos O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the ashley hotel is in the north end and has a 2 star rating . would you be interested in staying there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O O general-reqmore
+bos yes , can you book me a reservation ? eos O O O O O O O O O O N/A
+bos of course ! when would you like to stay ? eos O O O O O O O O O O O Booking-Request+Day
+bos we will be there wednesday , for 4 nights . i need a reservation for 7 people . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+People O O O N/A
+bos the ashley is unavailable . i can book you at lovell lodge though . eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O N/A
+bos okay let 's try that and please get me a reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref
+bos your booking was successful and your reference number is 6y6kp7a2 . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i need the address of the hotel , please . eos O O O O O O O O O O O Hotel-Inform
+bos their address is 365 milton road . would you like their phone number as well ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos yes , please . that would be great in case i get lost . eos O O O O O O O O O O O O O O O N/A
+bos the phone number is 01223425478. eos O O O O O B-Hotel-Inform+Phone N/A
+bos that 's all i need . thank you very much for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos happy i could help . bye ! eos O O O O O O O O general-welcome,general-bye
+bos i need a place to stay in the south . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i show 4 locations available . what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price
+bos i am looking for something in a moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i have found 2 guesthouses in the south in the moderate price range . the aylesbray lodge guest house has a 4 star rating . would you like to book ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos that sounds perfect ! please book it for me . thank you ! eos O O O O O O O O O O O O O O general-thank
+bos i need to know the day and how many people will be staying , please ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos how about you try to search for a type of the guest house without certain dates ? eos O O O O O O O O O O O O O O O O O O N/A
+bos there are the two guesthouses that were mentioned previously , if you would like to see if there are other options , you will need to broaden your search requirements . eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would like to know more about the aylesbray lodge , do you have the address and can you tell me whether they offer free parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr
+bos they do indeed have parking and their location is 4 mowbray road . i can book this for you if you 'd like , i just need to know details about your stay . eos O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos that 's all the info i need about the guesthouse , but i also need to book a train leaving on friday . eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos see where that train will be coming from . i mean where will you be leaving from ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i need to go to cambridge from bishops stortford eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos there are 5 trains going to cambridge from bishops stortford on friday . do you have a preference in time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i just need to get there by 2:30 pm is all . eos O O O O O O O O O O O O O N/A
+bos tr4076 departs from bishops stortford going to cambridge on friday . it leaves at 1:29pm and arrives at 2:07pm . would you like me to book this train for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-OfferBook
+bos yes , i need tickets for 4 people , and can you give me a reference number ? eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref
+bos we have it booked for 4 tickets . your reference number is b5dd4pqw . the total fee is 40.40 gbp . eos O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O N/A
+bos that is all i needed today and i thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome . goodbye ! eos O O O O O O O general-welcome,general-bye
+bos good day , i need help getting a train from london liverpool street going all the way to cambridge , can you help me ? eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O O O O O O N/A
+bos sure thing there are 70 trains making that trip , what day and time would you like to go ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i would like to travel on wednesday and arrive by 10:15. can you help ? eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O N/A
+bos there are 3 trains available . do you have a preferred departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos no , as long as it arrives by 10:15. eos O O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr8813 departs london liverpool street at 7:39 and arrives in cambridge at 9:07. i can book tickets for you , if you like . eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos that will be great . i am also looking for a place to stay in the south part of town . do you have any recommendations ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos certainly , we have 3 guesthouse aylesbray lodge guest house , bridge guest house , rosa 's bed and breakfast or the lensfield hotel . which would you like ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Hotel-Select
+bos i need something in the cheap price range . eos O O O O O O B-Hotel-Inform+Price O O O N/A
+bos rosa 's bed and breakfast fits that , would you like to book a room there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos does the hotel offer free wifi ? eos O O O O O O O O Hotel-Inform
+bos yes , rosa 's does offer free wifi . eos O O B-Hotel-Inform+Name O O O O O O O Hotel-Inform+Internet
+bos great , i think that will work . i need a room for myself for five days , starting wed. eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos sadly i was unable to book you for that time period . is there another day you 'd like to check in , or possibly you could stay for a shorter time period ? eos O O O O O O O O O B-Booking-NoBook+Stay I-Booking-NoBook+Stay I-Booking-NoBook+Stay O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos would you be able to book the stay for four nights instead ? can i also get the reference number ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful for 4 nights at rosa 's bed and breakfast . your reference number is : 1g56hjk3 . can i help you with anything else ? eos O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all i need today . thank you . eos O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos we would like to visit a museum while we are in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos okay , that sounds fun ! what area are you going to be in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos we will be in the centre area . what do you suggest ? please provide phone number , postcode , and address . eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos i have 11 museums in the centre . i would recommend castle galleries , phone number 01223307402 , postal code cb23bj , address unit su43 , grande arcade , saint andrews street . it is free . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Phone O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos do you have any other suggestions ? eos O O O O O O O O N/A
+bos you should check out primavera . the phone number is 01223357708. it is at 10 king 's parade and the postcode is cb21sj . eos O O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O N/A
+bos i also need a train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos in order to find a train i need to know where you are departing from and which day . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i 'm departing from birmingham new street on saturday and i 'd like to leave after 12:45. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O N/A
+bos how about tr8390 that leaves birmingham new street at 13:40 on saturday . it arrives in cambridge at 16:23. the price is 60.08. shall i book it ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O Train-OfferBook
+bos yes , can i book that for 5 people ? eos O O O O O O O O B-Train-Inform+People O O N/A
+bos i was able to book it , reference is 0w0bqb8w . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much eos O O O O O general-thank
+bos you 're welcome ! can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you , that 's all i need today . eos O O O O O O O O O O O general-thank
+bos please call us back if we can assist you in any other way . have a great day ! goodbye . eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm in the centre of town and need suggetions on things to see . eos O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos i have 44 entries for attractions . are you looking for architecture , colleges , parks , nightclubs , or maybe a museum ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos nothing particular . what is your favorite attraction in the centre of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos you might enjoy the cambridge punter . it 's a boat . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O N/A
+bos sounds fun . do you know the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , it is not listed . but if you 'd like to call them the phone number is 07807718591. can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that will be all today . thank you very much . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting the help desk . have a great day . eos O O O O O O O O O O O O O O general-bye
+bos please help me find a place to dine that is moderately priced and is in the centre . thanks . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 21 restaurants meeting your criteria ; what type of cuisine are you looking to eat ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would prefer danish food , please . eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm so sorry but there are no danish restaurants in town at all . can i interest you in a different type of cuisine ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos lebanese food would be great . eos O B-Restaurant-Inform+Food O O O O O N/A
+bos ali baba meets your criteria . can i book for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Train-Request+Ref
+bos how many persons should i book for ? eos O O O O O O O O O Booking-Request+People
+bos please book for 2 people on thursday at 18:00. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos just did , your reference number is : 8wlsp1vj . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can i get the phone , address and post code of the restaurant please ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their phone number is 01462432565 and their postcode is cb21nt . their address is 59 hills road city centre eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thanks . i am also looking for a train going to cambridge . i need to leave sometime after 10:00. eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave N/A
+bos and what day will you be traveling ? can you also tell me your departure city ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i will be departing from broxbourne and will be leaving on friday . eos O O O O O O B-Train-Inform+Depart O O O O O O O N/A
+bos there is a train that leaves at 10:32. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos that would work . i 'd like 1 ticket , please . eos O O O O O O O B-Train-Inform+People O O O O O N/A
+bos booking was successful . the price is 17.89 gbp , which is payable at the station . the reference number is pddnskvu and the train id is tr5678 . eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Id O O O O N/A
+bos thanks for the help , that 's all eos O O O O O O O O O general-thank
+bos you are welcome . thank you for arranging dining and transportation through cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to book a train that leaves from broxbourne on wednesday . can you book that for me ? eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O N/A
+bos if your going to cambridge , i have 5 trains running . do you have a particular time ? eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos yes , i need to leave sometimes after 11:30. eos O O O O O O O O B-Train-Inform+Leave O N/A
+bos there are 13 trains . when would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Arrive
+bos i do n't have a particular arrival time in mind . what time is the first train after 11:30 and what is its arrival time ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Arrive
+bos tr5953 leaves at 11:32 and arrives by 12:32. eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos okay thanks i am looking for a particular hotel is well named gonville hotel eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos yes indeed . that is located in the centre , is an expensive price ranged hotel , valued at 3 stars , and offers free internet and parking . eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos great , can you book that for 5 nights first day wednesday for people please ? eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A
+bos how many people will be staying please ? eos O O O O O O O O O Booking-Request+People
+bos i need that for 7 people . if that 's not possible , then for 4 nights instead and i need a reference number . eos O O O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref
+bos i have booked the gonville hotel , 7 people for 4 nights beginning on wednesday . your reference number is ius007cm . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A
+bos thank you for your help . that was all i needed for today . thanks . eos O O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i need a train to cambridge that leaves on saturday . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos i need to narrow this down a bit . where will you be departing from ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from london liverpool street and need to arrive by 10:30. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A
+bos tr2503 can get you there by 09:07 , can i help with anything else ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos 13.28 pounds . do you need me to book it ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos what 's the departure time for that train ? eos O O O O O O O O O O Train-Request+Leave
+bos 05:39 , 07:39 , and 23:39 eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave O N/A
+bos i am also looking for mediterranean food in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area N/A
+bos i can recommend la mimosa , it is in the expensive range . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O N/A
+bos i need to find a train that departs from cambridge and arrives by 9:15. can you help ? eos O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i 'm traveling to ely . eos O O O O B-Train-Inform+Dest O O N/A
+bos we can definitely help you with that , i just need to know the day you will be traveling . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos for today , arriving by 21:15. eos O O O O O B-Train-Inform+Arrive O N/A
+bos i 'm sorry , i need to know the day you will be traveling . eos O O O O O O O O O O O O O O O O Train-Request+Day
+bos i am departing on sunday . eos O O O O O B-Train-Inform+Day O N/A
+bos i have a train on sunday that arrives at 20:07. would that do ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O Train-OfferBook
+bos that 's perfect . could you book it for 8 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 28.16 gbp payable at the station . reference number is : lzlsjz1k . anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos thank you ! will you please find me an expensive restaurant in the centre part of town ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos no booking yet for the restaurant . i want to eat at a restaurant that serves thai food . do you have any ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos bangkok city serves thai food , and is in the centre part of town . would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos yes please , for 8 people at 11:00 on sunday . eos O O O O O O O O O O O O N/A
+bos what day would you like to book the table for ? eos O O O O O O O O O O O O Booking-Request+Day
+bos i just told you ! sunday ! now please go on and book and send me the reference number eos O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O N/A
+bos it seems that i can not reserve that at the moment . would you like me to try a different restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about at 10:00 instead ? eos O O O O O O O N/A
+bos i will book your reservation for 10:00 on sunday . eos O O O O O O O B-Booking-Inform+Time O B-Booking-Inform+Day O N/A
+bos ok , please do that and get me the reference number . eos O O O O O O O O O O O O O N/A
+bos booked ! the table will be reserved for 15 minutes.reference number : sdy23j83 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos that 's all i need . thanks for your help tonight . eos O O O O O O O O O O O O O general-thank
+bos have a great night . eos O O O O O O general-bye
+bos i need a place to eat that serves north indian food . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i 'm not finding any north indian restaurants , may i expand the search to include all indian food ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A
+bos no thank you . can you please search for japanese food instead ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos we have one japanese restaurant listed . it is called wagamama and is in the city centre . would you like to book a table ? eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos i wish to book a table for 5 people at 16:15 on teusday eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A
+bos the booking was successful . your reference number is v5weda1v and the table will be reserved for 15 minutes . eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos great . i also need to find a train going to cambridge for the same day . eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos i have all of tuesday 's options available , where will you be coming from ? eos O O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Depart
+bos i need a train from cambridge by no later then 10:45 for five people please . may i have the confirmation number for that please ? eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive B-Train-Inform+People O O O O O O O O O O O O O O N/A
+bos i booked a train that leaves at 10:08. the reference number is s5d8vqiu . eos O O O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A
+bos great , thank you so much for your help . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos glad i could help . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos i was hoping to find an expensive restaurant in the south . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos there are five expensive restaurants in the south . would you like to try a chinese cuisine ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Food O O O N/A
+bos sure , i like chinese . eos O O O O O O O N/A
+bos the good luck chinese food takeaway is located at 82 cherry hinton road cherry hinton . would you like to reserve a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yes i 'll need a table for 7 on monday please . eos O O O O O O O O O O O O O N/A
+bos would you like a reference number ? eos O O O O O O O O N/A
+bos yes , please . i 'll write it down . eos O O O O O O O O O O O N/A
+bos okay , and when would you like the reservation to be ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos for friday for 2 people thank you ! eos O O O O O O O O O general-thank
+bos what time would you like to dine on friday ? eos O O O O O O O O O O O Booking-Request+Time
+bos oh , around 17:15. but , i meant to say on monday , not friday and for 7 people not 2. thanks ! eos O O O B-Restaurant-Inform+Time O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A
+bos ok , i was able to make a booking for 7 people at 17:15. your reference number is : j2ydx084 . can i help with anything else ? eos O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'm also in a need of a train eos O O O O O O O O O O Train-Inform
+bos between which areas will you be commuting ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll need the train to come to cambridge , please , so that i can make it to the restaurant that you 've booked for me . eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O N/A
+bos would you like me to book tickets for you ? eos O O O O O O O O O O O Train-OfferBook
+bos yes , please . the same group from the restaurant will be traveling . eos O O O O O O O O O O O O O O O Restaurant-Inform
+bos in order to book a train i need departure location , destination , travel time , day of week and number of people . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart,Train-Request+Day,Train-Request+People,Train-Request+Leave,Train-Request+Arrive
+bos i will be departing from leicester and would like to arrive by 11:45. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A
+bos tr7151 has been booked ! your reference number is q34hn7vc . eos O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much for your help . eos O O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos that is all i needed . eos O O O O O O O N/A
+bos i hope you have a great stay in cambridge ! eos O O O O O O O O O O O general-bye
+bos i looking for information about a hotel in the moderate price range that includes free wifi . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O Train-Request+Price
+bos there is acorn guest house available in the moderate price range with free wifi eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O Hotel-Inform+Internet
+bos what is the star rating of the acorn guest house ? eos O O O O O O O O O O O O N/A
+bos we have many selections . there is also archway house in that price range with free wifi . would you like me to book a loaction for you ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos sorry , the hotel i 'm looking for also needs to be in the south area and have a 4 star rating . could you suggest anything that fills those requirements too ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O N/A
+bos aylesbray lodge guest house meets all of your requirements . are you okay with the hotel type being a guesthouse ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos yep sure , why not ? eos O O O O O O O N/A
+bos i can book this for you if you provide the day you want to stay , the duration of the stay and the number of people . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos 4 people for 2 nights starting sunday , please ! eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : omug5y45 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks . i also need a train departing from peterborough at 10:45. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O N/A
+bos i 'm sorry , there seems to be an error . can you please restate your request ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos the train should depart from peterborough and arrive in cambridge by 10:45. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos that 's not a problem . what day would you like ? eos O O O O O O O O O O O O O Train-Request+Day
+bos sunday and can you please give me the price and travel time ? eos O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the price is 13.20 pounds and the travel time is 50 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos book 4 seats for me please . eos O O O B-Train-Inform+People O O O O N/A
+bos i booked tr1071 , the last train before 10:45 ( arrives 10:38 ) . your reference number will be aul3mjy9 . however , if you would have preferred something earlier , i can easily cancel and rebook . eos O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that would be fine . thank you . that was all i needed for today . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos can i get some information on a train ? eos O O O O O O O O O O Train-Inform
+bos sure ! please provide your itinerary . eos O O O O O O O O N/A
+bos i am departing from cambridge and going to leicester on monday . i want to leave after 16:30. eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A
+bos i have a train leaving at 17:21 with arrival at 19:06. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no thank you . i would like the price , train id and travel time please . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos the train id is tr2696 it leaves at 17:21 and arrives 19:06 the travel time is 1:05 with a price of 37.80 pounds . eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos perfect . thanks for that info . now please find me a restaurant that serves crossover food in the centre eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are n't any in that area , should we try another ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos how about one that serves chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos why yes i do . ugly ducking has great chinese food and the rice house is pretty good as well eos O O O O O O O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A
+bos ok , what 's the phone number for ugly duckling ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Phone
+bos that 's odd . ugly duckling does n't have a phone listed . i can give you their address , or i can book a table for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i would like the address please . eos O O O O O O O O N/A
+bos the address is 12 st. johns street city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos what is the postcode for that address , please ? eos O O O O O O O O O O O Restaurant-Request+Post
+bos their postcode is cb21tw , is there anything else you need ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O general-reqmore
+bos thank you for all your research -- you saved me time . great service . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting us have a nice day . eos O O O O O O O O O O O general-bye
+bos are there any restaurants that serve christmas food around ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , i did n't get any matches for christmas food . is there another food type you would like to eat ? eos O O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i show 11 restaurants that serve british food . do you have a certain price range or area ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos it should be in the east . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos i have a expensive restaurant named grafton hotel restaurant . would you like reservations for that place ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos yes , i will need one on saturday at 19:30 for 7 people eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : mpf2ro5x . do you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need a train leaving on sunday for london liverpool street . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart
+bos from cambridge , and i 'd like to arrive in london around 12:15. eos O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos train tr0995 arrives at london liverpool street at 11:27 , will that do ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos perfect , i need 7 tickets and the reference number of the booking . eos O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos booking was successful , the total fee is 92.96 gbp payable at the station .reference number is : 3epmfsfa . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am all set , thank you for the help . eos O O O O O O O O O O O O general-thank
+bos no thank you that will be all eos O O O O O O O O general-bye
+bos i need a moderately priced restaurant that serves hungarian food . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos i am sorry , there are no restaurants that meet your requests . would you like to change your price range or food type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer
+bos oh , okay . well , i guess i would like to find a restaurant that serves modern european food . is there such a place available ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos there are two restaurants in the centre area and one in the south part of town . do you have a preference ? eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Select
+bos no , i do not . eos O O O O O O O N/A
+bos i would recommend riverside brasserie , located at doubletree by hilton cambridge granta place mill lane . can i make a reservation for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O Booking-Inform
+bos sure please , i need a table at 14:45 for 1 person on saturday eos O O O O O O O O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Day O N/A
+bos your table at riverside brasserie is booked , one person at 14:45 on saturday . your booking reference is uzd82ifv . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that would be it . thanks . have a nice day . eos O O O O O O O O O O O O O O O general-thank
+bos alright , thank you . goodbye . eos O O O O O O O O general-bye
+bos hello there . i am trying to locate a train for monday . eos O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos sure . where will you be going ? eos O O O O O O O O O Train-Request+Dest
+bos i am going to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos all right , and where would you like to depart from ? eos O O O O O O O O O O O O O Train-Request+Depart
+bos i 'll will be leaving from london liverpool street . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i 've got 10 trains that are on that route . do you have a preferred departure or arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need on that will leave london after 21:00. eos O O O O O O O O O B-Train-Inform+Leave N/A
+bos i have two trains that will leave after 21:00. one leaves at 21:39 and one leaves at 23:39. which would you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O N/A
+bos what time does the one that leaves at 21:39 arrive in cambridge ? also , what is the train id ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos the train id is tr5906 and it arrives by 23:07 in cambridge . would you like me to book that one for you ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O O O O Train-OfferBook
+bos no i do n't need to book it right now . thanks for the information . eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope . thanks though . goodbye . eos O O O O O O O O general-bye
+bos let me know if you do need any more help . good bye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a guesthouse that has free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there is a guesthouse in the north of town in the moderate price range . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A
+bos it should include free wifi and should be in the cheap price range . eos O O O O O O O O O O O O O O O N/A
+bos the alexander bed and breakfast in the centre of town and the allenbell on the east side of town . which guesthouse would you like to book ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos alexander is fine . i need to book for 8 people . we 'll arrive wednesday and stay 5 nights . i 'll also need the reference number , please . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O N/A
+bos great , your reservation is booked at the alexander , your reference number is z8brhtv8 . is there anything else i can do for you today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i also need to find a train going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos great what is your departure city and what time would you like to leave ? eos O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart
+bos i would like to leave after 19:00 the departure city is peterborough . i 'm looking to leave the same day as the hotel booking . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O N/A
+bos awesome . we have the tr9969 that leaves at 19:19. would you like me to book that ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos yes , may i have the reference number ? eos O O O O O O O O O O N/A
+bos of course . i just want to confirm before booking . that was for all 8 people correct ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos yes it was , thank you . eos O O O O O O O O N/A
+bos your train , tr9969 , traveling from peterborough to cambridge on wednesday from 19:19 through 20:09 has been booked . the total for 8 people is 132 gbp and your reference number is jhct9hju . eos O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Arrive O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thank you that 's all that i needed today eos O O O O O O O O O O general-thank
+bos you are welcome . have a wonderful day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to find a place to eat in the centre of town that needs to have a moderate price range . can you give me some options ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos there are quite a few options in the centre of town . there 's chinese , italian , spanish , turkish and british food just to name a few . what would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Select
+bos is there a lebanese option ? i 'm really craving some lebanese right now . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos yes ! ali baba is a great lebanese restaurant that would suit your needs . it 's located at 59 hills road city centre . what other information do you need ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos can you please get me a reservation at ali baba for tonight at 7pm ? eos O O O O O O O O O O O O O O O O N/A
+bos certainly , how many people will be in your party total ? eos O O O O O O O O O O O O O Booking-Request+People
+bos actually , can i just get the address there for now please ? eos O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the ali baba is located at 59 hills road city centre . would you like any other information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos that 's all i need . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos you have a nice triip and thank you for contacting us . have a great day ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a place to go in the centre of town eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos we have 44 attractions in the city center . is there any particular type you 'd prefer ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos any special museums ? eos O O O B-Attraction-Inform+Type O N/A
+bos i have 11 museums . i could suggest the broughton house gallery it has a free entrance fee . eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O N/A
+bos yes that sounds good can i get the postcode , address of that place ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is 98 king street and postcode is cb11ln . what else can i help you find today ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos i 'm looking for a guesthouse that has free parking included . should be moderately priced , and have four stars . eos O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos carolina bed and breakfast is a 4 star guesthouse in the east part of town in the moderate price range with both free internet and parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok that sounds perfect please book that for 7 people for 5 nights starting from thursday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos a room has been booked . your reference number is ygo4sxpa . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also would like a taxi to get between those two places , please . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to leave my hotel by 1:15. eos O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos i have booked a yellow ford with contact 07869666997 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos thank you that 's all i need today , good bye . eos O O O O O O O O O O O O O general-bye
+bos you 're very welcome . thank you for calling cambridge towninfo centre . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos and thanks again for your help . goodbye . eos O O O O O O O O O O general-bye
+bos goodbye , have a great day . eos O O O O O O O O general-bye
+bos hello- i would like some information about visiting corpus christi please eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos corpus christi is a college located in the centre of town . the phone number is 01223338000 and is located at king 's parade . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos can i have the post code please ? eos O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb21rh . eos O O O O B-Attraction-Inform+Post O N/A
+bos is there an entrance fee ? eos O O O O O O O N/A
+bos the admission is 2 pounds . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos can you also find me a place to stay in the centre ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are several places that are located in the same area , can you give me some more preferences ? eos O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O general-reqmore
+bos i 'd like a moderately priced hotel with free wifi and parking . eos O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i have 4 available hotels in the centre . two of them have a cheap price range , and two have an expensive range . would one of these do ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O general-reqmore
+bos i 'm looking for a moderate priced hotel for 6 people and 5 nights from sunday . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry , i 'm not pulling up any matches . eos O O O O O O O O O O O O O Hotel-NoOffer
+bos okay , how about a moderately-priced hotel in the south area instead that has free wifi and free parking ? eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O Attraction-Request+Area
+bos i have two guesthouses that match your request ; the aylesbray lodge and bridge guesthouse . aylesbray has 4 stars and bridge guesthouse has 3. which would you prefer ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos aylesbray sounds good . i need a booking for six , five nights starting from sunday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful reference number is gs1j7nyi . is there anything else i can help you with today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all i need today , thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome , have a blessed day . eos O O O O O O O O O O general-welcome
+bos hello , i 'm looking for a train that departs from cambridge and leaves after 21:45. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O N/A
+bos there are quite a few options open to you , is there a particular destination you have in mind ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Dest
+bos i would like to go to broxbourne eos O O O O O O O O N/A
+bos there is no train leaving at 21:45 , but there is train departing at 21:59 do you want that train ? eos O O O O O O O B-Train-NoOffer+Leave O O O O O O B-Train-OfferBook+Leave O O O O O O O N/A
+bos does the train leave on friday ? eos O O O O O O B-Train-Inform+Day O N/A
+bos i apologize . that train does not leave on friday . for friday , i have two trains . one departs at 22:01 and the other at 23:01. does one of these work ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , the 22:01. book that for 2 people . i need the reference number too . eos O O O B-Train-Inform+People O O O O O O O O O O O O O O N/A
+bos your reservation is confirmed fortr9312 leaving cambridge at 22:01 , arriving in broxbourne at 23:01. your reference number is 59c0u68k . total fee is 35.79 , which is payable at the station . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O O O O O N/A
+bos great , thanks . can you also provide me with some info on a restaurant called travellers rest ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos absolutely ! that is a british restaurant on the west side of town . it is considered to be in the expensive price range . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos could you please make a reservation for us at 11:15 on the same day ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i 'm unable to make that reservation for that time . would you like to try a different time ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 10:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos your table is reserved for 10:15. your table will be held for 15 minutes . your reference number is : 3h26gvjv . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that is all that i needed . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos it was my pleasure to help you today . enjoy cambridge and text us back anytime ! eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the cheap price range that serves british food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O Train-Request+Price
+bos i am sorry there are no restaurants that meet those requirements . would you like to try another type of food ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos what british restaurants are available in the centre to choose from ? i 'd like to book a table at 17:15 for one on saturday . eos O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Time O O O B-Restaurant-Inform+Day O O O N/A
+bos i can book a table for you at the oak bistro . they are moderately priced and you wo n't be disappointed eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Booking-Inform
+bos sounds great - can you book a table there ? eos O O O O O O O O O O O N/A
+bos absolutely ! for how many people and what day/time ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People,general-greet
+bos just myself . i 'd like to eat at 17:15 on saturday . eos O O O O O O O O O O O O O O N/A
+bos the british places are all booked up then . another time or place ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about 16:15 instead ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 8ss1t80v . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i need to book a nice expensive restaurant in the centre please . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos there are several nice expensive restaurants in the centre area . is there a particular food type that interests you most ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference . i need a table booked for six people at 13:45 on thursday , though . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos i am sorry none of the listings have tables available for that time , is there another time that will work ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 12:45 instead ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos sure . kymmoy , a good asian oriental restaurant has space . you are reserved and your reference number is l7hrcy1k . can i help with anything else ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am looking for a train that departs from cambridge and leaves after 21:45. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A
+bos i can help you with that . what is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest
+bos it is stansted airport . eos O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos how about the 22:40 train ? it gets in at 23:08. does that work ? eos O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos yes i need the price also . eos O O O O O O O O Train-Request+Price
+bos 10.10 pounds , and it 's tr3864 eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Id O O N/A
+bos thank you . that is all for now . eos O O O O O O O O O O general-thank
+bos are you certain i ca n't help with anything else right now ? eos O O O O O O O O O O O O O O general-reqmore
+bos no , that is all i need , thank you . eos O O O O O O O O O O O O general-thank
+bos thank you so much for using our service . have a good day . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi . i 'm looking for a moderately priced restaurant . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos de luca cucina and bar is a modern european restaurant in the centre eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A
+bos i need something that 's in the east part of town . eos O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos curry prince is moderately priced and located at 451 newmarket road fen ditton 01223 566388. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos curry prince 's phone number is 01223 566388. is there anything else i can help you with today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no thank you . that is all i needed . bye bye ! eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome . have a good evening . eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find an expensive panasian restaurant , please ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos i do n't see anything with that criteria . perhaps you would like a different cuisine ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos are you sure there is n't any in the centre ? eos O O O O O O O O O O O O N/A
+bos sorry there is no panasian food in any area . would like me to find a different restaurant ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O N/A
+bos can you look for chinese food ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos i found a chinese restaurant named tang chinese located at napier street city centre would you like to reserve a table ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos book a table for 6 people at 14:45 on tuesday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos okay , booking was successful . the table will be reserved for 15 minutes . reference number is : mcswq2w5 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i also need to train leaving from cambridge on thursday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have many trains meeting your request . what is your destination and preferred departure and arrival times ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Leave
+bos my destination is london liverpool street , departing on wednesday from cambridge after 14:15. eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A
+bos i have a train tr 2815 leaving cambridge at 15:59 on wednesday and arriving at 17:27 at london liverpool street . would you like to book this ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-OfferBook
+bos no , could you give me the price , arrival time , and overall travel time , please ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos the arrival time is 17:27. price is 16.60 pounds . duration is 88 minutes . eos O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos thank you for your assistance . eos O O O O O O O general-thank
+bos was there anything else i can do for you today ? eos O O O O O O O O O O O O general-reqmore
+bos actually , that 's all i needed . thank you for the help ! goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos great ! have a great day . eos O O O O O O O O general-bye
+bos what train can i take to get to cambridge from birmingham new street ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have many trains that can get you to your destination . what day would you be traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Day
+bos i need to leave on friday . eos O O O O O O B-Train-Inform+Leave O N/A
+bos i have not found any train that matches your info . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O Train-NoOffer,general-reqmore
+bos i need a train that leaves after 15:00 on friday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos where will you be going ? eos O O O O O O O Train-Request+Dest
+bos i will be going to cambridge . eos O O O O O O O O N/A
+bos how about tr9756 , it leaves at 15:40. how many tickets would you like eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O Train-Request+People
+bos 1 ticket please . i am also looking for a moderately priced turkish restaurant located in the centre . eos O O B-Train-Inform+People O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A
+bos alright , your train ticket has been purchased and the reference number is 41yrxr8g . there are also 2 moderately priced turkish restaurants in the centre of town , the anatolia and efes restaurant . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos going back to the train info , how long is the ride from birmingham new street to cambridge ? then , i want to book the anatolia restaurant for friday , also . thank you . eos O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A
+bos the train trip is 163 minutes . how many people will be in your party for the restaurant ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O Booking-Request+People
+bos it would be 2 people . eos O O O O O B-Restaurant-Inform+People O N/A
+bos what time will that be ? eos O O O O O O O Booking-Request+Time
+bos i 'd like the table reserved for 19:00. eos O O O O O O O O O N/A
+bos ok i have reserved a table for 2 at the anatolia and efes restaurant for 19:00. is there anything else i can do for you ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O O O O O O O O N/A
+bos can you give me the reference number ? eos O O O O O O O O O Restaurant-Request+Ref
+bos certainly , the number is kre2s785 . can i be of further assistance ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore
+bos no , that is all i need for now . thanks so much . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . goodbye ! eos O O O O O O O general-welcome,general-bye
+bos i will be traveling to cambridge and am interested in going to cherry hinton water play . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes , that 's at cherry hinton hall , cherry hinton road in the east of town . is there anything else you 'd like to know about it ? or anything else i can help with ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos could you get me the postcode for that , please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos the post code is cb18dw . eos O O O O O B-Attraction-Inform+Post O N/A
+bos i 'm also looking for a place to stay . i would like it to be a guesthouse . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are many guesthouses in the east from cheap to moderate . i 'd suggest warkworth house , with free wifi and parking . phone number 01223363682. can i book for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos i would like a cheap restaurant that serves mediterranean food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos the gardenia is a cheap restaurant that serves mediterranean food . is the centre part of town okay for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O B-Restaurant-Select+Area O O O O O O O O N/A
+bos yes , thank you . could you tell me the address and phone number of that restaurant ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos certainly , the gardenia is located at 2 rose crescent city centre and can be reached at 01223 356354. may i be of further assistance ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos the gardenia sounds good . thanks . eos O O O O O O O O general-thank
+bos good bye . eos O O O O general-bye
+bos i am going to be staying in north cambridge and need a hotel , i can pay for parking . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos ashley hotel is available . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos oh , i have heard of that . is in in the north part of town ? i am looking for a place in the moderate price range also . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos yes is it moderate and in the north side of town . would you like to book there ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos sure , that seems fine . eos O O O O O O O N/A
+bos ok. what day would you like to book for ? eos O O O O O O O O O O O Booking-Request+Day
+bos before you book , i just want to make sure -- does it have a 4 star rating ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos no , it is a two star hotel . could you recheck and restate your perimeters to me ? eos O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos how many stars , area , and price . eos O O O O O O O O O O N/A
+bos it 's in the north , moderately priced and has a 2 star rating . eos O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O N/A
+bos no , i 'm sorry , i should have specified . i need a 4 star place to stay . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos i 'm sorry . i do n't have anything that matches your preferences . eos O O O O O O O O O O O O O O O Hotel-NoOffer
+bos are you sure ? i need a 4-star , moderately-priced hotel in the north part of town , and i do n't need free parking . eos O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O N/A
+bos again nothing , i could search again but doubt that a new hotel was constructed there during the last couple minutes . are you open to a guesthouse or different area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type B-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Request+Type,Hotel-Request+Area
+bos i 'm definitely open to a guesthouse . eos O O O O O O B-Hotel-Inform+Type O O N/A
+bos do you need free internet ? eos O O O O O O O Hotel-Request+Internet
+bos does n't matter if it does to me . eos O O O O O O O O O O N/A
+bos we do have some . the acorn guest house is quite nice , when are you planning your stay ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Request+Day
+bos well i would just need the postcode . sorry for all the confusion ! eos O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the acorn guest house postcode is cb41da . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O N/A
+bos thanks . are there any cinemas around the guest house ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos no there is not . would you like me to check in a different area ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer
+bos what about something to do with boats ? eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos there is riverboat georgina would you like the address and phone number ? the entrance fee is n't listed . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos great , i will also need a taxi to leave the hotel by 20:15. i will need the car type and contact number . eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type
+bos okay i have booked you a taxi and your contact number is 07925606670 and they will be driving a black toyota . eos O O O O O O O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos have a nice day . eos O O O O O O N/A
+bos thank you , you too . eos O O O O O O O general-bye
+bos i 'm looking for a hotel with free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos which area of town will you be staying in ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i will be staying in the south can you book me a room and send me the reference number ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos absolutely the only hotel in the south is expensive , is that okay ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O O general-reqmore
+bos could you look for something in the west ? eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos in the wast i have huntingdon marriott hotel and the cambridge belfry . eos O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos if it 's in the west , i want it to be a 0 star hotel . is it ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A
+bos no , it is n't . there are no 0 star hotels in the west but there are plenty more hotels i can recommend eos O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O N/A
+bos can you check for ones in the centre and have free parking ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Request+Parking
+bos the only place that i have in the centre that offers free parking and internet is a guesthouse called the el shaddai . it is cheap and has 0 stars . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that should be fine . i also want some other places to go nearby . eos O O O O O O O O O O O O O O O O N/A
+bos there are many different types of attractions in that area . do you have a type in mind ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like a architecture place to visit . eos O O O O O B-Attraction-Inform+Type O O O O N/A
+bos sure , i recommend holy trinity church in the centre , admission is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O N/A
+bos sweet could you give me their phone and address ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos their address is market street and their number is 01223355397. do you need anything else today ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos i also want to book a taxi to leave the hotel by 15:45. eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos where will you be going to ? eos O O O O O O O O Taxi-Request+Dest
+bos the holy trinity church from the hotel please . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Hotel-Inform+Type O O N/A
+bos no problem . i 've got your taxi booked . what else can i do ? eos O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos can i have the car type and the phone number for the taxi ? eos O O O O O O O O O O O O O O O Taxi-Request+Car,Taxi-Request+Phone
+bos booked car type : grey volkswagencontact number : 07826530117 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos perfect ! that 's all i need . see you later . bye . eos O O O O O O O O O O O O O O O general-bye
+bos ok ! have a great day ! eos O O O O O O O O general-bye
+bos i am looking for a cheap restaurant that is in the north part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos what kind of food would like ? eos O O O O O O O O Restaurant-Request+Food
+bos any eos O O N/A
+bos da vinci pizzeria serves italian food in the cheap price range and is in the north part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos are there any other options ? eos O O O O O O O N/A
+bos royal spice serves indian food in the cheap price range and is in the north part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos that sounds great . may i have their address please ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos royal spice 's address is victoria avenue chesterton eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you very much , bye bye eos O O O O O O O O general-bye
+bos enjoy ! eos O O O general-bye
+bos a french restaurant in the centre part of town . please give me address and phone number . eos O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos cote can be reached at 01223311053 and is at bridge street city centre . do you require any additional information ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos hello , i need a train leaving cambridge , please . eos O O O O O O O B-Train-Inform+Depart O O O O N/A
+bos i have 1,414 results for trains leaving cambridge , what is your destination and what day are you looking to travel on ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos thursday , going to broxbourne . eos O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A
+bos i have 19 trains going to your destination . did you have a time of arrival or when you want to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need the train to leave after 19:45. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos the tr7253 leaves at 20:01 and arrives in broxbourne at 21:01. would that be okay ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O general-reqmore
+bos yes , that sounds good . what 's the travel time for that ? eos O O O O O O O O O O O O O O O Train-Request+Duration
+bos 60 minutes duration . anything else today ? eos O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos yes , i 'm looking for an expensive restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 33 restaurants available . is there a specific food type you 're looking for ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like indian food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 6 different indian restaurants . might i suggest the curry king . it is very highly recommended . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A
+bos well in that case , count me in ! can you give me their phone number , address , and postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 5 jordans yard bridge street city centre cb21ug . the phone number is 01223324351. can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos that 'll be everything ! eos O O O O O O N/A
+bos great . have a wonderful time ! thanks for using cambridge towninfo centre . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant in the north part of town that serves welsh food . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are no welsh restaurants in the north of town . would you like something else ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos italian eos O B-Restaurant-Inform+Food N/A
+bos da vinci pizzeria would be your only option in the north . would you like their address and phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos that would be great thanks ! eos O O O O O O O general-thank
+bos da vinci pizzeria is located at 20 milton road chesterton and their phone number is 01223 351707. may i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos that 's it , goodbye eos O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thanks ! eos O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos i need a hospital in town . eos O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no thank you . i think i have everything . eos O O O O O O O O O O O general-thank
+bos great ! hope you have a better day . eos O O O O O O O O O O general-greet
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos good bye now ! eos O O O O O general-bye
+bos i 'm looking for a police station . it has something to do with parkside , although i do n't know if that 's a name or a location . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos the parkside police station is in parkside , cambridge . eos O O O O O O O O O O O N/A
+bos thank you , that 's all i need . eos O O O O O O O O O O general-thank
+bos you are most welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for ian hong house eos O O O O O O O O N/A
+bos that is a chinese restaurant in the centre of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos ok i 'd like to book for 6 people at 1400 on saturday please eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A
+bos i have that booked for you and here is your reference number : xdyjmto7 . is there anything else ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos no , you were super efficient . thank you . goodbye . eos O O O O O O O O O O O O O general-bye
+bos it was my pleasure . have a great day ! eos O O O O O O O O O O O general-bye
+bos i am looking for a particular restaurant . its name is called restaurant alimentum eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos restaurant alimentum offers modern european found south has moderate price range 01223413000 cb28pb 152 - 154 hills road eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A
+bos thanks a lot . that 's all the information i 'm looking for . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos goodbye and have a nice day . eos O O O O O O O O general-bye
+bos i need a taxi to take me in time for my reservation to tang chinese today eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart
+bos i am leaving from the backstreet bistro . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos alright . i will just need a time from you please . eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to arrive by 18:00 eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos booking is complete , a grey tesla will be arriving at 18:00. the contact number is 07243724592. do you need any further assistance ? . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos great , thanks ! that was everything . eos O O O O O O O O O general-thank
+bos we are happy to help . thank you for using our services . eos O O O O O O O O O O O O O O general-bye
+bos can you help me find a hotel called a and b guest house ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos it is in the east , and moderately priced . would you like to book a room ? eos O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos can i get the address and phone number , please ? eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos the address is 124 tenison road , postcode cb12dp . the phone number is 01223315702. anything else ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O general-reqmore
+bos that is all . thank you . eos O O O O O O O O general-thank
+bos you 're welcome have a great day . eos O O O O O O O O O general-bye
+bos i need a taxi to get me to magdalene college no later than 12:15 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Leave N/A
+bos ok , what is your destination ? eos O O O O O O O O Taxi-Request+Dest
+bos i 'm heading to magdalene college , as i mentioned . i need to be retrieved from kings lynn train station . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O N/A
+bos i booked it for you . they will be driving a black bmw and their contact number is 07894559856. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you , that 's all i need . eos O O O O O O O O O O general-thank
+bos your welcome , have a great day . eos O O O O O O O O O general-greet
+bos you have a good day too . eos O O O O O O O O N/A
+bos thank you and goodbye . eos O O O O O O general-bye
+bos i need to book a taxi to come pick me up by 10:30 to take me to midsummer house restaurant . eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos okay ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i 'm coming from city stop restaurant . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos okay , i 've got you a black bmw with the contact number 07083984796. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos is there anything else i can help you with eos O O O O O O O O O O general-reqmore
+bos i need a taxi to come by at 18:15 to take me to meghna . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest O N/A
+bos i can help with that , where will you be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i 'll be departing from aylesbray lodge guest house . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos your booking is complete . a grey lexus will pick you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A
+bos awesome . can i get a contact number please ? eos O O O O O O O O O O O N/A
+bos contact number : 07626056200anything else ? eos O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O general-reqmore
+bos i have everything i need . thank you . goodbye . eos O O O O O O O O O O O O general-bye
+bos you are welcome . thank you for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i was just in a car accident , can i please have the number for the police station ? eos O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos absolutely , the parkside police station number is 01223358966. do you need hospital information as well ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no thank you eos O O O O general-thank
+bos good luck with everything ! eos O O O O O O general-bye
+bos i was just in a car accident and i need the police to come to the scene . i also need to know where the closest hospital is . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Police-Inform,Hospital-Inform
+bos i can call the police for you but the number is 01223358966. the closest hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what is the post code for the hospital ? eos O O O O O O O O O O Police-Request+Post
+bos the post code for the hospital is cb20qq . eos O O O O O O O O O O N/A
+bos thanks for the info ! eos O O O O O O general-thank
+bos you are welcome . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O general-reqmore
+bos that 's all that i need , thank you ! eos O O O O O O O O O O O general-thank
+bos thanks for using our service . have a great day . eos O O O O O O O O O O O O general-greet
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're welcome . thank you for using our service . eos O O O O O O O O O O O O general-welcome
+bos i am looking for a restaurant called pizza express in cambridge . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos there are two pizza express restaurants located in cambridge . one on regent street city centre and one at jesus lane fen ditton . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos book the one on regent for saturday at 18:00. there are two people . can i get a reference number please ? eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i 've reserved your table at pizza express at their regent street city centre location on saturday at 18:00 , for 2 people , reference number w5962b01 . can i help you with anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for a train departing from cambridge on sunday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what is your destination and your departure and arrival times ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos i need to go to norwich , and i need to leave sometime after 19:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave O N/A
+bos there are 5 trains that meet those criteria . do you want to leave at 19:36 ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Select+Leave O O N/A
+bos yes please . 19:36 is fine . eos O O O O O O O O N/A
+bos the tr4082 will also arrive by 20:55. how many tickets would you like to book ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+People
+bos i am unsure for now but can i please get the price per ticket ? eos O O O O O O O O O O O O O O O O Train-Request+Price
+bos certainly , the price is 14.08 pounds per ticket . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos thank you that 's all the information i need . eos O O O O O O O O O O O general-thank
+bos glad i could help ! enjoy your time in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i need information on the parkside police station . eos O O O O O O O O O O O O Police-Inform
+bos the phone number for parkside police station is 01223358966 , address parkside , cambridge , cb11jg . eos O O O O O O O O O O O O O O O O O O N/A
+bos amazing , thanks for your help eos O O O O O O O general-thank
+bos do you want me to call 911 ? eos O O O O O O O O O general-reqmore
+bos no , that 's ok. i 've got it . thanks again . eos O O O O O O O O O O O O O O general-thank
+bos let us know if you need more help . eos O O O O O O O O O O general-reqmore
+bos hello , i am looking for a restaurant that is in the town centre that serves chinese food . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A
+bos there are many restaurants that fit your specifications . do you have a price range in mind ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos the moderate price range would be best . eos O O B-Restaurant-Inform+Price O O O O O O Train-Request+Price
+bos i found three moderate chinese restaurants . would you like to book at jinling noodle bar ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A
+bos yes please . please provide the phone number before you book . eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223566188. is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a train departing after 8:45 to bishops stortford . eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos i can help you with that , where will you be departing from ? eos O O O O O O O O O O O O O O O Train-Request+Depart
+bos from cambridge on saturday . eos O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos the closest , unfortunately , is the tr3396 that departs at 09:29 , which does leave a 44 minute wait for you . do you still want me to book this for you ? eos O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos could you give me the price for this train , please ? eos O O O O O O O O O O O O O Train-Request+Price
+bos the price is 8.08 gbp per ticket . is there anything else i can help with today ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O general-reqmore
+bos i think that should be it thank you eos O O O O O O O O O general-thank
+bos how many people are you booking for ? eos O O O O O O O O O Train-Request+People
+bos i am booking for one person . eos O O O O O O O O N/A
+bos your booking was successful , reference number is n2j38ye1 . eos O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks , that 's all for today . eos O O O O O O O O O general-thank
+bos thank you for using our service . goodbye ! eos O O O O O O O O O O general-bye
+bos help ! i was in a car accident dispute ! eos O O O O O O O O O O O N/A
+bos the parkside police station 's telephone number is 01223358966. are you in need of medical assistance ? the addenbrookes hospital 's telephone number is 01223245151 eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i was in a car accident dispute and need some info . i need a phone number , address , and postcode . eos O O O O O O O O O O O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr,Police-Request+Phone
+bos oh no ! the telephone number for the police is 01223358966 , their address is parkside , cambridge , and their postcode is cb11jg . i hope no one was injured ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks for the information . i have to be going . goodbye . and thanks again . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i hope you get it all settled quickly ! goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the cambridge area that serve cuisine for a moderate price . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos yippee noodle bar at 40428 king street city centre meets your needs . would you like a booking ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos i need the place to serve a turkish food . i 'll need an address and post code also . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos i have two that serve turkish food , both in the moderate price range : anatolia and efes restaurant . would you like addresses for both ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O N/A
+bos yes please . i 'm also looking for a train if you can help me with that . eos O O O O O O O O O O O O O O O O O O O Train-Inform
+bos of course , where is the departure from ? and at what time ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i 'll need to leave from kings lynn sometime after 21:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O N/A
+bos the first train out of kings lynn after your specified time is tr0672 , leaving at 22:11. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O N/A
+bos ok i 'd like to book 7 tickets for monday . and can i get the reference number ? eos O O O O O O O B-Train-Inform+People O B-Train-Inform+Day O O O O O O O O O O Train-Request+Ref
+bos that has been booked . the reference number is rjffms3c . anything else i can do for you ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos great , thank you ! that is everything i needed . eos O O O O O O O O O O O O general-thank
+bos your welcome . please let us know if we can be of assistance in the future . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes i need the nearest police station , i was in a car accident . eos O O O O O O O O O O O O O O O O Police-Inform
+bos the parkside police station is the closest in postcode cb11jg , their phone number is 01223358966 eos O O O O O O O O O O O O O O O O O N/A
+bos that 's all i need , thank you . eos O O O O O O O O O O general-thank
+bos i hope your day gets better . goodbye . eos O O O O O O O O O O general-bye
+bos where is the parkside police station ? eos O O O O O O O O Police-Inform
+bos the parkside police station 's address is parkside , cambridge . its phone number is 01223358966 and its postcode is cb11jg . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's all i will need , thank you . eos O O O O O O O O O O O general-thank
+bos you 're welcome , let me know if there 's anything else i can do ! eos O O O O O O O O O O O O O O O O O general-reqmore
+bos hello i need help finding the nearest police station . eos O O O O O O O O O O O Police-Inform
+bos there is a station in parkside , cambridge . would you like the phone number as well ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos if you could just get me the postcode and address , that would be perfect . eos O O O O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the address is parkside , cambridge . the post code is cb11jg . eos O O O O O O O O O O O O O O N/A
+bos thanks ! that 's all i need for now . eos O O O O O O O O O O O general-thank
+bos okay . hope that helps ! eos O O O O O O O general-greet
+bos i want an expensive place to stay in the west side . eos O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A
+bos the huntingdon marriott hotel is an expensive , 4-star hotel in the west that offers free internet and parking . would you like me to book this for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i do n't really need internet , but that sounds like everything else i want . yes , i 'd like you to book it . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos ok , what is your arrival date , number of nights , and number of people in your party ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay
+bos i will hold off on the booking today i think i have all i need eos O O O O O O O O O O O O O O O O N/A
+bos okay , the phone number is 01480446000 for your convenience . is there anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O general-reqmore
+bos actually , i would like to book the hotel for 6 people for 4 nights starting on sunday . eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos booking was not possible . would you like to try a shorter stay , fewer rooms , or another day ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos yes , is 3 nights possible ? could i also please have a reference number ? eos O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O N/A
+bos great , the booking was successful . your reference number is hjhe475h . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . i would like to make reservations for my party to have dinner one night near the hotel . we would like to go to a restaurant that serves indian food , if possible . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos i see one moderately priced indian restaurant in that area , and several expensive ones . do you have a preference ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price
+bos i would prefer one of the expensive places . need to impress my guests , you know ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos there are three expensive indian restaurants in that area . can i recommend tandoori palace ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos yes , that sounds good . please book it for the same 6 people at 12:30 on sunday . eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i was not able to reserve a table for you at that time . is there a different day or time slot that you would like ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos yes , how about 11:30 instead ? please send reference number for the booking . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A
+bos great ! i have a table for 6 people at 11:30 onsundar at tandoori palace , reference number 3bmgpan3 . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no thank you , that is all i needed ! eos O O O O O O O O O O O general-thank
+bos thank you , you have a good day ! eos O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant in the center of town that is in the moderate price range . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos there are 21 restaurants available in the center of town in the moderate price range . do you have a preference on the type of food ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i want a russian food restaurant . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have no russian restaurants with those criteria . another type of food perhaps ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O Restaurant-Request+Food
+bos what about one that serves italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have two that fit this criteria . pizza express at regent street city centre and pizza express fen ditton at jesus lane fen ditton . would you like any other information ? eos O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O O O N/A
+bos yes , may i please have the postcode , address , and phone number of the pizza express at regent street ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the postcode is cb21db , phone number is 01223324033 , and address is regent street city centre eos O O O O B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos thank you ! i 'm also looking for a hotel in the same area . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos certainly , i have 5 hotels in the centre area one is moderately priced , are there any other criteria such as price , or type ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price
+bos i would like one that includes free wifi please eos O O O O O O O O O O N/A
+bos there are 4 that have free wifi , the alexander bed and breakfast is a guesthouse that is cheaply priced in that area , would you be interested in that ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Inform+Type O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O Hotel-Inform+Internet
+bos yes that would be great do they have free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking
+bos yes , they have free parking and free wifi . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that 's not necessary , could you just give me their phone number please ? i also need some help finding a taxi to commute from the hotel to restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Phone
+bos the phone number for the guesthouse is 01223525725. what time do you want the taxi to pick you up to take you to the restaurant ? eos O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos 8:15 please is when i want the taxi to pick me up . eos O O O O O O O O O O O O O O N/A
+bos okay i have booked a taxi for you . it will be a gray ford and the contact number is 07939411352 in case you need to make any modifications . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O N/A
+bos okay great . that is all i need . eos O O O O O O O O O O N/A
+bos thank you for using our service . have a great day ! eos O O O O O O O O O O O O O general-bye
+bos what are some nice , expensive restaurants in the center of town ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos the bedouin , kymmoy & midsummer house restaurants match your desired criteria , would you like me to book you a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos i would like a table for 1 at 18:15 on tuesday at the bedouin , please . and may i have the reference number when it 's booked ? eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O N/A
+bos your table is booked and is reserved for 15 minutes . your reference number is i9akfzc5 . can i help you with anything else today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes i need a hotel with free wi-fi . eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos okay there are many to choose from . do you have a preference for the area you stay in ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos how about near the restaurant ? eos O O O O O O O Restaurant-Inform
+bos alexander bed and breakfast is located in the centre which is close to the hotel . would you like me to book you a reservation here ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O Booking-Inform
+bos is that one expensive ? i would like an expensive , 4-star hotel . eos O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Type O O O N/A
+bos no that is a cheap hotel but is rated 4 stars . how about the university arms hotel , its is 4 stars and expensive . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Price O O O N/A
+bos sounds great ! please book a 4 night stay for 1 person on tuesday . eos O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A
+bos okay , i 've booked you for one person at university arms , starting on tuesday , for 4 days . your reference number is hsvg3gt9 . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O N/A
+bos yes i also need to book a taxi to take us between the hotel and the restaurant . i will need the car type and a contact number for the booking . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i can do that , when would you like the taxi to pick you up ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to get the taxi to get me there by 18:15 please eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos i was able to book a black ford phone number is 07618987553 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos i 'm happy to have assisted you . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no . thank you , you have been very helpful . eos O O O O O O O O O O O O general-thank
+bos i am happy to help eos O O O O O O general-welcome
+bos thank you good bye . eos O O O O O O general-bye
+bos goodbye and take care ! we hope to see you again . eos O O O O O O O O O O O O O general-bye
+bos yes i need a cheap restaurant in the cambridge area on the north side of town . what do you suggest ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos thank you i will go to royal spice . eos O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O N/A
+bos okay can you book me a table for saturday at 19:45 for 3 people ? i would also like the reference number for the booking . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have successfully booked your reservation . your reference number is 7xydz38v . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay . i would prefer at least 4 stars and free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos we have 19 entries that match your search . do you have any further preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O general-reqmore
+bos i would like the place to have the same price range as the restaurant , so cheap . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos the worth house is a hotel that is also on the north side of town and it is cheap . would you like to book a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos i would prefer one that has free parking and a star rating of 4. eos O O O O O O O O O O O O O O O N/A
+bos the worth house does meet your stated criteria . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos okay , could you also tell me the area of the hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos absolutely , the worth house is located in the north area . would you like a reservation ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos yes , that 's perfect . thank you for all of your help ! eos O O O O O O O O O O O O O O O general-thank
+bos what day would you like the reservation for ? eos O O O O O O O O O O Booking-Request+Day
+bos saturday at 19:45 eos O B-Hotel-Inform+Day O O N/A
+bos for how many people and how many nights would you like that hotel reservation ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos actually , i will go ahead and make a reservation for a later time . but , thank you for all the info . i think that is all i needed . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos if there is nothing else , have a good day . eos O O O O O O O O O O O O general-bye
+bos hi ! i am looking for a place to stay that has free wifi . the hotel does n't have to have free parking but that would be nice . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are many listings . do you have an area or price range preference to further narrow down ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes less than 100 a night eos O O O O O O O N/A
+bos there are 29 hotels with those criteria . what location would you like it to be in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like it to be in northern cambridge and have 2 stars . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O N/A
+bos there are two hotels that meet those criteria , the ashley hotel and the lovell lodge . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos try ashley hotel for 6 people , 3 nights , starting monday . eos O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos unfortunately booking was unsuccessful is there another time you 'd like to go ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can you try for 2 nights ? eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos yes , i was able to book the ashley hotel for two days . your reference number is 6omrc62i . can i help with anything else ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O N/A
+bos i need a place to dine in the expensive price range serving north indian food eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos there are n't any restaurants serving expensive north indian food . eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O N/A
+bos are there any that serve british food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 6 restaurants that serve expensive british food . would you prefer one in the east , west or centre area ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O N/A
+bos centre would be fine . could you give me the address and postcode , please ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos 51 trumpington street city centre and cb21rg eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post N/A
+bos ok great , thank you ! eos O O O O O O O general-thank
+bos is there anything else you need help with ? eos O O O O O O O O O O general-reqmore
+bos i am traveling to cambridge and looking for a local restaurant . eos O O O O O O O O O O O O O Restaurant-Inform
+bos there are 6 restaurants listed , do you have a preference of area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area
+bos actually , i 'm all set . thanks again . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos you 're welcome . have a good day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hello , i am looking for a moderate priced place to eat that serves british food in cambridge . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos would you be interested in a couple of recommendations ? i have the copper kettle in the centre and saint johns chop house in the west . both serve great british cuisine . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name B-Restaurant-Select+Area O O O B-Restaurant-Select+Food O O O O N/A
+bos can i have the copper kettle 's phone number and address , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos of course ! the copper kettle 's number is 01223323361 and they are located at 4 kings parade city centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos what is the area for the copper kettle ? eos O O O O O O O O O O Restaurant-Request+Area
+bos the copper kettle is located in the center of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O N/A
+bos i would like to book a cab please . eos O O O O O O O O O O N/A
+bos alright . i will need more information first . where can the taxi pick you up , when would you like to leave , and when do you need to arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i do n't care . eos O O O O O O N/A
+bos i am sorry , i can not book a taxi for you without this information . eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need a place to stay please . eos O O O O O O O O O N/A
+bos i have 33 results for a place to stay . would you prefer a hotel or a guesthouse ? did you have a preference on location ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos someplace moderately priced with free wifi on the east side of town would be best . eos O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are 3 results for a place to stay , would you like me to book you a room now ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Booking-Inform
+bos sure . i need to book it for 3 people staying for 4 nights starting sunday . please provide a reference number . thanks ! eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos a and b guest house meets your criteria so i have booked it for you . the reference number is n5ntpzkl . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks . that 's everything i need . eos O O O O O O O O O general-thank
+bos all right , if you 're sure you do n't need a taxi as well , have a very good day , then . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i will . thanks for your help . eos O O O O O O O O O general-thank
+bos if you need to book a taxi , please call back . thank you . eos O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos hi there , i 'm hoping you can help me find a hotel in the south of cambridge . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos the lensfield hotel , which is expensive is the only hotel in south cambridge . will this work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O N/A
+bos no , i need a moderately priced place that does n't need have free wifi or parking in the area of south , thank you eos O O B-Hotel-Inform+Parking O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos there are guesthouses available in the south cambridge area moderately priced that have free wi-fi and parking . would you like to hear more about them ? eos O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos yes i would love to hear more information about them . thank you . eos O O O O O O O O O O O O O O O general-thank
+bos alright the aylesbray lodge guest house is a 4 star guest house . does that interest you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos sure . may i have the address ? eos O O O O O O O O O Hotel-Request+Addr
+bos sure , the aylesbray lodge guest house is located at 5 mowbray road . can i be of any further assistance today ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos i also need a place to dine that is in the same area and price range as the hotel . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i have the pizza hut that is moderately priced in the south and also restaurant alimentum that serves modern european food . any interest you ? eos O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A
+bos hmm , i was looking for fusion type food , are there any that have that ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Hotel-Request+Type
+bos i 'm sorry , there is n't . can i provide you information on a different type of cuisine ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , are there any good indian restaurants ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there is one expensive indian restaurant in the south : taj tandoori . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos great can i get their phone number , address , and postcode eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos absolutely ! the taj tandoori is located at 64 cherry hinton road cherry hinton . their postcode is cb17aa . the phone number to reach them is 01223412299. would you like a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform
+bos not at this time . thank you for the information ! good-bye eos O O O O O O O O O O O O O general-bye
+bos you 're welcome . please let us know if you need assistance with anything else . thanks ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to stay in a guesthouse in the east . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A
+bos i 'd be glad to help you find a guesthouse , are you looking for something moderately priced or would you like a cheaper option ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos i do n't care about price range , but i would like to have free parking . eos O O O O O O O O O O O O O O O O O O N/A
+bos i have a few listings for guesthouses , i will give you the listings for moderate prices as they will be nicer . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O N/A
+bos please include post code and phone number with the listings . eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the warkworth house 's contact number is 01223363682. the postcode for them is cb11ee . the other moderate priced is carolina bed and breakfast , phone 01223247015 with postcode cb13nx . anything else ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone I-Hotel-Inform+Phone O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O general-reqmore
+bos i am also looking for a restaurant . i prefer it to serve cuban food and i would like a moderate price range . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos there are no moderately priced cuban restaurants in cambridge , unfortunately . would you like me to look up other restaurants in the moderate price range ? eos O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O B-Restaurant-Select+Choice I-Restaurant-Select+Choice O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A
+bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are four chinese restaurants . would you rather eat in the north or centre ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos north is fine , what is the postcode for that ? eos O O O O O O O O O O O O Restaurant-Request+Post
+bos in the north is the golden wok , the postcode is cb43hl . do you need more information on that or with anything else ? eos O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos no , that is all i need at this time , thank you for your help . eos O O O O O O O O O O O O O O O O O O general-thank
+bos happy to be or service . have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a korean restaurant in the centre of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos how about little seoul ? it 's expensive and in the center of town . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos is there other choices that you could provide ? eos O O O O O O O O O O N/A
+bos i 'm sorry , there are no other options for the criteria you have provided . would you like more information about little seoul ? eos O O O O O O B-Restaurant-NoOffer+Choice I-Restaurant-NoOffer+Choice O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O general-reqmore
+bos i want to make a booking for 8 people at 13:30 on monday . please do send me a reference number . eos O O O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O O O O Restaurant-Request+Ref
+bos okay i would be more than happy to assist you with that but i need to know how many will be in your party and what time please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos please book for 8 people on monday at 13:30. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : 20x96egn . is there anything else you would like for me to do ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for hotel in the same area . eos O O O O O O O O O O O O N/A
+bos there are more than thirty options to choose from . do you have a preferred star rating or price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i want one in centre , also expensive and free parking please . eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos there are two hotels that meet that criteria . the gonville hotel and the university arms hotel . do you have a star rating preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Hotel-Request+Stars
+bos i also need free wifi . stars do n't matter , but can you get me their phone number ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the gonville 's phone is 01223366611 and the university arms hotel 's number is 01223351241. can i help with anything else today ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that 's it . thank you . goodbye ! eos O O O O O O O O O O O O general-bye
+bos alright then . have a good stay ! eos O O O O O O O O O general-welcome,general-bye
+bos i need to find a place to stay while in cambridge , i do not need it to have internet but i do need it to have free parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O N/A
+bos there are currently no hotels in the cambridge area that have parking , is there another area close by that would work for you ? eos O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer+Parking,Hotel-Request+Area
+bos maybe you can suggest a place close to the area of south , i would appreciate that , thank you eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos there is nothing in the south . do you really need parking ? eos O O O O O O B-Hotel-NoOffer+Area O O O O O O O Hotel-Request+Parking
+bos yeah , i do . what about to the west ? eos O O O O O O O O O O O O N/A
+bos what are the preferences you have for the hotel ? i can not seem to find one fitting the criteria you have listed . eos O O O O O O O O O B-Hotel-Select+Type O O O O O O O O O O O O O O O Hotel-NoOffer
+bos i need the hotel to at least have free wifi . can you accommodate ? eos O O O O O O O O O O O O O O O O N/A
+bos there are 4 hotels in the south with free wifi and parking . what star rating would you like ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i do n't really care about the star rating . i just would like free wifi and would need to book for 3 nights for 6 people . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Hotel-Request+Price
+bos i do n't have a preference . eos O O O O O O O O N/A
+bos ok. how about the bridge guest house . i 'm happy to book that for you . i just need to know what day you 'll be arriving . eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i will be arriving sunday . eos O O O O O B-Hotel-Inform+Day O N/A
+bos all booked ! the reference number is o59mrshk . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos i am also looking for a restaurant in the same area . preferably vegetarian food in the moderate price range . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos there are no vegetarian food restaurants . eos O O O O B-Restaurant-NoOffer+Food O O O N/A
+bos okay . is there one that serves international food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are three locations that serve international cuisine . the missing sock , the varsity restaurant , and the bloomsbury restaurant . are you interested in any of these ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Select
+bos sure , can i please get a table on sunday at 13:00 for 6 people at the missing sock ? eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O N/A
+bos i can not not book your reservation for the time you wanted , would you want another time or to try one of the other 2 restaurants ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos can you try for 12:00 ? eos O O O O O B-Restaurant-Inform+Time O N/A
+bos i 'm sorry 12:00 is not available either , would you like to try another time or different restaurant possibly ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos yes let 's try another restaurant . eos O O O O O O O O Restaurant-Inform
+bos the varsity restaurant is moderately priced , and serves international food , but i 'm afraid it 's not in the south , but rather the city centre . would that be agreeable ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O N/A
+bos sure please book that fro me . eos O O O O O O O O N/A
+bos booked for 12 at varsity restaurant , you reference number is ssryqgz2 . your table will be reserved for 15 minutes . eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos alright , can you get me a taxi that will take from from the hotel to the varsity in time for my reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos yes , be on the lookout for for a white lexus . the contact number is 07672513904. may i help with anything else ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , i am all set . thank you for all your help . have a nice day . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service . you have a great trip ! eos O O O O O O O O O O O O O O general-bye
+bos can you help me find a train to cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i sure can ! what day and times are you looking for ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i 'll be coming in from norwich on friday . i 'll need to leave after 11:30 , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O N/A
+bos how about tr9900 that leaves at 05:16 ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O N/A
+bos that sounds just like what i needed . can you please make a booking for 5 people ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i 'd be more than happy to book tr9900 for 5 people . would you like a reference number ? eos O O O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+People O O O O O O O O O O N/A
+bos yes please give me the reference number eos O O O O O O O O Train-Request+Ref
+bos give me one moment to complete the booking . eos O O O O O O O O O O Train-OfferBook
+bos did you complete the booking ? i need the reference number . eos O O O O O O O O O O O O O Train-Request+Ref
+bos i apologize for the extended wait . your seats have been reserved . your reference # is lr5klqwt . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos great i 'm also looking for a park to visit in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A
+bos okay . the only park in the centre is cambridge university botanic gardens . their address is bateman street , postcode is cb21jf , phone number is 01223336265 , and the entrance fee is 4 pounds . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos that sounds great ! thanks for all your help ; that 's all i needed today . goodbye ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! please contact us if you need additional assistance during your visit to cambridge ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm travelling from ely to cambridge on tuesday and need help finding a train . eos O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A
+bos we have trains running that route every two hours beginning at 5:35. do you have a preferred departure or arrival time ? eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i want to arrive by 18:30. eos O O O O O O B-Train-Inform+Arrive N/A
+bos i have several options available is there a time you would like to depart ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos i do n't have a departure preference . eos O O O O O O O O O N/A
+bos train id tr6971 is 4.40 pounds should i book it eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O Train-OfferBook
+bos yes , and please give me the ref . number . eos O O O O O O O O O O O O Train-Request+Ref
+bos great ! how many seats will you need ? eos O O O O O O O O O O Train-Request+People
+bos just me please eos O O O O N/A
+bos your booking was successful , the total fee is 4.4 gbp payable at the station . reference number is : fco2l8an . may i assist with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O general-reqmore
+bos can you help me find a park in the south ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are two parks in the south . they are both free . i recommend wandlebury country park . can i help with anything more today ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O general-reqmore
+bos please tell me their phone number and address eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos wandlebury country park is located at wandlebury ring , gog magog hills , babraham and their phone number is 01223243830. can i assist you further ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos that is all i need today . thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-greet
+bos thanks again for all of your help eos O O O O O O O O general-thank
+bos glad i could help . eos O O O O O O general-greet
+bos i need help with attractions ! can you help me out ? eos O O O O O O O O O O O O O Attraction-Inform
+bos there are so many attractions to choose from ! are you interested in any particular area ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos yeah , i 'm looking for an entertainment place in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos are you into architecture at all because we have some awesome churches i can recommend . eos O O O O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O Attraction-Request+Type
+bos actually , i 'm looking for a type of park eos O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos the cambridge university botanic gardens is a park on bateman street . it 's located in the centre area . can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos do you know if there is an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos there is an entrance fee of 4 pounds . would you like me to look elsewhere for something free ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O Attraction-Request+Area
+bos no , that park is fine . i need help with finding a train though . eos O O O O O O O O O O O O O O O O O Train-Inform
+bos i would be happy to assist you . let 's get some details of what you need . what is your destination and when will you be travelling ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Day,Train-Request+Leave
+bos i 'm leaving bishops stortford and going to cambridge i need to leave after 16:30 on sunday . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos ok , ther first train after 16:30 is tr5298 from bishops stortford to cambridge on sunday at 17:29 and arrives at 18:07. shall i book it , if so for how many ? eos O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i 'm traveling by myself , so please just one ticket . eos O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 8.08 gbp payable at the station . reference number is : gnjd3r16 . will there be anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos nope . nothing at all . i got what i needed . thanks . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos have a safe trip . eos O O O O O O general-bye
+bos i want general information on places to go in the centre area of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are many attractions available , including architecture , theatre , swimming pools , parks , night clubs , museums , and cinemas . what are you most interested in ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Type
+bos it does n't really matter , maybe a museum ? i 'll need the entrance fee also please . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Fee
+bos i would recommend primavera located in 10 king s parade , cb21sj . phone number is 01223357708. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Phone O O N/A
+bos okay . can you find me a train to broxbourne . i need to arrive by 21:00. eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i 'm leaving from cambridge eos O O O O B-Train-Inform+Depart O N/A
+bos the first train leaves at 5:01. eos O O O O O O B-Train-Inform+Leave N/A
+bos ok , i need to book the train for 6 people please . eos O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 107.4 gbp payable at the station . reference number is : aee0qdga . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no . you took care of everything . thanks . goodbye . eos O O O O O O O O O O O O O general-bye
+bos okay fantastic , have a great day . eos O O O O O O O O O general-bye
+bos good evening , i need to take a train from cambridge to norwich . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos what day and time do you want to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i want to leave on wednesday and arrive by 15:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos i have train tr1144 leaving at 5:36 and arriving at 6:55. would you like to make reservations for that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , that would work . i do n't need a ticket though . but , can i ask the price per ticket ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos the price is 17.60. can i help you with anything else ? eos O O O O B-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos i 'm also interested in places to go in town . eos O O O O O O O O O O O O N/A
+bos what area would you be in ? eos O O O O O O O O Attraction-Request+Area
+bos i would like information on the colleges in the centre please . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos i have 13 results that match , is there anymore information you can give me on what you are looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O general-reqmore
+bos recommend any and give me the entrance fee and postcode eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos gonville and caius college have free admission . their postcode is cb21ta eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O N/A
+bos thanks , that 's all i need for today eos O O O O O O O O O O general-thank
+bos thank you for using our services . have we met all of your needs ? eos O O O O O O O O O O O O O O O O general-greet
+bos yes , thank you very much . that will be all . eos O O O O O O O O O O O O O general-thank
+bos thank you for calling and have a great day . goodbye . eos O O O O O O O O O O O O O general-bye
+bos what sort of entertainment is available in the center of town ? eos O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos i 'm sorry i did n't get any matches for entertainment in the centre . would you like me to check surrounding areas ? eos O O O O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area
+bos no , i will be in the centre . how abut nightclubs ? are there any of those ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos yes , indeed , we have five nightclubs . eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O N/A
+bos can you choose one for me and give me their postcode , entrance fee and phone number ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos how about the fez club . the post code is cb23hx , phone number 01223519224 and it is 5 pounds to enter . do you need anymore info ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos that 's perfect . now please find me a train that leaves on sunday and arrives by 17:00 eos O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos cambridge at night eos O O O O N/A
+bos and from which station will you be traveling ? eos O O O O O O O O O O Train-Request+Depart
+bos london kings cross is where ill be leaving from eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A
+bos tr7931 leaves at 15:17 and arrives at 16:08. would you like to book a seat ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos not just yet . what is the travel time for that train ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos the duration is 51 minutes . can i help you with anything else ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos that 's all i needed today , thank you . eos O O O O O O O O O O O general-thank
+bos have a nice day ! eos O O O O O O general-bye
+bos i 'm looking for a theatre in town . eos O O O O O O B-Attraction-Inform+Type O O O N/A
+bos what part of town were you interested in ? eos O O O O O O O O O O Attraction-Request+Area
+bos it does n't matter what part of town , if you have one you would recommend and let me know the entrance fee , that would be great . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos the cambridge arts theatre is located in the centre area . however , the entrance fee is currently unavailable . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A
+bos what does `` currently unavailable '' mean ? eos O O O O O O O O O N/A
+bos not available means i am not able to see the price of the entrance fee . unfortunately all the theatre 's are hiding there fee 's . anything else i can do ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O general-reqmore
+bos i also need a train going from cambridge to peterborough on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos can you tell me if there is a time you want to leave by or arrive by ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave on sunday and arrvie by 14:16. eos O O O O O O O O O O O N/A
+bos okay i will work on looking this up for you . eos O O O O O O O O O O O O general-welcome
+bos there will be 8 of us traveling , by the way . eos O O O O O B-Train-Inform+People O O O O O O O N/A
+bos train tr9327 leaves at 13:06 and gets you there by 13:56. i have booked you 8 tickets . reference number is : zkggri1b anything else i can do ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos no , thank you . that 's all i need this morning . eos O O O O O O O O O O O O O O general-thank
+bos have a nice day , goodbye . eos O O O O O O O O general-bye
+bos i 'm looking for an attraction called whale of a time . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos yes , whale of a time is entertainment located in the west on unit 8 , viking way , bar hill . their phone number is 01954781018. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O N/A
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos the postcode is cb238el eos O O O O B-Attraction-Inform+Post N/A
+bos great thank you . i also need to look for a train departing from ely to cambridge on a tuesday . eos O O O O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos i can help with that . what time did you need to travel ? eos O O O O O O O O O O O O O O O Train-Request+Leave
+bos i need to leave after 11:30 please . eos O O O O O O B-Train-Inform+Leave O O N/A
+bos the tr3412 leaves at 11:35 , arriving at 11:52. will that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O N/A
+bos yes , that will work for me . eos O O O O O O O O O N/A
+bos would you like me to book this then ? eos O O O O O O O O O O Train-OfferBook
+bos yes please book this train and give me the reference number . eos O O O O O O O O O O O O O Train-Request+Ref
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos i need 4 tickets , please . eos O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : mm13yyhp . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos thank you so much . that will be all today . goodbye eos O O O O O O O O O O O O O general-bye
+bos thank you and have a nice day . eos O O O O O O O O O general-bye
+bos where is the abbey pool and astroturf pitch ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos is it in the east side of town . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos what is the entrance fee and the address ? eos O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the fees charged by this venue fluctuate based on time of year so we do not have them , the address is pool way , whitehill road , off newmarket road . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos okay , thanks . i am need some assistance booking a train for monday . eos O O O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos i 'd be happy to help with that ! what are your departure and destination locations ? and do you have a prefered time of day you 'd like to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave
+bos i need to leave on monday and should depart from leicester and going to cambridge . eos O O O O O O O O O O O O O O O O O N/A
+bos what time will your departure be ? eos O O O O O O O O Train-Request+Leave
+bos i will be leaving at 17:00. eos O O O O O O B-Train-Inform+Leave N/A
+bos tr2078 leaves leicester at 17:09 and costs 37.80 pounds per ticket . do you need me to book some seats for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-OfferBook
+bos no , that is okay . eos O O O O O O O N/A
+bos can i help with anything else today ? eos O O O O O O O O O general-reqmore
+bos that is all , thanks for your help . eos O O O O O O O O O O general-thank
+bos im glad i was able to help . have a good day eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi ! i am looking to find information about the cambridge university botanic gardens . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos yes they are located at bateman street and their telephone is 01223336265. the entrance fee is 4 pounds . is there anything else you would like to know ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos thank you . what area is that in , and what type of attraction is it ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos the gardens are considered a park and located in the centre . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A
+bos thank you . do you have any good korean restaurants listed ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there is one korean restaurant in the city centre and it is expensive . would you like me to make you a reservation ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform
+bos how about thai food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A
+bos i 've got sala thong in the west and bangkok city in the centre , both expensive . would you like more information , or for me to make a booking ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Booking-Inform
+bos sala thong will do . i would like to book a table for 2 people at 12:30 on saturday . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your reference number is q2vlo8sn . eos O O O O O B-Booking-Book+Ref O N/A
+bos thank you . that 's all i need for today . eos O O O O O O O O O O O O general-thank
+bos you are welcome , if you need anything else , please contact us . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information on magdalene college . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos no problem ! magdalene college is in the west side of town and has free admission . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O O general-greet
+bos could you give me the address please ? eos O O O O O O O O O Attraction-Request+Addr
+bos magdalene college is located at cb30ag magdalene street . there phone number is 01223332138. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone N/A
+bos thank you ! could you help me find information on the chiquito restaurant bar as well ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos sure . the chiquito restaurant bar is located in the south part of town , and serves mexican food . phone number is 01223400170. eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Phone O O O N/A
+bos what is the price range and address for this restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos it is in the expensive price range . the address is 2g cambridge leisure park cherry hinton road cherry hinton . eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you that 's all the information i needed today . eos O O O O O O O O O O O O general-thank
+bos glad to have been of service . please enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a nice , expensive restaurant on the south side of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos i have 5 restaurants that meet that criteria . are you looking for a certain type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos can you find out if any of then can take a reservation at 7:15 pm on wednesday for 8 people ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O N/A
+bos i see that out of the five restaurants , four are able to accommodate your reservation . would you prefer chinese , italian , indian or mexican cuisine ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O N/A
+bos mexican sounds good . eos O B-Restaurant-Inform+Food O O O N/A
+bos i have successfully booked it . your table will be reserved for 15 minutes starting at 7:15 : pm . your reference number is x4tb06r2 . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O N/A
+bos perfect ! thank you ! eos O O O O O O general-thank
+bos great . have a great mexican meal ! eos O O O O O O O O O general-bye
+bos i would like to visit clare college . can you give me more information on it ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A
+bos of course ! it 's a college in west cambridge at trinity lane cb21tl with phone number 01223333200. the entrance fee is 2.50 pounds . how else may i assist you ? eos O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos you 've told me everything i need to know . thanks ! eos O O O O O O O O O O O O O general-thank
+bos you are very welcome . thank you for using our service . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos im looking for a expensive restaurant in the centre . can you assist ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are more than 30 of them . did you have a cuisine in mind ? if you 're in a mood for a gastropub i can recommend the slug and lettuce . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O Restaurant-Request+Food
+bos what an interesting name ! hmm , what do you have in the way of seafood restaurants ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos lock fyne is what you 're looking for . they 're at the little rose 37 trumpington street . would you like me to book you a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos no thanks that 's all i needed thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . goodbye ! eos O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant in the west that serves indian food . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A
+bos i have many varying from moderate to expensive in price range . do you have a preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos what do you have in the expensive price range ? eos O O O O O O O O O O O N/A
+bos i recommend tandoori palace , would you like me to book a table for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Restaurant-Inform,Booking-Inform
+bos i do n't need a reservation , but could you give me their address , postcode , and phone number , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos tandoori palace is located at 68 histon road chesterton , postcode cb43le . their phone number is 01223506055. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O N/A
+bos yes . i am looking for a college as a place to go in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i would recommend clare hall would you like to visit that ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A
+bos sure , but first i 'll need to know the entrance fee , area , and address . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr
+bos clare college is located on trinity lane in the west area of the city . the entrance fee is 2.50 pounds . is there any other information i can get for you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos yes , please . can you book a taxi for me ? i 'll be heading from clare hall to tandoori palace , and i 'd like to be picked up at 18:15. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A
+bos certainly , i have booked your car , it will be a yellow skoda the contact number is 07839693090. is there anything else i can assist with ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that is all . thank you ! eos O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos thanks for the help , bye ! eos O O O O O O O O general-bye
+bos glad we could be assistance . eos O O O O O O O general-bye
+bos i am looking for a moderate restaurant in the centre . could you help me with this ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos certainly , there are 21 moderate restaurants to choose from in the centre . are you in the mood for any particular type of food ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i would love to have some new zealand cuisine if possible . eos O O O O O O O O O O O O O O O N/A
+bos there are no restaurants that serve new zealand food in the centre of town that are moderately priced . do you want to try a different cuisine ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O Restaurant-Request+Food
+bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i recommend cotto . would you like a table there ? eos O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform
+bos no thank you . could i get the phone number and address please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos of course . the phone number for cotto is 01223302010 and the address is 183 east road city centre . is there anything else i can help you with today ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a museum to go to . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos did you want that museum to be in the center of town , as well ? eos O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O O O O N/A
+bos that sounds good , thank you . eos O O O O O O O O general-thank
+bos ok , how about the broughton house gallery ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos that could work . can i get the entrance fee , address , and postcode as well ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos of course . there is no fee to enter . the address is 98 king street , postcode cb11ln . do you need any more info ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed . thanks ! goodbye ! eos O O O O O O O O O O O O O general-bye
+bos thank you for using our services . have a great day . eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for an exciting place to go in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos the man on the moon is a great concert hall . how does that sound to you ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O N/A
+bos i 'm actually looking for something that has great architecture . eos O O O O O O O O O O O O N/A
+bos there are 4 churches and a school . do you have a preference ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Select
+bos the school is fine . what is the entrance fee and phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos old schools is free to tour and the phone number is 01223332320. is there anything else i can help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos a friend was raving about this restaurant called pizza hut . can you help me find it ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos there are three pizza huts . one in the city center , one in the east and one in the south . which would you like information on ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Select
+bos it does n't matter . what is the food type and addresses ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr
+bos pizza hut city centre is located in the centre area and serves italian food and is in the cheap price range . is any more information needed ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos actually , could you check if there is a pizza hut in fen ditton ? if so , could i have the address and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr,Attraction-Request+Phone
+bos yes , there is ! it 's address is cambridge retail park newmarket road fen ditton and it 's number is 01223323737. eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O N/A
+bos thank you - that 's all i need today . eos O O O O O O O O O O O general-thank
+bos happy to be of service . thanks for using the cambridge towninfo centre , and have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i am looking for information regarding magdalene college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos sure , the address is magdalene street . the entrance is free , it 's in the west area , and the phone number is 01223332138 eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Phone O O O O O N/A
+bos thank you so much eos O O O O O general-thank
+bos your welcome have a great day . eos O O O O O O O O general-bye
+bos could you also help me find a restaurant ? i 'm looking for something that 's moderately priced that serves indian food . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O N/A
+bos you have four choices : curry prince or rajmahal in the east , the nirala in the north , or maghna in the west . do any of these sound good to you ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Select
+bos either curry prince or rajmahal will do since they are located in the east . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos how about rajmahal , then ? they 're located at 7 barnwell road fen ditton , postcode cb58rg . the phone number is 01223244955. would you like me to make a reservation today ? eos O O O B-Restaurant-Select+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O O Booking-Inform
+bos yes , that would be great . rajmahal it is . eos O O O O O O B-Restaurant-Inform+Name O O O O O N/A
+bos sure . when would you like the reservation for and how many will be in your party ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos actually , a reservation wo n't be necessary right now . that 's all i need . thank you ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for places to go in cambridge . are there any nightclubs ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 6 nightclubs in cambridge . is there a specific part of town you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area
+bos i do not have a preference . can you give me the phone number and postcode for one ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos club salsa phone number is 07782218745 and the postcode is cb12jb , is there anything else i can assist you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes i am looking for a restaurant called the ugly duckling . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos the ugly duckling is located in the centre of town . it serves chinese food . would you like to book a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform
+bos i would like to book a table for 5 people at 19:30 on tuesday please . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos tuesday at 19:30 is not available , would you like another time or another day ? eos O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos can you try to book the restaurant for 18:30 instead please ? and can you provide a reference number as well . eos O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have booked a table for you for a party of 5 at 18:30 on tuesday at the ugly duckling restaurant . is there anything else i can help with ? eos O O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O N/A
+bos can you provide me with the reference number for my reservation please ? thanks . eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos oh yes . absolutely . your reservation reference number is 7zprze74 . can i be of help with anything else ? eos O O O O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O general-reqmore
+bos no , that is all . thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm visiting cambridge soon and would like to visit a museum in the centre . can you help me with that ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos sure we have many . do you have a preference on what type of museum ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type
+bos no , the first one would be good . could i also get the entrance fee and postcode . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos sure ! the broughton house gallery is located at 98 king street , cb11ln . it 's free to get in ! eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos can you also help me find a restaurant that is in the centre as well ? i would like one that serves european food . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 've found 8 restaurant that meet your criteria . would you like to narrow your search by price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos something in the moderate price range would be best thanks ! eos O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i have four listings that match the criteria , how about the galleria ? it 's in the centre with a moderate price range . eos O O O O O O O O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O N/A
+bos sounds good , can you book a table for one person at 18:45 on tuesday ? i 'll also need the reference number , please . eos O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos i 've successfully booked a table for 1 at galleria ! your reference number is qui2whrk . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos there is nothing else today . thank you very much for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you very much for booking with us . eos O O O O O O O O O O general-greet
+bos hello , i am looking to find a restaurant that is in the centre . i would prefer something in the expensive price range . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i can help you with that . do you have any cuisine preferences ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos yes , i would like to eat chinese food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos oh i have some great options for you . i have a total of 4 restaurants , how about trying th ugly duckling ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O general-greet
+bos yes that is good please make a booking for 8 people at 14:15 on sunday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is 076zn8yf eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i need a place to stay that has free parking and is in the expensive price range . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i found 33 hotels that match that criteria . is there a particular side of town you prefer so i can make a recommendation ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't matter . i would like 4 stars and fee wifi though . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos the huntingdon marriott hotel is a 4 star hotel eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O N/A
+bos that sounds great ! does it have free parking and free wifi ? eos O O O O O O O O O O O O O O N/A
+bos yes it has both , would you like me to book you ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes please , i need rooms for 8 people starting sunday for 3 nights . eos O O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful . reference number is : tbicsa49 . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i need a taxi from the hotel to the restaurant by 14:15. please provide the car type and contact number eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O Taxi-Request+Car
+bos i will be happy to book that for you . where is your destination ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i need it to go between the hotel and restaurant , please . eos O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos i need to know where you are going ? eos O O O O O O O O O O Taxi-Request+Dest
+bos to the restaurant ! just book it < you have all of my info ! thank you eos O O O O O O O O O O O O O O O O O O N/A
+bos your taxi booking has been completed ! the car type is a red audi , contact number 07964587638. can i assist with anything else ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that is it for now . thank you so much . eos O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your stay ! eos O O O O O O O O general-bye
+bos i would like to stay in a guesthouse that has free parking while i 'm in cambridge . thanks . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos i have 21 options for you . what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos it can be anywhere as long as it has a 4 star rating . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos that narrows it down to 16. do you care about the price ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Price
+bos i would like a moderate price range . eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are nine guesthouses what part of town would you like eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O Hotel-Request+Area
+bos i 'm not concerned with the area - can you recommend a nice place that fits with what i 'm looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i think you would like the acorn guesthouse . would you like me to book a room ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes i would like you to book it for me eos O O O O O O O O O O O N/A
+bos what day would you like to stay on ? and how many days ? how many people ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos book it for 7 people and 2 nights starting from sunday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i have made those reservations and your reference number is odo9d763 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for your help . i appreciate . eos O O O O O O O O O general-thank
+bos is there anything else i could assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no that is it for now . thanks for helping eos O O O O O O O O O O O general-thank
+bos it was my pleasure . have a nice day . good bye . eos O O O O O O O O O O O O O O general-bye
+bos hello , i 'd like to get some info one a hotel please . eos O O O O O O O O O O O O O O O Hotel-Inform
+bos i can definitely assist with your lodging needs . did you want me to look for a specific place or run a search in an area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Name
+bos please look in the north of town . eos O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are 13 in that area . eos O O O O B-Hotel-Inform+Choice O O O N/A
+bos is there one with free parking and a 2 star rating ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i 'm showing two in that area both offering free wifi and parking . i suggest ashley hotel . the phone number is 01223350059. shall i book a room for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos please find me a hotel with free parking and free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos would you prefer to stay in the north , west , centre , or east section of the city ? eos O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O O O O N/A
+bos i would like a place in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are two hotels in the north that fit your criteria - the ashley hotel and the lovell lodge . would you like to book one of these ? eos O O O O B-Hotel-Recommend+Choice I-Hotel-Recommend+Choice O B-Hotel-Recommend+Area O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Hotel-Select
+bos are either of them a 4 star ? that 's what i 'm looking for . what are their postcodes ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Request+Post
+bos there are no 4 star hotels in this area . eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O N/A
+bos okay well i need free parking and wifi . do either one of these hotels have those amenities ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i do n't have anything that meets those criteria . can i try something else ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos could you pick a hotel in the north with free wifi and parking for me and send me the postcode please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Hotel-Request+Post
+bos there are none with that criteria in the area . would you like to change the perimeters slightly and i shall try again ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about just a place in the north with a 4 star rating ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos would you like a hotel or guest house ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos a hotel with free wifi and parking on the north side . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i 'm sorry but we have no hotels on the north side meeting your criteria . could we try another area ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Area
+bos no it will be inconvenient for me eos O O O O O O O O N/A
+bos sorry i couldnt help good bye eos O O O O O O O general-bye
+bos i am looking for a guesthouse in cambridge with free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Hotel-Request+Price
+bos expensive and in the north please . eos O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A
+bos my system is not pulling up any guesthouses in the north with free wifi and expensive in price . would you like to adjust your criteria ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O general-reqmore
+bos can you check to see if there is a similar hotel in the moderate price range please ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i have several moderately priced guesthouses . do you have a star preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O Hotel-Request+Stars
+bos not particularly , but the nicer the better , of course . i 'm coming in saturday and staying 5 nights . can you book it for me ? there 's 4 in my party . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O O O O B-Hotel-Inform+People O O O O O O O O O O N/A
+bos the booking was successful . would you like the reference number ? eos O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos yes , i would like the reference number please . eos O O O O O O O O O O O N/A
+bos the reference number is gf89wkab , can i assist with anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need a place to eat that serves british food and should be in the same price range as the hotel . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos which side of town do you prefer ? eos O O O O O O O O O Restaurant-Request+Area
+bos does n't matter to me , what do you recommend ? eos O O O O O O O O O O O O N/A
+bos i recommend travellers rest on the west side of town , would you like me to make reservations for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform
+bos sure . can you book a reservation for the same group of people on the same day at 17:15 ? and give me the reference number please . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A
+bos your reservation is booked , and the reference number is i2wj41zb . is there anything else i can do for you ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm going to need a taxi as well . eos O O O O O O O O O O O Taxi-Inform
+bos i need to know which two locations you are going between and your time of travel please . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i need the taxi to get us from the hotel to the restaurant before the booked time please . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos i need the time of travel , name of departure , name of arrival destination please . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos well it 's going to be from our hotel to travelers rest restaurant by 5:15. eos O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos how many people will be in the taxi ? eos O O O O O O O O O O general-reqmore
+bos four people will be riding in the taxi . eos O O O O O O O O O O Taxi-Inform
+bos a white honda will pick you up at acorn guest house and take you to traveller 's rest so that you arrive by 05:15. the driver 's phone number is 07854671215 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you for your help , that is all . eos O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i am looking for an expensive guesthouse type hotel . any ideals ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A
+bos sorry , but none of the guesthouses in cambridge fall into the expensive price range . eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O N/A
+bos i need a guesthouse with free parking and a 4 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have many options . what area of town would you like ? that should help me narrow it down . eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter , but are any of them considered cheap ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos yes , there are 7 cheap guesthouses in that area . were you looking for any other specific requirements ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O general-reqmore
+bos recommend any and find me its postcode eos O O O O O O O O Hotel-Request+Post
+bos allenbell . postcode is cb13js . is there anything else ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O O O O O general-reqmore
+bos yes , i 'm also looking for a chinese place in the south ? do you know of anything ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O N/A
+bos there are three chinese restaurants in the south , may i recommend the good luck chinese food takeaway ? they are a price range of expensive . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Price O O O N/A
+bos i need the price to be the same as the hotel , so i need a cheap restaurant as well . are there any that fit this criteria ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos yes , what kind of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos i feel like chinese would be good . eos O O O O O O O O O N/A
+bos i would like to get a table at `` the lucky star '' . eos O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos i 'm looking for a modern european restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos okay , we have some options here . do you have a price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price
+bos no , not really . do you have a favorite ? eos O O O O O O O O O O O O N/A
+bos i like eraina which is expensive in the centre . are you looking for a table ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes i would like to book for 5 people at 14:45 on saturday . is there a hotel near there ? preferably 2 stars ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O N/A
+bos your booking was successful and your reference number is x1mzqy3x . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos if you could assist me with finding a hotel , i 'd appreciate it . i really need a hotel that includes free wifi and free parking . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos well , we 've got the alexander bed and breakfast in the same area that has both parking and wifi . would you like to make a booking there ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos it depends , i really want a hotel with a 2 star rating . does it have a rating of 2 stars ? eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos no , it has a 4 star rating . there are no hotels with your requirements in the centre area . eos O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O N/A
+bos the hotel does n't have to be in the centre , just a 2 star hotel type with free parking and wifi . eos O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos i have the ashley hotel located in the north . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O N/A
+bos that 's wonderful . please book for 5 nights for 5 people on saturday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos your room has been booked ! your reference number is 6f95t0xq . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you that is all i needed . eos O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-bye
+bos what can you tell me about the el shaddai ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos el shaddai is a 0 star guesthouse in centre . it is cheap in price and offers free parking and wifi . would you like more information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos i need to book 8 people for 4 nights starting on friday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . your reference number is bm7gdjzq . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , could you help me find a steakhouse that is cheap . eos O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A
+bos i was unable to find a steakhouse in that price range.would you like me to try moderate range or did you have a certain area you 'd like me to check ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes can you find me a restaurant that serves italian food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i see 5 cheap italian restaurants in town . do you have an area preference ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Area
+bos i want the restaurant to be in the north eos O O O O O O O O O B-Restaurant-Inform+Area N/A
+bos there is one cheap italian place in the north . it is da vinci pizzeria . do you need any further help ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A
+bos yes , i want to book the restaurant please . for 8 people at 11:45 eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A
+bos could you give me the day you are wanting the reservation for ? eos O O O O O O O O O O O O O O Booking-Request+Day
+bos friday the same day please eos O B-Restaurant-Inform+Day O O O O N/A
+bos okay , you are booked with reference number ge3pdyj8 . anything else for you today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no that will be all . thanks ! eos O O O O O O O O O general-thank
+bos okay , i hope you have a great time in town ! eos O O O O O O O O O O O O O general-bye
+bos i am looking for an indian restaurant . i want this to be a special experience so expensive is preferred . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i have expensive indian restaurants in almost every area of town . where would you like to dine ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Area
+bos any area of town is fine . i need to make my reservation for tuesday so hopefully something is available . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O N/A
+bos how many people will be attending ? eos O O O O O O O O Booking-Request+People
+bos there will be 4 people attending . eos O O O O O B-Restaurant-Inform+People O O N/A
+bos and what time would you like to arrive ? eos O O O O O O O O O O Booking-Request+Time
+bos i 'd like to dine around 18:30 if that 's possible . eos O O O O O O O O O O O O O N/A
+bos i can book the curry garden in the centre area , is that ok ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Restaurant-Select
+bos yes , please book . may i have the reference number ? eos O O O O O O O O O O O O O Restaurant-Request+Ref
+bos you are booked for tuesday at 18:30 for 4 people at curry garden . the reference number is 99h18l81 . is there anything else i can do for you ? eos O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i also want to use a taxi eos O O O O O O O O Taxi-Inform
+bos ok , what what you like a taxi for ? eos O O O O O O O O O O O N/A
+bos to commute between the two places . eos O O O O O O O O N/A
+bos sure ! and what time preference do you have ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i need to arrive to the restaurant by 18:30. eos O O O O O O O O O B-Restaurant-Inform+Time N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i 'll be going from the hotel to the restaurant please . could i get the contact number and car type please ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos how man passengers ? eos O O O O O general-reqmore
+bos i will be with 4 people . eos O O O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos no , i asked for a taxi please . i need to arrive at the restaurant by my booked time . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can not book without a departure site . which hotel are you departing from ? you currently do not have one book and have not mention one . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm looking for a and b guest house eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos it is a moderately priced guesthouse on the east side of town . it does not offer free parking . do you want more information ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos yes book it for 4 people and 3 nights starting from thursday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos ok. i was able to complete the booking . your reference number is 3pqeeni7 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos wow , thanks . could you please also find me a college to visit in the centre area ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 13 colleges in the centre . many of them are free . would you like me to suggest one ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos is there one you would recommend ? eos O O O O O O O O N/A
+bos well i would suggest christ 's college which is free to enter and is located on saint andrew 's street . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos how much is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee
+bos admission is free ! eos O O O B-Attraction-Inform+Fee O N/A
+bos this is great . thank you for your help . eos O O O O O O O O O O O general-thank
+bos you 're welcome ; is there anything else i can you with today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope that would be it . eos O O O O O O O N/A
+bos wonderful ! thank you for calling cambridge towninfo centre , it was a pleasure to serve you . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a 3 star place to stay that includes free parking . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos i have five places that fit your requirements so far . what part of town would you like to be in and what is your pricerange ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i 'm looking for something in the north . i do n't care so much about the price , but i want it to be all inclusive , no charging extra for wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos hamilton lodge is available , would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos does it have free wifi eos O O O O O O N/A
+bos yes it does . may i book it for you ? eos O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos that would be great . i need a reservation for 4 people for 4 nights starting on thursday . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos alright , got your room booked . your reference number is : 8xrz12rv . anything else i can do for you today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for a train leaving kings lynn on the same day as my hotel check in date . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O N/A
+bos i have 19 trains . where is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O Train-Request+Dest
+bos my destination is cambridge and i should arrive by 20:00. please book tickets for thursday for 4 people . i 'll also need the reference number . eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O B-Train-Inform+People O O O O O O O O O N/A
+bos booking was successful , the total fee is 39.2 gbp payable at the station .reference number is : fz0xr4cr . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , that is all i need . eos O O O O O O O O O N/A
+bos great . thanks for letting us assist you today ! eos O O O O O O O O O O O general-bye
+bos i need information about wagamama restaurant . eos O O O O O B-Restaurant-Inform+Name O O N/A
+bos i have their info , what would you like to know ? eos O O O O O O O O O O O O O general-reqmore
+bos i need to book a table for 2 people please . eos O O O O O O O O O O O O N/A
+bos okay ! for when ? eos O O O O O O Booking-Request+Day
+bos wednesday , 17:45. reference number , please ? eos O O O O O O O O O Restaurant-Request+Ref
+bos let me book that for you now . eos O O O O O O O O O Booking-Inform
+bos after you get around to that reference number , i also want to go somewhere in the centre of town . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O Restaurant-Request+Ref
+bos what about all saints church ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A
+bos okay , thanks ! what type of attraction is that ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos all saints church is an architecture type attraction . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O N/A
+bos thanks ! i also need a taxi to commute between both places . i need it to arrive at the restaurant by 17:45. eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos apologies for taking so long to book your table at wagamama . your reference number there is i77rquxx and i have arranged a taxi for you to leave there and go eat . eos O O O O O O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O Taxi-Inform
+bos no worries . thanks for the assistance . i was also interested in booking a taxi . eos O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos okay , where are you wishing to go for the second taxi ? eos O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'm sorry , before we get to the , could i get the address to the all saints church ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos their address is simply jesus lane ( because of course it is ) . postcode cb58bs . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O N/A
+bos ok thank you . can i also get help with a taxi to go between the two places ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos yes , i have booked you a taxi . a blue bmw will arrive to pick you up , the contact number is 07200601710. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos will the taxi get me to the restaurant by the booked time ? eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos yes the taxi will arrive at wagamama by 17:45. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive N/A
+bos thank you for your assistance . you have went above and beyond . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome , call me if you need anything else . eos O O O O O O O O O O O O O general-welcome
+bos i need a place to stay that has free wifi . eos O O O O O O O O O O O O N/A
+bos i have 32 places that offer wifi , do you have a price range preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos could you provide details for something in the cheap price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos there are 33 cheap hotels with wifi in cambridge . do you have a particular area you are interested in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos no , i have no preference . just pick one . that will be fine . eos O O O O O O O O O O O O O O O O O N/A
+bos i recommend alexander bed and breakfast on 56 saint barnabas road would that due ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O N/A
+bos can you help me with train schedules ? eos O O O O O O O O O Train-Inform
+bos i certainly can . what did you have in mind ? eos O O O O O O O O O O O O general-reqmore
+bos i am looking for trains that depart from cambridge and go to broxbourne . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos we 've got several trains going that route . is there a particular day or time you need ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i need to go on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos what time will you be departing from cambridge ? also what time do you need to arrive in broxbourne by ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i just need to arrive by 18:30 , the departure time does n't matter . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos i have several that arrive before 18:30. i have one that arrives at 16:01 , 17:01 , and 18:01. they all leave an hour before arrival time and are 17.90 pounds . eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos can you book the train that will arrive at 18:01 and i need 4 tickets . eos O O O O O O O O O O O O O O O B-Train-Inform+People O N/A
+bos your booking was successful and the total fee is 71.59 gbp , which is payable at the station . your reference number is d3l643yz . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks . i also need a guesthouse to stay in in the north . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O N/A
+bos how about the acorn guest house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos does it offer free wifi ? i 'd also like it to have 4 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos yes , it fits all those needs . eos O O O O O O O O O Hotel-Inform
+bos great . please book it for 2 nights starting on wednesday . eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos how many people will be staying ? eos O O O O O O O O Booking-Request+People
+bos there will be a party of four . eos O O O O O O O O O N/A
+bos booking was successful.reference number is : 8p7qudhw . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for helping . eos O O O O O general-thank
+bos you 're welcome ! can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that was all thank you so much . eos O O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i 'd like some information about the el shaddai . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos it 's a 0 star cheap guesthouse in the centre with free parking and internet . eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok , great . can i get their phone number please so that i can contact them ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos sure ! el shaddai 's phone number is 01223327978. can i help you with anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , please and thank you . i 'd like to learn about the train schedule if you can help me with that ? i 'll be traveling from london king 's cross to cambridge . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O N/A
+bos sure what day will you be travelling ? eos O O O O O O O O O Train-Request+Day
+bos i will be traveling on saturday and would like to leave after 11:45. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A
+bos i have train id number tr5729 leaving saturday at 13:17. would you like me to book a ticket ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos can i check on the arrival time of that train first ? eos O O O O O O O O O O O O O Train-Request+Arrive
+bos it arrives by 14:08. eos O O O O B-Train-Inform+Arrive N/A
+bos thanks for the information . that 's all i need . eos O O O O O O O O O O O O general-thank
+bos i 'm glad i could help . have a wonderful day . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i would like to see a museum while i am in cambridge . eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos we have many types of museums . were you interested in archaeology or art , or did you have a specific one in mind . or a particular part of the city ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type,Attraction-Request+Name
+bos archaeology . give me the address , please . eos O O O O O O O O O O Attraction-Request+Addr
+bos sure thing . you can find the museum of classical archaeology on sidgwick avenue . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos could you give me a more specific address ? i also need an expensive restaurant in the center . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O Attraction-Request+Addr
+bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos i do n't care , but i 'd like expensive food eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos can you tell me what kind of food you are in the mood for ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't really have a preference , just make sure it 's expensive and in the centre . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i recommend the eraina which is a european restaurant . would you like for me to book a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O O O O O O O O Booking-Inform
+bos yes , book a table for 2 people at 19:15 on sunday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos ok. i was able to book a table for you . your reference number is btketes2 . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos thank you for your help ! eos O O O O O O O general-thank
+bos is there anything further i can assist you with ? eos O O O O O O O O O O O general-reqmore
+bos that 's all i need , thanks so much for all of your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos it was a pleasure serving you , goodbye ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay in the north . i use mturk quite a bit to get vacation money , so it would have to have free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have 33 places in the north . if you turk , you probably need cheap but would you like a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O Hotel-Request+Type
+bos i have lots of closed quals so i can go with a moderate price range . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos okay , i recommend the acorn guest house . would you like me to book a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos certainly , please book it for 5 people and 5 nights starting from saturday . please provide me with the reference number and thanks for you help . eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O N/A
+bos your reference number is s3w0a87e . do you need anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos well , i 'm also looking for a restaurant called rice boat eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos it is an indian restaurant located at 37 newnham road newnham eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos i need to book a table for 5 at 13:30 on saturday eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos all set . you have a reservation at rice boat on saturday . your reference is 7dnyc82a and the table will be held for 15 minutes . is there anything else you need ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O O O O general-reqmore
+bos i want to book a taxi to commute between the two places eos O O O O O O O O O O O O O Taxi-Inform
+bos which place will you be departing from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i want to commute between the two places . eos O O O O O O O O O O N/A
+bos yes , but which place will you be departing from ? the restaurant or the hotel ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i will be departing for the hotel . eos O O O O O O O O O N/A
+bos what time will you be departing for the guesthouse ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i 'm sorry , i will be departing from the hotel to the restaurant . i do n't mind what time it leaves as long as i get to the restaurant by 13:30. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos look for a blue volvo with contact 07965372123 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos perfect . thank you . eos O O O O O O general-thank
+bos may i help you find an attraction or something else in town ? eos O O O O O O O O O O O O O O general-reqmore
+bos no , i am all set . thank you for your time and do n't work too hard . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos please find a cheap restaurant in the north . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos there is an indian restaurant or an italian one . which would you prefer ? eos O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O N/A
+bos i 'll go with italian . i need you to book it for 7 people , at 11:00 on monday . i 'd also like a reference number . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos you 're booked at da vinci pizzeria on monday at 11 for 7 people . your reference number is mthf8ee1 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Time O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you get some information for me about swimmingpools in that area ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos yes , there are two swimming pools in the north . the jesus green outdoor pool and kings hedges learner pool . would either of those be of interest ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Select
+bos yes , the kings one . how much to get into that one ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A
+bos i do not see an entrance fee listed but their phone number is 01223353248. can i help you with anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos can you give me the post code as well please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos their postcode is cb42xh . can i help with anything else today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos no that 's all thanks eos O O O O O O general-thank
+bos you are welcome . have a great day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos can you help me find a train leaving by 10:30 going to stansted airport ? eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what day do you perfre to leave ? eos O O O O O O O O O Train-Request+Day
+bos i prefer to leave on saturday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos i only have a 10:40 on saturday . is that going to work for you ? eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O general-reqmore
+bos it will arrive by 10:40 or will leave then ? i need to arrive by 10:30. eos O O O O O O O O O O O O O O O O O N/A
+bos yes i am sorry this is the only option i have . eos O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O N/A
+bos okay we will be late . i need tickets for 8 people . eos O O O O O O O O O O O O O O N/A
+bos this train would have you arriving at 11:08 and is 8.08 pounds per ticket . would you like for me to book this for you ? eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-OfferBook
+bos if it is the only thing you have than i suppose i have no other choice , so yes . can i get the reference number as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i 'm sorry , someone entered the incorrect info . i can actually get you there by 10:08 on the tr2755 train . eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O N/A
+bos yes could you please book this train for me and send me the reference number . eos O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos you are booked , the total fee is 8.08 gbp payable at the station .reference number is : cprio59y , can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes , help find a place to go in the south part ? say , boating ? eos O O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O O N/A
+bos unfortunately there are n't any boating places in the south part of town ? would you like to try another area ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area
+bos any area would be fine . eos O O O O O O O N/A
+bos there are two boat options in the centre , and one each in the north and east . what would your preference be ? eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Request+Area
+bos tell me about other entertaiment in the south eos O O O O O O O O B-Attraction-Inform+Area N/A
+bos i have two listings for entertainment , nusha and tenpin . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos i have heard nice things about tenpin . can i please have their address ? eos O O O O O O O B-Attraction-Inform+Name O O O O O O O O Attraction-Request+Addr
+bos sure ! they are at cambridge leisure park , clifton way , and their postcode is cb17dy . can i help you with anything else ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos maybe the address to the park eos O O O O O O O Attraction-Request+Addr
+bos i 'm sorry . to which park are you referring ? eos O O O O O O O O O O O O Attraction-Request+Name
+bos sorry , i had a lot of background noise and did n't hear the address for tenpin . thank you for your understanding . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos cambridge leisure park , clifton way , and their postcode is cb17dy . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O N/A
+bos thanks very much for your help today . eos O O O O O O O O O general-thank
+bos thank you for calling cambridge towninfo centre ! it was a pleasure to serve you , i hope you have a wonderful visit ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for information on a hotel called acorn guest house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos acorn guest house is a 4-star guesthouse in the north part of town , at 154 chesterton road . it is moderately-priced , and has internet and parking . shall i book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , i would like it for 8 people on monday . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A
+bos and how many nights would your party like to stay ? eos O O O O O O O O O O O O Booking-Request+Stay
+bos we will be staying for 5 nights . eos O O O O O O O B-Hotel-Inform+Stay O N/A
+bos i was able to succesfully book your room for 8 people and 5 nights . your reference number is : gcbicia1 . eos O O O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i am also looking for a train from london kings cross to cambridge on monday . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos what time should the train leave eos O O O O O O O Train-Request+Leave
+bos anytime after 19:45 going to cambridge and leaving london kings cross . i need tickets for 8 and the reference number eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+People O O O O N/A
+bos i have a 21:17 departure . would you like a booking ? eos O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes , please . eos O O O O O N/A
+bos booked ! your reference number is oxvtbqhh . eos O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's all i need , thank you so much ! have a nice day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos enjoy your stay . eos O O O O O general-bye
+bos i need a train from ely to cambridge please eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A
+bos sure , when will you be traveling ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'll be leaving after 19:00 on monday . what are my options ? eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O N/A
+bos there are 3 trains that fit that search . they leave at 19:35 , 21:35 , and 23:35. can i book one for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos i will take the one that leaves at 19:35. can you tell me how long the travel time is ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time for that route is 17 minutes . is there any other information you need ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos could you recommend a museum in the east ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are four museums in the east , the cambridge artworks , gallery at twelve a high street and saint barnabas press gallery are all free . cambridge museum of technology charges 5 pounds . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos can you give me the postcode of the cambridge artworks ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post
+bos the postcode is cb13ef . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos that is all , thanks for your help . eos O O O O O O O O O O general-thank
+bos glad i could help . have a great day ! eos O O O O O O O O O O O general-bye
+bos hello , i 'm looking for a train that 's going to stevenage and leaves on tuesday . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O O N/A
+bos sure , trains travel to cambridge every 2 hours , beginning at 06:43. can i book one for you ? eos O O O O O B-Train-Inform+Dest B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos i am looking for a train that departs from cambridge . i am traveling to stevenage and i need to arrive by 13:30. eos O O O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A
+bos tr4546 departs at 09:21 and arrives at 10:10. can i book that train for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos no . i just need to know how much the tickets are , please . eos O O O O O O O O O O O O O O O O N/A
+bos the price for a train ticket from cambridge to stevenage is 12.80 pounds . is there anything else that i can do for you ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for a hotel in town in the moderate price range . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos we have 3 such options . does star rating matter ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Stars
+bos any should be fine as long as it has free wifi and is located in the centre eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area N/A
+bos cityroomz is located in the center , would you like me to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes please for 5 people for 2 nights starting sunday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos you 're all set . the reference code is h3zt7dy0 . what else can i help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all i need hep with . thank you ! eos O O O O O O O O O O O O general-thank
+bos sure , no problem . thank you for calling ! have a nice day . eos O O O O O O O O O O O O O O O O general-bye
+bos find me a place to stay . i need a hotel in the moderate price range with a star of 4. eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos what area of town interests you most ? eos O O O O O O O O O Hotel-Request+Area
+bos any area is fine , as long as the place has free wifi . eos O O O O O O O O O O O O O O O N/A
+bos will you need free parking as well ? eos O O O O O O O O O Hotel-Request+Parking
+bos yes , i will also need free parking . eos O B-Hotel-Inform+Parking O O O O O O O O N/A
+bos there are no hotels in the moderate price range with a 4 star rating . is there another price range or star rating that you would like me to check ? eos O O O O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Price O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i need to find a cheap restaurant on the north side eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos there are 2 inexpensive restaurant in that part of town . an indian restaurant called royal spice and an italian place called da vinci pizzeria . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos does either have availability for a table for 5 people on wednesday at 18:45 ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O N/A
+bos yes , there is an available reservation at royal spice during that time frame . do you want a reference number for your reservation ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time I-Booking-Book+Time I-Booking-Book+Time O O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos okay , thank you . eos O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should have a star of 4 and should be in the cheap price range . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are 8 hotels that meet your requirements . do you prefer a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would prefer a guesthouse that includes free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos you would love the allenbell guesthouse . it meets your criteria . would you like me to book you a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please go ahead and book for 5 people for 5 nights starting from tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos ok. i was able to take care of that for you , your reference number is 5jnuy73k . eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos i am also looking for some places to go in the north . any recommendations ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos would you like to go boating ? riverboat georgina is in the north eos O O O O O O B-Attraction-Inform+Type B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O N/A
+bos that sounds good . can you give me the phone number and address for there ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address is cambridge passenger cruisers , jubilee house . their phone number is 01223902091. is there anything else i can assist you with today ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos please have a taxi pick me up from the hotel at 13:00 and take me to the boat attraction . send me car type and contact number . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type
+bos your booking was completed . the car will be a grey volkswagen and the contact number is 07010971496. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thank you for the assistance . i believe we are finished . eos O O O O O O O O O O O O O general-thank
+bos have a wonderful time . eos O O O O O O general-bye
+bos yes , i need some train information . looking to depart cambridge and arrive by 08:45. eos O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos tr5767 leaves at 05:00 should i book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos no , thank you . does that leave on tuesday and go to birmingham new street ? eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos no , but i have 3 others that do . would you like me to book one ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook
+bos yes please . i will need a ticket for one and the reference number . eos O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i booked a seat on tr3225 with reference number 0karlg2e . the fee is 75.09 payable at the station . can i be of further help to you today ? eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos yes . i am also looking for a place to stay in the south of town . are there any guesthouses there ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i have three guesthouse located in the south . did you have a price range in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Price
+bos i would prefer something on the cheaper side . eos O O O O O O O O O O N/A
+bos rosa 's bed and breakfast is cheap , 4 stars , located in the south , and includes internet and parking ! would you like me to book ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos no not today . i think that is everything i need . thank you . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you again for using our service . good day ma'am . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need some information on the carolina bed and breakfast . can you help me with that ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos i can definitely help with that . it is a guesthouse located in the east . it is moderately priced and has a 4-star rating . they also offer free parking and free internet . eos O O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos sounds nice . can you book a room for 2 nights for me ? there will be 2 of us , coming in on friday . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos i can not get the room booked on friday , can you come in on another day , or stay for a shorter period ? ? eos O O O O O O O O O B-Booking-NoBook+Day O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos could you try for 1 night please ? i 'd also like the reference number if possible . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O Hotel-Request+Ref
+bos the booking was successful and your reference number is w2250jci . would you like any more help with anything ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking to get a train on the same day as the hotel booking please . eos O O O O O O O O O O O O O O O O O O O N/A
+bos can you tell me where you are coming from or going to and the time please ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Depart
+bos i will be leaving cambridge on the same day as the hotel booking . eos O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos okay , and where will you be travelling to ? eos O O O O O O O O O O O Train-Request+Dest
+bos i am coming in to cambridge from ely i need it to arrive by 15:15 eos O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A
+bos train tr5484 will suit your needs . shall i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos what is the travel time and the train id ? eos O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos i have checked the schedule again and the travel time is 17 minutes and the train id is tr0236 . do you want me to book this train ? eos O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook
+bos i will book it myself , but thank you . eos O O O O O O O O O O O general-thank
+bos is there anything else i can do to help you today ? eos O O O O O O O O O O O O O general-reqmore
+bos no that is all the information i needed thank you . goodbye eos O O O O O O O O O O O O O general-bye
+bos have a wonderful visit ! eos O O O O O O general-greet
+bos i need a place to stay in the centre of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i can definitely help with that . i have about 5 different options . first of all , may i ask if you have a preference between a hotel or guesthouse ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A
+bos i would prefer a 2 star guest house . eos O O O O O O O O O O N/A
+bos i am not seeing a 2-star guesthouse or hotel in the centre area . i have a 4-star and a 0-star guesthouse in the centre , though . eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-Inform+Type O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O N/A
+bos i would like to make a reservation at the 4 star one please . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos i would recommend alexander bed and breakfast ! would you like a reservation ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform
+bos yes . please book it for 5 people , starting sunday , for 3 nights . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O N/A
+bos i am sorry , but those dates are unavailable . would you like to try another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos are you sure ? can you try again ? if that does n't work , is there another 4 star guesthouse in the centre that you can try ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos i do apologize ! i must have fat fingered it the last time . clumsy me ! booking was successful.your reference number is : q1ddfwph . eos O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you . i am also looking for a train from kings lynn to cambridge . can you help with that ? eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O N/A
+bos yes , i can . when would you like to travel ? eos O O O O O O O O O O O O O Train-Request+Day
+bos i 'd like to leave sunday after 18:30. eos O O O O O B-Train-Inform+Day O O O N/A
+bos okay , trainid tr6697 seems most suitable for you , leaving kings lynn on sunday at 19:11 and arriving in cambridge by 19:58. the price is 7.84 pounds . shall i book you in ? eos O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos yes , please book the train for 5 people on sunday . let me know the reference number , if available . eos O O O O O O O O B-Train-Inform+People O B-Train-Inform+Day O O O O O O O O O O O O N/A
+bos your reference number is 72diggvy . the cost is 39.2 gbp and is payable at the station . can i help you with anything else today ? eos O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O general-reqmore
+bos that is all i need , good bye . eos O O O O O O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i need a train from stansted airport to cambridge eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what day and approximately what time will you be traveling to cambridge ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to get there by 20:30 on wednesday . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos you could grab the tr3828 leaving stansted airport it will get you there by 09:52. eos O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A
+bos can you get me there a little bit earlier ? eos O O O O O O O O O O O N/A
+bos how about 05:24 that is the earliest , how many tickets please ? eos O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+People
+bos there will be 8 of us . eos O O O O O B-Train-Inform+People O O N/A
+bos okay , i have you booked for train tr5910 . the total fee is 80.8 gdp . is there anything more i can do for you ? eos O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore
+bos i also need a guesthouse for 8 and needs to be a 4 star eos O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars N/A
+bos there are 5 different options that fit that criteria , 2 in the east , 2 in the north , and one in the city centre . would you like to hear more about these ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore
+bos which of those have free wifi ? eos O O O O O O O O N/A
+bos there are actually 18 different options to choose from . is there a certain part of the city you 'd like to stay in , or a particular price point ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos any price point is fine as long as it is 4 star and has free parking . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O Hotel-Request+Parking
+bos how about allenbell ? eos O O O B-Hotel-Recommend+Name O N/A
+bos sure , can i have a reference number ? eos O O O O O O O O O O Train-Request+Ref
+bos i need some more information first . what day will you be checking in on , and how many days will you be staying for ? and how many people ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,general-greet
+bos actually , i change my mind . i will take care of the booking later . thanks for your help . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you contacting us , it was a pleasure to help . if you need any assistance feel free to contact us again , goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to get out of cambridge quick ! can you find me a train for tomorrow , tuesday ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos i can help you . what is your destination ? eos O O O O O O O O O O O Train-Request+Dest
+bos i would like to arrive to cambridge from broxbourne and would like to leave after 15:45. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave N/A
+bos a train is leaving broxbourne at 16:32 , arriving cambridge at 17:32. shall i book a seat for you ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes . i actually need 3 seats eos O O O O O O B-Train-Inform+People O N/A
+bos the booking was successful . your reference number is y25y52km . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos can you find me a place to stay in the centre . i do n't need internet . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos i 'm sorry , i 'm not finding any matches , would you like to try something else ? eos O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos no thank you i will call back eos O O O O O O O O general-thank
+bos ok. is there anything else you need ? information about attractions or a restaurant reservation perhaps ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos well , i do need a place to stay . how about one with free wifi in the centre of town ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos do you mind if it 's a guest house ? the alexander bed and breakfast is an inexpensive 4 star guesthouse offering both free wifi and free parking . eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Hotel-Request+Type
+bos no , i really would like a hotel in the centre with free parking and it can have wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos all of the 4 star hotels in the area are expensive . would you like me to drop the star rating for you , or are you okay with it being expensive ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Select+Price O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars I-Hotel-Select+Stars I-Hotel-Select+Stars O O O O O O O O O O O O O N/A
+bos if there are no hotels with free parking in the centre , how about one with free wifi ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos the university arms hotel sounds perfect : hotel in the centre of town , expensive , 4 stars , with internet and parking . can i book a reservation for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos i guess that will work book for 2 please eos O O O O O O O O O O N/A
+bos ok. what day will you want to check in , and for how many nights ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos i would like to check in on tuesday please . and i want to stay for one night . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O N/A
+bos ok , you 're all set . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos no thanks . that would be all . i appreciate your help . take care . bye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos did you need a reference number or anything like that ? eos O O O O O O O O O O O O general-reqmore
+bos no thanks . i forgot i should wait to book until i am sure how many people we will have . thanks though . good night ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i am looking for a train from cambridge that should arrive by 08:00 eos O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos sure , where would you like to travel to , and which day ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am trying to get to london liverpool street on saturday . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos the tr2895 leaves cambridge at 05:59 on saturday and arrives at london , liverpool street at 07:27. would you like to book a seat on this train , or keep looking ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-OfferBook
+bos no , that will be all . thanks , goodbye . eos O O O O O O O O O O O O general-bye
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i 'm sorry i also needed a place to stay ! eos O O O O O O O O O O O O N/A
+bos alright , what type of accommodations are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Type
+bos i 'd like a hotel with free parking , please . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there are many options available , any other specific preference eos O O O B-Hotel-Inform+Choice O O O O O O O N/A
+bos free parking within the hotel would be great and free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos ashley hotel looks like it has good value , would you like to book there ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos does ashley hotel have free wifi , i 'm going to need a place with free wifi ? eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos yes , it has free wifi . would you like to book a room ? or maybe hear about some of the other options ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,general-reqmore
+bos can i get address and postcode for the hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Post,Hotel-Request+Addr
+bos the address is 74 chesterton road , the postal code is cb41er , can i assist with anything else ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore
+bos that is all for now , goodbye . eos O O O O O O O O O general-bye
+bos i have booked you with the ashley hotel in the north for 1 day . if you need anything further that i can assist with do n't hesitate to call . eos O O O O O O O O O O O O O O B-Booking-Book+Stay O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a hotel with a star rating of 0. eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes i have 4 examples from cheap to moderately priced . eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price N/A
+bos as long as it includes free parking , price does n't matter . can you recommend one ? i do prefer hotels though , not a fan of guestrooms . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos unfortunately , i do not have anything that meets your criteria . i only have 2 guestrooms that fit your needs , but no hotels . can i look for something else for you ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O general-reqmore
+bos how about a 4 star rating instead ? eos O O O O O B-Hotel-Inform+Stars O O O N/A
+bos the the cambridge belfry is a 4 star hotel that has a cheap price . will this work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos that might just work out . can i have their phone number please ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos of course . their number is 01954714600. would you like me to book the room ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform
+bos yes please . i would also like a train to broxbourne if that is okay . eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos no problem , where would you like to depart from , and on which day ? eos O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i would like to leave after 18:30 on friday . i want to depart from cambridge . eos O O O O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Depart O O N/A
+bos i would like to suggest the tr0943 train . may i book it for you ? eos O O O O O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook
+bos yes , can you book it for 3 people and provide me the reference number please . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos ok , you have 3 tickets for a total price of 53.7 gbp which is payable at the station . your reference number is biy1all0 . anything else you need help with ? eos O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no , i think that 's it , thank you so much ! eos O O O O O O O O O O O O O O general-thank
+bos okay , thank you for using our service . eos O O O O O O O O O O general-bye
+bos hi there . can you help me find a 2-star rated hotel or guesthouse ? eos O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O N/A
+bos ashley hotel is a 2-star hotel in 74 chesterton road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos does that include wifi ? eos O O O O O O N/A
+bos yes it includes internet . would you like for me to book that for you ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please , that would be great . eos O O B-Hotel-Inform+Internet O O O O O O N/A
+bos ok perfect . before i book , how many people will be staying at the hotel , what day you will be checking in , and how long you will be staying for please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos thank you , i need to book for 3 people and 4 nights starting from tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i completed your booking . your reference number is 35w3xedl . is there anything else i could do to help ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i also need to verify that this hotel is in the east area of town . eos O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O N/A
+bos ashley is on the north , there is an option in the east express holiday inn by cambridge , which one would you prefer ? eos O O O O O O O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Select
+bos i actually really need a booking in the east . is it possible for you to book me at the express holiday inn by cambridge instead ? for tuesday , 3 people 4 nights . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos yes , i was able to book you . your reference number is rmibuhde . is there anything else i can do for you ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for a train to cambridge from peterborough . i 'd like to arrive by 11:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O N/A
+bos which day would you be traveling ? eos O O O O O O O O Train-Request+Day
+bos on the same day as the hotel stay . eos O O O O O O O B-Hotel-Inform+Type O O N/A
+bos booking was successful , the total fee is 49.5 gbp payable at the station .reference number is : anhp9vyn . the train id is tr1674 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Id O O O N/A
+bos what is the departure time and travel time ? eos O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos the train departs at 10:48 and the trip last 50 minutes . can i help you with anything else ? eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos no . thank you for all your help . goodbye eos O O O O O O O O O O O general-bye
+bos thank for using cambridge towninfo centre . eos O O O O O O O O general-bye
+bos please help i 've been robbed ! ! eos O O O O O O O O O N/A
+bos i will call the police . in case we get disconnected the number to the police is 01223358966. eos O O O O O O O O O O O O O O O O O O O N/A
+bos can i please have their address ? eos O O O O O O O O Police-Request+Addr
+bos the address is parkside , cambridge postcode cb11jg . is there anything else i can do to help you ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i hear the police sirens now . thank you . bye . eos O O O O O O O O O O O O O O O Police-Inform
+bos you 're welcome . i hope you will be able to get this sorted out quickly ! bye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i want to find out about cambridge book and print gallery please . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos cambridge book and print gallery is a museum found in the western part of the town . their postcode is cb39ey . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O N/A
+bos great ! what is their phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos there phone number is 01223694264 , they are located at 49 newnham road and best thing is addmisson is free . can i help you find anything else toay ? eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos i need a place to stay . i 'm looking for a place with 4 stars and free parking . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i have found 19 hotels . is there a particular area of town and hotel star rating you are looking for ? also price range ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Stars
+bos i 'd like an expensive 4 star guesthouse if that is possible . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A
+bos acorn guest house is a good match . would you like me to book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . book it as soon as possible . eos O O O O O O O O O O O O N/A
+bos what day will you be staying there ? eos O O O O O O O O O Booking-Request+Day
+bos wednesday for 3 nights and 6 people please . eos O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A
+bos booking was unsuccessful.kindly book another day or shorter stay . eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos i will be visiting cambridge soon and definitely want to see some local attractions . can you help me ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos i can definitely help you find one . we have nearly 80 attractions around . can you tell me what type of attraction you prefer or an area you would like to go ? eos O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area,general-greet
+bos i am looking for the best museum in the centre of town . please let me know what it is and how much i should expect to pay to get in . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the castle galleries is very popular and it has no entrance fee . would you like the address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos no , but i do want the entrance fee . eos O O O O O O O O O O O Attraction-Request+Fee
+bos the castle galleries are free of charge . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O N/A
+bos thank you . i 'm also looking for a guesthouse to stay that has a star of 4 and includes free parking . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos acorn guest house is available if that works for you . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos book rooms for 3 people for 4 nights starting sunday , please . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos booking was successful . your reference number is 6rqxsuyd . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need a taxi to commute from the hotel to the museum . i need to leave the hotel by 05:15 eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos sure ! i have set that up . booked car type is a white toyota and the contact number is 07365958401. eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A
+bos thank you so much for your help . that was all i needed . eos O O O O O O O O O O O O O O O general-thank
+bos you are quite welcome . enjoy your visit to the galleries . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi there ! i need a place to stay in cambridge , and i 'm wondering if you have any recommendations for good 2 star hotels in town ? eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O O O N/A
+bos ashley hotel and lovell lodge are both good options with moderate price range . we also have express by holiday inn cambridge in an expensive price range , which one could you prefer ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Select
+bos i would prefer lovell lodge , thank you . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos lovell lodge is found in 365 milton road postcode cb41sr can i book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O Booking-Inform
+bos yes , that would be great . i need accommodations for 6 people starting sunday for 3 nights . eos O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos i 'm sorry , that is n't available for your stay ? would you be able to arrive a different day , or perhaps shorten your stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos yeah , can you try for 2 nights then ? eos O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos you 're all set ! i 've got you booked for two nights starting sunday . your reference number is 8uwywjnx . enjoy ! eos O O O O O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O N/A
+bos thanks , i 'm going to need some info on the cambridge punter as well . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos the cambridge punter is a boating attraction in the center of town . they are located at 251a chesterton road in postcode cb41as . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O N/A
+bos thank you for all your help . that 's all i need today . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos i am looking for a place to go in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i have about 44 attractions to choose from in the centre . can you tell me what type of attraction you are looking for ? eos O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Type
+bos maybe a museum would be nice . i am not sure . eos O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i have 11 museums in the centre of town . they are all free . do you have a type of museum in mind ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Request+Type
+bos can you just choose one for me and give me the phone number ? eos O O O O O O O O O O O O O O O N/A
+bos primavera is in the centre at 10 king s parade . admission is free . can i get you a train or taxi as well ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O O O O O O O O O O O general-reqmore
+bos can you give me the phone number for primavera ? eos O O O O O O O O O B-Attraction-Inform+Name O Attraction-Request+Phone
+bos certainly ! phone number is 01223357708. would you be interested in any restaurants or hotels while there ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos yes , i would like to find a place to stay in the south with free parking . could you help me ? eos O B-Hotel-Inform+Parking O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos please tell me your price range and hotel star rating preference . eos O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos i am looking for a hotel with a 4 star rating and price no more then 125 a night . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos i have 2 guest house.one is in the moderate price range and the other is cheap . would you like to book one of these ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are no expensive hotels with 4 stars in the south with free parking ? i 'll take cheap if there are n't , but i need the address and phone number , please . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos i have rosa 's bed and breakfast . it is in the south and cheap with 4 stars . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O N/A
+bos that sounds fine . can you provide the phone number and address ? and , is that considered a hotel or a guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos it is a guesthouse and the address is 53 roseford road . the phone number is cb22ha . eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O N/A
+bos i 'm sorry , can you provide that phone number again ? i got a post code . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number for rosa 's bed and breakfast is 01223512596 eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone O N/A
+bos i am looking for some place to go that offers entertainment in the centre . what do you recommend ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are no places offering entertainment in the centre . would you like to try a different area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area
+bos is there one that has architecture ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos i have several options . perhaps you would enjoy a stroll through holy trinity church ? eos O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos can i have its address please ? eos O O O O O O O O Attraction-Request+Addr
+bos yes , the address is market street , can i help with anything else ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay . i need some place with free wifi . i do n't need free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 32 entries , do you have any other information to help narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O N/A
+bos something in the moderate price range , please . eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos we have 17 hotels that fit your criteria . would there be anything else that you would like in your hotel ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos i would like something with free wifi . it does n't need to have free parking . eos O O O O O O O O O O O O O O O O O O N/A
+bos acorn guest house would be nice for you , should i book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos i 'm looking for a hotel , but not a guesthouse . all it needs is free parking . can you recommend one ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Parking O O O O O O O O O O N/A
+bos i am sorry are not hotels that match your criteria . can i try to find a hotel in the south ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O N/A
+bos yes , i 'm trying to find a hotel in the south with a 4 star rating , with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos unfortunately there are no hotels that match those specifics , can you alter your location ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O Hotel-Request+Area
+bos ok , let 's try the same other criteria but how about a guesthouse ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos there are 2 guesthouses in the south that have 4 stars : aylesbray lodge guest house ( moderate prices ) , and rosa 's bed and breakfast ( cheap ) . would you like to book at one ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no but can i get the address and postcode for rosa 's bed and breakfast please ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Post,Hotel-Request+Addr
+bos the address is 53 roseford road and the post code is cb22ha . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O N/A
+bos thanks . i 'm also looking for a cinema in the same place at the hotel . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos cineworld cinema is in that part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos can you confirm if cineworld cinema is in the south ? also , can you look up a swimming pool ? i 'm thinking of going swimming . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , cineworld cinema is in the south part of town unfortunately there are no swimming pools in the south . can i check another area of town for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O O O O O O O O Attraction-Request+Area
+bos can i get the fee and the phone number for cineworld cinema please ? eos O O O O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O Attraction-Request+Phone
+bos the phone is 00872208000. unfortunately my system does not show fees . eos O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos okay . that 's all i needed then . eos O O O O O O O O O O N/A
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'm looking for architectural attactions in the centre . can you recommend one ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos there are 5 architecture attractions in the centre : all saints church , great saint mary 's church , holy trinity church , little saint mary 's church , old schools . would you like more information on one ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O general-reqmore
+bos could i get the phone number and address for holy trinity church ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone,Attraction-Request+Addr
+bos yes , the phone number is 01223355397 and it is on market street . is there anything else i can do for you ? eos O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i am also wanting to find a place to stay . although , i will need something with free parking . i ca n't afford to pay extra at some place that charges extra . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm showing 2 guesthouses and 2 hotels in the area , all have free parking . might i suggest the gonville hotel ? it 's on gonville place and is expensive and nice . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Recommend+Price O O O O O O Hotel-Inform+Parking
+bos are any of these accommodations a 0 star ? eos O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos the el shaddai guesthouse is a 0-star , cheap place . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O N/A
+bos does it have free wi-fi ? i ca n't afford to pay extra for that , either . eos O O O O O O O O O O O O O O O O O O O N/A
+bos it does indeed have free wifi for you . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos can you tell me what area the el shaddai is located in ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Area
+bos el shaddai is located in the centre area . i can go ahead and book that for you if you 'd like . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform
+bos no thanks , that 's all i need for now . eos O O O O O O O O O O O O general-thank
+bos okay . have an awesome day ! eos O O O O O O O O general-bye
+bos i want to visit an architecture attraction in the south of town . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos i do n't show anything in the south . can i look in another area for you ? i 'm sure we can find some great architecture elsewhere . eos O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos is there any with the type of entertainment here ? eos O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos yes . you could go to nusha or tenpin . eos O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name general-greet
+bos tenpin sounds fun . what 's their postcode , please ? eos O B-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Post
+bos it 's cb17dy . they are located at cambridge leisure park , clifton way . is there anything else i can help you with ? eos O O B-Attraction-Inform+Post O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos yeah , could you find me a cheap place to stay with free wifi ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos in what area would you like to stay ? eos O O O O O O O O O O Hotel-Request+Area
+bos what area would you recommend ? eos O O O O O O O N/A
+bos there is rosa 's bed and breakfast in the south part of town , not too far from tenpin . would you like me to check if they are available ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O N/A
+bos does it have free parking , i really do n't need free parking , and i worry about security at the places that do have free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , rosa 's does have free parking . would you like me to book that for you ? eos O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos i 'm not sure yet , what is the postal code there ? eos O O O O O O O O O O O O O O Hotel-Request+Post
+bos its postal code is cb22ha . eos O O O O O B-Hotel-Inform+Post O N/A
+bos i also need a taxi to commute between the two places . i want to leave the attraction by 03:15. eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! booked car type : blue teslacontact number : 07944936323 is there anything else i can help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . you 've been very helpful , thank you ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos my pleasure ! enjoy your stay ! eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive restaurant in the centre . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos there are 33 expensive restaurants in the centre of town . do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would really love to find an expensive polish restaurant . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i 'm sorry but there are no expensive polish restaurants in the centre . would you like a different type of cuisine or price range ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos we have ugly duckling , tang chinese , hk fusion , and sesame restaurant and bar . would you like to book one of those ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Select
+bos can i have the phone number for the ugly duckling restaurant ? eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos there is no phone number for ugly duckling . eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos okay let 's try the tang chinese . is there a phone number for them ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number for tang chinese is 01223357187. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone N/A
+bos i 'm also looking for somewhere to go . i 'd like to do something entertaining near the restaurant . are there any museums in the area ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are a few options . how about primavera , castle galleries , cambridge contemporary art or broughton house gallery . would you like additional information on either of these ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O O O O O O O O general-reqmore
+bos i 'd be interested in the contemporary art . do you know how much it costs to get in ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos cambridge contemporary art has free entrance . it is located at 6 trinity street . do you need any more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos that 's not needed . i am looking for a taxi to go between the two places , though . eos O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to go between the two locations ? eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos oh , wait . i 'm so sorry . before we book a taxi , can you provide me with the phone number to the art museum ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223324222 eos O O O O O B-Attraction-Inform+Phone N/A
+bos i want to leave the museum by 4:15. eos O O O O O O O O O N/A
+bos wonderful . i was able to schedule that taxi for you . you will be riding in a grey ford . if you have any questions for them , you can reach them at 07508824111. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O N/A
+bos thanks so much for all your help . eos O O O O O O O O O general-thank
+bos you 're welcome . can i help you with anything else today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that 's everything . i 'm sure my trip will be fantastic . thank you for all the help . have a good day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos okay thank you for calling . eos O O O O O O O general-bye
+bos yes i would like to stay in a guesthouse that is moderately priced . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O N/A
+bos sure , acorn guest house has 4 stars , would you like me to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos i need a place in the north , with free wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos you have about 8 places that would fit your criteria . almost all are 4 star rated . if you do n't mind a recommendation , the limehouse is known as one of the best . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O N/A
+bos that sounds good please book me a room for 1 person staying 4 nights starting from saturday . eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i am sorry . it appears that the hotel does not have anything available . would you like to try a shorter stay or a different check in date ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos what about 3 nights ? eos O O O O B-Hotel-Inform+Stay O N/A
+bos okay , you 're all set ! reference number is i198ldz3 . eos O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos i am also looking for a place to go in town , college maybe ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are no colleges in the north however christ 's college in the centre is nice with no entrance fee . would you like the address ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos actually , could you give me the postcode ? thanks ! eos O O O O O O O O O O O O Attraction-Request+Post
+bos christ 's college postcode is cb23bu and address is saint andrew 's street eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos thank you . also , what is the entrance fee if any ? eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos there is no entrance fee . would you like the phone number ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos no , thanks . you were tremendously helpful . have a great day ! eos O O O O O O O O O O O O O O O general-thank
+bos you too ! please let us know if you need anything else ! eos O O O O O O O O O O O O O O general-bye
+bos i 'm just looking for a hotel called leverton house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos that 's an excellent 4 star hotel . would you like to book a reservation ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform
+bos do they have free parking available ? eos O O O O O O O O Hotel-Request+Parking
+bos yes , it does have free parking . eos O O O O O O O O O Hotel-Inform+Parking
+bos please give me information on the star rating and their number . eos O O O O O O O O O O O O O N/A
+bos 01223292094 is their phone number . it has 4 stars . eos O B-Hotel-Inform+Phone B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos can you also provide me with their address please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos sure . their address is 732-734 newmarket road . is there anything else i can help with ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos yes , i am looking for a theatre . possibly in the centre . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A
+bos sure , i enjoy the cambridge arts theatre at 6 saint edward 's passage . it is free , which is a plus . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O O O O O N/A
+bos perfect , could i have the phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos sure ! the phone number is 01223503333. eos O O O O O O O B-Attraction-Inform+Phone N/A
+bos i would like to book a taxi to commute between the two places.i want to leave the hotel by 05:45. eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have your taxi booked . it will be a black audi and the contact number is 07242534266. will there be anything else ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , that is all . thank you ! eos O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i 'm looking for a hotel called worth house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the worth house is a cheap guesthouse in the north . do you need a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O Booking-Inform
+bos yes please , i need a reservation for 4 nights starting monday for 1 person . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos i 've successfully booked that for you . your reference number is vo1depi5 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! i 'm also looking for a train that leaves from bishops stortford and goes to cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A
+bos not a problem , when would you like to depart or when would you like to arrive by ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i do n't want to leave any earlier than 08:30 , please . eos O O O O O O O O O B-Train-Inform+Leave O O O O N/A
+bos the tr2083 leaves at 09:29 , and arrives at 10:07. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A
+bos is this train the same day as my hotel booking ? eos O O O O O O O O O O O O N/A
+bos no , i 'm sorry it 's not . for monday , train tr0757 will leave at 09:29 and arrive in cambridge at 10:07. would you like me to book this train for you ? eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-OfferBook
+bos ok , that 's all i need for now . bye . eos O O O O O O O O O O O O O general-bye
+bos if there is any other way i can help you please let me know . eos O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for a train leaving cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A
+bos we have quite a few , i 'm sure we 'll be able to get you where you want to go . where is that , exactly ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,general-greet
+bos i would like to go to leicester and leave on friday . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos i have quite a few trains that fit your criteria . is there a certain time you need to leave or arrive by ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos departing from cambridge and i want to arrive somewhere around 20:00 , can you get me 7 tickets and i 'll need the reference number too . eos O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos the tr2508 arriving at 19:06 sound okay to you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Arrive O O O O O N/A
+bos that sounds great , thank you . could you book that for me for 7 people ? i will need the reference number as well . eos O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos i completed your booking . the reference number is c11mobv7 . is there anything else i could help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i also need to find a place to stay . preferably 4 stars and a guesthouse . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O O N/A
+bos sure ! our database contains 18 guesthouses rated 4 stars . to narrow down the search , could you tell me in what part of town you 'd like to stay ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i definitely want to stay in the east part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i have six entries matching your request . would you prefer cheap or moderate price range ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos the price range does n't matter , but could you pick one and book it for 3 nights for 7 people starting tuesday ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry . there are no rooms available for that stay . can you choose a different day or shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day,general-greet
+bos how about 1 night ? eos O O O O B-Hotel-Inform+Stay O N/A
+bos i was able to book the a and b guest house for 1 night . booking was successful.reference number is : 995pr933 . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you , you 've been quite helpful eos O O O O O O O O O general-thank
+bos glad to help . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye
+bos i would like help finding a train headed to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i will be happy to help you find a train . can you tell me where you will be departing from ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos departing from london kings cross on tuesday . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos when would you like to leave or arrive by ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 18 ; 30. eos O O O O O O O O O N/A
+bos take train tr1434 , which will arrive at 18:08. shall i book you for that train ? eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos can i get the price for a ticket , first ? eos O O O O O O O O O O O O N/A
+bos sure ! the ticket is 23.60 pounds . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos thanks ! i am also looking for a hotel called archway house . can you tell me if they have free wifi ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Request+Internet
+bos they do . would you like to book a room ? eos O O O O O O O O O O O O Booking-Inform
+bos i would first like to know what their price range and hotel type are , thank you . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type
+bos archway house is a moderately priced guesthouse . would you like their address or perhaps to book a room there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos thank you , but no . you 've already helped me with everything i needed today . eos O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy we could help today , and thank you for using the cambridge towninfo centre ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos is there somewhere inexpensive to stay in town ? i 'll be driving in , so i 'll need somewhere that i can park for free , as well . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 10 different cheap hotels that offer free parking . do you have a specific area of town you 'd like me to look , or perhaps a specific type of hotel/guesthouse ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type,Hotel-Inform+Parking
+bos i would like to be in the centre area and should include free wifi . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos how about the alexander bed and breakfeast guesthouse ? it is in the cheap price range and has 4 stars . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Stars O O N/A
+bos that sound perfect . i would really like to book a room for the my family of six . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos what day do you need to book and how many days do you wish to stay ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos starting on saturday , i would like to book 3 nights at that hotel for my family of 6. eos O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos absolutely . alexander bed and breakfast has been booked ! your reference number is 3r2biza1 . is there anything else i can help you with today ? eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes actually . i am looking for a train that goes to the stansted airport from cambridge . eos O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos what day will you be traveling on ? eos O O O O O O O O O Train-Request+Day
+bos i 'll be traveling on tuesday . eos O O O O O B-Train-Inform+Day O O N/A
+bos i have about 19 trains available . can you tell me if you have a time you need to leave or arrive by ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should arrive at stansted airport by 13:45. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos there are 8 trains that arrive by 13:45. what time would you like to leave ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave
+bos can i get the one that arrives closest to 13:45 ? can you book that for 6 seats and give me the reference number ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O N/A
+bos i have one train leaving cambridge at 12:40 and arriving at stansted airport at 13:08. shall i book it for you ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , please book it for the same group of people . eos O O O O O O O O O O O O O N/A
+bos i 've booked 6 tickets on tr7621 , the fee will be 60.59 gbp and your reference number is flgyd2ro . is there anything else i can do for you ? eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos no that is all i need for today thank you . eos O O O O O O O O O O O O general-thank
+bos your welcome . contact us anytime . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay in cambridge . i prefer a cheap , 4 star hotel . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A
+bos i have he cambridge belfry in the west area . it is cheap and has 4 stars . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos does this place have free wifi ? eos O O O O O O O O N/A
+bos yes , the cambridge belfry has internet . would you like me to book it for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes , i would like to book it for 5 people for 5 nights , beginning on friday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A
+bos you are booked and your reference number is ck82zwxd . can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , can you help me find a train into cambridge ? eos O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i am departing from birmingham new street eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos we have several trains to cambridge the earliest leaves at 05:40 and the latest one leaves at 23:40. do you have a specific time you would like to leave ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Leave
+bos if i could leave on the first one after 16:30. that would be perfect . eos O O O O O O O O O O B-Train-Inform+Leave O O O O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos on friday , please . eos O O O O O O N/A
+bos the first one after 16:30 is the tr6477 , leaving at 16:40. would you like a ticket on this train ? eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos sure . i would like 5 tickets , please . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos good news ! booking was successful , the total fee is 375.5 gbp payable at the station .reference number is : k5eoimr6 . is there anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos that will be all . thank you ! eos O O O O O O O O O general-thank
+bos no problem , enjoy your stay in cambridge . eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train from cambridge to stevenage please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i have 4 trains for those locations . what day and time were you looking for ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'd like to leave on tuesday after 21:30 , please . eos O O O O O O O O B-Train-Inform+Leave O O O O N/A
+bos there is only one train traveling from cambridge to stevenage on thursday close to 23:30. it is the tr8239 , would you like for me to book you a ticket ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook
+bos yes , please . i 'll actually need 7 tickets . eos O O O O O O O B-Train-Inform+People O O O O N/A
+bos i was able to reserve 7 tickets for you . your total fee is 89.6 gbp and your reference number is brqc79tr . do you need anything else ? eos O O O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos i also need an expensive lodging in the center of town . eos O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i found 2 hotels , the gonville hotel , 3 stars , and the university arms hotel , 4 stars . which do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Hotel-Select
+bos hmm , i was really looking for something with 0 stars . can you check for any guesthouses instead ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos perhaps with different criteria ? i have nothing for 0 stars , expensive , in the centre . eos O O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Price O O B-Hotel-NoOffer+Area O O O O N/A
+bos how about cheap price range ? eos O O O O O O O N/A
+bos i 'm still looking , please stand by . eos O O O O O O O O O O Hotel-Inform
+bos okay , once you 've found a hotel , could you give me the hotel type , post code and whether or not they have free parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking,Hotel-Request+Type
+bos the el shaddai is a guesthouse with free parking . the postcode is cb11eg . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Post O O Hotel-Inform+Parking
+bos thank you so much , no need for booking , that is all of my questions . eos O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i am looking for a play stay , i would like it in the expensive range and to stay in the north eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O N/A
+bos i am very sorry there are no results for an expensive hotel in the north area , would you like to try a different area or price range ? eos O O O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos are you sure there is no place to stay that is expensive and in the north ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos yes , i just double checked for you . there are some in the moderate price range if you 're interested ? eos O O O O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos yes please . an expensive hotel in the north with free parking and free internet . can you book the room for me please ? eos O O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O N/A
+bos i 'm showing several guesthouses and two hotels in the north area and all have internet and parking . would you prefer a guesthouse or hotel ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos a hotel , please . for 4 people and 4 nights . eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+People O O O O O O N/A
+bos i have 2 options here . may i suggest ashley hotel ? shall i go ahead with the booking ? eos O O O O B-Hotel-Recommend+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos book it please ! can you also provide a reference number ? thanks ! eos O O O O O O O O O O O O O O O general-thank
+bos yes , but i need the day that you will be arriving first . eos O O O O O O O O O O O O O O O Booking-Request+Day
+bos please book for 4 people and 4 nights starting from tuesday . eos O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos i was able to book you , your reference number is hor1cr41 . any other questions today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos nope . thank you so much for your help . eos O O O O O O O O O O O general-thank
+bos it was a pleasure to assist you . thank you for using our service . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i need a train to cambridge , please eos O O O O O O B-Train-Inform+Dest O O N/A
+bos i would love to help you with that ! where is your departure location ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos london liverpool street . eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what day are you leaving and what time to you want to depart ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i 'd like to leave on saturday and would like to arrive in cambridge by 16:45. eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive O N/A
+bos train tr4078 suits you needs and arrives by 15:07. shall i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yea please book that train for 4 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos i have booked 4 seats on tr4078 . the total is 53.12 gbp payable at the station . your reference number is es2cdq5d . is there anything else ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos yes , can you book the huntingdon marriott hotel for 4 people , 5 nights starting on saturday ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos sure ! the booking was successful . reference number is : wq3ppkeb . eos O O O O O O O O O O O B-Booking-Book+Ref O O general-greet
+bos great , that 's all i need today . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great trip ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a palce to stay in cambridge that includes free parking and has a 4 star rating eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i have 19 results . would you prefer a certain area or price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos cheap price range and a guesthouse . eos O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O N/A
+bos ok , that helps me narrow it down a bit . which side of town would you like it to be on eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i 'm not too concerned with area . which would you recommend , and do they have internet ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos the allenbell is very nice . it is also cheap and has 4 stars . would you like me to book this ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos the allenbell sounds great . can i get their phone number and postcode please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the number is 01223525725 , and the postcode is cb12de . eos O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O N/A
+bos thank you . i also need a train on friday . eos O O O O O O O O O O B-Train-Inform+Day O N/A
+bos i will need a bit more information . where will you be departing from and what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart,general-greet
+bos the train departs from king 's lynn on friday at 12:30 and goes to cambridge . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O N/A
+bos i can not find a train leaving at 12:30. would a train at 13:11 work for you ? eos O O O O O O O O O B-Train-NoOffer+Leave O O O O B-Train-Select+Leave O O O O N/A
+bos yes , that would work for me . can you book me 4 tickets please ? eos O O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos you are all booked for train tr0674 at 13:11. your total fee will be 39.2 gbp , payable at the station . your reference number is wjxw4vrv . anything else for today ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thank you . that 's all i need for now . eos O O O O O O O O O O O O general-thank
+bos i hope you have a nice trip . goodbye . eos O O O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a train to london king cross leaving friday . eos O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos okay , when would you like to leave or arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i will be coming from cambridge and would like to arrive by 13:30. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A
+bos tr1502 leaves at 11:00 and arrives by 11:51. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes . how much will the ticket cost ? eos O O O O O O O O O O N/A
+bos the cost per ticket is 23.60 pounds . would you like to book a seat on this train ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos not yet . i 'm looking for a place to stay . i 'd prefer a guesthouse with four stars . can you find one ? eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos there are 18 results , can you be more specific as to what you 're looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O N/A
+bos are there any in the north , and in a moderate price range ? eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos yes , we have 7 hotels matching your request . is parking a necessity ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking
+bos yes i 'd like free parking , could you give me the postcode for one ? eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking
+bos sure . i recommend acorn guest house- it is postcode cb41da . it is in the north and moderate price as requested . want me to book it ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos no thank you , that was all the information i needed . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . do you need any other help today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that is everything , no further assistance needed . eos O O O O O O O O O O N/A
+bos have a great day , then . eos O O O O O O O O general-bye
+bos i am looking for some restaurant recommendations . eos O O O O O O O O O Restaurant-Inform
+bos do you have a cuisine or area in mind ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i would like some middle eastern food , preferably in the cheap price range . i 'd also like to be in the centre . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Inform+Area O O O O Hotel-Request+Price
+bos i did n't find anything within that range . would you be willing to increase the price or go outside of the city centre ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-NoOffer
+bos no , not really . how about indian food instead of middle eastern ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos there are three indian food restaurants that fit your request . they are kohinoor , the gandhi , and mahal of cambridge . would like to make a booking at one of them ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no just the address , postcode and phone number of the one you recommend . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i recommend the gandhi whose phone number is 01223353942 and they are located at 72 regent street city centre with post code cb21db . may i help you with anything else ? eos O O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Restaurant-Recommend+Post O O O O O O O O O general-reqmore
+bos i also need a place to stay . i need somewhere that is a guesthouse and includes free parking . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos there are 21 guest houses that meet your specifications . tell me about some of your other preferences ? what area of town are you interested in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-reqmore
+bos area does not matter but something with 4 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos how about the limehouse ? eos O O O O B-Hotel-Recommend+Name O N/A
+bos is limehouse 4 stars ? eos O O O O B-Hotel-Inform+Stars O N/A
+bos yes , limehouse is 4 stars . would you like me to book ? eos O O B-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos can you give me the phone number and price range ? eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price
+bos sure , their phone number is 01223300552 and the price range is moderate . would you like to book a room there ? eos O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos i can do that myself . thank you for the information . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . eos O O O O O general-welcome
+bos have a wonderful day ! eos O O O O O O N/A
+bos thank you ! you as well ! eos O O O O O O O O general-bye
+bos hi , i 'm looking for the bridge guest house . can you give the information about it please ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos the bridge guesthouse is in the south and is in the moderate price range , it has a 3 star rating . would you like a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos yes . i would like to book it for 3 nights for four people , starting on monday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O N/A
+bos you are all set ! the reference number is 8kysnb3t . do you need anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i am also looking for a place to eat . it should serve bistro food and be expensive . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A
+bos i am sorry but there are no restaurants that match your request . would you like to try another type of food or price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer
+bos yes please , could you look for a chinese retaurant in the expensive range ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos i have 9 chinese restaurants available . what part of town do you prefer ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area
+bos it does not matter . pick and book me at one on monday , for four people at 13:00. eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Time O O N/A
+bos you are all booked for yu garden . your reference number is wv60248m . they are located at 529 newmarket road fen ditton . is there anything else you need ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos i also need a taxi between the two places . eos O O O O O O O O O O O Taxi-Inform
+bos i 'd be happy to help . would you like to depart from the restaurant or the hotel ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos the hotel please in a taxi eos O O O O O O O N/A
+bos you 're all set . a white ford has been reserved to take you to the yu garden by your 13:00 reservation . the number is 07050800030. do you need anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that 's all ! thank you ! eos O O O O O O O O general-thank
+bos it was my pleasure . eos O O O O O O general-welcome
+bos hello , i 'm interested in booking a restaurant in cambridge ! eos O O O O O O O O O O O O O Restaurant-Inform
+bos what type of food do you want to eat ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i was hoping to eat indian food that is moderately priced . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos do you have an area of town you prefer ? eos O O O O O O O O O O O Restaurant-Request+Area
+bos yes the north please . eos O O O O O O N/A
+bos we have the nirala restaurant which serves indian food and is located in the north . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos yes , please . we 'd like a table for 3 at 15:30 on tuesday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos sure . your reference number is 536sv8lh . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you for the restaurant booking . can you look for a guesthouse for me ? i do n't need free parking by the way . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos what price range guesthouse would you like ? eos O O O O B-Hotel-Inform+Type O O O O Hotel-Request+Price
+bos moderate price range please . eos O B-Hotel-Inform+Price O O O O N/A
+bos everyone loves the a and b guest house . shall i book it for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform,Hotel-Select
+bos sure , please book it for 3 people . we 'll arrive tuesday and stay for 2 nights . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O N/A
+bos reference number is : vqwnbzs2 . is there anything else i can assist you with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that 's all for now . thank you eos O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i would like to find a certain restaurant called the maharajah tandoori restaurant . can you find it for me ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A
+bos it is located at 41518 castle street city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos great . can you make me a reservation for 5 people at 14:30 on wednesday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos the booking was successful . the table will be reserved for 15 minutes.your reference number is : xl60g8ai . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks so much . i 'm also looking for a place to stay . eos O O O O O O O O O O O O O O O general-thank
+bos we have 33 places to stay in the area . would you like to narrow down your needs , like price range or area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos well i would like it to be moderately priced , 4 stars and include free wifi and include free parking . eos O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos i do n't have anything that fits all your specific requests in that area . would you like to try a different area or would you be willing to change specifics ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,general-reqmore
+bos surely there 's got to be a moderately priced 4 star hotel in the cambridge area that offers free parking and internet . can you please check again ? eos O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O N/A
+bos there are none in the centre area however there are some in the north , south , or east . which area would you like ? eos O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos it does n't matter just book a room for 3 nights i 'll need the reference number then too please eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A
+bos i 've booked your hotel for a 3 night stay for 5 people . your reference number is io1x1h8q . can i help you with something else ? eos O O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+People O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no thanks that 's all i need for now . thank you for your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi ! i need a place to stay in the centre of town . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i have 3 hotels and 2 guest houses in that area . what is your price range going to be ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Price
+bos expensive price range would be just fine . eos O B-Hotel-Inform+Price O O O O O O O N/A
+bos university arms hotel is in the centre and the price range is expensive . would you like to book a room or get more information ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos before i book can i confirm that it includes free wifi and free parking ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , it does include free wifi and parking . would you like me to book that now ? eos O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , please book for me now . eos O O O O O O O O O N/A
+bos what day would you like to leave , how many days eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i need a moderately priced place to dine on the west side . eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are three options , british , indian and italian , any preference ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Select
+bos i would be interested in a moderately priced indian restaurant on the west side . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there is a restaraunt named meghna that is located on 205 victoria road chesterton . the phone number is 01123727410. would you like to book it ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O Booking-Inform
+bos no thanks , i 'm not sure when exactly i am going to be eating , but thank you very much for the assistance . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos can i help you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos yes , i also need to find a place to stay . eos O O O O O O O O O O O O O N/A
+bos what area are you wanting to stay in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i need it in the same area as the restaurant and it should be a 3 star place . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos what price range would you like ? eos O O O O O O O O Hotel-Request+Price
+bos same price range as the restaurant eos O O O O O O O Restaurant-Inform
+bos the meghna is a nice place , s do you want me to book it ? eos O O B-Booking-Inform+Name O O O O O O O O O O O O O O N/A
+bos does it have free wifi ? eos O O O O O O O Hotel-Request+Internet
+bos i would recommend hobson house on the west side , 3 stars and does have wi-fi . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Stars O O O O O O Hotel-Recommend+Internet
+bos does it have free parking ? eos O O O O O O O N/A
+bos yes , it does have free parking eos O O O O O O O O Hotel-Inform+Parking
+bos okay can you give me their phone number ? eos O O O O O O O O O O Hotel-Request+Phone
+bos yes , their phone number is 01223304906. anything else for you today ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore
+bos yes , i need a taxi also . eos O O O O O O O O O Taxi-Inform
+bos where do you want to be picked up and by what time ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i would like to leave the restaurant by 14:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos a black ford is booked for you ! the contact number is 07564899941. anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos thanks for all of your help today . goodbye ! eos O O O O O O O O O O O general-bye
+bos have a great night . eos O O O O O O general-bye
+bos i am looking for a place to stay with free wifi . eos O O O O O O O O O O O O O N/A
+bos what area would you like that in ? eos O O O O O O O O O Hotel-Request+Area
+bos in the east side of town . eos O O O B-Hotel-Inform+Area O O O O N/A
+bos we have 7 options that meet your criteria . do you have a specific price range in mind or would you like a recommendation ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-reqmore
+bos not really , but can you give me the address for your favorite place ? eos O O O O O O O O O O O O O O O O N/A
+bos i prefer the carolina bed and breakfast . it 's a 4 star guesthouse in the moderate price range . would you like for me to book a room for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O O Booking-Inform
+bos could you just give me the address for now ? eos O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 138 perne road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos i would also like to get some expensive fusion food . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there is nothing that meets that criteria , shall i run another search ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about a british restaurant instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 6 to choose from . do you have a preference for area ? if not , then i recommend graffiti . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O B-Restaurant-Recommend+Name O O O O Restaurant-Request+Area
+bos is graffiti in the same area as my hotel ? i 'd like to keep it to that area if possible . eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O N/A
+bos graffiti is in the west area . would you like me to see what is available in the east area ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i would prefer it to be in the west area . eos O O O O O O O O O O O O O O N/A
+bos graffiti serves british food in the west area , are you ready to make a reservation ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos possibly , but first can you give me the exact address for graffiti ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos sure they are located at hotel felix whitehouse lane huntington road , is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i 'm sorry , i was confused . i need a british restaurant in the east side . sounds like graffiti wo n't work for me . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O N/A
+bos how about travellers rest restaurant located in the west side of town ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos i need a restaurant in the east area , so that wo n't work . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos okay . there is one option here for you . it is grafton hotel restaurant . do you need a reservation ? eos O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos yes please . go ahead and book it for me . thank you and good bye eos O O O O O O O O O O O O O O O O O N/A
+bos i need more information , such as when you would like to book it and for how many people ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos hi , can you help me locate a hotel named city centre b and b. really looking forward to trying different restaurants . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos city centre north b and b is at 328a histon road . please let me know if you would like restaurant recommendations . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos can you please help me book that hotel for 8 people . we 'll be staying for two nights starting on tuesday . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i am doing that right away sir . thank you eos O O O O O O O O O O O Booking-Inform
+bos are you still there ? were you able to book that ? can i get a reference number please ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : mopetai4 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you , good bye eos O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay with free parking . eos O O O O O O O O O O O O O N/A
+bos great , i have several options for you . is there a particular area you 're looking for ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos one in the moderate price range . eos O O O O B-Hotel-Inform+Price O O O N/A
+bos can we narrow down your search by area ? eos O O O O O O O O O O Hotel-Request+Area
+bos i would really like a guesthouse please . eos O O O O O O B-Hotel-Inform+Type O O N/A
+bos great , i have 12 options for you to choose from ! eos O O O O O B-Hotel-Inform+Choice O O O O O O O N/A
+bos could you just find me the best guesthouse to book . eos O O O O O O O O O O O O N/A
+bos perhaps we can narrow it down . there are guest houses in the north , south , east and west of town . which area do you prefer ? eos O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select,general-greet
+bos i am fine with the west of town . eos O O O O O O B-Hotel-Inform+Area O O O N/A
+bos hobsons house fits all your criteria , shall i book a room for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos sure ! what day are you checking in ? eos O O O O O O O O O O Booking-Request+Day,general-greet
+bos i will be checking in on saturday and will be staying for 5 nights . i need it for 5 people . eos O O O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+People O O O O O O O O N/A
+bos your booking was successful ! your reference number is 3pzwsmz5 . is there anything else you need ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need a restaurant in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are many restaurants in the city centre . is there any specific kind of food you would like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos i am in the mood for asian oriental food . i am looking for something in the moderate price range , please . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos the yippee noodle bar is located in the centre . would you like for me to book a table for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos yes that would be great , thanks . the same group that you booked the hotel , we 'll need a table on the same day at 13:45. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos i was able to book for you . your reference number is ul1us0ku . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hey i am looking for a train from cambridge to bishops stortford . mind helping out ? eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O N/A
+bos many trains are leaving on friday . mind choosing the time ? eos O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O Train-Request+Leave
+bos i want to leave on monday and arrive by 18:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos i have train tr4283 that leaves cambridge at 5:29 and arrives in bishops stortford at 6:07. would you like to make reservations ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos could you give me the travel time and price of that train please ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the cost is 10.10 pounds . the duration of the trip is 38 minutes , leaving cambridge at 5:29 and arriving at 6:07 in bishops stortford . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos i also want a cheap chinese restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there are four great restaurants to choose from . do you prefer one on the south side of town or in the centre ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos i 'd like to be in the centre please . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos i recommend charlie chan . would you like to reserve a table ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes . monday , 8 people , 10:30. eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ifjmbkli . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you very much . that will be all for today . i appreciate all your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome , please contact us again if you need any other assistance . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a saturday train . eos O O O O O B-Train-Inform+Day O O O N/A
+bos of course . i have 404 rail departures on saturday , could you help me with your itinerary please ? eos O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest
+bos i want to leave cambridge to birmingham new street and arrive by 20:45. eos O O O O O O O O O O O O O O N/A
+bos there is a train leaving at 5:00. eos O O O O O O O B-Train-Inform+Leave N/A
+bos ok , can i get the train id and the departure and travel time please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the train you may prefer is the tr5867 that leaves at 18:01 and arrives by 20:44. it takes 163 minutes . would you like that one ? eos O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook
+bos that 's perfect . i also need a hotel to stay in . should be rated 4 stars eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos there are 21 hotels that meet your criteria . let 's try to narrow it down . can you tell me more about your preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos anywhere in the south . as long as it has free wifi . eos O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i have 2 options for you , is there a price range you are looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price
+bos no particular price range . i would like to stay in a 4 star guesthouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A
+bos may i suggest rosa 's bed and breakfast ? it 's a cheap , 4 star , guest house . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O N/A
+bos can you provide me with the address and if they have free parking ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr
+bos they do have free parking . the address is 53 roseford road . would you like to book a room ? eos O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no thanks , just grabbing some information for now . thank you for all of your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for some architecture to visit . what are my options ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos all architecture is in the centre of town . your options are all saints church , great saint mary 's church , holy trinity church , little saint mary 's church , and old schools . eos O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A
+bos how about all saints ? and could i have a postcode please ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos all saints church 's postcode is cb58bs . is there anything else i can help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos that should be all ! thanks ! eos O O O O O O O O general-thank
+bos we hope you enjoy your visit . thank you for contacting us . eos O O O O O O O O O O O O O O general-greet
+bos thank you , goodbye . eos O O O O O O general-bye
+bos if you need anything else let us know . eos O O O O O O O O O O general-bye
+bos does cambridge have an indian restaurant in the centre of town ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos i have 9 indian restaurants . do you have a price range in mind ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Price
+bos i need a cheap one . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos i have 3 , the gandhi is a great place . shall i book a table for you ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i need a reservation for 7 people at 5:15 on sunday . eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O N/A
+bos i have booked that for you , reference number is zb89d8nc . do you need anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need to book a train for my trip to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos where will you be departing from ? and what day would you like to travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i will be leaving from birmingham new street on sunday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos would you like to specify a departure or arrival time ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i 'll depart anytime as long as i can get to cambridge by 08:30. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos okay . how about tr8730 , which would depart at 05:40 and arrive by 08:23 ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O N/A
+bos sounds good . please , may i have the price , travel time , and departure time ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos tr8730 has a fare of 60.08 gbp , the trip is 163 minutes , and it departs at 05:40. would you like to book tickets ? or can i help you with anything else ? eos O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O N/A
+bos great , that 's all i need , thanks so much for your help ! have a great day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you have a great day as well . if you need anything else , please do not hesitate to call back . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi there ! i need a 4-star accommodation with free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there are several . is there an area of town you are interested in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the north of possible . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are eight . what price range would you like ? moderate or cheap ? eos O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O O N/A
+bos i would like a moderately priced hotel . i 'd like to book it starting wednesday for 5 nights for 2 people if possible . can you help ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O O O N/A
+bos there are 7 moderately priced lodging accommodations to choose from , but they are all guesthouses rather than hotels . would one of them do ? the archway house is very nice . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos the archway house would be fine . can you book me a room for wednesday for 2 people , 5 nights please ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A
+bos i was successful in booking the archway house . your reference number is qewq8ssl . is there anything else i may assist you with today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place to eat . i 'd like a moderately priced restaurant that serves halal food . can you check that out ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos i 'm sorry , we do n't have any halal restaurants . would you like to try a different type ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Food
+bos are there any good restaurants near the hotel ? eos O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos there are nine restaurants in the north . eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O N/A
+bos okay , i 'm looking for something then that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are two options , the nirala which is in the moderate price range and royal spice which is in the cheap price range . eos O O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A
+bos the nirala would be fine . i would like to book a table for the same day eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O N/A
+bos how many people will be eating and for what time ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos 2 people at 11:30 , please . eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A
+bos your reservation for 2 at the nirala this wednesday at 11:30 was successful . the table will be reserved for 15 minutes . your reference number is : 56dw8ltl . eos O O O O O B-Booking-Book+People O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks i need a cab to and from . i need to get at the restaurant on time eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos booking completed ! your car is a red ford and the contact number is 07386738541. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thanks for the help , goodbye . eos O O O O O O O O general-bye
+bos you 're welcome . if you need anything else , please contact us . eos O O O O O O O O O O O O O O O general-welcome
+bos i would like to visit a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos great ! what area are you looking for ? eos O O O O O O O O O O Attraction-Request+Area
+bos any area would be fine . can you recommend one for me ? eos O O O O O O O O O O O O O O N/A
+bos the cambridge and county folk museum is in the west area . would you care for more information on it ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O O O O O O O general-reqmore
+bos oh yes please . that sounds wonderful . can you get me the address and tell me what the entrance fee is ? eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos sure . it 's located at 2-3 castle street and the fee is 3.50 pounds . anything else ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O general-reqmore
+bos that 's great . thank you so much . eos O O O O O O O O O O general-thank
+bos you are very welcome ! have a great day ! goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i was looking for a specific restaurant , please . eos O O O O O O O O O O O Restaurant-Inform
+bos i can help you with that . do you know the name of it ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Name,general-greet
+bos yes , it ; s called the golden curry . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos the golden curry is an expensive restaurant in the centre of town , at mill road city centre , cb12az . their number is 01223329432. would you like to book a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O O O O Booking-Inform
+bos yes i need it booked for 8 people on monday at 17:15. eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos i will book that for you now . eos O O O O O O O O O Booking-Inform
+bos thank you . if that one fails , thursday would be good as well . please provide the reference number . i also need a hotel , at least 1 star and include internet . eos O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what area would you like the hotel to be in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i do not mind the area . just free wifi and i like to only have 1 star . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i ca n't find any hotels that fit your criteria , i 'm sorry . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O N/A
+bos can you find me a 4 star hotel then ? eos O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos there are many ! would you like a hotel , or a guesthouse ? eos O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos i prefer a hotel type . eos O O O O B-Hotel-Inform+Type O O N/A
+bos there are three available . two are expensive and one is cheap . do you have a preference ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos are any of them in the centre ? eos O O O O O O O B-Hotel-Inform+Area O N/A
+bos the university arms is in the centre , when are you planning your stay ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O O O O O O Booking-Request+Day
+bos i would like to go to the hotel right after my reservation at the restaurant . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos okay , and what time would you like the reservation for ? eos O O O O O O O O O O O O O Booking-Request+Time
+bos the restaurant reservation is at 17:15 eos O O O O O O B-Restaurant-Inform+Time N/A
+bos what day would you like to dine and how many people will be with you ? eos O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i have a restaurant reservation , i need a hotel now . 1 star hotel with free wifi . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i am sorry . there restaurant reservation was not completed . you are now booked at the golden curry . the reference number is 6ef50svx . do you want a hotel booked , too ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O Booking-NoBook,Booking-Inform,general-greet
+bos yes 8 people , 4 nights on monday . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Restaurant-Inform+Day O O N/A
+bos how many days will you need the booking for ? eos O O O O O O O O O O O Booking-Request+Stay
+bos i will need it for 4 nights . thanks . eos O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos yes and please provide the reference number . eos O O O O O O O O O N/A
+bos you 're all set . your reference number is : oi8rownh . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos that 's all i need today . thank you so much for all your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos my pleasure . do you need to arrange any transportation today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos i 'm interested in finding a hotel that has free parking that i can stay at . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos there are 8 hotels that provide parking . there is no information on free parking but there is one hotel in the cheap price range . would you be interested ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes i need a place to stay for sure . i like 3 star hotels . do you have any 3 stars ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are several . i have two hotel options , both on the expensive side . if you 'd rather something more moderately priced , there are also some guesthouses available . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos oh i almost forgot , i also need the hotel to provide free wifi . that may narrow my options down a bit . can you check ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos okay , there are 5 options . may i recommend the bridge guest house ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos that is great . i need it for tuesday . 7 people lasting 5 nights . eos O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A
+bos i was able to book the room the reference number is wyixgge0 . is there anything else i can help you with today ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i would also like to find a spanish place to eat at . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos there are two spanish restaurants in the centre of town , one cheap and one moderately priced . which one would you be interested in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos surprise me ! i really do n't care . eos O O O O O O O O O O N/A
+bos then i would like to recommend la tasca as the better of the two . eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A
+bos great , lets set up a reservation for 7 people at 20:00 on tuesday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos ok , i 've made a booking for you . reference number is : dwppyce4 . can i help with anything else today ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos fantastic , have a great trip ! eos O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a train going to ely from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O N/A
+bos there are 70 possible trips . you can leave as early as 5:35 and as late as 23:35. the trip is 17 minutes . what time of day would you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-Request+Leave
+bos i need to leave on wednesday after 12:00 please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos tr1039 departs from ely at 13:35 , arriving in cambridge by 13:52. does this work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Depart B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos that sounds great . i would like to book it for 7 people . i will also need the reference number eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 35.2 gbp payable at the station .reference number is : jd1p380x . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you i also need to find a cheap guesthouse to stay at . can you help me find one ? eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos you have 9 options available . would you like to narrow it down by location ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos the location does n't matter , but i 'd like it to be 4 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos okay ! how about allenbell ? eos O O O O B-Hotel-Inform+Name O O N/A
+bos sounds great , can you book it for 7 people for 4 nights starting saturday ? eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos your room has been booked . your reference number is ela3cidm . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thats all for today ! thanks so much ! eos O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i need a train leaving after 08:15 going to cambridge . thank you . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O O N/A
+bos where would you like to depart from ? eos O O O O O O O O O Train-Request+Depart
+bos i want to leave from peterborough on saturday . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day N/A
+bos train tr6763 would fit the bill , would you like me to book you passage ? eos O O B-Train-OfferBook+Id O O O O O O O O O O O O O O N/A
+bos yes , can you book for 4 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos sure , i will book that for you . eos O O O O O O O O O O Train-OfferBook
+bos i need the reference number . eos O O O O O O O Train-Request+Ref
+bos okay i booked reservations for 4 , your reference number is z1ynzdty . can i help you with anything further ? eos O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes , please . i 'm also looking for a 4-star hotel with free parking . i 'd like something moderately-priced , if possible . eos O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos how about avalon ? i hear it 's lovely eos O O O B-Hotel-Inform+Name O O O O O O N/A
+bos sounds great.. can i have more information eos O O O O O O O O N/A
+bos actually , avalon does n't meet your requirements . but i do have other options that are moderately priced , such as acorn guest house , arbury lodge guesthouse , and archway house . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos ive heard good things about the acorn guesthouse . what is their phone number ? and do they have free wifi ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Internet
+bos yes , they do have free wifi . their number is 01223353888. would you like a reservation ? eos O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no that 's all right have a great day ! eos O O O O O O O O O O O N/A
+bos enjoy your time with us eos O O O O O O general-bye
+bos i 'm looking for a museum in the western part of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos there are 79 museums in the western part of town . do you prefer a pay museum or one without an entrance fee ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Price
+bos free is always good . can you give me the postcode , address , and phone number for one that is historical ? eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos the museum of classical archeology is a free museum , located on sidgwick avenue in postal code cb3 9da . their phone number is 01 22 333 5153. eos O O B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O N/A
+bos thank you . i 'm also looking for the panahar restaurant , can you give me directions ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos the address is 8 norfolk street city centre and phone 01223355012. it 's in the centre just go down norfolk if you are coming from the freeway . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O O O O N/A
+bos thanks , what is the price range ? eos O O O O O O O O O Restaurant-Request+Price
+bos panahar is in the expensive price range , would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos no , thanks ! i need their phone number and address , though , please . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their phone number is 01223 355 012 and they are located at 8 norfolk street city centre , cb1 2lf . can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos no , that will do it , thanks ! eos O O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i 'm looking for a chinese restaurant in the center of town . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos we have several chinese restaurants in that area . what price range were you looking for ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Price
+bos i want something cheap . eos O O O O B-Restaurant-Inform+Price O N/A
+bos may i suggest golden house ? it sounds like what you are looking for . shall i provide more information ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , can you give me the address , phone , and postcode . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure ! 12 lensfield road city centre , cb21eg . the phone number is 01842753771. eos O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O general-greet
+bos oh goodness . my mistake . i was supposed to be going to the south part of town . can you see if you have any cheap chinese restaurants in that area ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O N/A
+bos no problem . yes there is one the lucky star . eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O general-greet
+bos can i have the address , postcode , and number for that restaurant as well ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos cambridge leisure park clifton way cherry hinton , cb17dy . 01223244277. is there anything else ? eos O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post B-Restaurant-Inform+Phone O O O O O O O general-reqmore
+bos i also need the number to an attraction called cambridge contemporary art please . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos the number to the cambridge contemporary art museum is 01223324222. is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos cool i also need a taxi eos O O O O O O O Taxi-Inform
+bos what are your departure and destination sites ? when would you like to leave or arrive ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i need a taxi leaving the attraction by 23:45 , heading to the restaurant . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Leave O O O O O O N/A
+bos i have booked the taxi . a yellow audi will be picking you up . please call 07623682375 should you need to reach them . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O N/A
+bos thank you ! that will be all for today ! eos O O O O O O O O O O O general-thank
+bos i 'm glad i could help . eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for some entertainment in the center of town . eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i am very sorry there are no results for entertainment in the centre area , would you like to try another area or different attraction ? eos O O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos how about a theatre ? eos O O O O B-Attraction-Inform+Type O N/A
+bos there are 4 theatres located in the centre of town . how does cambridge arts theatre sound ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos that sounds good , what 's the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for the cambridge arts theatre is 01223503333. can i offer you any other information today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you , that 's all i need right now . bye . eos O O O O O O O O O O O O O O general-bye
+bos you 're very welcome . goodbye . eos O O O O O O O O general-bye
+bos i am looking for a place in the centre of town serving indian food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A
+bos there are 9 different indian restaurants in the centre of town . do you have a particular price range in mind ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i would like an expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A
+bos i have 6 restaurants that meet that criteria . the curry garden or panahar are two i enjoy . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Choice O O O N/A
+bos the curry garden sounds good . can you please provide me with the address and postcode . thank you . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos sure ! the address is 106 regent street city centre . their postcode is cb21dp . is there anything else i can help you with today ? eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yeah , i would like to know about an attraction called saint barnabas press gallery . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos sure ! st. barnabas press gallery is located in the east at the belfast yard , coldham 's rd . it 's free to attend . the phone number is 01223902116. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O N/A
+bos thanks so much - that 's all i need today . eos O O O O O O O O O O O O general-thank
+bos glad i could help , have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find some local restaurants to dine in during my visit to cambridge ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos certainly , do you have an area , pricerange , or food type ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price
+bos something near the attraction primavera would be nice . where is that located ? eos O O O O O B-Attraction-Inform+Name O O O O O O O O O N/A
+bos the primavera is located in the centre area . i 'll be happy to find a restaurant in that area for you . what type of food would you like ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food
+bos what is the phone number for the primavera ? eos O O O O B-Restaurant-Inform+Name O O O O O Attraction-Request+Phone
+bos the primavera can be reached at 01223357708 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone N/A
+bos i also want to dine at a moderate restaurant in the center area . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price
+bos i would like something in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i would suggest the varsity restaurant . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos i need it for 1 on 11:30 tuesday . eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A
+bos okay , i 've made the reservation for 1 at the varsity restaurant on tuesday at 11:30. the reference number is axljbtf7 eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O O N/A
+bos i also want a taxi to go between those two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos ok great and what times do you prefer ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i do n't care about the departure time , i just need to be at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your are all set , look for a grey volkswagon , if there are issues , the driver can be reached at 07015859463 , can i assist with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that is all thanks . eos O O O O O O general-thank
+bos welcome and thanks for using our services eos O O O O O O O O general-welcome,general-bye
+bos what theaters are in the cambridge centre ? eos O O O O O O O O O N/A
+bos we have the cambridge arts theatre , the adc theatre , mumford theatre , the cambridge corn exhange , and the junction . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos ok , can i get the address and entrance fee for the mumford theatre ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Fee
+bos the entrance fee is not listed would you like the phone number or address ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A
+bos yes please . i would like that very much and i also would like information on the ugly duckling restaurant . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos ugly duckling is an expensive chinese restaurant and very good too . address 12 st. johns street in city centre . would you like me to make reservations for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos i 'm looking for some cheap chinese food . got any restaurants that fit the bill ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos yes there are four . what area would you like to dine in , the centre or south ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A
+bos i would like the centre . eos O O O O O O O N/A
+bos there are 3 cheap chinese restaurants in the centre . charlie chan , rice house , and golden house . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes , i 'd like to make a reservation at the rice house for one person at 11:00 on sunday please . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos i made a booking for you on that day . your reference number is o2t3byqu . what else can i do for you ? eos O O O O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am looking for any multiple sport attractions near the restaurant to visit . eos O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos we do n't have any sports attractions in the centre . eos O O O O O O O O O O O O Attraction-NoOffer
+bos are there any museums in that area ? eos O O O O B-Attraction-Inform+Type O O O O N/A
+bos yes , quite a few ! there 's the museum of archaeology and anthropology , the whipple museum of the history of science , and more . would you like to hear about some of the others ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O general-reqmore
+bos please provide the entrance fees . eos O O O O O O O Attraction-Request+Fee
+bos the entrance fees vary . i can show you something with no entrance fee if you 'd like ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O general-reqmore
+bos i would like you to pick a nice on and give me more info on it please . eos O O O O O O O O O O O O O O O O O O O N/A
+bos castle galleries has free entry . their phone number is 01223307402 , postcode cb23bj , and address unit su43 , grande arcade , saint andrews street eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A
+bos yes that one sounds nice . can you tell me when they open and close also ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry their hours are n't listed , you can call them at 01223307402 for that information . is there anything else you need help with today ? eos O O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore
+bos no that 's everything for me today ! thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for choosing cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant in the west in the expensive range . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A
+bos i have 9 restaurants in the west that meet what you are looking for . what type of food are you looking for ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't really have a preference . i think i 'd like to try something new . eos O O O O O O O O O O O O O O O O O O O N/A
+bos would you like to try graffiti ? eos O O O O O O B-Restaurant-Recommend+Name O N/A
+bos yes , could you book a table for 1 at 11:30 on thursday ? eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your booking was successful . the table will be reserved for 15 minutes.reference number is : k2y3ozak . is there anything else i can assist you with today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos im looking also for a place to go still in the west eos O O O O O O O O O O O O O N/A
+bos there are several colleges and museums in the area . do you have a preference ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos how about a museum ? what kind are there ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos well , i would recommend the cambridge book and print gallery , which is located at 49 newnham road . there is no entrance fee . does that sound interesting to you ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Booking-Inform
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos they 're located in postcode cb39ey . can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to get on a train on saturday . eos O O O O O O O O O B-Train-Inform+Day O O N/A
+bos from where to where ? eos O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm leaving from london liverpool street and i need to arrive in cambridge by 09:30. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos the tr2503 will get you to your destination at 9:07. eos O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Arrive N/A
+bos perfect . can you book that for me for 3 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 39.83 gbp payable at the station . your reference number is ysvsly1l . is there anything else you need today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i also need a hotel in the east . eos O O O O O O O O B-Hotel-Inform+Area O N/A
+bos do you need parking at the hotel ? eos O O O O O O O O O Hotel-Request+Parking
+bos yes , please . i was just robbed and i do n't know what to do next . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry to hear that . please immediately call the police at 01223358966. eos O O O O O O O O O O O O O O O N/A
+bos thank you very much . can i please have their address and postcode also ? eos O O O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the address is parkside , cambridge , postcode : cb11jg . do you need anything else ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no , that will be all for today . thank you . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . take care . eos O O O O O O O O general-welcome
+bos hi . i need a train out of cambridge . eos O O O O O O O O B-Train-Inform+Depart O O N/A
+bos there are several trains out of cambridge but i need to know your destination and preferred day and time of departure . eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos my destination is birmingham new street and i need to leave after 9:00. eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O N/A
+bos on what day will you be travelling ? eos O O O O O O O O O Train-Request+Day
+bos i will be leaving on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos i have a train leaving at 9:01 on thursday . would you like to book that ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O Train-OfferBook
+bos yes please book that for 1 person . eos O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 75.09 gbp payable at the station . your reference number is zyke5a4l . do you need anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos that is all today . thank you so much for your end . eos O O O O O O O O O O O O O O general-thank
+bos yeah , anytime . i was happy to help . eos O O O O O O O O O O O general-welcome
+bos actually , there is one more thing . i 'd like to book a stay at the acorn guest house for monday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Day O O O O N/A
+bos how many days will you be staying and how many guests ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i 'd like a booking for the same group of people for 3 nights , please . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos booking was successful.reference number is : cednj89q . can i help you with anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , that should be all . thank you very much . eos O O O O O O O O O O O O O general-thank
+bos perfect . thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i would like to book a room in a hotel , please . eos O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos do you prefer a particular area of town or price range ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes , i would like a hotel in the north please . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos there are two hotels in the north , ashley hotel and lovell lodge which would you like ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos i would like to hear about the ashley hotel please eos O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos the ashley hotel in the north is located at 74 chesterton road and offers free internet and parking , moderately priced , and has a rating of 2 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos sounds promising . do tell , what would be the ashley 's phone number and postcode ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos their phone number is 01223350059 and their postcode is cb41er . can i help with anything else today ? eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore
+bos yes you can help me find a train from kings lynn to cambridge eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest N/A
+bos sure , when are you hoping to travel ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to depart on saturday and arrive by 16:30. what is the exact departure time , price , and train id ? eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos tr0305 leaves at 05:11 and arrives at 05:58. the price is 7.84 pounds per person . would you like me to book seats ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes please book those seats . could you please provide me with the train id ? eos O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos ok , i 'll make reservations for tr0305 . how many tickets do you need ? eos O O O O O O B-Train-OfferBook+Id O O O O O O O O O O Train-Request+People
+bos no ! the train needs to arrive by 16:30 , not 5:58 eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos that is the train that will arrive earliest sorry . can it be of help ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos all i need is the departure time , price , and train id . thanks eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos sorry , this is the manager , its training day , i have tr1031 for you . it leaves at 15:11 , arrives at 15:58 , 7.84 pounds per person , does that work ? eos O O O O O O O O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O N/A
+bos thanks so much for stepping in . i was about to lose it . yes , this is all the information i need . thanks . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're very welcome ! sorry about the trouble ! bye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need the address for the parkside police station eos O O O O O O O O O O Police-Inform
+bos it 's located at parkside , cambridge , postcode cb11jg . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get the phone number please ? eos O O O O O O O O O Police-Request+Phone
+bos the phone number for the police is 01223358966. eos O O O O O O O O O N/A
+bos thanks for your help . goodbye . eos O O O O O O O O general-bye
+bos you 're welcome . goodbye eos O O O O O O general-welcome,general-bye
+bos i 'm looking for help regarding a car accident dispute i was in . eos O O O O O O O O O O O O O O O N/A
+bos you should contact the police at 01223358966. eos O O O O O O O O N/A
+bos what is their address ? eos O O O O O O Police-Request+Addr
+bos the address to the polic is parkside , cambridge . eos O O O O O O O O O O O N/A
+bos thanks , that is all i needed . eos O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i am looking for a place to stay . i need a 2 star hotel with free parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos do you prefer the north or east side of town ? eos O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O N/A
+bos no preference there . but i '' d like it to be in the moderate range please eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos how about the ashley hotel ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos does the ashley hotel include free wifi ? eos O O O O O O O O O Hotel-Inform
+bos yes , the ashley hotel has both free internet and parking . eos O B-Hotel-Inform+Phone O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Inform+Parking
+bos sure , sounds good . what 's the address ? eos O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 74 chesterton road , postcode cb41er . do you need more information ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O general-reqmore
+bos great , that 's all i needed . thanks eos O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos where is the nearest hospital ? eos O O O O O O O Hospital-Inform
+bos addenbrookes hospital is on hills rd , cambridge . is there a particular department you need ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no particular department , but may i please have the address ? eos O O O O O O O O O O O O O Hospital-Request+Addr
+bos the address is hills rd , cambridge with a postcode of cb20qq . will there be anything else ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i also need the phone number . eos O O O O O O O O Hospital-Request+Phone
+bos the general phone number is 01223245151. do you need any further assistance ? eos O O O O O O O O O O O O O O N/A
+bos no that was all . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos thank you ! you too . your business provides a really great service . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . good bye . eos O O O O O O O O O O O O general-bye
+bos good afternoon , i need to make arrangements to leave stevenage on monday by train . would you help me please ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos cambridge is my destination eos O B-Train-Inform+Dest O O O N/A
+bos there are several options . what time would you like to depart ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos i wish to leave sometime after 14:15. eos O O O O O O O B-Train-Inform+Leave N/A
+bos how about tr5825 ? eos O O O B-Train-Inform+Id O N/A
+bos thats still alright . give mee the reference number too please eos O O O O O O O O O O O O Train-Request+Ref
+bos how many tickets do you need , please ? is it one ? eos O O O O O O O O O O O O O O Train-Request+People
+bos i need 2 tickets please . eos O O O O B-Train-Inform+People O O N/A
+bos the booking was successful , your reference number is 8c5gs6il . the total fee will be 25.6 gbp , payable at the station . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that 's all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day and a wonderful trip . eos O O O O O O O O O O O O O O general-welcome
+bos hello ! can you tell me about the indian restaurants you have in the center of town ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos sure i have many . do you have a preference in price range ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes , i 'd like a cheap one . eos O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos in that price range , you have your choice of the kohinoor , the gandhi , and the mahal of cambridge . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos great can i book kohinoor for 5 people at 14:30 on tuesday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos yes success ! i was able to reserve all of you a table and your reference number is um8az1rh . eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great can you also direct me to a college to visit in the same area ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i 'd recommend emmanuel college in the centre of town . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A
+bos perfect . what is the phone number , address and postcode for emmanuel college ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos emmanuel college is on saint andrews street . the postcode is cb23ap and the phone number is 01223334200. is there anything else i can do for you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i would like to book a taxi to the restaurant to arrive in time for my reservation . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i certainly can . would you like to depart from emmanuel college to go to kohinoor ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos yes , that 's correct . i just want to arrive in time for my reservation . eos O O O O O O O O O O O O O O O O O O N/A
+bos okay , i 've booked a taxi for you . the car will be a yellow tesla and the contact number is 07472812793. what else can i help you with ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos nope , you have been great ! eos O O O O O O O O N/A
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos please help me find a train that leaves norwich after 5:45 pm . thanks . eos O O O O O O O O O B-Train-Inform+Depart O O O O O O N/A
+bos certainly what day will you need that ? eos O O O O O O O O O Train-Request+Day
+bos i would like to travel on saturday please . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos train tr2970 should work for you , would you like me to book you passage ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O O Train-OfferBook
+bos yes book for me fo 3 people and provide me with reference number eos O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos i was able to book 3 tickets it will be 45.24 gbp you can pay at the station . the reference number is yvqa5zcc . anything else i can help with ? eos O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes , i 'd also like to find some places to go while i 'm in town . what is there in the way of architectural attractions in the city centre ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos the all saints church would be a beautiful architectural attraction . would you like info on that ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O general-reqmore
+bos yes , can you please send that to me ? eos O O O O O O O O O O O N/A
+bos it 's located on jesus lane . entrance is free . the phone number is 01223452587 and the postcode is cb58bs . do you need anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no , that 's perfect . thank you for you help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a good day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a college in the west part of town to visit . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos magdalene and churchill college and clare hall all fit your requirements and entrance here is free . is there a specific college you would like to see ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Price O O O O O O O O O O O O Attraction-Select
+bos i think i would like to visit both churchill and magdalene colleges . may i have their telephone numbers please ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for churchill college is 01223336233 , and the phone number for magdalene college is 01223332138. can i help you with anything else today ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos no , thank you . good day . eos O O O O O O O O O general-thank
+bos you too ! eos O O O O general-bye
+bos hi ! i would like to book a taxi that will take me to pizza hut cherry hinton . i will be departing from parkside pools . eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i want to leave after 02:00 eos O O O O O O B-Taxi-Inform+Leave N/A
+bos i can book a black ford for you . the contact number of the company is 07708238835. can i help with anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos thank you very much . eos O O O O O O general-thank
+bos we are happy to help . do you require any further assistance ? eos O O O O O O O O O O O O O O general-reqmore
+bos nope that is all thank you so much you are amazing and awesome and cool and nice eos O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for the kind words . you have a great day . eos O O O O O O O O O O O O O O general-bye
+bos i need a train on friday . eos O O O O O O O B-Train-Inform+Day N/A
+bos okay . what day would you like to travel ? what time would you like to leave ? where are you departing from and what is the destination please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos i am going to cambridge coming from london kings cross . i will be leaving on friday after 16:30. eos O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave N/A
+bos ok , the earliest departure i have is 17:17. would you like to book it ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos how much is a ticket ? eos O O O O O O O N/A
+bos i do not have that information available . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket N/A
+bos can i at least get the train id ? eos O O O O O O O O O O Train-Request+TrainID
+bos they system is down please try again later . eos O O O O O O O O O O Train-NoOffer
+bos please inform me of the train id and price when the system is available . i am also looking for entertainment in the centre . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos i have tr0835 leaving at 17:17 and arriving at 18:08. that has a travel time of 51 minutes and a price of 23.60 pounds . eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos i want an entertainment attraction in the center part of town also thanks . eos O O O O O O O O O O O O O O O Attraction-Inform
+bos little saint mary 's church offers architecture and is located at little saint mary 's lane . entrance fee is free eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O N/A
+bos hi . i would like to book a taxi to the chiquito restaurant bar . i will need to be picked up at the ely train station . eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos what time would you prefer ? eos O O O O O O O Taxi-Request+Leave
+bos i need to arrive by 13:15 please . eos O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos i have booked your taxi from ely train station to chiquito restaurant bar to arrive by 13:15. booked car type red toyota , contact number 07582230600. may i help with anything else ? eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O O O O O O N/A
+bos no , that is it . thanks ! eos O O O O O O O O O general-thank
+bos sounds good , let me know if you need anything else . eos O O O O O O O O O O O O O general-bye
+bos please find a train that departs from peterborough and arrives in cambridge by 8:45. eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos okay , and which day would you like to travel ? eos O O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on saturday from london liverpool street eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos the tr3390 arrives saturday at 8:38. would you like me to book it for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos can i get travel time and price first , please ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the trip is 50 minutes long and it is 13.20 pounds for a ticket . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos ok thanks , im ready to book . eos O O O O O O O O O general-thank
+bos great , i have booked your ticket , your reference number is : 9llwmnom . may i help with anything further . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i 'm so sorry . i did n't mean to book yet . i wo n't need that reservation . could you make sure that train tr3390 is departing from london liverpool ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos train tr3390 is departing from peterborough to cambridge . would you like me to look for a train departing from london liverpool ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Depart
+bos yes , please . i need to know the price and travel time for that as well . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos tr7397 leaves from london liverpool street on saturday at 05:39 and arrives in cambridge at 07:07 with travel time of 88 minutes . cost is 13.28 pounds . shall i book this ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos no , thank you . that 's all i needed today . eos O O O O O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'm heading to club salsa , and i need a taxi . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A
+bos i 'll be happy to get one for you , what time would you like to leave ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i need to be at club salsa by 6:00 leaving la tasca . eos O O O O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos i have booked a taxi for you . it is a blue lexus and the contact number is 07417152476. is there anything else i can help you with ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that 's everything . eos O O O O O O O N/A
+bos ok , enjoy your time at club salsa , come back if you need any further assistance ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a restaurant serving swiss food in the centre of town . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are no swiss food serving restaurants in that part of town , is there another type of restaurant in that area i can help you locate ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O Restaurant-Request+Food
+bos how about chinese instead ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are 10 restaurants that serve chinese in this area . did you have price range ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price
+bos price range does n't matter . can i have the address of a place that sounds good ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos my personal favorite would have to be the ugly duckling . it is located at 12 st. johns street , city centre , postcode cb21tw . would you like to book a reservation ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos yes , i also need a train that departs from ely on wednesday . eos O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A
+bos there is a train that leaves ely every two hours starting at 05:35. what time would you like to depart ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave
+bos i need to arrive in cambridge by 17:30 , so whatever arrives closest to that time would be great . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O N/A
+bos the train arriving closest to 17:30 in cambridge wednesday is tr2211 , which arrives at 15:52. would you like to book a seat ? eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Id O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Booking-Inform
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos the price of that will be 4.40 pounds . would you like to book a ticket ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes please . can you provide me with the ticket information ? eos O O O O O O O O O O O O O N/A
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos i just need 1 ticket please . eos O O O O O B-Train-Inform+People O O N/A
+bos your booking was successful , your reference number is pz1ed5gm . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos awesome . that will be everything ! eos O O O O O O O O N/A
+bos great . have a great day ! eos O O O O O O O O general-bye
+bos i need an entertainment place to go to in the east . eos O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O N/A
+bos there is a funky fun house and cherry hinton hall and grounds . both are in the east . are you interested in either of these ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Select
+bos the funky fun house sounds fun actually . what is the postcode for it ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos funky fun house 's postcode is cb58hy eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O N/A
+bos thanks . i also need a train that leaves on friday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos sure . if you could give me a few more details such as departure time and destination , i can help you out . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave
+bos i need to be at birmingham new street by 16:15. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos the tr9678 should suit your needs . it leaves cambridge at 05:01 and arrives birmingham at 07:44. would you like to book a seat on this train , or keep looking ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-OfferBook
+bos that is really early for me since i do n't need to be at birmingham new street until 16:15. please keep looking . eos O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A
+bos i would be happy to keep looking for you ! before i do , can you please confirm the departure location for your travels ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A
+bos tr2716 departs at 13:01 and arrives at 15:44. may i book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , that sounds much better . i 'll need tickets for 3 , please . eos O O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos your reservation is confirmed . your confirmation number is 6x3blzgg . is there anything else i can help you with ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos that should be all , thank you for your assistance . eos O O O O O O O O O O O O general-thank
+bos and thank you ! have a wonderful day ! eos O O O O O O O O O O general-bye
+bos hello . i am looking for attractions in the east cambridge area , can you help me ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos i have lots of different options . what type of attraction are you interested in . i have museums , entertainment , boating , etc ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Request+Type
+bos maybe entertainment . can you give me postcode and entrance fee information ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos sure , the funky fun house is located in postcode cb58hy , but the entrance fee is not listed . you could call them at 01223304705. can i give you any other information today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos can you look up a train for me ? i 'll be departing from broxbourne and would like to leave after 15:15. eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O N/A
+bos i have a train leaving broxbourne at 15:32 and arriving in cambridge at 16:32. would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos that sounds great . can i get the train id please ? eos O O O O O O O O O O O O O Train-Inform
+bos the trainid is tr4031 , anything else i could help you with ? eos O O O O B-Train-Inform+Id O O O O O O O O O general-reqmore
+bos what is the price for the train ticket ? eos O O O O O O O O O O Train-Request+Price
+bos the train ticket costs 17.90 pounds . is there anything else i can help you with today ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O general-reqmore
+bos that 's all i need . thank you . eos O O O O O O O O O O general-thank
+bos no thank you . thank you for your help . eos O O O O O O O O O O O N/A
+bos thanks again for your help . eos O O O O O O O general-thank
+bos enjoy your trip ! eos O O O O O general-bye
+bos i 'm looking for a train . the train should depart from cambridge and should go to london liverpool street eos O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos i can help with that ! what day will you be traveling ? eos O O O O O O O O O O O O O O Train-Request+Day
+bos tuesday , leaving sometime after 19:45. eos O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A
+bos train tr3515 will be leaving cambridge at 19:59 on tuesday , and will arrive at london liverpool street by 21:27. would you like me to book it for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes please ! could you please give me a price ? eos O O O O O O O O O O O O Train-Request+Price
+bos the price is 16.60 pounds . how many tickets will you be needing ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-Request+People
+bos thank you very much , that's2 all eos O O O O O O O O general-thank
+bos if you 'd like us to reserve tickets for you , please keep us in mind . we would be happy to help with that . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos sure i will , thank you eos O O O O O O O general-thank
+bos you 're welcome and thanks for using our help desk . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information about the kirkwood hotel . eos O O O O O O O O O O O Hotel-Inform
+bos great ! what would you like to know about it ? eos O O O O O O O O O O O O general-greet,general-reqmore
+bos do they have internet , and also what is the postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet
+bos yes , they have free wifi and their postcode is cb42da . would you like me to book a room for you ? eos O O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no that is all , good bye . eos O O O O O O O O O general-bye
+bos okay goodbye , have a nice day . eos O O O O O O O O O general-bye
+bos i need to find a train from cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A
+bos there are trains leaving cambridge every two hours . eos O O O O O B-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O N/A
+bos i need one on friday heading to ely . i need to leave after 19:30. eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos the train closest to your desired time is tr6053 which departs cambridge at 19:50 and arrives in ely at 20:07. would you like to book a ticket ? eos O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos what is the travel time on that train ? eos O O O O O O O O O O Train-Request+Duration
+bos travel time is 17 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i am also looking for a place to go in the centre . eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos we have many diverse activities in the center of town , from architectural landmarks to parks and pools to nightclubs like the soul tree . what interests you today ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type
+bos i 'm not really picky , just something fun . what 's your favorite ? eos O O O O O O O O O O O O O O O O N/A
+bos i would recommend soul tree nightclub . it is in the centre area and the entrance fee is 4 pounds . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee N/A
+bos that is perfect . can i get the phone number and postal code please ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , their phone number is 01223477900 and their address is 1-6 corn exchange street . eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos okay , thank you . that 's all i need . bye ! eos O O O O O O O O O O O O O O general-bye
+bos thank you for using our service . goodbye . eos O O O O O O O O O O general-bye
+bos can you tell me about the cambridge university botanic gardens . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the botanic gardens is a lovely part of the university which is open to the public for a fee of 4 pounds . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price N/A
+bos i need to book a taxi . eos O O O O O O O O Taxi-Inform
+bos i can help with that ? what are your departure and destination sites , and what time do you need it ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive
+bos i need to leave from ely and get to sidney sussex college by 14:15. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A
+bos booking completed ! booked car type : blue hondacontact number : 07229655312 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thanks so much ! that 'll be it for me for today . eos O O O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . we 're here 24/7 if you need help with anything else . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos which trains arrive in cambridge by 17:15 ? eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there are many at that time , can i get a departure site ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart
+bos yes i need it to depart from norwich . eos O O O O O O O O O B-Train-Inform+Depart N/A
+bos i have a train that arrives in cambridge at 16:35. will that work for you ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , what is the id and price , please ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr9266 . is there anything else ? eos O O O O O B-Train-Inform+Id O O O O O O general-reqmore
+bos and what is the price and departure time ? eos O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos the price is 17.60 pounds . the departure time is 15:16. would you like to book it ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Leave O O O O O O O O N/A
+bos yes please book it for me . eos O O O O O O O O N/A
+bos how many tickets do you need to book ? eos O O O O O O O O O O Train-Request+People
+bos i 'm looking for information about people 's portraits exhibition at girton college eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it is a museum located in the west . do you need more information ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos could i have the phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos absolutely ! it 's 01223338901. is there anything else i can do for you ? eos O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-greet,general-reqmore
+bos i 'm also looking for a train departing from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos can you please give me the destination and the day and time you 'd like to leave ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Day
+bos yes , i 'm going to birmingham new street . it 's on thursday and i 'd like to arrive by 15:30. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos tr6576 leaves cambridge at 12:01 thursday and arrives at birmingham new street at 14:44. would you like me to book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no need to book it , but can you tell me the price ? eos O O O O O O O O O O O O O O O Train-Request+Price
+bos the price of a ticket is 75.10 pounds . is there anything else i can do for you ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O N/A
+bos that 's it for me . thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train to cambridge leaving after 09:30 , can you help ? eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O N/A
+bos hello , we have many trains going to cambridge . where will you be departing from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Depart
+bos i am departing from norwich . i would also like to leave on wednesday . eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O O N/A
+bos there are a total of 14 trains leaving norwich on wednesday every hour beginning at 10:16. would you like to book the 10:16 train or any later train ? eos O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Day O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave I-Train-Select+Leave O N/A
+bos the 10:16 will be great , i 'd like to book for 1 person please . eos O O B-Train-Inform+People O O O O O O O O O O O O O O N/A
+bos your fee will be 17.6 gbp , payable at the station , and your reference number is j3k7ve8g . do you need anything else today ? eos O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos yes , i would like some suggestions on places to go on the west side of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos clare hall is an excellent choice on the west end . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A
+bos is this a type of entertainment ? eos O O O O O O O O N/A
+bos no , clare hall is a college . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O N/A
+bos i am looking for attractions on the west side of town related to entertainment . please recommend one and provide the postcode eos O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Post
+bos i recommend whale of a time and the post code is cb238el eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Post N/A
+bos ok thank you , that 's all i need today . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . please come back if you have any other questions ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i wish to go to a swimmingpool in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos i have four different swimming pools i can recommend . first , can you specify if you prefer the centre , east , or north area ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O O O N/A
+bos can you tell me the address and phone number for the one in the center of town ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address is gonville place and their phone number is 01223446100 eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone N/A
+bos thanks . i also need to check on trains . i need to travel on wednesday . eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos there are many trains fitting your criteria . can you give me departure site , destination , and time preferences ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart
+bos i need to leave london liverpool street and be in cambridge by 21:00. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos there are 8 trains that would work on wednesday . do you have a departure time in mind ? you could leave london as early as 07:39 or as late as 17:39. eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave O O Train-Request+Leave
+bos i do n't care about the departure time so please give me the id and price of any one of those trains . eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos okay , the trainid is tr7020 and the price is 16.60 pounds . eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos i would like to book that train . thank you eos O O O O O O O O O O O Train-Inform
+bos the train booking is confirmed , number kj1flzl5 is your confirmation number . the fee is 16.6 gbp . anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos no , that will be everything . goodbye . eos O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre ! have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos i need a train into cambridge that will arrive by 14:30. eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos i can help you with that . can you tell me what your departure location will be ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos yes , i 'll be leaving leicester on tuesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos i have a train that arrives at 13:54. how many seats would you like ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+People
+bos i 'd like 3 if possible and also need the reference number . eos O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos i was able to book you those 3 seats and your reference number is j3b2d19h . eos O O O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks ! what can you tell me about the parks in town ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos we have five fantastic parks located in the centre , east , north , and south . i suggest milton country park . it has free entrance . would you like more information ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address is milton country park , milton and the phone number is 01223420060. do you need anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos yes what is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee
+bos the entrance is free to milton country park ! eos O O O O B-Attraction-Inform+Fee O O O O O N/A
+bos wonderful thank you so much for your help ! eos O O O O O O O O O O general-thank
+bos can i help you with anything else today . eos O O O O O O O O O O general-reqmore
+bos i think that is all for today . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos are there any places in the south section of town the has to do with multiple sports ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos unfortunately , i do n't see any that are in the south . would you like me to check in another area of town ? eos O O O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O Attraction-Request+Area
+bos do you have in attractions in a type of park in the south ? eos O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos we have 2 parks in the south . i recommend wandlebury country park . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos that sounds nice . can you give me their address , postcode , and phone number , please ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos i sure can . they are located at wandlebury ring , gog magog hills , babraham . their postcode is cb223ae . the phone number is 01223243830. can i help you with anything else ? eos O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no that was all i needed right now , thanks very much . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos okay . have a great time ! eos O O O O O O O O general-bye
+bos i am planning a trip to cambridge and need a train heading to cambridge on tuesday . eos O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O N/A
+bos yes certainly . where will you be leaving from and at what time of day ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i will leave after 09:00 and need to depart from stansted airport . eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i found multiple options for you . do you have a preference when it comes to arrival time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Arrive
+bos i just want to leave around 9 eos O O O O O O O O N/A
+bos i have the tr1610 leaving at 09:24. would you like me to book a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos yes , i need 4 tickets and the reference number . eos O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos your booking was successful . you can pay the fee of 40.4 gbp at the station . your reference number is tcyiattu . anything else i can assist you with today ? eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i also need to find a museum in the west to go and see . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos there are a number of options , but i recommend the free museum of classical archaeology in the west area . would you like more information about this museum ? eos O O O O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O O O O O general-reqmore
+bos yes , please . i just need the phone number . eos O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for the museum of classical archaeology is 01223335153. eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone N/A
+bos great thank you , that is all i need for now . eos O O O O O O O O O O O O O general-thank
+bos please call back if you have additional questions . thank you for calling ! goodbye . eos O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos hi ! i 'd like to book a taxi to travellers rest , please , and i need to get there absolutely no later than 11:45. eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos your car type is the grey skoda and its contact number is 07506457479. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos i need to go to travellers rest . is that ok ? eos O O O O O O O O O O O O O N/A
+bos hello , i sent you the car type and contact number earlier . is there anything else i can help with ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos no that is all , thank you . eos O O O O O O O O O general-thank
+bos awesome ! take care and enjoy your evening . eos O O O O O O O O O O general-bye
+bos i am going to visit and would like to go to a nightclub . any suggestions ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 6 nightclubs located in cambridge . 5 in the centre and 1 in the south ; do you have a preference ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Select
+bos no preference , surprise me . i 'll just need the postcode . eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the soul tree nightclub i have heard is the best . their postcode is cb23qf . anything else you need ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore
+bos yes i need to find a hotel with free parking and 4 star rating . eos O O B-Hotel-Inform+Parking O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are 19 hotels available with a 4 star rating and free parking . would you like to add any additional preferences ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Inform+Parking
+bos yes , i 'd prefer a hotel over a guesthouse and i need to stay in the north . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i 'm afraid no hotel in the north matches your inquiry , perhaps a different star rating ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Stars
+bos if there is no hotel availability , i will accept a guesthouse . is one available ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos yes , there are 7 guesthouses in the north that meet your needs . 6 are moderate and 1 is cheap . would you like more information ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O general-reqmore
+bos do any of the guesthouses have access to internet for their guests ? eos O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yeah all of them do , any other preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O N/A
+bos how about free parking ? eos O O O O O O N/A
+bos they all also offer free parking . would you like to book a room ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos could i get the phone number and address of one of them ? also can you find me a nightclub nearby and give me their postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr,Attraction-Request+Post
+bos the acorn guest house is at 154 chesterton road , and its phone number is 01223353888. there are no nightclubs in the north part of town . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O N/A
+bos okay . thank you very much for your help . eos O O O O O O O O O O O general-thank
+bos can i help you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos i think that takes care of everything . eos O O O O O O O O O N/A
+bos okay , i am glad i could help . have a wonderful day . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes i am looking to stay in a 4 star guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos okay . there are 18 guesthouses that match your request . is there a particular area you are interested in ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i am looking for one with free parking and moderate in price eos O O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos the archway house matches all of your preferences . would you like me to create a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , that would be great . i would like my check-in to be on saturday . i will be staying for 2 nights and there will be a total of 5 people . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O N/A
+bos the archway house is in the north area of town . does that work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos yes , and i would also like you to include the reference number for the booking . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i have that booked for you and here is your reference number is : ez2letn6 eos O O O O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos great ! i 'm also looking for a place called the fez club . what kind of attraction is that ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos the fez club is a nightclub in centre . is there anything else i can help with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos can i get the phone number for the fez ? i 'll also need a taxi . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the number to the fez club is 01223519224. when will you need the taxi ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O O O O O Taxi-Request+Depart
+bos i want to leave fez by 17:45 eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos sure , i booked a blue ford that will pick you up at the fez club at 17:45. contact number 07305507614. can i be of further assistance ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , that 's all i need today . thanks for your help . goodbye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos my pleasure . have a good day . eos O O O O O O O O O general-bye
+bos i would like to find out where the el shaddai hotel is please . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos it is at 41 warkworth street . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thanks , do you know what area in the city they 're located ? i could also use a phone number if you have it on record . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone
+bos the el shaddai hotel is located in the center of town . their phone number is 01223327978. can i help you with anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos do you know of any museums i can go to ? eos O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos yes i have many to choose from . is there any type of museum you are particularly interested in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Type O O O O O O O Attraction-Request+Type
+bos i do n't know , can you recommend something that sounds fun ? eos O O O O O O O O O O O O O O N/A
+bos cambridge artworks looks fun ! it 's located at 5 greens road . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos what is the museum 's phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223902168. can i provide you the post code or entrance fee ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , thanks . i have all the information i require . eos O O O O O O O O O O O O O general-thank
+bos fantastic ! i hope you have fun ! eos O O O O O O O O O general-greet
+bos i sure will ! have a nice day . eos O O O O O O O O O O N/A
+bos thanks you too ! eos O O O O O general-bye
+bos are there any places to go in the west of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 13 attractions in the west part of town , they have colleges , and museums . would you like one of those ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos can you give list me off the first one ? i need the address , phone number and postcode . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos churchill college is located at storey 's way with a postcode of cb30ds . the phone number is 01223336233. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O N/A
+bos sounds good . are there any 4 star hotels with free wifi nearby ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos there are 3 , finches bed and breakfast , huntington marriott hotel , and cambridge belfry . marriott is expensive , the other two are cheap . all 3 have free parking . shall i book one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos are any of them cheap and in the same area as the college ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos yes . i have finches bed and breakfast or the cambridge belfry . would you like to book a room at one of them ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,general-greet,Hotel-Select
+bos which one of those has free parking ? eos O O O O O O O O O Hotel-Request+Parking
+bos both of those include free parking . eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O Hotel-Inform+Parking
+bos okay , can i see the address for cambridge belfry ? eos O O O O O O O O O O O O Hotel-Request+Addr
+bos sure . it 's located on back lane in cambourne . anything else ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O general-greet,general-reqmore
+bos thank you very much . that 's all i needed . eos O O O O O O O O O O O O general-thank
+bos thank you , please let me know if you need any more help . eos O O O O O O O O O O O O O O O general-welcome,general-greet
+bos that 's all . goodbye ! eos O O O O O O O general-bye
+bos you 're welcome . have a great night . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to go . eos O O O O O O O O O O N/A
+bos okay , what kind of place are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos nothing in particular . what 's the phone number , type , and fee for your favorite place ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type
+bos what area will you be staying in and what kind of things do you like ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos i would like the attraction to be in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are 44. what type are you intersted in ? eos O O O O B-Attraction-Inform+Choice O O O O O O Attraction-Request+Type
+bos anything that is good , just recommend any eos O O O O O O O O O N/A
+bos would you be interested in an architecture attraction such as great saint mary 's church ? they have a 2 pound entrance fee or there are others available for free . eos O O O O O O O B-Attraction-Select+Type O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O O O O O B-Attraction-Select+Choice O O B-Attraction-Select+Fee I-Attraction-Select+Fee O O N/A
+bos may i have the phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos 01223350914 is the phone number eos O B-Attraction-Inform+Phone O O O O N/A
+bos thank you very much that would be it . eos O O O O O O O O O O general-thank
+bos enjoy your visit and let us know if you need help with other arrangements in the future . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i will and thank you for your assistance . eos O O O O O O O O O O general-thank
+bos you 're very welcome . eos O O O O O O general-welcome
+bos i need a hotel close to downtown cambridge please . eos O O O O O O O O O O O Hotel-Inform
+bos i assume you mean the center of town ? we have many hotels in cambridge covering all price ranges . eos O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price O O O Hotel-Request+Area
+bos i 'm sorry , i was n't thinking clearly . i 'm looking for a place in the west . i need free wifi as well , please . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A
+bos there are four places to stay in the west that provide internet . what price range would you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos i do n't care about the price range , but do you have one that is a guesthouse ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos yes , there are two when will you need the room ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O Booking-Request+Day
+bos does one of those two have free parking ? if so , i 'll book it for 4 people for 5 nights starting friday . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos they both have free parking and internet . would you prefer cheap or moderate priced ? eos O O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i do n't mind cheap as long as it 's still reasonably nice . eos O O O O O O O O O O O O O O O N/A
+bos i recommend finches bed & breakfast . it 's cheap , but still 4 stars . would you like a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O Booking-Inform
+bos i need to book 4 people for 5 nights starting friday please eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i 'm sorry , but i was n't able to book for 5 nights . would you be able to stay a different day , or for a shorter stay ? eos O O O O O O O O O O O B-Booking-NoBook+Stay O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos can you try just one night ? eos O O O O O O O O N/A
+bos your booking was successful with a reference number egrkxu88 . do you need anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos yes , i 'm also looking for a museum in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos how about the broughton house gallery ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos okay can you provide me with their address , phone number and postcode please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos sure . the phone number is 01223314960 and it 's located at 98 king street at cb11ln . eos O O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O N/A
+bos thank you so much for all your help ! eos O O O O O O O O O O general-thank
+bos you are very welcome . can i help you with anything else ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that is all the help i will need today . eos O O O O O O O O O O O O O N/A
+bos it was a pleasure assisting you . have a good evening . eos O O O O O O O O O O O O O general-bye
+bos i am looking for a museum in the centre of cambridge . can you help me find one ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos there are eleven museums there . i would recommend the castle galleries , located at unit su43 , grand arcade , saint andrews street . entrance is free there , too . need an alternate recommendation ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos no , that sounds fine . could i get the phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223307402. eos O O O O O B-Attraction-Inform+Phone N/A
+bos i also need to find a hotel . i 'm looking for one in the east with free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos i have the express by holiday inn cambridge that matches your preferences . would you like me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos does the hotel include free parking ? eos O O O B-Hotel-Inform+Type O O O O N/A
+bos yes it does have free parking eos O O O O O O O Hotel-Inform+Parking
+bos yes absolutely , you can book it for me please eos O O O O O O O O O O O N/A
+bos i would be happy to . what is your arrival day , how many nights do you need , and how many are in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People,general-greet
+bos there are 2 of us . we will arrive on wednesday and stay for 3 nights . eos O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O N/A
+bos booking was unfortunately unsuccessful . let 's try another day or a shorter stay ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos oh dear . what if we only stay there on wednesday ? eos O O O O O O O O O O O O O N/A
+bos yes , i have booked you for wednesday night . your reference number is mlqzyru2 . is there anything else i can help with ? eos O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i also want to book a taxi to commute between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos will you need it from the hotel or to the hotel ? eos O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart
+bos from the hotel . eos O O O B-Hotel-Inform+Type O N/A
+bos what time would you need to be picked up at the hotel ? eos O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave the hotel by 11:00. eos O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A
+bos great ! be on the look out for a red honda . the contact number is 07451827304. anything else i can help with ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O general-greet,general-reqmore
+bos no , you 've been a great help already . thanks so much . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for a train to ely . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos what day are you looking to travel ? eos O O O O O O O O O Train-Request+Day
+bos i need to leave a little after 8:00 on sunday , and i 'm leaving from cambridge . eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O N/A
+bos the closest train i have is the tr3177 that leaves at 09:50. there 's nothing earlier on that day . eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O N/A
+bos that will have to work . what is the arrival time ? eos O O O O O O O O O O O O O Train-Request+Arrive
+bos the arrival time is 10:07. eos O O O O O B-Train-Inform+Arrive N/A
+bos perfect ! that 's all i needed to know . thanks . have a great day . eos O O O O O O O O O O O O O O O O O O general-thank
+bos have a wonderful day ! eos O O O O O O general-bye
+bos i am looking for a restaurant . the restaurant should be in the expensive price range and should be in the centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos fitzbillies restaurant serves british food , is located in the centre and is expensive . it 's address is 51 trumpington street city centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos is there any chinese restaurants around ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes there are a few . can i recommend tang chinese . would you like me to book that for you ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos do they have availability on sunday at 13:00 ? eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos yes they do . how many people are in your party ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos we will have 7 people in the party . eos O O O O O B-Restaurant-Inform+People O O O O N/A
+bos i have you booked at tang chinese . the reference number is p04ka65h . is there anything else that i can do for you today ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos happy to be of help , and i hope you enjoy your meal ! goodbye ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information on the kirkwood house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos kirkwood house is a guesthouse located at 172 chesterton rd on the north side of town . phone number is 01223306283 with free parking and wifi . is there anything else ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos yes please . what is the price range ? eos O O O O O O O O O O Hotel-Request+Price
+bos it is moderate . can i help further today ? eos O O O B-Hotel-Inform+Price O O O O O O O general-reqmore
+bos no , that was it . thank you for the help . eos O O O O O O O O O O O O O general-thank
+bos okay . have a great day . goodbye . eos O O O O O O O O O O general-bye
+bos please find me a british restaurant in the expensive price range ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos i have 6 restaurants that meet those requirements . what area would you like to dine in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i would like a restaurant in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos i recommend the cambridge chop house . excellent food in a great location . i can book a table there , if you like . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please , could you book a table for 6 people at 15:30 on tuesday . could i have the reference number too please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos give me one moment for the reference number . eos O O O O O O O O O O general-welcome
+bos sure , no problem . eos O O O O O O N/A
+bos ok , i have your table booked , they 'll hold it for 15 minutes . the reference number is syhsbt5j . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos can you tell me about some colleges to go to ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i like clare hall in the west part of town . do you have any preference to area ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O Attraction-Request+Area
+bos that sounds fine ! can i get their phone number , address , and postcode ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos you can reach clare hall at 01223 332 360 , and their address is herschel road , cb3 9al . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , that should be all today . thank you . eos O O O O O O O O O O O O general-thank
+bos perfect . thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a cheap indian restaurant to dine at . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A
+bos there are 4 cheap indian restaurants in town . do you prefer to go to a specific area of town ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes , i want to go in cambridge and i will need the address , postcode , and area to find it . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr
+bos there are 4 restaurants that meet your request . can you tell me what area of town you 'd prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i have no preference but i would like an attraction to visit in the city center . eos O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos i would recommend the royal spice restaurant in the north , on victoria ave in chesterton , postcode cb41eh . what area would you like your attraction to be located in ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Restaurant-Recommend+Post O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i would prefer it to be in the centre . could you give me the address and postcode ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos can i recommend kohinoor , it 's address is 74 mill road city centre , and the postcode is cb12as . eos O O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Restaurant-Recommend+Post O O O O O N/A
+bos what sort of attraction is kohinoor ? eos O O O O O O B-Attraction-Inform+Name O N/A
+bos i 'm not sure , kohinoor is not listed in my database . are you sure you spelled that correctly ? eos O O O O B-Attraction-NoOffer+Name I-Attraction-NoOffer+Name O O O O O O O O O O O O O O O O Attraction-Request+Name
+bos i need a taxi between the restaurant and the hotel . eos O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos what time would you want to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave by 6:30. eos O O O O O O O O N/A
+bos just to double check ... you want a taxi at 6:30 ? in the morning ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos yes , i would like to leave by 6:30 in the morning please eos O O O O O O O O O O O O O O N/A
+bos i see that we have n't discussed hotel reservations . before i book a taxi , can you tell me where you are staying ? or can i help you to make a reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Booking-Inform
+bos sorry , i misspoke . i need a taxi from the attraction to the restaurant , please , leaving by 06:30. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos ok we have a taxi booked between kohinoor and royal spice , a red toyota . contact number is 07391598275 eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos that 's all that i need for now . thank you for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos alright . thank you for calling . eos O O O O O O O O general-welcome,general-bye
+bos have a great day now . eos O O O O O O O N/A
+bos you , too . i hope you have a wonderful trip to cambridge . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos what can you tell me about the bangkok city restaurant ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos sure , their phone number is 01223354382. anything else today ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O general-reqmore
+bos can you book a table there for me ? there will be 6 of us at 16:45 on saturday . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i sure can ! your booking was successful . the table will be reserved for 15 minutes.reference number is : qoqa5gzz . is their anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a hotel in the centre of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos there are five in the centre of town . do you need parking or wifi ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos i not need internet . i have no preference on parking . eos O O O O O O O O O O O O O N/A
+bos i just need to know what your price range is and how many stars you need ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos i would like a 0 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O N/A
+bos you might want to try cityroomz . eos O O O O O O B-Hotel-Recommend+Name O N/A
+bos can you book it for 6 people . we will need it for 4 days starting on saturday . i also need a reference number . thanks eos O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O N/A
+bos i have booked a room for saturday at the cityroomz hotel . your reference number is 4axqut6u . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all for now . thank you for the help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome
+bos i am on a budget and need a cheap place to eat . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos there are 22 cheap places to eat in the area . do you have a preference of food type ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like indonesian food located in the city 's centre . do you have anything like that ? eos O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos there is none that serves that food . can you change location ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos i ca n't change the location but i can eat spanish food instead . is that an option ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos la raza is fine for you . can i give you the contact ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O N/A
+bos actually , it would be quite helpful if you 'd book a table for 3 at 13:00 on monday . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : uktn9vkd . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , i am also looking for a place to stay . i would prefer a guesthouse and in the same area as the restaurant . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos el shaddai is an inexpensive guesthouse with internet service . would you like me to make you a reservation there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i would also like it to have a 4 star rating and free parking eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos alexander bed and breakfast fits those criteria , would you like me to book a stay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos no , i do n't need a booking , just the address . eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 56 saint barnabas road . is there anything else that i can help you with ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos that 'll be all . thank you . eos O O O O O O O O O general-thank
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos hello , i am looking forward to seeing some local attractions in the centre . do you have any recommendations ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos i have over 40 to choose from . did you happen to have a certain type of attraction in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos no particular attraction in mind . what do you recommend ? eos O O O O O O O O O O O O N/A
+bos does it matter if there is a charge or do you prefer something that is free ? eos O O O O O O O O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee N/A
+bos i do n't mind i just will need their address when you have chosen one . eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos i 've heard great things about the boat attraction , the cambridge punter ! the address is 251a chesterton road . can i be of any further help ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay . the hotel should include free wifi and should be in the same area as the attraction . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos there are great choices in the centre . would you prefer a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i 'd prefer a hotel , it does n't need to have parking as i 'll be taking the train into town . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos do you have any other requirements ? eos O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Stars,Hotel-Request+Internet
+bos no . which one do you recommend ? eos O O O O O O O O O N/A
+bos i would recommend cityroomz , i hear it 's lovely eos O O O O B-Hotel-Recommend+Name O O O O O O N/A
+bos that will be great . i 'll need to book it for sunday . we will be staying 3 nights and it 's 8 people . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos would you like me to book that for you then ? eos O O O O O O O O O O O O Booking-Inform
+bos yes please book eos O O O O N/A
+bos i have you booked , the reference number is wwb56six , can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that is everything i need . eos O O O O O O O N/A
+bos it was a pleasure to assist you . have a good day . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos well how can i help you with that ? eos O O O O O O O O O O general-reqmore
+bos i am looking for architecture attractions to visit . eos O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are about 5 in town and they are all located in the centre area . are you looking for one in particular ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Name
+bos no , any of them will do . could you give me the phone number and postcode ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos great saint mary 's church is in postcode cb23pq and their phone number is 01223350914. is there anything else i can help you with ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train from cambridge to norwich that arrives by 12:30 on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos the tr9533 train arrives at 11:55. may i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no what is the travel time on that ? eos O O O O O O O O O O Train-Request+Duration
+bos the travel time for that route is 79 minutes . anything more i can help with ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos no , that will be all . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos you are very welcome . have we met all of your needs today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes thank you that will be all eos O O O O O O O O general-thank
+bos okay sounds good let me know if you need anything else . thank you eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is everything i need from you today . eos O O O O O O O O O O O N/A
+bos have a wonderful day . eos O O O O O O general-bye
+bos can you find me a guesthouse with a 4 star rating ? eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A
+bos i have a number of guesthouses available , do you have a location preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O Hotel-Request+Area
+bos not really , but i do need free parking in expensive range eos O O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos i 'm sorry , but we do n't have anything that meets your requests . would you like to change what you 're looking for ? maybe i could help you with something else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos what about the one with a cheap range ? eos O O O O O O O B-Hotel-Inform+Price O O N/A
+bos i have seven cheap 4 star guesthouses with free parking in the cheap range . one in the center , three in the east and one each in the north , south and west . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you recommend one ? i need a reservation for tuesday eos O O O O O O O O O O O O N/A
+bos alexander bed and breakfast would suit your needs . how many people will be staying and for how many days ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos i want to book it for 1 people and 3 nights starting from tuesday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos reference number is : bl0z1oxc . anything else i can help with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also would like to find a chinese restaurant in the centre . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos what 's your price range ? i recommend the ugly duckling , but it 's expensive . charlie chan is a good , cheap place , and lan hong house is in the middle , price-wise . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O Restaurant-Request+Price
+bos let 's go with the cheap place . it will be the same day , same people , and we 'd like to dine at 14:15. eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos booking was successful and your table will be reserved for 15 minutes . the reference number is djakwb3y . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that 's all , i 'm gon na need . thanks . eos O O O O O O O O O O O O O general-thank
+bos thank you for using our service today ? eos O O O O O O O O O general-welcome
+bos actually , i will need to book a taxi to commute between the hotel and restaurant . i want to arrive at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , your taxi will be a red lexus . its contact number is 07558129121. is there anything else i can help you with today ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos thank you again for using our service , enjoy your stay ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a park please ? eos O O O O O O O B-Attraction-Inform+Type O O N/A
+bos we have 5 beautiful parks in cambridge . my favorite is the botanic gardens in the center . it 's 4 pounds to get in , but definitely worth it . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O N/A
+bos that sounds great ! can i get their postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos yes , the postcode is cb21jf . eos O O O O O B-Attraction-Inform+Post O O N/A
+bos thanks ! i 'm also looking for a train going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos i 'd love to help ! where are departing from and which day ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'd like to leave after 10:45 on monday . i 'm departing from ely . eos O O O O O O O O O O O O O O O O O N/A
+bos there is a train leaving at 11:17. eos O O O O O O O B-Train-Inform+Leave N/A
+bos make a booking for 3 people . eos O O O O O O B-Train-Inform+People O N/A
+bos you 're all set ! your total , which is payable at the station is 70.8 gbp . your reference number is : kcrpui1l . can i assist you with anything else today ? eos O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos that should be everything . thank you very much ! eos O O O O O O O O O O O general-thank
+bos wonderful ! have a great day ! eos O O O O O O O O general-bye
+bos thank you , you as well ! eos O O O O O O O O general-thank
+bos thank you , take care ! eos O O O O O O O general-bye
+bos i 'm looking for a guesthouse that includes free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos sure thing ! i like acorn guest house . can i book a room for you ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos where is it located ? what is it 's star rating ? eos O O O O O O O O O O O O O N/A
+bos it is located in the north , 154 chesterton road and is 4 star rated eos O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O N/A
+bos yes , i need a reservation for 7 people for 2 nights starting from friday and the reference number . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O N/A
+bos alright , got you booked . you 're reference number is : 86wn2ldq . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i also need to book a train for sunday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos where do you want to go ? eos O O O O O O O O Train-Request+Dest
+bos i need to get to norwich by 19:00. eos O O O O O O B-Train-Inform+Dest O O N/A
+bos we have 19 trains available . would you like to narrow it down by departure site , departure time , or arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart,Train-Request+Leave
+bos i need a train leaving cambridge and going to norwich , sunday . it should arrive by 19:00. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O N/A
+bos there is a train leaving at 17:36 that arrives at 18:55. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes thank you . eos O O O O O general-thank
+bos you are booked on train number tr5291 leaving cambridge for norwich at 7:36 , arriving in norwich at 8:55. the fee is 14.08 pounds and the reference number is yv651f9c . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos enjoy your stay in cambridge eos O O O O O O general-bye
+bos can you help me find a cheap hotel ? eos O O O O O O O B-Hotel-Inform+Price O O N/A
+bos we have many , do you want a specific side of town ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos i would like it to be in the north with a 4 star rating and free parking please . eos O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos the worth house meets your needs . would you like me to book a room for you there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes , please and can you send me a reference number . thank you . eos O O O O O O O O O O O O O O O O general-thank
+bos your room is now booked at the worth house and i will send you the reference number . thank you . good bye . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O general-bye
+bos i need a train on tuesday that arrives by 16:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos certainly , where is your place of departure and arrival ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i want to depart from london and arrive in cambridge . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos london kings cross or london liverpool street ? eos O O O O O B-Train-Select+Depart I-Train-Select+Depart I-Train-Select+Depart I-Train-Select+Depart N/A
+bos london liverpool street . eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i have train tr1395 that leaves at 13:39 and will arrive in cambridge by 15:07. would that work for you ? i would be happy to book your ticket . eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook
+bos for two people please . i will need the reference number . i also want to stay at the lensfield hotel . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Train-Request+Ref
+bos your train booking was successful . you can pay the fee of 33.2 at the station . your reference number is 14axwo0v . eos O O O O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos do you know the lensfield hotel ? i need their phone # and how many stars do they currently have ? eos O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone
+bos the lensfield is a 3 star hotel and the phone number is 01223355017. would you like to make reservations there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform
+bos no thank you . that 's all i need for now . eos O O O O O O O O O O O O O general-thank
+bos ok. enjoy your stay . eos O O O O O O general-bye
+bos i need info on a train that would be departing from peterborough . eos O O O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos /what day and time ? eos O O O O O O Train-Request+Leave,Train-Request+Day
+bos i would like to leave on sunday and arrive in cambridge by 15:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos i have train tr7864 leaving at 14:19 and arriving at 15:09. would you like to book that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos that 'd be perfect , i need three tickets on sunday . eos O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos booking was successful , the total fee is 39.59 gbp payable at the station .reference number is : hs2ffybi . is there anything else i can assist you with today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for information on a place called the man on the moon . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the man on the moon is a concerthall in the centre ? would you like to know anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos yes can i get the address to that please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos yes , the address is 2 norfolk street . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos can you tell me what the area of town is ? can i get the phone number too please ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone
+bos it 's located in the centre of town . the phone number is 01223474144. do you need assistance with anything else ? eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos that will be it for today ! thank you so much ! eos O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to come to cambridge on sunday and i 'd like to take a train . do you have anything leaving out of birmingham new street on that day ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A
+bos the trip is close to 3 hours . do you have a preferred departure time ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-Request+Leave
+bos i would like to arrive in cambridge by 9:15 please . eos O O O O O O O O O O O O N/A
+bos there is one train that arrives by 08:23. do you want me to book it ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos can i get the train id and also the price for this trip ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id for that is tr8730 and the price is 60.08 pounds per ticket . can i help you more today ? eos O O O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos i am also looking for information on a hotel called autumn house . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos what would you like to know about it ? eos O O O O O O O O O O general-reqmore
+bos i want to book it for 5 people for 2 nights starting on the same day as my train trip . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O O O O N/A
+bos booking successful . ref number is x0jlkvvf . anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos thank you . that was all i needed today . eos O O O O O O O O O O O general-thank
+bos have a great trip . eos O O O O O O general-greet
+bos thanks a lot for all your help ! eos O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos hi , are there any local theatres around town ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos we have 4 theatres in the centre , and 1 in the south . eos O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos what 's the address for the one in the south ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos the theatre is on clifton way . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos what is the cost of admission ? eos O O O O O O O O N/A
+bos the junction is the theatre in the south , but i do n't have the admission listed in my database . you could phone them at 01223511511 for that information . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O N/A
+bos ok. pick one of the other 4 theaters you mentioned . eos O O O O O O O O O O O O N/A
+bos we have no entrance fee information for any of the theatres at this time . can i help you with anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos i am also looking for a train . i want to depart cambridge and arrive in ely by 12:45 on monday . could i get departure time , price and travel time please ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos how about tr2013 that leaves at 6:07 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A
+bos sounds good , can i get the total travel time and price ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos yes , travel time is 17 minutes and the price is 4.40 pounds per ticket . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos thank you so much . that is all the information i need today . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system today . eos O O O O O O O O O general-bye
+bos i want a train leaving from london liverpool street . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos i can help with that . what is the destination ? eos O O O O O O O O O O O O Train-Request+Dest
+bos my destination is cambridge , and i 'll be traveling on saturday . eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O N/A
+bos is there a time you would like to leave or arrive by ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would leave after 14:45. eos O O O O O B-Train-Inform+Leave N/A
+bos i have a train that leaves at 15:39 and arrives and 17:07. would you like me to book that for you ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please make a booking for 4 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos your all set and your reference number is 2itjjmjc . may i help you with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i am looking for a boat . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos where would you like it to be ? eos O O O O O O O O O Attraction-Request+Area
+bos can you check in the north please . that would be ideal . eos O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos it looks like the riverboat georgina is in the north . would you like more information about it ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos yes , please . can i have the postcode ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode for the riverboat georgina is cb43ax . is there anything else i can assist you with today ? eos O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O N/A
+bos that is all thank you ! eos O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-greet
+bos help me find a train that leaves after 09:45 on saturday . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos the tr5170 departs at 11:00. would that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O N/A
+bos does it depart from leicester ? eos O O O O O B-Train-Inform+Depart O N/A
+bos tr6678 departs from leicester at 10:09 on saturday . shall i book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O Train-OfferBook
+bos yes please make a booking for 5 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 151.19 gbp payable at the station , your reference number is yykjrd9r . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thank you . i am also looking for a place to stay . it needs to be cheap and in the east . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O N/A
+bos there are three guesthouses that meet your criteria . i would recommend the autumn house . would you like me to book a room for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos does it have free wifi and parking ? eos O O O O O O O O O N/A
+bos it sure does . can i get you more information ? eos O O O O O O O O O O O O general-reqmore
+bos okay would you be able to make a reservation for me for 4 nights for 5 people starting saturday ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A
+bos your booking is a success . your reference number is : hhcgq5hz . yes , it does have internet . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O Hotel-Inform+Internet
+bos i am looking for information about the museum of archaeology and anthropology . eos O O O O O O O O O O O O O O N/A
+bos that museum is located over at university of cambridge , downing street . it 's free to visit . eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos could you please provide me with the postcode . thank you ! eos O O O O O O O O O O O O O Attraction-Request+Post
+bos the post code is cb23dz . eos O O O O O B-Attraction-Inform+Post O N/A
+bos i also need a train , to cambridge , i want to arrive by 17:45. eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O N/A
+bos there 's a train that leaves at 13:17 , want that one ? eos O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos as long as it arrives in cambridge by 17:45 and departs from broxbourne that will work . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O O N/A
+bos what day do you need the train ? eos O O O O O O O O O Train-Request+Day
+bos i will travel tuesday . eos O O O O B-Train-Inform+Day O N/A
+bos is there a time you need to leave or arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to arrive at 17:45. eos O O O O O O O N/A
+bos i have one arriving at 7:32 will this work for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos thats perfect . what is the price and travel time on this train ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos it is 17.90 pounds and takes 60 minutes . would you like me to book this for you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos no thanks , just gathering information , that is all i need . eos O O O O O O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos that is all i needed today . eos O O O O O O O O N/A
+bos glad i could help come backk if you need anything else eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello , are their any trains going to leicester ? eos O O O O O O O O B-Train-Inform+Dest O O N/A
+bos yes , many ! do you know what day you 're traveling ? eos O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Day
+bos i am traveling on saturday and i want to arrive by 15:15. i will be departing from cambridge . eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Depart O N/A
+bos the earliest you could arrive is 7:06. would you like to try a different day ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Day
+bos is there a time between 07:06 and 15:15 ? please check again . eos O O O O O O O O O O O O O O N/A
+bos sure ! there 's one that arrives at 15:06. eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive O O N/A
+bos are you able to book that for me ? eos O O O O O O O O O O N/A
+bos yes , would you like a reference number ? eos O O O O O O O O O O Booking-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Train-Request+Ref
+bos sure , i can do that . how many tickets would you like me to book ? eos O O O O O O O O O O O O O O O O O O Train-Request+People
+bos i need 8 tickets , please . eos O O O O B-Train-Inform+People O O O N/A
+bos i booked that for you . your reference number is 12pc3j4w . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks so much . i also needed to find out more information about clare college . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos they are in the west 2.50. on trinity lane , postal cb21tl . entrance fee is 2.50 pounds , any further questions ? eos O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O general-reqmore
+bos i also need to find something to do . eos O O O O O O O O O O N/A
+bos there are many different options available to you . what type of attraction are you looking for ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm sorry . i just need a little more information on clare college . may i have the phone number , please ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O Attraction-Request+Phone
+bos certainly , they can be reached at 01223333200 , any other questiosn today ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos what area are they located ? eos O O O O O O O Attraction-Request+Area
+bos clare college is in the west . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O N/A
+bos ok thank you for the information . eos O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos thankyou , i am looking for a trian that leaves on friday . i am also wanting it to leave after 12:30. eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Leave O O N/A
+bos the tr3685 leaves at 13:00. need a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O Train-OfferBook
+bos that is going to stevenage , correct ? eos O O O O O O O O O N/A
+bos no it is going to london kings cross , do you need to go to stevenage ? eos O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos yes , i must go to stevenage . how much is a ticket ? eos O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos the cost is 12.80 pounds for all trains leaving cambridge to stevenage on friday . would you like to book a seat ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos first tell me about the attractions in town in the west . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos what kind of attraction are you interested in ? eos O O O O O O O O O O Attraction-Request+Type
+bos it should be in the west part of town . eos O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are about 13 attractions in the west . i have several colleges , museums , and one entertainment attraction . which would you prefer ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos i 'm not picky , choose one for me ! eos O O O O O O O O O O O N/A
+bos how about churchill college ? does that sound interesting ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A
+bos that sounds great . can you get me the address and the entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos it is located on storey 's way . there is no entrance fee ! do you need help with anything else ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos no thanks , i am all set . eos O O O O O O O O O general-thank
+bos happy to be of help . goodbye . eos O O O O O O O O O general-welcome,general-bye
+bos i need some information on a train going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i 'd love to help you with that ! what day are you headed out ? eos O O O O O O O O O O O O O O O O O Train-Request+Day
+bos sunday . sometime after 21:00 , if possible . eos O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O N/A
+bos there are multiple trains headed to cambridge sunday after 21:00. where are you leaving from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O Train-Request+Depart
+bos i am leaving from ely . eos O O O O O B-Train-Inform+Depart O N/A
+bos i have train tr4205 that leaves at 21:35 and will arrive in cambridge at 21:52. the price per ticket is 3.52 pounds . would you like a ticket for this train ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yeah , i need eight tickets . eos O O O O O O O O N/A
+bos booking was successful , the total fee is 28.16 gbp payable at the station , your reference number is 0v72hm78 . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos i also need a guesthouse located in the north . eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O N/A
+bos there are several choices , but all are priced either cheap or moderate . which would you prefer ? eos O O O B-Hotel-Select+Choice O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O N/A
+bos are there any with a star of 4 ? i 'd like free parking as well if that is available . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos i have 7 entries that fit your criteria . 6 are moderately priced , and one is cheap . would you like information about any of these ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Choice B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O O O O O general-reqmore
+bos yes info on the cheap price range eos O O O O O O O O N/A
+bos worth house is in the cheap price range and located at 152 chesterton road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thanks , for now i just need their postcode and whether or not they have free internet . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet
+bos they do have free internet . their post code is cb41da . will that be all for today ? eos O O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes , that 's all . thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i want a place to stay . is there an expensive hotel ? it does n't need to include internet . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos i have 5 expensive hotels , what part of town would you like to stay in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area
+bos if you have anything in the south that would be perfect . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i have the lensfield hotel in the south . it is rated 3 stars and offers both free parking and internet . may i book you a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos not now but will come back laiter eos O O O O O O O O N/A
+bos no problem . can i help you with anything else at this time ? eos O O O O O O O O O O O O O O O general-reqmore
+bos that is all i need , thank you . eos O O O O O O O O O O general-thank
+bos it was my pleasure to help you today . have a wonderful evening . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train to stevenage , leaving on sunday . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O O N/A
+bos train tr8464 leaves at 11:21 and arrives at 12:10. would you like to book that one ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos no , i need to leave some time after 14:30 , and i 'll be traveling to cambridge . eos O O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Depart O O O O N/A
+bos there are many trains at that time , where are you leaving from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart
+bos im leaving from cambridge and going to stevenage . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos the 1st train out of cambridge going to stevenage is at 15:21 arriving at 16:10. shall i get a ticket for you ? eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos before we do that are there any attractions that feature a swimming pool in town ? eos O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes , there are 2 in the north , 1 in the east and 1 in the centre . which would you be interested in ? eos O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Select
+bos what is the name , entrance fee , and phone number of the one in the center ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the name is parkside pools . the entrance fee is not listed in our database , but you could probably get it by calling them at 01223446100. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O B-Attraction-Inform+Phone O N/A
+bos do you have entrance fees for any of the others ? eos O O O O O O O O O O O O Attraction-Request+Fee
+bos actually none of the pools in our database have an entrance fee listed . is there anything else i can help you with ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos no thank you that is all the information i need today . eos O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . i hope you have a pleasant trip ! goodbye ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos are there any restaurants that serve proper british food in town ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos oh yes quite a few . which part of town will you be dining in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area
+bos west , if possible . eos O B-Restaurant-Inform+Area O O O O N/A
+bos we have three : graffiti , saint john 's chop house , and traveller 's rest . eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos will you give me the phone number , address , and postcode for graffiti , please ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yes , the phone number is 01223277977. the address is hotel felix whitehouse lane huntingdon road , and the post code is cb30lx . want to book ? eos O O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Post O O O O O O O Booking-Inform
+bos no thank you . i think that will be everything today . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , glad to help . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i am looking for italian food on the south side of the city . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos do you prefer moderately priced or expensive ? eos O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price N/A
+bos no preference , please . eos O O O O O O N/A
+bos i have pizza hut cherry hinton which is in the moderate price range and frankie and bennys which is in the more expensive price range . which would you prefer ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Select
+bos i 'll pass on the pizza hut . yuck . let 's go with frankie & benny 's . can i get a table for 1 on sunday at 12:15 please ? eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos your table is booked and will be reserved for 15 minutes . your reference number is c6eu44qq . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i wanted the reservation for 12:15 , is that what you booked for me ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , you have a reservation for 1 person , at 12:15 on sunday , at frankie and bennys . can i help you with anything else today ? eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O B-Booking-Book+Day O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O general-reqmore
+bos no , that is all i need . thank you ! eos O O O O O O O O O O O O general-thank
+bos great ! enjoy your meal , let me know if i can help with anything else . eos O O O O O O O O O O O O O O O O O O general-bye
+bos hi ! i am looking for a train to cambridge that leaves after 21:15. eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos tr1581 leaves at 21:17 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos great ! can you please boo that for me ? eos O O O O O O O O O O O N/A
+bos of course . i reserved 1 seat . the reference number is 87znt2v8 . eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O N/A
+bos actually , i would need 2 tickets for that train . eos O O O O O O B-Train-Inform+People O O O O O N/A
+bos okay . no problem . your new booking and reservation number is y004877a . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos fantastic . can i also get information about clare hall ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos clare hall is a college on the wet end . would you like further information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O general-reqmore
+bos yes , what is the entrance fee for clare hall ? eos O O O O O O O O O O O O Attraction-Request+Fee
+bos clare hall has no entrance fee and is free ! do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos no , that is all i need , thank you . bye . eos O O O O O O O O O O O O O O general-bye
+bos have a good day ! eos O O O O O O general-bye
+bos i 'm going on a date and need an expensive restaurant on the north side of town . eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are 5 restaurants that meet your criteria . can i interest you in asia , chinese , european , or french cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i really prefer indian if possible . eos O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry , there are no expensive indian restaurants on the north side . eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O N/A
+bos aww , that 's too bad . hmm , can you see if there is an expensive asian oriental restaurant on the north side ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there is saigon city . would you like me to book a table for 2 ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Booking-Inform+People O N/A
+bos that sounds good . i want to book a table for 5 people on saturday at 17:45. eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : hno7wymg . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that was all i needed , thank you so much , goodbye ! eos O O O O O O O O O O O O O O O general-bye
+bos have a great time . good bye . eos O O O O O O O O O general-bye
+bos yes , i 'm looking for a cheap place to eat on the east side . do you know of anything ? eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos yes i have one listing for an international place called the missing sock . it is very popular . would you like their telephone number ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O general-reqmore
+bos yes . please give me the telephone number . eos O O O O O O O O O O N/A
+bos their number is 01223812660. eos O O O O B-Restaurant-Inform+Phone N/A
+bos thanks ! now could you make a reservation for me ? i need a table for 1 on saturday at 12:15 , please . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A
+bos unfortunately , they are fully booked during that time slot . would you like me to try for a different time or day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Book,Booking-Request+Time,Booking-Request+Day
+bos how about 11:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos you 've been booked for 11:15. do you need anything else ? eos O O O O O B-Booking-Book+Time O O O O O O O general-reqmore
+bos may i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref
+bos your reference number is fk3areid . eos O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much , that is all i needed ! eos O O O O O O O O O O O O general-thank
+bos great ! have a great day ! eos O O O O O O O O general-bye
+bos i need help finding an expensive place to eat in the west please . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are many options for expensive food in west cambridge . is there a specific type of food you would like ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i would like eat indian food , where i can eat search chicken tikka masala . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos i 'm sorry , there is nothing showing for chicken tikka masala . there are however 5 expensive indian restaurants in the west part of cambridge . i would recommend the rice boat . eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A
+bos i 'd like to book the rice boat for 1 at 11:45 on monday . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos you are booked for the rice boat on monday at 11:45. your reference number is s224qq91 . may i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , i think that covers it . thanks so much for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O general-bye
+bos i am looking for information on the yippee noodle bar . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos sure ! yipee noodle bar is a moderately priced asian oriental restaurant in the centre of town . what other other information can i get for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O general-reqmore
+bos can i get the address and phone number ? eos O O O O O O O O O O N/A
+bos sure , yippee noodle bar is located at 40428 king street city centre . the phone number is 01223518111. how else may i assist you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos on second thought , could you book me a table for 5 people at 12:30 on sunday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos the yippee noodle bar does n't have a table available at that time . would you like to try another ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos sure , please try for 11:30 sunday . still 5 people . thanks . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A
+bos all right , your table is reserved . the reference number is gvnn1k5v . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks for your help . eos O O O O O O general-thank
+bos no problem ! thank you , and have a nice day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to eat someplace with unusual food . price is no object . what can you suggest ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos i 'm sorry , there is nothing meeting your criteria . what other type of cuisine would you like ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos hmm . i 'm not sure . it needs to be expensive , and i really had my heart set on unusual . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are no restaurants anywhere in cambridge that describe their cuisine as `` unusual . '' would you like to broaden your search criteria ? eos O O O O O O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O N/A
+bos then find a european one . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 5 european restaurants to choose from . i have options in the centre , north and west . which would you prefer to dine in ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Area
+bos i would like one in the centre area , please . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how about eraina , which serves european food and is located in the centre of town and is in the expensive price range ? eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Price O O O O N/A
+bos that sounds good ! can you book a table for 6 people at 12:45 on wednesday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos that booking was successful , the table will be reserved for 15 minutes . your reference number is 4oqdti8c . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i think that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your meal . eos O O O O O O O O O general-bye
+bos hi ! i am looking for a train that arrives by 11:30 on friday . eos O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos i have 122 trains that are arriving by 11:30. do you know where the train is coming from ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Depart
+bos the train should depart from bishops stortford and should go to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A
+bos tr2083 leaves bishops stortford at 09:29 on friday and arrives in cambridge at 10:07. would you like to purchase tickets ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes please . i will need 5 seats . eos O O O O O O O O B-Train-Inform+People O N/A
+bos ok , your booking is complete ! the total is 50.5 gbp and is payable at the station . your confirmation number is rgowfl51 eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great . i am also looking for suggestions on places to go in the centre of town . can you help me with that ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i show 44 attractions in the centre area . is there a specific type you would prefer ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type
+bos do you have any multiple sports ? eos O O O O O O O O N/A
+bos there are no attractions matching that description . would you like me to search for parks in the area ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-NoOffer
+bos do you have any architecture attractions eos O O O O O B-Attraction-Inform+Type O N/A
+bos yes many . all saints church is a famous one with no entrance fee . eos O O B-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos that sounds great , plus it 's free . can i book that for 5 please ? eos O O O O O O O O O O O O O O O O O O N/A
+bos attractions are one thing we ca n't book for you , unfortunately . is there anything else you need today ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos can you please give me the phone number and post code for all saints church then ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post,Attraction-Request+Phone
+bos all saints church phone is 01223452587. their postcode is cb58bs . is there anything else i can help you with today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos that should be all i need . thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the expensive price range . it should serve sri lankan food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i 'm sorry but i have nothing listed . is there another type of food you might be interested in ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos i was really hoping for sri lankan . eos O O O O O O O O O N/A
+bos i 'm afraid there are n't any sri lankan restaurants in town at all . is there something else i can search for you ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O general-reqmore
+bos how about gastropub ? eos O O O B-Restaurant-Inform+Food O N/A
+bos i found three located in the centre and one on the east . which would you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O Restaurant-Select
+bos are they all listed as expensive ? eos O O O O O O B-Restaurant-Inform+Price O N/A
+bos yes , they are all expensive . backstreet bistro is in the centre area , and royal standard is in the east . would you like me to make a reservation at either of these ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O Booking-Inform
+bos could you please give me the phone number for the royal standard ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos sure , it 's 01223247877. eos O O O B-Restaurant-Inform+Phone O O N/A
+bos okay , thanks . that will do it for today . eos O O O O O O O O O O O O general-thank
+bos you are most welcome . thank you for calling cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a restaurant called pizza hut cherry hinton , can you help me find it ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos yes sure would you like their address or phone number ? eos O O O O O O O O O O O O N/A
+bos no , i wanted to make a reservation there . eos O O O O O O O O O O O N/A
+bos i 'd be happy to make you a reservation , for what day/time and how many is in your party ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos just one person on sunday at 19:45 eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : cko62hoh . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that will be all , thank you . eos O O O O O O O O O O general-thank
+bos great . enjoy your meal . goodbye ! eos O O O O O O O O O general-welcome,general-bye
+bos i want to book a taxi . the taxi should go to lynne strover gallery and should depart from parkside police station . eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos what time would you like to leave and arrive by ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos the taxi should leave after 22:15. can i get the contact number and car type for that reservation ? eos O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car
+bos you are all set ! please be on the lookout for a black lexus and the contact number is 07664673319. eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos i really appreciate , thanks eos O O O O O O general-thank
+bos is there anything else i can do for you today ? eos O O O O O O O O O O O O general-reqmore
+bos no , that 's everything . thank you very much for your time . eos O O O O O O O O O O O O O O O general-thank
+bos i 'm happy to be of service ! have a wonderful day . eos O O O O O O O O O O O O O O general-bye
+bos yes i am looking for a train leaving cambridge on tuesday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i can help you with that . the first one departs at 05:00 and the last trains runs at 13:00. how many tickets would you like ? eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O general-greet
+bos also the destination is london kings cross and leaves after 12:30. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos there is a train leaving at 13:00 that fits your criteria . would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please , just one ticket . eos O O O O O O O O O N/A
+bos great ! your booking was successful . the fee will be 23.6 gbp payable at the station . would you like the reference number ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , please . i am also looking for attractions in the east part of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos your reference number is d1pgc203 . there are several attractions in the east . may i suggest the camboats boat ? eos O O O O O B-Train-Inform+Ref O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos sure . could i get their phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos sure ! the phone number is : 01223902112 eos O O O O O O B-Attraction-Inform+Phone O O N/A
+bos that 's all i needed today . thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome . just let us know if you find yourself needing more information . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for information on the vue cinema please ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it is located at the grafton center east road eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos could you give me the phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 08712240240. eos O O O O O B-Attraction-Inform+Phone N/A
+bos can you also please find an expensive restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos is there a type of food you would like ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos no any restaurant would be okay i just need the type of food they serve . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about the midsummer house restaurant ? it is located at midsummer common in the centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O N/A
+bos what type of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food
+bos they serve british food . will that work for you ? eos O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos yes british food is fine , can you reserve a table ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos sure , for how many people ? eos O O O O O O O O Booking-Request+People
+bos sorry , you know what , i 'll just walk in and demand they seat me . that also works out so well . that 's all i need today , thanks ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you . enjoy your stay . eos O O O O O O O O general-welcome,general-bye
+bos i need to get to peterborough . can you find me a train that gets there by 13:30 ? eos O O O O O O B-Train-Inform+Dest O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos what day will you travel on ? eos O O O O O O O O Train-Request+Day
+bos i will depart from cambridge on wednesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos the train closest to your requested time is the tr1108 , leaving cambridge at 12:34 , arriving peterborough at 13:24. would you like to book a ticket ? eos O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos please and i would appreciate it if you could give me the train id , departure time , and booking reference . eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos the train id is tr1108 , and the departure time is 12:34 , but to book your ticket i 'll need to ask - how many tickets would you like to purchase ? eos O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos i will need three tickets please . eos O O O O O O O O N/A
+bos you are all ready with three tickets . the total fee is 49.5 and you will pay that at the station . reference number is jpnlh7qf . eos O O O O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i would also like to find a museum in town . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are 23 museum options in town . can you help me by narrowing down where in town you 'd like the museum to be ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no preference , what would you suggest ? eos O O O O O O O O O N/A
+bos the broughton house gallery is popular and it is free . it is in the center of town at 98 king street . do you need more information ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O general-reqmore
+bos yes , what is the postcode for the broughton house gallery ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post
+bos the postcode for the gallery is cb11ln . can i help with anything else ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos can you book reservations for place to eat for me . eos O O O O O O O O O O O O N/A
+bos there are many choices for restaurants in town . do you have a specific area , price range , or type of cuisine ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price,Restaurant-Request+Food
+bos yes , i would like a moderately priced italian restaurant . eos O O O O O O O O O O O O Restaurant-Inform
+bos hmm , my restaurant reservation system seems to be down at the moment . is there anything else i can help you with right now ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that is all . thank you for helping me . eos O O O O O O O O O O O O general-thank
+bos you are welcome . thanks for using our service . have a good day . goodbye . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i really would like to try some indian food while in town so please find me a restaurant that serves it on the east side eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos curry prince is a nice place . do you want to book ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yeah . i 'd like a table for 2 people on tuesday at 13:45. eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ldy1duf0 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i would also like to get a place to stay too . eos O O O O O O O O O O O O O N/A
+bos there are 33 options for lodging in town . do you have a preference for type , area , pricerange , or star rating ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Stars
+bos same area as the restaurant , moderate price range , and it does n't have to have free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos i found 3 that match that criteria . i would recommend the carolina bed and breakfast which is four stars . would you like a reservation ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O Booking-Inform
+bos that sounds perfect . i need that for 5 nights . eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos okay . can you tell me what day you 'll be arriving ? eos O O O O O O O O O O O O O O Booking-Request+Day,general-greet
+bos i 'd like reservations for tuesday . eos O O O O O B-Hotel-Inform+Day O O N/A
+bos how many people will be staying ? eos O O O O O O O O Booking-Request+People
+bos 2 people will be staying . can you give me the reference number too ? eos O O B-Hotel-Inform+People O O O O O O O O O O O O O N/A
+bos the booking was successful , and your reference number is 0ogax9ra . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos okay , you are welcome ! have a good stay ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train leaving cambridge on thursday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are quite a few running all day to many different stations . where would you like to go ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Dest
+bos i would like to go to leicester and get there by 18:45 eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos sure , i can get you aboard a 15:21 arriving at 17:06. would you like me to book a seat aboard tr9839 ? eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O B-Train-OfferBook+Id O O N/A
+bos not right now . thanks for the information though ! have a great day ! goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome
+bos oh wait ! before you go , can you give me some information on the cherry hinton village centre ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos of course . the cherry hinton village centre has multiple sports in the east end of town . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos sounds good . what is the postcode , please ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb19ej . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , may i have their address , please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos the address is colville road , cherry hinton . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos that is all i need , thank you . eos O O O O O O O O O O general-thank
+bos thank you for using our service . have a good day ! eos O O O O O O O O O O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos enjoy your day . good bye . eos O O O O O O O O general-bye
+bos i am looking for a train departing from london kings cross eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos sure . where are you going ? eos O O O O O O O O Train-Request+Dest
+bos i would like to go to cambridge , after 11:15 eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O N/A
+bos okay , and what day do you want to make the trip ? eos O O O O O O O O O O O O O O Train-Request+Day
+bos i want to leave on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos great , tr5720 from london kings cross to cambridge leaves monday at 11:17. can i book this for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos actually , can i have the price , and the travel time please ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the cost is 23.60 pounds and the trip will take 51 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos great that 's all the info i need , thank you for your help today . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you very much . have a nice day . eos O O O O O O O O O O O general-bye
+bos greetings ! can you help me in locating a train to get me to cambridge ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos certainly . can you please tell me the location you are departing from and what day you would like to leave ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos sure . i need to leave on friday from broxbourne . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos we have several trains for that day . did you have a particular time you wanted to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave
+bos i am going to need to leave sometime later than 17:15. i will need 6 seats . eos O O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos there are 7 trains available . when would you like to arrive bye ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Arrive
+bos it does n't matter , i just need to leave sometime after 17:15. eos O O O O O O O O O O O B-Train-Inform+Leave O O N/A
+bos i can book you on tr4322 from broxbourne to cambridge . it leaves at 17:32 and arrives by 18:32. would you like that ? eos O O O O O O B-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Dest O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O N/A
+bos yes please , for 6 people . eos O O O O O B-Train-Inform+People O O N/A
+bos i booked 6 seats on tr4322 , the price is 107.4 gbp and your reference number is rzutecij . is there anything else i can do for you ? eos O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos that 's all i needed for today . thank you eos O O O O O O O O O O O general-thank
+bos i 'm happy to be of service . enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O general-bye
+bos i want to book a train for friday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos ok , what are your departure and arrival stations , and what time are you traveling ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest
+bos i want to go from cambridge to london kings cross on friday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos is there a time you would like to leave by or arrive by ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i 'd like to arrive by 10:15. eos O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr8026 arrives at 7:51 and tr2000 arrives at 9:51. may i book one of those ? eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos i 'm not looking to book at the moment , can i just get the travel time and price for tr2000 ? thanks ! eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure travel time is 51 minutes and total cost of the ticket will be 23.60 pounds . anything else i can help you with ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos no that will be all today . thank you . eos O O O O O O O O O O O general-thank
+bos you 're quite welcome . thank you for using the cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like a train to cambridge that arrives by 11:30. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i 'm departing from ely . eos O O O O B-Train-Inform+Depart O O N/A
+bos i can reserve a seat on tr2704 departing at 9:35 and arriving in cambridge at 9:52. how many tickets will you need ? eos O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O Train-Request+People
+bos it does n't matter to me . eos O O O O O O O O N/A
+bos if you would n't like me to book you a ticket , is there anything else you need ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos can you tell me what the travel time for that train is ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos that will be a 17 minute train ride . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A
+bos okay great . that is all thank you . eos O O O O O O O O O O general-thank
+bos okay great . thanks fro calling . eos O O O O O O O O general-bye
+bos i need a train that will be in cambridge by 3:00 eos O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day
+bos i will be travelling on wednesday . eos O O O O O O B-Train-Inform+Day O N/A
+bos alright , where will you be departing ? eos O O O O O O O O O Train-Request+Depart
+bos i 'm leaving out of london king 's cross . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos what time do you need to be there by ? is it 13:00 ? eos O O O O O O O O O O O O O O O Train-Request+Arrive
+bos no , i need to arrive by 14:00. eos O O O O O O O O O N/A
+bos i have only one train that would be close to those traveling times . it leaves london kings cross at 11:17 and arrives in cambridge at 12:08. eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos can i get a ticket for 1 person and the reference number please . eos O O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos i was able to book you 1 ticket on train tr2417 . your total cost is 23.6 gbp payable at the station . your reference number is t9v9s3i3 . eos O O O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you . i think that 's all i need . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a safe trip . goodbye . eos O O O O O O O O O O O O general-bye
+bos i am looking for a train going from cambridge to stansted airport . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i 'd be happy to help with that . what day and time are you traveling ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos the train needs to leave on monday after 11:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos do you need to arrive by a certain time ? eos O O O O O O O O O O O Train-Request+Arrive
+bos no , just the closest time after 11:45 for 5 tickets please . eos O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos tr8699 leaves at 12:40 on monday . would you like to book a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos yes please . can i have the reference number for the booking ? eos O O O O O O O O O O O O O O Train-Request+Ref
+bos i have booked your train for 5 and your reference number is a85ftgk4 . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no , that will be all . thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos you are welcome ! have fun ! goodbye ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm writing an article on places in cambridge with no stars . can you help me find a place to stay that has free wifi ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are three places that meet those specifications : city centre north b & b , el shadda and cityroomz . how else can i help you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O general-reqmore
+bos are any of these hotels in the expensive price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos i 'm sorry , there are n't any in the expensive range . cityroomz is in the moderate range , the others are in the cheap range , are you interested in any of those ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos are there any expensive hotels that have 4 stars ? eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O N/A
+bos oh yes indeed , 21 in fact ! do you want to visit all of them for your article , or would you like to narrow it down some more ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos do any of the locations you have found offer free parking ? eos O O O O O O O O O O O O O Hotel-Request+Parking
+bos almost all of them have free parking . eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Inform+Parking
+bos ok , is there one that you would recommend ? eos O O O O O O O O O O O N/A
+bos my apologies , there are only two 4 star hotels in the expensive category , the huntingdon marriot hotel and the university arms hotel . the university arms seems to be popular choice . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos ok , i also want to find a train from cambridge to peterborough on sunday please i want to be there by 13:00. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A
+bos sure , i booked you 1 ticket . the train arrives at 12:56 and departs at 12:06 on sunday . it comes to 13.20 pounds and the train id number is tr8517 eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Id O O O N/A
+bos where is the hotel located ? eos O O O O O O O Hotel-Inform
+bos huntingdon is kingfisher way , hinchinbrook business park and university arms is regent street . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos what area of town is the hotel in ? eos O O O O O O O O O O Hotel-Request+Area
+bos huntingdon marriott hotel is located in the west part of town and the university arms hotel is located in the centre would you like me to book a room at one ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos does it have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos both hotels provide free parking . is there anything else i can help you with ? would you like me to book a room ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,general-reqmore
+bos that 's alright . i can book it later . i 'm also looking to book a train . eos O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos it looks as though your train has already been booked . the train arrives at 12:56 and departs at 12:06 on sunday . the train id number is tr8517 . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Arrive I-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O O O B-Train-OfferBooked+Id O O O N/A
+bos thank you , can you please tell me the travel time and confirming the cost is 13.20 pounds ? that 's all i will need . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the price is indeed 13.20 pounds and the duration of the train ride is 50 minutes . is there anything else you need ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos no , that would be all . thank you . eos O O O O O O O O O O O general-thank
+bos let me know if you need anything else . eos O O O O O O O O O O general-reqmore
+bos i need a train departing cambridge and arriving by 08:00. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos what is your destination and your departure day and time ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day
+bos i would like to travel on monday and arrive in kings lynn . it does not matter what time i depart . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O N/A
+bos alright , you have three options : leaving at 5:11 , 6:11 , or 7:11. would you like to book one of these trips ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos yes . i would like to book the 5:11. i also need the train id and travel time . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos no problem . it 's 47 minutes long and the train id is tr7964 . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Id O O O N/A
+bos i 'd also like to find a place to stay . four stars , please , and on the west side of town . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos let me see . i have three options available , two are cheap and one is expensive . they all include free internet and parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos are any of them guesthouses ? eos O O O O O O O N/A
+bos finches bed and breakfast is a 4 star guesthouse with free internet and parking . would you like to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos sure , i 'll need it for 2 people , 2 nights , starting saturday . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O N/A
+bos ok , you 're booked for 2 nights at finches , starting on saturday . reference # 0xocdlh2 . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name O O B-Booking-Book+Day O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O general-reqmore
+bos no thank you , i have all i need . eos O O O O O O O O O O O general-thank
+bos great , i 'm glad you were able to get everything you needed . call us again ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train to birmingham new street that arrives by 8:00. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge on tuesday eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A
+bos okay , i 've got a training leaving at 5:01 and arriving by 07:44 , will that be good ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O N/A
+bos perfect . i 'd like 8 tickets please . eos O O O O O B-Train-Inform+People O O O O N/A
+bos okay i have booked you 8 tickets on this train . your reference number is e4459ytn . is there anything else ? eos O O O O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos okay . thank you for your help . that is all i believe . eos O O O O O O O O O O O O O O O general-thank
+bos sure . glad to have helped . eos O O O O O O O O general-bye
+bos i am looking for a train that departs from cambridge after 14:00. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos there are hundreds of those ! what day are you traveling and what 's your destination station ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i need to leave from kings cross on a saturday please . eos O O O O O O O O O O O O O N/A
+bos sure , are you leaving , or going to london kings cross ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i am going to london . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos okay , i 'd recommended tr6203 leaving at 15:00 and arriving at 15:51 , total duration 51 minutes . the price is 18.88 pounds . would that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O N/A
+bos yes thank you very much that 's all i needed ! eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . enjoy your trip . goodbye ! eos O O O O O O O O O O O O general-bye
+bos hi ! can you tell me what trains are available on friday after 18:30 ? eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos certainly , but first i need to know where you are departing from and what your destination is . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm going from stevenage to cambridge . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos the first train after 18:30 is tr4969 , which leaves at 19:54. would you like a ticket , or more information ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O general-reqmore,Train-OfferBook
+bos yes i would like to book it for 8 people and i will need the reference number . eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos sure , i have booked your tickets for 8 people , your reference number is : t6b9unbq . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you for all your help , that 's all i needed today . eos O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . thank you for using cambridge towninfo centre . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like a train to leicester to arrive by 9:45. eos O O O O O O B-Train-Inform+Dest O O O O O N/A
+bos okay , where would you like to depart from ? eos O O O O O O O O O O O Train-Request+Depart
+bos i 'd like to leave from cambridge , please . eos O O O O O O B-Train-Inform+Depart O O O O N/A
+bos there are 28 trains , do you have a day preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O N/A
+bos i need to leave on tuesday . eos O O O O O O B-Train-Inform+Day O N/A
+bos train tr2863 leaves on tuesday at 7:21 and arrives at 9:06. would you like me to book ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i sure would , thanks . i will need seats for 8 people . eos O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos your reference number is : xnmihqhk , the total fee is 302.39 gbp payable at the station . is there anything else i can do for you ? eos O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O general-reqmore
+bos no thank you . have a great day ! eos O O O O O O O O O O general-thank
+bos you as well , enjoy your trip ! eos O O O O O O O O O general-bye
+bos please find a restaurant in the north that serves unusual food . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos i apologize , we do n't have any restaurants that serve unusual food in the north . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-NoOffer
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos can i help you find a different type of food ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three chinese food restaurants in the north side of town . two are expensive and the other is moderately priced . do you need more information ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O N/A
+bos can you recommend one of those ? eos O O O O O O O O N/A
+bos i 'd recommend the hotpot . would you like a reservation or more information ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes could you give me their postcode ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Post
+bos the postcode for the hotpot is cb41ep . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post O O O O O O O Booking-Inform
+bos what price range is that in ? eos O O O O O O O O Restaurant-Request+Price
+bos it 's in the expensive price range . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos are there any swimming pools in the same area as the restaurant ? eos O O O O O O O O O O O O O O N/A
+bos yes there are two pools . i highly suggest the jesus green outdoor pool . would you like more information ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A
+bos yes , that sounds great can you send me all the info . eos O O O O O O O O O O O O O O N/A
+bos the jesus green outdoor pool is located between victoria road and the river . the phone number is 01223302579. do you need any additional information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O N/A
+bos yes , i am going to need a taxi for transport fro the restaurant by 04:00 please . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos you have a booked taxi departing at 4:00 from the restaurant to the jesus green outdoor pool . it will be a white honda . the contact number is 07119708052. anything else ? eos O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos awesome . nothing further . eos O O O O O O N/A
+bos okay and thanks for inquiring with us eos O O O O O O O O general-bye
+bos thank you . goodbye . eos O O O O O O general-bye
+bos goodbye and thank you . eos O O O O O O general-bye
+bos hello ! i 'm looking for the hotel called cityroomz . can you give me some information , please ? eos O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos sure . cityroomz is located in the centre at sleeperz hotel , station road . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O general-greet
+bos phone number and postcode please and thank you eos O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the phone number is 01223304050 and the postcode is cb12tz . eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos can i help with anything else ? eos O O O O O O O O general-reqmore
+bos yes , i 'd like to find a place to eat in the west area . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos are you interested in a certain cuisine or price range ? eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos are there any british restaurants in that area ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos there are three ! do you prefer moderately priced or expensive ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos i do not have a preference on price range . eos O O O O O O O O O O O Restaurant-Request+Price
+bos okay . well , i 've heard great things about graffiti . how about that ? eos O O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform,general-greet
+bos that sounds great , do you have a number for graffiti ? what 's the price range ? eos O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O Restaurant-Request+Price
+bos graffiti 's phone number is 01223277977. it 's in the expensive price range . do you want me to make a booking ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos no but i do need a taxi and need it at restaurant by 03:15. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay , i will do that . will you be picked up at the hotel ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet
+bos no , i 'll be heading from the restaurant to the hotel . eos O O O O O O O O O O O O O O N/A
+bos yellow hondacontact number : 07467571080is there anything else i can assist you with ? eos O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos thats all and thank you . eos O O O O O O O general-thank
+bos you are welcome enjoy . eos O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant that offers british food in a moderate price range , can you help me with that ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos yes i have many in the center of town and on in the west . do you have a preference for area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Area
+bos let 's try the west . eos O O O O B-Restaurant-Inform+Area O O N/A
+bos i have one in the west called saint johns chop house . would you like a reservation here ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform
+bos for now , can i just get the phone number and postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos their number is 01223353110. postcode is cb30ad . eos O O O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O N/A
+bos thanks , that 's everything i need . eos O O O O O O O O O general-thank
+bos thank you for choosing cambridge towninfo centre . eos O O O O O O O O O general-bye
+bos hi , i am looking for information on a train . eos O O O O O O O O O O O O Train-Inform
+bos you came to the right place ! where would you like to go ? eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos i 'd like to go to cambridge and will be departing from peterborough . eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O O N/A
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i 'd like to arrive by 10:30 on thursday , please . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O N/A
+bos great ! i found 9 trains that match your requests . i 'll be happy to book one if you 'll let me know how many tickets you need . eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i need to book seats for 4 people please , and can i get the reference number for that ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref
+bos first let 's verify which train you want . the tr1719 will have you at your destination around 10:09. eos O O O O O O O O O B-Train-Select+Id O O O O O O O B-Train-Select+Arrive O O N/A
+bos yes , that sounds perfect . i 'll need 4 seats . eos O O O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was successful , the total fee is 66 gbp payable at the station .your reference number is : p6g0s9it . is there anything else i can help you with ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i need a hotel in the west with free parking please . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos do you care about the price range ? i have one cheap and one expensive hotel that fits your current criteria . eos O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Request+Price
+bos i actually need a guesthouse instead of a hotel , please . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i have two guesthouses . would you like a cheap one that is a 4 star , or a moderately priced 3 star ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A
+bos yes , i 'd like to know what there is to see in the center of town . eos O O O O O O O O O O O O O O O O O O O N/A
+bos there are over 40 attractions in city centre . do you have any ideas on what type of attraction you 'd like to visit ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos some type of fancy architecture would be neat . eos O O O O O B-Attraction-Inform+Type O O O O N/A
+bos all saints church has some stunning architecture and is located in the centre . it 's also free to visit ! eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O N/A
+bos great , i like free ! can you give me the postcode and phone number to all saints church please ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos phone number is 01223452587 and postcode is cb58bs . eos O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A
+bos thanks ! can you also tell me about j restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos absolutely , its an asian oriental restaurant , listed as cheap price range , & located in the centre area . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please , for 5 people at 13:00 on tuesday . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos the booking was successful . the table will be reserved for 15 minutes.reference number is : eiyul9l9 . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can you book me a taxi to take me from the church to get me to the restaurant for my reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos no problem . i 've arranged for a blue ford to pick you up at all saints in time to reach the restaurant at 1 pm . the number is 07245127340. anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos no that will do it . thanks a lot . goodbye . eos O O O O O O O O O O O O O general-bye
+bos you are welcome to use our services anytime . eos O O O O O O O O O O general-welcome
+bos hi , i am looking for a venetian restaurant please . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos unfortunately , no venetian restaurants are available . do you have a preference for another type of food ? eos O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos what other restaurants are there in the centre area that serve expensive food ? eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O N/A
+bos we 've got 33 different restaurants , everything from african , to british , chinese , indian , all the way to turkish . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A
+bos ok , how about something indian ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 6 indian restaurants in the area . are you looking for one nearby , or maybe a specific dish , like curry ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O N/A
+bos of the 6 , what is your restaurant recommendation for good curry ? eos O O O O O O O O O O O O O O Restaurant-Inform
+bos the curry garden is known for the great curry cuisine . would you like me too book it for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , can i get the address , postcode , and phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos it 's located at 106 regent street city centre . the postcode is cb21dp and the phone number is 01223302330. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , i am actually looking for a place to go that is entertaining . eos O O O O O O O O O O O O O O O O N/A
+bos i have 5 great entertainment venues around town . do you have a preference on area ? i have options in the east , south and west . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O Attraction-Request+Area
+bos i do n't care about the area , but can you find something that is free ? eos O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately with the way prices fluctuate sometimes our systems can not find the current entrance fee for places . can i give you any other information ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that should be all , thanks . eos O O O O O O O O O O general-thank
+bos have a nice day then . eos O O O O O O O general-bye
+bos i 'm looking for an expensive restaurant in the centre of town . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos i can help you with that . are there any other requirements you are looking for ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'd like to try some turkish cuisine if there 's a restaurant that serves it . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos meze bar restaurant is great . it is located in196 mill road city centre , cb13nf . can i give you their phone numbers ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos please do , thank you . eos O O O O O O O general-thank
+bos i 'm sorry , they do not have a phone number listed . would you like to book a table ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no . thank you . i am also looking for a place to stay . i would like a 3 star hotel in the expensive price range . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O N/A
+bos gonville hotel is in the centre , has 3 stars in the expensive price range . would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos do they offer free parking ? eos O O O O O O O N/A
+bos they do have free parking yes . eos O O O O O O O O Hotel-Inform+Parking
+bos and what 's their phone number ? eos O O O O O O O O Hotel-Request+Phone
+bos it is 01223366611 eos O O O B-Hotel-Inform+Phone N/A
+bos that 's all the information i need on the hotel . i would like to book a taxi to commute between the restaurant and the gonville hotel . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos what time would you like to travel ? eos O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave the restaurant by 11:15. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos booked car type : black bmwcontact number : 07798470642 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos i also would like a restaurant . eos O O O O O O O O Restaurant-Inform
+bos i located the meze bar restaurant for you but have not made a reservation per your request . would you like me to locate a different restaurant ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , thank you . please go ahead and make a reservation at meze bar . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos ok sure , when and with how many people will you be dining at meze bar ? eos O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O Booking-Request+People
+bos i 'll do that later once i find out how many people can make it . thank you for all your help . eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos hey , when i was a kid my parents took me to a place called the cow pizza kitchen and bar . is it still around ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A
+bos it certainly is . it 's located at corn exchange street . eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O general-greet
+bos i need to book a table for 5 at 16:45 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos your table has been booked . your reference number is jgnhu2iv . the table will be reserved for 15 minutes . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos excellent , thank you for the assistance ! eos O O O O O O O O O general-thank
+bos you 're welcome , is there anything else i can help you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i was also wanting to get some help finding a train to get me to london kings cross . eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what day would you like your train to leave ? also what time , and where will you be departing from ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Depart
+bos i want to leave on monday and arrive by 8 eos O O O O O O B-Train-Inform+Day O O O O N/A
+bos we have trains leaving before 8 every day this week , which day is preferred ? eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Day O O O O O O O O Train-Request+Day
+bos i would like to leave on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos ok , the tr228 will get you to london at 07:51. it leaves cambridge at 07:00. can i book it for you ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O O O O O O N/A
+bos can you tell me the price ? eos O O O O O O O O Train-Request+Price
+bos the train is tr2289 . the fare is 23.60 pounds . do you need more information ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos that was all i needed to know . thank you , goodbye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm traveling to cambridge and looking forward to their restaurants . i need a place to stay while i 'm there . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos what hotel type are you interested in ? what area will you be staying in ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos i need to find a place in the east side and the pricerange should be expensive . i also need free parking eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the express by holiday inn cambridge would fit all of your needs . it 's a 2 star hotel and offers free internet . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet
+bos perfect . i need a room for 3 people , two nights starting from wednesday . eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos the booking was successful . here is your reference number : 6daj8ehd eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you for helping me . eos O O O O O O O general-thank
+bos was there anything else i could help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos yes , actually . i 'm looking for information on expensive restaurants with creative food . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O N/A
+bos i 'm sorry i do n't have anything like that available . is there another type of food that interests you ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about north american food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos yes ! how about gourmet burger kitchen ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos as long as it is expensive . can i just get the postcode , address , and area for that ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr
+bos sure ! the phone is 01223312598 , the postal code is cb21ab and the address is regent street city centre . eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos cool beans , bro . thanks for your help . laters . eos O O O O O O O O O O O O O general-thank
+bos would you like me to make reservations at gourmet burger kitchen for you ? eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos i do n't think i need reservations today . that is all i need help with thank you . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos sounds good , thank you for your time . eos O O O O O O O O O O general-bye
+bos i need to catch a train into cambridge . could you help me find one ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos of course . what time and from where are you departing ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,general-greet
+bos i need to go to cambridge from broxbourne and the train should leave after 10:00 on a tuesday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O N/A
+bos train tr6989 leaves at 10:32 and arrives by 11:32. would you like to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , i need tickets for 3 people please . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was successful , the total fee is 53.7 gbp payable at the station .reference number is : 23926n66 . let me know if i can do anything else for you . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos i also need a place to eat serving indian food eos O O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos which side of town do you prefer ? eos O O O O O O O O O Restaurant-Request+Area
+bos only the best will do . can you find me something in the expensive price range ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i found multiple indian restaurants in the expensive price range . there are many choices in the centre , which part of town do you prefer ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Area
+bos any area is fine . please just recommend a restaurant , and send me the address and postcode . thanks in advance ! eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos rajmahal is very popular . their address is 7 barnwell road fen ditton and their post code is cb58rg . will that be all today ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O general-reqmore
+bos that is it for today . have a good day eos O O O O O O O O O O O N/A
+bos i hope you have a great time . eos O O O O O O O O O general-greet
+bos thanks again for everything . eos O O O O O O general-thank
+bos you are quite welcome . thank you for using our services . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos which hotels in cambridge offer free wifi for guests ? eos O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are several . is there an area of town you are interested in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos yes i am interested in the north and a moderate price range . eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A
+bos can you please tell me when and how many will join you ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos i 'm not sure at this point . for now , i just need the address . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos how about lovell lodge at 365 milton road ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A
+bos do they have free wifi ? eos O O O O O O O N/A
+bos yes , they do offer that . eos O O O O O O O O Hotel-Inform+Internet
+bos ok i would like to book a room . eos O O O O O O O O O O N/A
+bos in order to make the reservations , can you tell me for what day , how many guests and how many nights please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos yes , thursday through sunday and 6 guests . eos O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O N/A
+bos i was able to book the room your reference number is u4xh256u . is there anything else i can help with today ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos okay great . how about a chinese restaurant in the same price range ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos the yippee noodle bar is available , would that be satisfactory for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A
+bos yes can you book that for 4 people at 14:15 on saturday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : q14ms7p4 . is there anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos that is it for today . thanks for helping eos O O O O O O O O O O general-thank
+bos you 're welcome ! if there 's anything else we can help with , do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i need a train from peterborough going to cambridge . can you help me ? eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O N/A
+bos the next train departs peterborough on friday at 05:19 and scheduled to arrive in cambridge by 06:09. do you want a different departure time ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave
+bos i 'd like to leave after 11:45 on thursday , please . eos O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos there 's a train scheduled on thursday from peterborough to cambridge , leaving at 11:19 and arriving at 12:09. will this work for you ? eos O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos with our schedule , we can only go on a train that leaves after 11:45. is there one leaving later ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there is a train that leaves at 12:19 will that work ? eos O O O O O O O O B-Train-Inform+Leave O O O O N/A
+bos that sounds great . can you please book 7 tickets on that one ? eos O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful . reference number is 3854sjz8 . do you need help with anything else ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O N/A
+bos thank you . yes , i do need a place to dine . i would like an expensive restaurant in the north . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos do you have a particular type of cuisine in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos any type is fine . i 'd also like the phone number of the restaurant . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos i recommend restaurant two two . it is a french restaurant in the north . the telephone number is 01223351880. would you like me to book a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O Booking-Inform
+bos what type of food is it ? eos O O O O O O O O Restaurant-Request+Food
+bos as mentioned before they are french . eos O O O O O O B-Restaurant-Inform+Food O N/A
+bos thank you . i missed that before . screaming kids , you know . eos O O O O O O O O O O O O O O O general-thank
+bos yes , i can hear them . how else can i help you today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you so much for your help . eos O O O O O O O O O general-thank
+bos happy to help , goodbye.. eos O O O O O O general-bye
+bos i 'm looking for a place to stay in west cambridge . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i recommend hobsons house located in the west with a moderate price range and 3 star rated . it has both parking and internet . you can call them on 01223304906. postal address iscb39ih , 96 barton road eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O B-Hotel-Recommend+Phone O O B-Hotel-Recommend+Post O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos i 'm looking for a two star hotel with free wifi . is there anything like that in the west ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos i have no listings , maybe a different star rating ? eos O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars
+bos maybe i could stay in the north . can you please look there for a 2 star hotel that includes free wifi ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos there are none matching your criteria , i have several 4 star ratings and 1 0 star rating . would any of these work for you ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Stars O O O O O O O O O O Hotel-NoOffer,Hotel-Select
+bos yes i want to book it for 8 people and 3 nights starting from thursday eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos how about the avalon ? it is a 4 star guesthouse . eos O O O O B-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O N/A
+bos that sounds good can you book it for 3 nights for thursday for 8 people . eos O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A
+bos booking was successful . reference number is : xgdp2o4h.is there anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos have you heard of cote ? its a restaurant in town eos O O O O O B-Restaurant-Inform+Name O O O O O O N/A
+bos yes , cote is a french restaurant , would you like me to make reservations for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform
+bos no . i just want the address for today eos O O O O O O O O O O Restaurant-Request+Addr
+bos their address is bridge street city centre . eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thanks a lot , that 's all for now . eos O O O O O O O O O O O general-thank
+bos can i look up any other information for you ? eos O O O O O O O O O O O general-reqmore
+bos no , thank you . you 've been very helpful . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos could you help me with some information please ? i am looking for a place to stay . eos O O O O O O O O O O O O O O O O O O O N/A
+bos of course , do you have a price range in mind ? eos O O O O O O O O O O O O O Hotel-Request+Price
+bos no . it should free packing and located in the west eos O O O O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Area O N/A
+bos we have many great hotels . do you have a preference of star rating ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Stars
+bos the star rating does n't matter , thanks eos O O O O O O O O O general-thank
+bos if thats the case here is a nice hopital addenbrookes hospital eos O O O O O O O O O O O O N/A
+bos uhm , i definitely do n't want to sleep in a hospital . eos O O O O O O O O O O O O O O Hospital-Inform
+bos sorry about that ! how about a and be guest house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos okay . also can you help me find a restaurant in the same area that serves european food . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos sure thing what price range are you looking for ? eos O O O O O O O O O O O Restaurant-Request+Price
+bos the restaurant should be in the expensive price range eos O O O O O O O B-Restaurant-Inform+Price O O Hotel-Request+Price
+bos the cambridge lodge restaurant is in the west . the address is cambridge lodge hotel 139 huntingdon road city centre . is there anything else to help you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos yeah , please book me for 6 people , on saturday at 14:00 eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 7ldnjzee . anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos great . i also need a taxi to get me to the restaurant by the reservation time . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos where do you want to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart
+bos picked up at the hotel and sent to the restaurant by the booking time please . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O N/A
+bos i have booked your taxi . be expecting a grey tesla . please call 07177768413 should you need to reach them . eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos anything else today ? eos O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos glad to have helped ! eos O O O O O O general-welcome
+bos i want to find a chinese restaurant in the centre of cambridge . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 10 choices and we have cheap , moderate and expensive options , any preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Price O O O O O O general-reqmore
+bos i would like a suggestion of a moderately priced chinese place . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i recommend jinling noodle bar . it 's located at 11 peas hill city center . would you like me to book a table for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O O Booking-Inform
+bos yes can you please for three at 17:00. eos O O O O O O O O O N/A
+bos on what day would you like your reservation ? eos O O O O O O O O O O Booking-Request+Day
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos what day would you like to dine on ? eos O O O O O O O O O O Booking-Request+Day
+bos i want a reservation for 2 people at 17:30 on thursday . sorry , i do n't know why i said the other thing before that . i must be going crazy . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your table was booked . your reference number is 42xedgdf . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos i also need a friday train to broxbourne . eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A
+bos certainly . will you be departing from cambridge ? what time would you like to leave after or arrive by ? there are departures every hour from 5:01 through 23:01. eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O Train-Request+Leave,Train-Request+Depart,Train-Request+Arrive
+bos i would like to leave cambridge after 15:45. eos O O O O O O O O O N/A
+bos the next train after 15:45 leaves at 17:01 from cambridge . would you like to book this train ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O O O O Train-OfferBook
+bos yes , please book it and provide the reference number . eos O O O O O O O O O O O O N/A
+bos how many train tickets would you like to book ? eos O O O O O O O O O O O Train-Request+People
+bos 2 please and i need a ref . number . eos O O B-Train-Inform+People O O O O O O O O N/A
+bos okay , booked it and your ref . is tjghmt3i . eos O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos thank you . let me know if there is anything else i can assist you with . eos O O O O O O O O O O O O O O O O O O general-greet
+bos hey i 'm trying to find a train that leaves on monday to kings lynn . eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos are you departing from cambridge ? eos O O O O O O O Train-Request+Depart
+bos yes . i am departing from cambridge . eos O O O O O O B-Train-Inform+Depart O O N/A
+bos i found 19 trains running between those 2 stations that day . would you like to leave at a certain time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos no but i need to arrive by 17:00. eos O O O O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr7964 leaving at 5:11 and arriving at 5:58. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive N/A
+bos how much travel time is involved with this train ? i also need a mexican restaurant in the expensive range . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O Train-Request+Duration
+bos i can process one request at a time . the train is about an hour . eos O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O general-greet
+bos i need the exact travel time please . eos O O O O O O O O O Train-Request+Duration
+bos the exact time is 47 minutes . would you like to book this train ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos thanks , i do n't need to book a train just yet . can you just help me find a high-end mexican restaurant ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos chiquito restaurant bar is in the south of town . it is expensive . the address is 2g cambridge leisure park cherry hinton road cherry hinton , phone 01223400170. would you like reservations ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone O O O O O O O O Booking-Inform
+bos can i get a table for 1 , please ? i know it sounds sad , but i just do n't have any friends to travel with . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it does n't sound sad at all ! can you tell me what time and day you 'd like the reservation for ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,general-greet
+bos sure it 'll be 13:30. eos O O O O O O N/A
+bos what day would you like to go ? eos O O O O O O O O O Booking-Request+Day
+bos monday would be great , thank you . eos O B-Restaurant-Inform+Day O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : s7l5n6ut . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos ok thats it for today thanks ! eos O O O O O O O O general-thank
+bos have a lovely day , goodbye . eos O O O O O O O O general-bye
+bos i need a place to eat that serves chinese food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 17 chinese restaurants in town . are you looking for a particular price range ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Price
+bos a moderate price range . eos O O B-Restaurant-Inform+Price O O O N/A
+bos no we have narrowed it down to 4. do you have a area preference ? eos O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area
+bos is there any located in the centre ? eos O O O O O O O B-Restaurant-Inform+Area O N/A
+bos i found three chinese restaurants that meet your requests . would you like for me to book a table at one of them ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes , what are my three choices before we make a reservation ? eos O O O O O O O O O O O O O O N/A
+bos the restaurants are : jinling noodle bar , lan hong house and shanghai family restaurant . eos O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O N/A
+bos can i book a table for 3 at shanghai for saturday at 19:45 ? eos O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos yes , i have made a booking for you . your reference number is t30yc5tl . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks i need a 4 star guesthouse with free parking of course . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A
+bos there are plenty of high rated guesthouse to choose from 16 in fact , any other preferences ? eos O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O N/A
+bos no , i do n't . any you recommend will be fine . i 'll need it booked on the same day , same people , and for 5 nights . eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos booking was successful.reference number is : 3xxznbwr eos O O O O O O O B-Booking-Book+Ref N/A
+bos the reference number is great but it 's going to be hard to find if i do n't know the name . can you tell me the name of the hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos acorn guest house is the name eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos that is just great . thank you . eos O O O O O O O O O general-thank
+bos you are welcome . you have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am interested in finding the lensfield hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos the lensfield hotel is located at 53-57 lensfield road on the south side of town . would you like to book a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes please . i need a room for 5 nights , arriving on friday . there are 3 of us . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O N/A
+bos i 've made a reservation for you , reference number j2au5h3q . is there anything else you need ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos where can we eat ? eos O O O O O O N/A
+bos there are nine restaurants on the same side of town as your hotel . i can make a recommendation if i knew the price range you were interested in . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i do n't have a specific price range , but i was hoping for somewhere danish . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry there are no danish restaurants in the south . would you like to try another area or food type ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos chinese is always a good standby , what is available for that ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos there are 3 chinese restaurants available . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos can you recommend one and make reservations for the same day please . eos O O O O O O O O O O O O O O N/A
+bos peking restaurant looks good , but it is expensive , is that ok ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Price O O O O O O Booking-Inform
+bos that 's fine . please make a reservation for 3 people on friday at 18:00 , please . eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O O O O O N/A
+bos yes i will book it for you and get a reference number ? eos O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i am looking for a restaurant called lan hong house . can you get me more information about it please ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos sure lan hong house has some of the best moderately priced chinese food and is in centre area . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos yes please , on thursday at 20:00 for 8 people . could i get a reference number as well ? eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O O O O O O O O Restaurant-Request+Ref
+bos i was able to reserve the table for you . your reference number is p1yuc7j9 . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , i 'm also looking for places to go in the west . what can you tell me ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos there are 13 attractions in the west end of the city . some colleges , some museums , and an entertainment venue . which would you like to learn more about ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Select
+bos let 's go with an entertainment attraction . eos O O O O O B-Attraction-Inform+Type O O O N/A
+bos the only entertainment attraction i have in the west is whale of a time . they are located at unit 8 , viking way , bar hill . the postcode is cb238el . eos O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O N/A
+bos could i get the phone number for that attraction ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos sure ! the phone number is 01954781018. eos O O O O O O O B-Attraction-Inform+Phone general-greet
+bos i also need a taxi between whale of a time and lan hong house that arrives by are reservation time at the restaurant eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A
+bos i 've booked you a grey lexus . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos can i please get the contact number for the taxi company ? eos O O O O O O O O O O O O O Taxi-Inform
+bos the contact number is 07133327407. is there anything else i can help you with ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no thank you that is all . eos O O O O O O O O general-thank
+bos you 're welcome . have a great day eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train that is going to birmingham new street and leaves after 17:15. eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos there 's a train on that route every day departing at 18:01 that ought to work for you . do you know what day you 'll be travelling ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i will be traveling on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos where will your departure site be ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving from cambridge . i will need 4 seats . eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+People O N/A
+bos great i booked you 4 seats on that train and your reference number is hi8ojsim . eos O O O O O O B-Train-OfferBooked+People O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i also need to get a place to stay that is in the moderate price range and have 3 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O N/A
+bos sure , there are a few guesthouses available . which part of town would you like to stay in ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Request+Area
+bos west part of town . thanks eos O B-Hotel-Inform+Area O O O O O N/A
+bos it looks like there is a 3 star guesthouse in the area named hobsons house . how does that sound ? eos O O O O O O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O Booking-Inform
+bos i am looking for a train departing bishops stortford and going to cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos i can definitely help with that . there are a lot of trains to choose from . did you have a travel day and time in mind ? eos O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos i would like to leave on sunday sometime after 15:15. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A
+bos tr4651 departs at 15:29 and arrives at 16:07. would you like me to book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , two tickets please . eos O O O O O O O N/A
+bos booking was successful , the total fee is 16.16 gbp payable at the station . the reference number is : sdrn9btg . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos great , thanks . i am also looking for a hotel in town . i would need free wifi , but i do n't care about parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about a and b guest house ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos i am looking for something in the 2 star range . is that 2 stars ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos the a and b actually has 4 stars . there are 3 accommodations with 2 stars , though . they are all hotels , rather than guesthouses . would one of those be to your liking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Select
+bos yes , please . a hotel with 2 stars with free wifi is fine . eos O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos there are three choices . would you like a list or to make a reservation at the top choice ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Booking-Inform
+bos which one is the best that offers free wifi and free parking and can i get their address please ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos express by holiday inn cambridge is in the expensive range and offers free wifi and free parking , would you like me to make a reservation for this hotel ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no reservation at this time but i would like the address please . eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 15-17 norman way , coldhams business park . can i help you find anything else today ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos that should be all for today . thank you . eos O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i 'm looking for a place to stay , a guesthouse type , in a moderate price range please . eos O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos ok , is there a specific area of town you prefer ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the west area of town and i would also like it to have a 3 star rating . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos hobsons house meets your criteria and offers wifi along with parking , can i book that for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos can i get the phone number for them please ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos sure thing ! it is 01223304906. anything else today ? eos O O O O O B-Hotel-Inform+Phone O O O O O general-reqmore
+bos i 'm looking for entertainment attractions in the south . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A
+bos of course . there are several options , including some with no entrance fee . what kind of attraction are you interested in ? eos O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O Attraction-Request+Type
+bos perhaps you can suggest an entertainment option and provide the phone number . eos O O O O O O B-Attraction-Inform+Type O O O O O O O Attraction-Request+Phone
+bos my favorite is tenpin . there phone number is 08715501010. is there anything else i can help you with today ? eos O O O O B-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O O O O O O O O O general-reqmore
+bos i 'm going to need a taxi to get around . can you help ? eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos to clarify , you 'd like a taxi from hobsons house to tenpin , correct ? and for what time of day would you like the taxi ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave
+bos yep and i 'd like to leave around 15:00 please eos O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos i have your taxi booked for you . it will be a blue toyota and the contact number is 07786421793. is there anything else you need today ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that 's all . thanks . bye . eos O O O O O O O O O general-bye
+bos you are very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos could you give me information about the museum of classical archaeology ? eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos sure , it 's located in the west and admission is free . eos O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O N/A
+bos awesome , do that have a phone number ? eos O O O O O O O O O O N/A
+bos their phone number is 01223335153. was there anything else you need to know ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O N/A
+bos what is the address ? eos O O O O O O Attraction-Request+Addr
+bos their address is sidgwick avenue . is there anything else you needed to know ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos i am also looking for a guesthouse to stay in eos O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos i can help with that . is there a part of town you prefer ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would prefer the south please . eos O O O O O O B-Hotel-Inform+Area O O O N/A
+bos okay i can help with that . what is your price range ? eos O O O O O O O O O O O O O O Hotel-Request+Price
+bos i do n't really mind , as long as it has 4 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos i highly suggest rosa 's bed and breakfast . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes please , book the hotel for three people , five nights , starting thursday . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos booking was successful . reference number is : lk7l08a7 . anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos that is all , thanks for your assistance . eos O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome
+bos i 'm looking for an expensive place to stay on the east side . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O N/A
+bos okay , i have found a match . the express by holiday inn in cambridge . would you like me to book a room ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes , it has internet would you like to book a room ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes for 5 nights please . eos O O O O B-Hotel-Inform+Stay O O N/A
+bos what night and how many people are you needing this for ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos i am needing this for sunday for 5 people , if the booking fails could you please book for 4 nights . also can i have the reference number ? eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos yes , let me book that for you . eos O O O O O O O O O O Booking-Inform
+bos thank you . what is the reference number ? i 'm also looking for places to go in town . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos ok , you 're all set . your reference number is : p16otkfh . eos O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks . i am also looking for places to go in town . i would like to visit a museum in the east area . can you make a recommendation ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i have 4 museums in the east . may i suggest saint barnabas press gallery ? it 's free admission . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O N/A
+bos yes i think that will work , i need the postcode too . eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos sure ! the postcode is cb13ew . is there anything else i can do for you ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yeah , i ; m high maintenance , lol . just a taxi from saint barnabas to the express hotel . i 'll leave by 13:00 eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A
+bos no problem at all . i have you booked in a black ford . the contact number is 07805617119. anything else today ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos that 's all i need . thanks ! eos O O O O O O O O O general-thank
+bos i appreciate your help . thanks again . eos O O O O O O O O O general-bye
+bos what is there to do or see for entertainment ? eos O O O O O O O O O O O N/A
+bos there are many options , including a boat , college , architechture , and theatre . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O N/A
+bos what is in the centre ? eos O O O O O B-Attraction-Inform+Area O N/A
+bos there are still 44 entries including options like architecture , theatre , museums , concerthall , etc . do you think you can narrow down your options a bit ? eos O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O general-reqmore
+bos if there is nothing under entertainment , do you have a museum you can recommend ? eos O O O O O O O O O O O O O O O O O N/A
+bos do you have a price preference ? eos O O O O O O O O Attraction-Request+Price
+bos no , i do n't mind paying admission . eos O O O O O O O O O O N/A
+bos okay then i would suggest great saint mary 's church eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos sound good . can i get their address , phone number and entrance fee please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos sure ! the address is market square . phone number is 01223350914 and it costs 2 pounds to get in . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O general-greet
+bos thanks . i also need help with lodging in the moderate price range with free wifi , please . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos the cityroomz hotel is located in the centre and has free wifi . would you like to make a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform
+bos do you happen to have any guesthouses in that area ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i do n't . would you like to try a different location or price ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price
+bos yes please find me a guesthouse in the north , in the moderate price range that includes free wifi . eos O O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos of how many stars do you prefer ? eos O O O O O O O O O Hotel-Request+Stars
+bos i have no preference . eos O O O O O O N/A
+bos the avalon is a guesthouse in the north , in the moderate price range , with free wifi . do you want me to book it ? i will need your details . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform,general-reqmore
+bos yes please . i need the reservation to be for 5 people . eos O O O O O O O O O O O B-Hotel-Inform+People O O N/A
+bos i can do that for you . what day do you want to book the hotel for ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,general-greet
+bos saturday or tuesday . eos O B-Hotel-Inform+Day O O O N/A
+bos which day do you prefer ? eos O O O O O O O Booking-Request+Day
+bos i would prefer saturday please . eos O O O O B-Hotel-Inform+Day O O N/A
+bos do you want to book for one day ? eos O O O O O O O O O O Booking-Request+Stay
+bos i want five nights . eos O O O O O O N/A
+bos booking was successful.reference number is : g1kvk1rl eos O O O O O O O B-Booking-Book+Ref N/A
+bos thanks . i will also need a taxi from great saint mary 's church to the avalon guesthouse . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest O O O N/A
+bos when do you want to leave or arrive by ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to leave the church by 12:00 , please . eos O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos okay . no problem i have you booked into a red lexus and their contact number will be 07211078651. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O general-greet
+bos thank you , goodbye eos O O O O O general-bye
+bos thank you for using our service today . eos O O O O O O O O O general-bye
+bos i am looking for some attractions in downtown cambridge/ eos O O O O O O O O O O Attraction-Inform
+bos there are 44 attractions listed , do you have a specific interest ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos what types of attractions are there ? eos O O O O O O O O Attraction-Request+Type
+bos architecture , boats , cinema , colleges , concert halls , entertainment , museums , sports , nightclubs , parks , pools , and theatres . what part of town would you like to be in ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos what about a museum in the centre of town ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos yes there are 11 museums in the centre . there are art museums , science museums , archaeology . all of them have free admission ! eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee O O O O N/A
+bos i 'd also like a guesthouse with 0 stars . i do n't need wifi or parking but should be in same area as attraction . can you help with that ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos el shaddai is the perfect match for you . it is located at 41 warkworth street . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes , that sounds great . thank you . eos O O O O O O O O O O general-thank
+bos do you need anything else ? eos O O O O O O O general-reqmore
+bos i need the hotel to be booked for 4 people for 5 nights starting on wednesday . is this possible ? eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O N/A
+bos i have made those reservations and your reference number is ie05gdqs . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great , thanks so much for all your help . have a good day ! eos O O O O O O O O O O O O O O O O general-thank
+bos you , too . thank you for calling and have a great day ! goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos hello , i 'm looking for some sports arenas to go to in cambridge that 's located in the centre . i like all different sports , so please tell me everything that is available . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have any sports located in the centre . may i try a different area ? eos O O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O O O O O O N/A
+bos what about boats instead ? eos O O O B-Attraction-Inform+Type O O N/A
+bos the cambridge punter is located in 251a chesterton road , cb41as . can i give you the phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i do n't need the phone number . thank you . eos O O O O O O O O O O O O general-thank
+bos is there anything else i can do to assist you today ? eos O O O O O O O O O O O O O general-reqmore
+bos i am also looking for any information you might have on gonville hotel . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the gonville hotel is an expensive 3 star hotel in the centre that offers free wifi and parking . would you like a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes can you book that please ? eos O O O O O O O O N/A
+bos yes , i can . when would you like to begin your stay ? how many people will be staying ? how many days will you be staying ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos actually , i just need their phone number , please . eos O O O O O O O O O O O O Hotel-Request+Phone
+bos their phone number is 01223366611 eos O O O O O B-Hotel-Inform+Phone N/A
+bos i 'd also like to book a taxi to go between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i need to leave the attraction by 6:15. eos O O O O O O O O O Attraction-Inform
+bos where are you departing from ? what is your destination ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart
+bos i 'm going to be headed from the cambridge punter back to the hotel . eos O O O O O O O O O O O O O O O O Hotel-Inform
+bos name of hotel please . i want to be sure to get correct destination . eos O O O O O O O O O O O O O O O O Hotel-Request+Name
+bos gonville hotel . could i get the contact number and car type please ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Taxi-Request+Car
+bos you 're all set ! you will be traveling in a yellow bmw and their contact number is 07947856262 should you need to contact them . eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A
+bos thanks so much for all your help ! that will be all for me today . eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . it was a pleasure assisting you . good-bye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need some place fun to go on the west side . any suggestions ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are a number of attractions on the west side . are you interested in colleges , entertainment or museums ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos i do n't really have a preference , so which one do you think is best ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i think you would enjoy whale of a time located in the west of town . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O N/A
+bos what kind of place is it ? eos O O O O O O O O N/A
+bos whale of a time is an entertainment venue . would you like more imformation ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O O O general-reqmore
+bos can i get their phone number and entrance fee please ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos their phone number is 01954781018 and i do not have information on the entrance fee . do you need anything else ? eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes . i also need info on a place to stay in the same area eos O O O O O O O O O O O O O O O O N/A
+bos there are 4 places to stay in the west . all have internet and parking . would you prefer a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i would like to stay in a guesthouse , please . eos O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos finches bed and breakfast is avaialble would you like to book that ? eos O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O N/A
+bos i need a 3 star please . eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos there is the hobsons house . would you like me to book it ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform
+bos yes please book it monday , 3 nights , 5 people . i 'll need the reference number as well . eos O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : lbhpktzh . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i also need a taxi . eos O O O O O O O Taxi-Inform
+bos will you be commuting between whale of a time and hobsons house ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need to go from the hobson house to whale of a time . i need to leave the hotel at 23:30. eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O N/A
+bos booking is completed . a white volvo will pick you up , their contact number is 0737942623. do you need any further assistance today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that is everything ! thanks ! eos O O O O O O O general-thank
+bos thank you for calling ! eos O O O O O O general-bye
+bos i need a place to dine , and i 'd like to know what my options are in the way of moderately priced vietnamese cuisine . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O Train-Request+Price
+bos i 'm afraid there are n't any moderate vietnamese restaurants . would you like to try something else ? eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O O general-reqmore
+bos i need something in the centre . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos okay , may i suggest british food ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A
+bos what about a gastropub ? eos O O O O B-Restaurant-Inform+Food O N/A
+bos the cow pizza kitchen and barn is in the centre of town on corn exchange street . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A
+bos that sounds great ! can you book a table on sunday at 13:00 for 4 people , please ? eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 5nito74a . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks . i also need train tickets from leicester to cambridge please eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos sure , when will you be traveling ? eos O O O O O O O O O Train-Request+Day
+bos it will be the same day as the booking and i need to arrive by 09:30 eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos the tr7843 train arrives at cambridge at 8:54. would you look to purchase tickets or get more information ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos i would like to get the departure time and price first . eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos it costs 30.24 pounds , and leaves at 07:09. can i help you with anything else ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Leave O O O O O O O O O general-reqmore
+bos please book for me , thanks . eos O O O O O O O O general-thank
+bos i have reserved 4 seats for you . your reference number is 0orgwoua . eos O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you . the restaurant and train were my needs today which were successfully met . goodbye . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform
+bos thank you for calling cambridge towninfo centre . have a nice day . good bye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hello , i am planning a trip to cambridge . can you help me with a restaurant ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos yes there are many types of food and price ranges in cambridge . do you have a preference for either ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O Restaurant-Select
+bos no , just looking for a restaurant called restaurant two two eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos they serve french food and are in the north and quite expensive . would you like to book a table ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos yes ... for 3 people on tuesday at 11:15. eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i have made the reservation and your reference number is 7pd27o8b . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i am also in need of a train leaving cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos okay , what day and time would you like to travel and where is the destination ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Dest
+bos going to the sweet land of stevenage , on tuesday . i need to get there by 17:00 eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr5343 leaves cambridge at 15:21 and gets to stevenage at 16:10. that 's the last train of the day . would you like to book a reservation ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no can i just get the price please ? eos O O O O O O O O O O Train-Request+Price
+bos sure . the price for that train would be 12.80 pounds . what else can i help you with today ? eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-greet,general-reqmore
+bos that will be all for toady . thanks ! eos O O O O O O O O O O general-thank
+bos thank you for contacting us . have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train this saturday . can you help ? eos O O O O O O O O B-Train-Inform+Day O O O O O N/A
+bos i can certainly help with that . where are you departing from on saturday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O Train-Request+Depart
+bos i want to go to cambridge from london liverpool street , i 'd like to arrive by 17:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O N/A
+bos i have 7 trains available . what time would you like to depart ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos i need to arrive no later than 17:15 please . eos O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos i have train tr5863 arriving at 17:07 is that okay for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i need 7 tickets . eos O O O O O B-Train-Inform+People O O N/A
+bos i have 7 seats booked for you on tr5863 . the fare is 92.96 gbp payable at the station . your reference number is bjufkbwx . eos O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i am also looking for a restaurant called pizza express . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos okay , i see two restaurants in the system , pizza express and pizza express fen ditton . they 're both moderately priced italian restaurants located in the centre of town . eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O N/A
+bos please , book for 7 people at 20:30 pm on saturday . i need the reference number . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O O O O O O N/A
+bos booking was successful , pizza express . the table will be reserved for 15 minutes . reference number is : o1r61v06 . is there anything else i can assist you with today ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos nope . thank you and bye now . eos O O O O O O O O O general-bye
+bos not a problem . enjoy your stay . eos O O O O O O O O O general-bye
+bos i 'm looking for a restaurant called maharajah tandoori . eos O O O O O O O O O O O Restaurant-Inform
+bos maharajah tandoori restaurant is an expensive indian restaurant on the west side of town at 41518 castle street city centre . do you want their phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos yes i would like their phone number eos O O O O O O O O N/A
+bos their phone number is 01223358399. is there anything more i can help you with today ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thanks so much . can you help me find a train leaving thursday after 9:45 ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos sure thing , where will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart
+bos hello , i 'd like some information on a train today . eos O O O O O O O O O O O O O Train-Inform
+bos sure thing ! what is your point of departure and where would you be heading to ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet
+bos i would like to depart on saturday from stevenage and arrive in cambridge by 15:30. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos what time are you looking to leave ? eos O O O O O O O O O Train-Request+Leave
+bos 11 pm would be a time i need to leave eos O O O O O O O O O O O N/A
+bos okay , we have one leaving at 13:54 on saturday , tr6607 . do you need any more information ? shall i book this for you ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day B-Train-Inform+Id O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos yes , please ! i 'd like 4 tickets on that train . eos O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos reference number is : jumnqw3v . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O N/A
+bos i 'm also looking for the address of a restaurant , taj tandoori . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Addr
+bos it 's located at 64 cherry hinton road , cb17aa . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos what area of town is that in ? eos O O O O O O O O O Restaurant-Request+Area
+bos it is located in the south . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos that would be all for today . eos O O O O O O O O N/A
+bos have a nice day and thank you for calling . eos O O O O O O O O O O O general-bye
+bos i am looking for a train that will take me to cambridge from birmingham new street . eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are so many . what time do you want to leave ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Inform
+bos i need to leave after 17:00 on thursday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos tr1765 leaves at 17:01. would you like for me to book it ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos yes can you please and send me a reference number . eos O O O O O O O O O O O O N/A
+bos sure , how many seats do you need ? eos O O O O O O O O O O Train-Request+People
+bos i need seats for five people . eos O O O O O O O O N/A
+bos yes yur booking is successful and your reference number is ri4vvzyc . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks , i also need a place to dine that is moderately priced . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos there are 31 moderately priced restaurants in town . do you have a preferred location ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Area
+bos i would prefer it in the centre area . eos O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos do you have a preference in food type ? eos O O O O O O O O O O Restaurant-Request+Food
+bos yes modern european food . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos we have two choices , de luca cucina abd bar and roverside brasserie , any preferences ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O Restaurant-Select
+bos no preference . just book a table for 5 on thursday at 20:15 eos O O O O O O O O O O O O O O N/A
+bos i will go ahead and book that now . eos O O O O O O O O O O Booking-Inform
+bos thanks ! i need the reference number please . eos O O O O O O O O O O general-thank
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 6knjsqxy . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos perfect , that 's all i need today . have a great day . eos O O O O O O O O O O O O O O O N/A
+bos thank you for using our services . have we met all of your needs today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos have a nice day . eos O O O O O O N/A
+bos enjoy your dinner . eos O O O O O general-bye
+bos can you help me find an expensive restaurant in the center of town ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos there are 33 restaurants that fit your criteria . perhaps we can narrow it down . are you interested in a particular cuisine ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos do you have a favorite you can recommend ? please provide their phone number , thank you . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos yes , bedouin . their phone number is 01223367660. can i help you with anything else ? eos O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i am also looking for a train . the train should depart from stansted airport and should arrive by 19:30. eos O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O N/A
+bos what day are traveling and how many people ? eos O O O O O O O O O O Train-Request+People,Train-Request+Day
+bos it 's just myself for tuesday . eos O O O O O B-Train-Inform+Day O O N/A
+bos tr1965 arrives at 18:52. would this work ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O Train-OfferBook
+bos i did n't even tell you where i was traveling . is that train traveling to cambridge ? eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos yes it is going to cambridge . would you like to book this train ? eos O O O O O O B-Train-Inform+Dest O O O O O O O O O Train-OfferBook
+bos yes , sorry for being rude . i need the travel time and price as well please . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos 10.10 pounds 28 minutes eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos great ! that 's all i need ! thank you ! eos O O O O O O O O O O O O general-thank
+bos have a nice day , goodbye . eos O O O O O O O O general-bye
+bos i need to book train tickets . eos O O O O O O O O Train-Inform
+bos sure , where are you headed ? eos O O O O O O O O Train-Request+Dest
+bos i need a train that is headed to london kings cross and i need to arrive by 20:30. eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A
+bos i can help with that . what day will you be travelling ? eos O O O O O O O O O O O O O O Train-Request+Day
+bos i will be leaving saturday . eos O O O O O B-Train-Inform+Day O N/A
+bos we have 8 trains to london kings cross that day . is there any particular time you 'd like to leave by ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O Train-Request+Leave
+bos i would like to leave at 16:20 eos O O O O O O O O N/A
+bos the tr8134 leaves at 17:00. will that be okay ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O Booking-Inform
+bos yes , that would be fine . i do n't need tickets , i just need the travel time , price , and train id . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos the train id is tr0427 , it leaves cambridge at 19:00 and arrives at london kings cross at 19:51. the cost is 18.88 pounds . may i be of further assistance . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos thank you ! i also need to find a moderately priced restaurant in the centre of town . do you have any suggestions ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O Train-Request+Price
+bos there are quite a few to choose from . do you have a cuisine preference ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos no but i need it for 7 people on the same day . eos O O O O O O O O O O O O O O N/A
+bos the oak bistro is a moderately priced british restaurant in the centre . would you like me to complete a booking there ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos sure ! it will be 7 people at 16:00 on saturday . please give me the reference number . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref
+bos unfortunately , i am unable to book at this time . eos O O O O O O O O O O O O Booking-NoBook
+bos thank you for your time . eos O O O O O O O general-thank
+bos i was able to reserve a spot for you at restaurant one seven . here is your reference number , 3hstwxs7 . eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O N/A
+bos that 's all i need assistance with today . thank you . eos O O O O O O O O O O O O O general-thank
+bos you are welcome enjoy . eos O O O O O O general-welcome
+bos i need to find a moderately priced vegetarian restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos we do n't have any moderately priced vegetarian places in town . would you like to try a different type of food or a different price range ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos unfortunately no , it has to be vegetarian , so i will have to make my own accommodations , thanks . eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos there are no vegetarian options in the area . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A
+bos okay , what about international food ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos i have two - both in centre . the varsity resturant and bloomsbury . would you like to book one ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform,Restaurant-Select
+bos make a reservation at bloomsbury please , for thursday night . eos O O O O O O O O B-Restaurant-Inform+Day O O O N/A
+bos what time do you want to dine and how many people in your party ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos please book for 6 people at 17:00 on thursday . i 'd also like the reference number . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref
+bos your table was booked . your reference number is mlk7fv6p . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i 'm also looking for a train . it should depart cambridge and go to stansted airport on thursday . arrive by 17:00. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O N/A
+bos would you be interested in tr9427 ? it arrives at 16:08 and departs at 15:40. eos O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O O O B-Train-OfferBook+Leave O N/A
+bos that would be just fine . eos O O O O O O O N/A
+bos how many tickets would you like to book ? eos O O O O O O O O O O Train-Request+People
+bos i do n't need to book , but could you tell me the total travel time , please ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos sure thing . travel time is 28 minutes . can i help you with anything else ? eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos no , i think that should be all for me today . thank you so much , you 've been very helpful ! eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i am traveling to cambridge and need help finding a train . eos O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos when would you like to travel and where are you coming from ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i would like to leave on tuesday sometime after 13:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A
+bos i have a train leaving london 's kings cross station every 2 hours , starting at 13:17. the trip is 51 minutes long and costs 23.60 pounds . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos i 'll actually be departing from leicester . what do you have available from there ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos tr4032 will depart at 13:09 if that works for you ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O N/A
+bos yes i need it booked for 4 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos ok , the booking was successful . the total fee is 151.19 gbp , payable at the station . your reference number is h02hfbmh . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A
+bos i am also looking for a moderately priced chinese restaurant located in the north . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area N/A
+bos golden wok is in the moderate price range and in the north area would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos can i get the address and phone number please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos of course - the address is 191 histon road chesterton cb43hl and the phone number is 01223350688 eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone N/A
+bos thank you , that is everything that i need . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am going to cambridge and need a place to stay eos O O O O O O O O O O O O N/A
+bos do you have a specific area or price range you 'd like ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos a guesthouse would be nice , it should have free wifi and parking and expensive price range eos O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos i apologize but there are not any guesthouses that meet those criteria . would you like to try a hotel or perhaps a different price range ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O Hotel-Request+Price,Hotel-Request+Type
+bos could you try one that is cheap ? eos O O O O O O O B-Hotel-Inform+Price O N/A
+bos i 've got about 9 options that are cheap . to narrow it down , do you have a preference on the area of town you want to stay in ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos are any of those options that are cheap guesthouses ? eos O O O O O O O O O O O N/A
+bos yes , they 're all inexpensive guesthouses , though some are quite nicely rated , like rosa 's bed and breakfast with 4 stars . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O N/A
+bos that sounds nice , what area is that located in and what is their address ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr
+bos rosa 's is located in the south area of town at 53 roseford road . can i provide you with anything else ? eos O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos i need a train to cambride . eos O O O O O O O O Train-Inform
+bos there are several choices depending on what works for you . what day would you like to leave and where are you departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos yes , the train should leave after 08:15 and depart from london kings cross on thursday . eos O O O O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Day O O N/A
+bos sorry , there are not trains this hour . what other hour do you prefer to search ? eos O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O O O O O O O O Train-Request+Leave
+bos there are no trains that leave after 08:15 in the morning from london kings cross to cambridge on thursday ? it does n't have to be 08:15 exactly . eos O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O N/A
+bos i have tr8410 departing at 09:17 on thursday . would you like me to book that for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook
+bos what time does it arrive and how much will it cost ? eos O O O O O O O O O O O O O Train-Request+Arrive
+bos tr8410 will arrive at 10:08 and the fare is 23.60 gbp per person . eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos okay , thank you for that information . that is all i need for now . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are very welcome ! call anytime for assistance and we will be happy to help you further . have a fantastic day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome
+bos hi ! do you know of any afghan restaurants in the centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos sorry , there are no afghan restaurants in the centre . eos O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O N/A
+bos well , if you do n't have that , do you have one that serves korean ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos indeed , little seoul serves korean at 108 regent street city centre . would you like me to make a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos yes i would like the price range and address please . eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos the pricerange is expensive and its at 108 regent street city centre . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos great , thanks . i 'm also looking for a hotel in the same area . eos O O O O O O O O O O O O O O O O O N/A
+bos there are 5 hotels , do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O general-reqmore
+bos yes . the hotel should have 0 star rating and include free parking . eos O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i 've got the el shaddai . it has free internet and parking . would you like to book ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes . i need a booking for 6 people for 3 nights , starting on friday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos you 're all booked . your reference number is ja9sny47 . eos O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos excellent . thanks for the help ! eos O O O O O O O O general-thank
+bos great thank you for your help . eos O O O O O O O O general-bye
+bos i need a taxi to come to rajmahal and want to go to kohinoor . eos O O O O O O O O B-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Depart O N/A
+bos certainly , and do you know what time you would like to leave ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to leave by 08:00. eos O O O O O O O O N/A
+bos ok , when do you want to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive
+bos i want to arrive by 14:00 and it does n't matter when i leave actually eos O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O N/A
+bos you 're all set ! your car type is a yellow bmw and the contact number is 07365584187. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you so much . you have been so helpful . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos bye , have a great night ! eos O O O O O O O O general-bye
+bos is there a chinese restaurant in the city centre ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A
+bos what price range do you want to be in ? eos O O O O O O O O O O O Restaurant-Request+Price
+bos i want something that is not too cheap . eos O O O O O O O O O O N/A
+bos there are 3 restaurants serving chinese food in the centre , jinling noodle bar , ian hong house and shanghai family restaurant . which one would you like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos let 's try the jinling noodle bar . could you get me the postcode and price range for it ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos postcode , cb23pp . it is in the moderate price range . is there anything else you would like to know ? eos O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O N/A
+bos i will also need a train on tuesday . eos O O O O O O O O B-Train-Inform+Day O N/A
+bos there are many trains available . where are you going and do you have a preference on when you leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i 'm leaving from ely on tuesday after 16:45. i 'd like to book for 1 and need the reference number please . eos O O O O O B-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-Request+Ref
+bos i can book that for you , but i need to first confirm that you are going from ely to cambridge ? eos O O O O O O O O O O O O O O O O O O O B-Train-OfferBook+Depart B-Train-OfferBook+Dest O O N/A
+bos yes , that 's correct . ely to cambridge on tuesday , for one person , and it needs to leave sometime after 16:45. eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos booking was successful for tr1431 , the total fee is 4.4 gbp payable at the station , reference number is acjh1ddi . eos O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos okay thank you so much for your help . eos O O O O O O O O O O general-thank
+bos do you need help with anything else ? eos O O O O O O O O O general-reqmore
+bos i 'm good , thanks for your help ! eos O O O O O O O O O O general-thank
+bos glad i could help ! eos O O O O O O general-bye
+bos i am looking for a restaurant in the moderate price range and in the north part of town . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are two moderately priced restaurants in the north part of town . one specializes in indian cuisine and the other is a chinese restaurant . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i want the indian one . what 's the address and phone number ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the indian restaurant is located at 7 milton road chesterton and the phone number is 01223 360966 eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone N/A
+bos thank you very much eos O O O O O general-thank
+bos thank you for using the cambridge restaurant phone system . enjoy your meal ! eos O O O O O O O O O O O O O O O general-bye
+bos i am looking for a restaurant that is moderately priced and in the north part of town . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos the golden wok is in the north part of town and is in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos no i am not interested in the golden wok , is there anything else ? eos O O O O O O O O O O O O O O O O N/A
+bos the nirala is also located in the north and moderately priced . it serves indian food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos great ! can i have the phone number and postcode please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the nirala is located at 7 milton road chesterton . its phone number is 01223 360966 and the postcode is cb41uy . is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos that is all i needed . thank you . eos O O O O O O O O O O general-thank
+bos thank you for using this system and please call us again . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos bye eos O O general-bye
+bos thank you for using the cambridge restaurant sytem . good bye . eos O O O O O O O O O O O O O general-bye
+bos i am looking for a malaysian restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are no malaysian restaurants on the east side of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos curry prince serves indian food and is on the east side of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos perfect , may i have the address and phone number please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the phone number for curry prince is 01223 566388 and they are located at 451 newmarket road fen ditton . can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos that 's it . thank you , goodbye eos O O O O O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i would like a restaurant in the west part of town that serves international food eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O N/A
+bos sorry but there is not matching restaurants serving international food in the west . eos O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos is there any restaurant in the east that serves international food ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos yes , the missing sock serves international food and is located in the east part of town . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos can i have the phone number please eos O O O O O O O O Restaurant-Request+Phone
+bos there phone number is 01223812660 is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos that is all , thank you . eos O O O O O O O O general-thank
+bos goodbye . eos O O O general-bye
+bos i want to find a restaurant serves corsica food please . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have no matching results . eos O O O O O O O Restaurant-NoOffer
+bos how about gastropub ? eos O O O B-Restaurant-Inform+Food O N/A
+bos what part of town would you like ? eos O O O O O O O O O Restaurant-Request+Area
+bos i do not care eos O O O O O N/A
+bos does the price range matter to you ? eos O O O O O O O O O Restaurant-Request+Price
+bos nah , whatever you can find is cool . eos O O O O O O O O O O N/A
+bos there are four results matching your query : backstreet bistro , royal standard , the cow pizza kitchen and bar , and the slug and lettuce . eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos what is the address of backstreet bistro ? phone number and post code ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the backstreet bistro 's address is 2 sturton street city centre , postcode is c.b 1 , 2 q.a and the phone number is 01223 306306. anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that is all . thank you , goodbye . eos O O O O O O O O O O general-bye
+bos enjoy the restaurant and have a nice day . good bye . eos O O O O O O O O O O O O O general-bye
+bos i would like a restaurant that serves swiss food eos O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos i 'm sorry , we do not have any swiss restaurants available . do you want to try a different type of food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos i would like to try vietnamese food eos O O O O O O B-Restaurant-Inform+Food O N/A
+bos thanh binh is a good vietnamese restaurant in the cheap price range eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos what is the address ? eos O O O O O O Restaurant-Request+Addr
+bos 17 magdalene street city centre eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos ok thank you . good bye . eos O O O O O O O O general-bye
+bos thank you for using our system . good bye eos O O O O O O O O O O general-bye
+bos i want to find a moderately priced restaurant in the north part of town . what is the phone number ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Phone
+bos golden wok is in the moderate price range and is in the north area of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos is there anything else in the expensive range in the north area of town ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos yes , there is an expensive french restaurant called restaurant two two . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos what is the phone number of that one please ? eos O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number of it is 01223 351880. eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos restaurant two two 's phone number is 01223 351880. how else may i assist you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos that is all . thank you . eos O O O O O O O O general-thank
+bos my pleasure . goodbye . eos O O O O O O general-greet
+bos i am looking for a restaurant in the north part of town that is in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos royal spice is in the north part of town and is in the cheap price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos can i have something else ? eos O O O O O O O N/A
+bos da vinci pizzeria serves is in the north part of town and in the cheap price range . would you like their location ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O general-reqmore
+bos what is the address ? eos O O O O O O Restaurant-Request+Addr
+bos their address is 20 milton road chesterton eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you good bye . eos O O O O O O general-bye
+bos you 're welcome , goodbye eos O O O O O O general-welcome,general-bye
+bos i am looking for a hotel in the cambridge area called the limehouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Name O N/A
+bos the limehouse is a moderately priced guesthouse on the north side of cambridge . they are a 4-star establishment and offer free parking and internet . would you like to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes . book for 2 people for 4 nights on thursday and i 'll need the reference number too please eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O N/A
+bos your booking was successful . your reference number is q5bkfic3 eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . can you find us some good eats , too ? we 'd like something moderately priced that serves south african cuisine . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A
+bos i was unable to find anything matching that . would you like to try again ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about african food in general ? eos O O O B-Restaurant-Inform+Food O O O O N/A
+bos we have one restaurant , the bedouin . would you like me to make you a reservation ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please . eos O O O O N/A
+bos i would be happy to book a reservation for 2. what day are you looking at and time ? eos O O O O O O O O O O O O B-Booking-Inform+People O O O O O O O Booking-Request+Day
+bos 2 people for thursday at 19:00 please eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i have your table for 2 booked at the bedouin . would you like anything else ? eos O O O O O O O B-Booking-Book+People O O O O O O O O O O general-reqmore
+bos i need the reference number too please . eos O O O O O O O O O N/A
+bos the reference number is 0lg9g1bt . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thank you that is all i need . eos O O O O O O O O O general-thank
+bos okay , great ! enjoy your day . eos O O O O O O O O O general-greet
+bos i would like a restaurant in the north part of town that serves australasian food eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O N/A
+bos there are no restaurants matching your criteria . would you like to search for something else ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about asian oriental food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos saigon city serves asian oriental and they are located in the north , although they are quite expensive . would you like the address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O general-reqmore
+bos yes , i would like their address and phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos saigon city 's address is 169 high street chesterton chesterton and its phone number is 01223 356555 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you and good bye eos O O O O O O general-bye
+bos can you tell me if there is a moderately priced restaurant serving spanish food anywhere in town ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O N/A
+bos la tasca serves spanish food and is located in the town centre and is in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos what is the address , phone number , and area ? eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their address is 14 -16 bridge street in the centre area . their phone number is 01223 464630. can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no that is it , thank you eos O O O O O O O O general-thank
+bos thank you for choosing our system . goodbye eos O O O O O O O O O general-bye
+bos thanks again ! eos O O O O general-thank
+bos good bye eos O O O general-bye
+bos yes , i need assistance with finding a train for my trip . eos O O O O O O O O O O O O O O Train-Inform
+bos there are many options available to you . what destination did you have in mind ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Dest
+bos i need to get to cambridge and i 'll be departing from ely on monday . eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A
+bos we have many options available to you . is there a certain time you are wanting to leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i 'd like to leave any time after 9:15 on monday . eos O O O O O O O O O O O O O N/A
+bos how about leaving at 9:35 ? eos O O O O O B-Train-Inform+Leave O N/A
+bos that would work , can i get the travel time on that ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos it is a 17 minute train ride . would you like me to book that for you ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O Train-OfferBook
+bos no thanks . i can do that . please find a modern european restaurant in the south with a moderate price . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A
+bos restaurant alimentum located at 152-154 hills road meets that critera . would you like me to make you a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O Booking-Inform
+bos just an address please . eos O O O O O O Restaurant-Request+Addr
+bos the address is 152 - 154 hills road . how else may i help you ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos that is all thanks for all your help . have a good day . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , you too . eos O O O O O O O O general-welcome,general-bye
+bos i was just in an accident and need help right away ! eos O O O O O O O O O O O O O N/A
+bos the parkside police station is in parkside , cambridge . is this close to your location ? eos O O O O O O O O O O O O O O O O O O N/A
+bos can i get the phone number ? eos O O O O O O O O Police-Request+Phone
+bos the phone number for the police is 01223358966. eos O O O O O O O O O N/A
+bos great , thank you very much . eos O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no , that 's all . goodbye . eos O O O O O O O O O general-bye
+bos ok i hope everything is alright . goodbye . eos O O O O O O O O O O general-bye
+bos hi , i am looking for a hospital , the addenbrookes hospital . where is that please ? eos O O O O O O O O O O O O O O O O O O O Hospital-Inform
+bos the hospital is located at hills rd , cambridge . the postal code is cb20qq . do you need more information ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need their phone number , please . eos O O O O O O O O O Hospital-Request+Phone
+bos their general phone number is 01223245151. is there anything else you need ? eos O O O O O O O O O O O O O O N/A
+bos that would be it . thank you . eos O O O O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-welcome,general-bye
+bos thank you for your help eos O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos please help me arrange for a taxi eos O O O O O O O O Taxi-Inform
+bos where is your departure site ? eos O O O O O O O Taxi-Request+Depart
+bos i 'd like to leave aylesbray lodge guest house by 12:15 eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O N/A
+bos ok , and what is your destination please ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i 'm going to ask . eos O O O O O O O N/A
+bos ok , please let me know when you know . eos O O O O O O O O O O O N/A
+bos ok , we want to be at the tall monument . eos O O O O O O O O B-Taxi-Inform+Dest O O O N/A
+bos i do not see anything called tall monument . is there another name for it ? eos O O O O O O O O O O O O O O O O O Attraction-NoOffer
+bos we actually want to go to ask . eos O O O O O O O O O N/A
+bos booking completed ! booked car type : yellow audicontact number : 07180084574 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos just to be sure a yellow taxi will get me from aylesbray lodge guest house to ask by 12:15 , correct ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O N/A
+bos no , you will be picked up in a grey ford , contact number 07998569074 , is that ok ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O N/A
+bos i need a train leaving from london liverpool street on friday . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos booking was successful , the total fee is 16.6 gbp payable at the station .reference number is : h58i0wc3 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A
+bos please review your trip itinerary eos O O O O O O N/A
+bos the train departs liverpool street on friday at 05:39 and arrives in cambridge at 07:07. is there anything else i can assist you with ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore
+bos how long is the travel time for that train ? eos O O O O O O O O O O O Train-Request+Duration
+bos 88 minutes to travel eos O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos thanks , that will be all . good bye . eos O O O O O O O O O O O general-bye
+bos goodbye now ! have a great day ! eos O O O O O O O O O general-bye
+bos am looking for a train it should depart from peterborough and should arrive by 21:30 eos O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos i have a train going to cambridge that will arrive at 21:09 and leaves at 20:19. does that work for you ? eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos it will work for me thank you eos O O O O O O O O general-thank
+bos your train has been booked ! the price is 16.5 gbp and the reference number is jsggvuc8 . the train id is tr0583 . have a wonderful day . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Id O O O O O O O O general-bye
+bos i 'm looking for a train that departs london kings cross on friday . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos can i get a destination for this trip please ? eos O O O O O O O O O O O Train-Request+Dest
+bos yes , i 'll be going to cambridge , and i need to arrive by 13:15. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O O N/A
+bos there are 4 different trains departing at 5:17 , 7:17 , 9:17 , and 11:17. each of those trains will arrive before 13:15. would you like to book a train ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos any of those would be fine , i will be booking for 6. eos O O O O O O O O O O O O O B-Train-Inform+People N/A
+bos i booked you on tr5686 arriving at 10:08. your reference number is hvy7mbws , the total is 141.6gbp payable at the station . eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O N/A
+bos great , thanks a lot . can you also help me find a good restaurant in the centre of town ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos kymmoy looks good , would you like to book there ? eos O B-Booking-Inform+Name O O O O O O O O O O N/A
+bos i need a moderately priced restaurant that serves chinese food . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos would you like to try jinlin noodle bar ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos that sounds great , could you give me the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb23pp . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O Booking-Inform
+bos can i just double check something ? is the jinlin noodle bar moderately priced ? eos O O O O O O O O O O O O O O O O N/A
+bos yes they are , if you would like to book there , when would you like the booking anf for how many people ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day,Booking-Inform
+bos please book there for 6 people on friday at 16:00. thank you for your assistance . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A
+bos ok , i have that booked for you . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos thank you so much . you have been most helpful . there is nothing else at this time . good bye . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you . have a great evening . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a particular restaurant . its name is called prezzo eos O O O O O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos prezzo is an italian restaurant in the west . their phone number is 01799521260. would you like me to make a reservation for you ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos yes please , 4 people at 11:00 on friday . can you please provide me with the reference number ? eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos you booking was successful . the table will be reserved for 15 minutes . reference number is : wyzgxovq . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you for helping me book a table for 4 at prezzo and providing the reference number eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos i was in an argument about a car accident and need help eos O O O O O O O O O O O O O N/A
+bos parkside police station will help you . their telephone number is 01223358966. eos O O O O O O O O O O O O O N/A
+bos could you also forward the postcode and address to me ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos yes , it 's in parkside , cambridge , cb11jg . eos O O O O O O O O O O O O N/A
+bos i was just robbed ! please help ! i need to contact the police . eos O O O O O O O O O O O O O O O O Police-Inform
+bos the local police stations telephone number is 01223358966. eos O O O O O O O O O N/A
+bos may i have the address and postcode ? eos O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the postcode is cb11jg , but i do not have an address listed . eos O O O O O O O O O O O O O O O N/A
+bos are you sure there 's no address ? eos O O O O O O O O O Police-Request+Addr
+bos the address i have is parkside , cambridge . eos O O O O O O O O O O N/A
+bos that is all i needed thank you . eos O O O O O O O O O general-thank
+bos good luck and hope you have a better day . eos O O O O O O O O O O O general-bye
+bos am looking for a hospital in town eos O O O O O O O O Hospital-Inform
+bos the telephone for the local hospital is addenbrookes the phone number is 01223245151. eos O O O O O O O O O O O O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos you are quite welcome . is there anything else you need assistance with ? eos O O O O O O O O O O O O O O O general-welcome
+bos i am looking to book a ticket for 2 people for the tuesday train leaving from cambridge and arriving by 10:30 at broxbourne eos O O O O O O O O O O B-Train-Inform+People O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Dest N/A
+bos i 've booked 2 tickets for you on tr7656 ref # ibecbepn . the total cost is 35.79 gbp . is there anything else i can help with today ? eos O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos great thanks ! that will be all ! eos O O O O O O O O O general-thank
+bos let us know if you need more help , good bye . eos O O O O O O O O O O O O O general-bye,general-reqmore
+bos i need a taxi to come to backstreet bistro by 19:30. eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos where would you be coming from ? eos O O O O O O O O Taxi-Request+Depart
+bos i 'm coming from sesame restaurant and bar . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos i can book you a grey bmw with the contact number 07216877402. is there anything else i can do for you today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos nope , that is everything ! thanks ! eos O O O O O O O O O general-thank
+bos thank you for contacting us and have a great day . eos O O O O O O O O O O O O general-bye
+bos i am looking for a guest house that i can stay in.free parking is also an added advantage . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos acorn guest house is nearby and provides free parking . what are the days of your stay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Parking
+bos 4/5/2018 - 4/10/2018 eos O O O O N/A
+bos acorn guest house seems to be a good option . alexander bed and breakfast also has parking but is in the town centre . would you prefer one of those ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select,Hotel-Inform+Parking
+bos i am looking for something in the moderate price range and free internet , please . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i think acorn guest house is a good match for you ! eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A
+bos perfect . what is the star and area of the hotel ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos acorn guest house has a 4-star rating and is in the north . do you want me too book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no that wo n't be necessary . i have all of the information i need for now . thanks eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . please call back if you need any more help or if you want me to book it for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos thank you goodbye eos O O O O general-bye
+bos glad i could help . please let us know if you need help in the future . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i would like a restaurant in any area that serves scandinavian food eos O O O O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos there are no restaurants available that serve scandinavian food . are there any other restaurants you would like to try ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about french ? eos O O O B-Restaurant-Inform+Food O N/A
+bos restaurant two two serves french food . would you like the location information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore
+bos if you could give me the phone number , that would be great . eos O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number for restaurant two two is 01223 351880. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no , thank you , that does it . thank you and goodbye ! eos O O O O O O O O O O O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos can you help me find a hotel in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos sure can . we have 13 choices in the north . any other preferences ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet
+bos yes , i would like it to be cheap , but also include free wifi . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos the worth house matches your search criteria and has a 4 star rating . would you like me to create a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform
+bos no thank you , i appreciate your time ! eos O O O O O O O O O O general-thank
+bos i 'm happy to have helped you . thank you for using cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos wait , what is the phone number for the worth house ? eos O O O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number for worth house is 01223316074. is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos do they have free parking ? i also need to find a cinema in the west . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O Hotel-Request+Parking
+bos yes , worth house has free parking . it does n't appear there are any cinemas in the west . would you like me to try another area ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O Hotel-Inform+Parking,Attraction-Request+Area
+bos how about a museum ? eos O O O O B-Attraction-Inform+Area O N/A
+bos i 'm sorry , there are no museums in the west , either . would you like to try something else ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O N/A
+bos no , i 'd really like either a cinema or a museum on the west side of town . could you please look again for me ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos i have many museums but no cinema . are you looking for a specific type of museum ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Type
+bos not really . what are my options ? eos O O O O O O O O O N/A
+bos we have seven museums on the west side of town . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos can i have the phone number to the museum that 's closest to me ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos i believe that would be the museum of classical archaeology on sidgwick avenue . their phone number is 01223335153. is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i would like a taxi to get from the museum to the hotel . eos O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos what time would you like to leave the museum or arrive to the hotel by ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i would like to leave the museum by 09:15 eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay . booked a yellow volkswagen . contact number : 07289505959. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos thank you very much ! goodbye . eos O O O O O O O O general-bye
+bos goodbye . please let me know if you need anything else . eos O O O O O O O O O O O O O general-bye
+bos i need help i have robbed eos O O O O O O O N/A
+bos please contact the parkside , cambridge police station , eos O O O O O O O O O O N/A
+bos what 's the phone number , address , and post code ? eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr,Police-Request+Phone
+bos the telephone number is 01223358966 , address parkside , cambridge with postcode cb11jg eos O O O O O O O O O O O O O O N/A
+bos ok , thanks for your help . i appreciate it . eos O O O O O O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos i 'm visiting cambridge as a tourist ! i 'm looking for an expensive place to stay that includes free parking ! eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos i 've got 5 expensive hotels with free parking . do you care what part of the city you stay in ? if not , i 'd recommend university arms hotel . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos the only other preferences i have are that the hotel is a guesthouse with free wifi . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are no guestrooms that meet your requirements . would you be interested in a hotel room ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos is there a hotel in a more moderate price range with fee wifi ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i found arbury lodge guesthouse that i think will fit your needs . it is moderately priced , four stars and includes parking and internet ! eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos what area is the arbury lodge in ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Area
+bos the arbury lodge guesthouse is located in the northern part of town . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A
+bos ok , i 'll look into that one . can you also tell me about the museums in town ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos we have 23 museums , i 'd recommend byard art if you are interested in art . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Type O O O O O O O O N/A
+bos is there an entrance fee for byard art ? eos O O O O O O O O O O Attraction-Request+Fee
+bos no , no fee to get into byard art . can i help with anything else ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos that 's all . thank you ! bye ! eos O O O O O O O O O O general-bye
+bos okay , glad i could be of help . eos O O O O O O O O O O general-welcome
+bos i 'm looking for an indian restaurant in the west . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos yes i have many options for you . how about the tandoori palace ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos that might work . what is the price range of tandoori palace ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Price
+bos it is an expensive restaurant on the west side of town . would you like me to reserve a table for you ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos no that 's ok , but could you give me their address and postcode please . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos sure , it is located at 68 histon road chesterton in the cb43le post code . can i help with anything else today ? eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i believe that 's all i need . thanks ! eos O O O O O O O O O O O general-thank
+bos you are welcome . have a nice day . bye . eos O O O O O O O O O O O O general-bye
+bos i need to place to eat , say , in the center of the town with some creative food . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i do n't have any creative restaurants in that area . maybe another cuisine ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O Restaurant-Request+Food
+bos what about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos we have many italian restaurants ! if price is no issue , i recommend caffe uno . eos O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A
+bos that is great . i need to make a booking for one . eos O O O O O O O O O O O O O O N/A
+bos i can do that . what day and time would you like the booking ? eos O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos book a table for 1 people at 11:15 on tuesday with reference number please and thank you eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O Restaurant-Request+Ref
+bos your reservation is booked . your reference number is 4urosy5a . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks for handling the restaurant booking . i also need a cheap place to stay near the restaurant . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos if a guesthouse is okay , alexander bed and breakfast is a 4-star cheap hotel in the center part of town near the restaurant . will that work ? eos O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Stars B-Hotel-Select+Price B-Hotel-Select+Type O O B-Hotel-Select+Area O O O O O O O O O O O O N/A
+bos that sounds great ! can i get the phone number and postcode too ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the phone number is 01223525725 and the postcode is cb12de eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post N/A
+bos great , thank you so much for all your help . eos O O O O O O O O O O O O general-thank
+bos you are most welcome . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that 's everything i needed . thanks again ! goodbye ! eos O O O O O O O O O O O O O O general-bye
+bos have a wonderful trip . eos O O O O O O general-bye
+bos i want to book a taxi . eos O O O O O O O O Taxi-Inform
+bos where is your departure and destination locations ? eos O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need to leave vue cinema and arrive at clowns cafe by 11:30. eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A
+bos okay , i have a white volvo for you with the contact number 07119414615. anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos no thanks that will be all . thank you for your time . eos O O O O O O O O O O O O O O general-thank
+bos glad i could help . have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm looking for the parkside police station . do you know where that is ? any additional information would be helpful . thank you ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos yes mam , the address is parkside , cambridge with a postcode of cb11jg.the phone number is 01223358966. would you like any more info ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no that is exactly what i needed . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos have a nice day ! eos O O O O O O general-bye
+bos thanks , you too ! eos O O O O O O general-thank
+bos thank you ! eos O O O O general-bye
+bos what trains leave cambridge and arrive by 21:00 ? eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos there is a train leaving cambridge arriving at kings lynn friday at 20:58. if this does not work i have other options . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos no i need leave in wednesday and i am going to norwich . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O N/A
+bos there are 15 trains that arrive in norwich by 21:00 that leave from cambridge , do you have a specific departure time ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O O O O O O O Train-Request+Leave
+bos no , i do n't have a specific departure time , but i need to book 8 tickets on the same train . eos O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos i booked 8 tickets for you on the 19:36 train , arriving in norwich at 20:55. the total fee is 140.8 gbp . reference number is 48kans63 . can i help with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos great , thanks . yes , i need to find an expensive restaurant in the centre area as well . eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos alright , you have five options . do you have a preference of food types , between african , asian oriental and british ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A
+bos i do not care , i just need to get the restaurant for 8 people , at 16:00 , on wednesday as well , do any of them fit that ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A
+bos the bedouin has bookings at that time . shall i book it for 8 people at 16:00 ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Time O O N/A
+bos yes , that sounds good , and i would like the reference number , please . eos O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , table will be reserved for 15 mins . reference number is : x5k4k601 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you . that 's all i need . eos O O O O O O O O O O general-thank
+bos you are welcome . i hope you enjoy your trip and restaurant . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi ! can you help me find a hotel somewhere on the west side of town please ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos i found four hotels do you have any other requirements ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O N/A
+bos yes , the hotel should include free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O N/A
+bos hobsons house matches your preferences . would you like me to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos no thank you that 's all the information i need today . eos O O O O O O O O O O O O O general-thank
+bos alright then . goodbye . eos O O O O O O general-welcome,general-bye
+bos actually , i 'm not quite done . would you please book the hotel for 8 people , 4 nights ? we 'll be arriving on friday . eos O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O O O N/A
+bos unfortunately , they do not have availability for that long a stay . would you like to try for a shorter stay or different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos okay , how about a booking for 1 night ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i was able to book 1 night at hobsons house for friday . your reference number is r87k52qj . eos O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A
+bos thank you very much . that is all i need ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! i hope you enjoy your stay in cambridge ! goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a moderately priced restaurant in the south part of town . any kind of food is good with me ; i would just like to know the phone number of the venue you find . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food
+bos restaurant alimentum 's phone number is 01223 413000. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos can you tell me what type of food they serve ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos restaurant alimentum serves modern european food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're very welcome . have a good evening . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a hotel called the cambridge belfry . can you help me with this ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A
+bos certainly . the cambridge belfry is located on the westside , address is back lane , cambourne , postcode cb236bw . the phone number is 01954714600. do you need more information ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos can i get the price range for the restaurant ? eos O O O O O O O O O O O Hotel-Request+Price
+bos did you mean the hotel ? the price range for the cambridge belfry hotel is cheap . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O N/A
+bos yes , thank you . i 'd also like to find a swimming pool in the town centre . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i have one swimming pool in the centre area of town . it is called parkside pools . is there any additional information i can get you for them ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O general-reqmore
+bos i need to know the fee for parkside pools please . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos i am sorry , but the info for the entrance fee in not available . could i help you with something else ? eos O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes , can you please help me book a taxi to leave the hotel by 03:15 ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos alright , a black honda will pick you up from the hotel at 3:15. your contact number is 07832092727. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O N/A
+bos thanks , that 's all i need today . have a good day ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your stay . eos O O O O O O O O O general-welcome
+bos i 'm looking for some entertainment in the center of town . eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there is no entertainment in the centre of town . would you like to look in a different area ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area
+bos no , but are there any theatres in the center of town ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos sure , there are 4 theatres in the centre of town . i suggest the mumford theatre at anglia ruskin enterprise , east road . is there any other information you need ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O N/A
+bos yes , could you also give me the postcode and entrance fee for the mumford theatre ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos it is not giving me an entrance fee , but the postcode is cb11pt . is there anything else i could help you with today ? eos O O O O O O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos could you help me find a good 4 star hotel ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos i have found the university arms hotel in town centre , it has ratings of 4 stars . would you like me to book ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos yes , can you book it for three people for one night ? eos O O O O O O O O O O O O O O N/A
+bos what day would you be arriving ? eos O O O O O O O O Booking-Request+Day
+bos actually , could you make sure it offers free parking ? i will need it for 4 people , 4 nights , starting on tuesday if there is free parking . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos it does have free parking , but i 'm sorry to say that i can not book 4 nights for you . would you like to try a shorter stay ? eos O O O O O O O O O O O O O O O O B-Booking-NoBook+Stay O O O O O O O O O O O O O O O Hotel-Inform+Parking,Booking-Request+Stay
+bos can you try 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A
+bos i was able to book 3 nights , your confirmation code is trbkgr36 eos O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O N/A
+bos can you also set up a taxi to take me from mumford theatre to the hotel . i want to leave the theatre by 05:00. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos have a good trip ! eos O O O O O O general-bye
+bos i 'm looking for a restaurant in the north that serves basque food , please . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O N/A
+bos i 'm sorry , but there are no restaurants that meet your criteria . in fact , there are no basque restaurants in all of cambridge . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O N/A
+bos no , that 's okay . thanks for looking ! eos O O O O O O O O O O O general-thank
+bos thank you for contacting us . please ask again if you need more information . goodbye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos now hold on just a minute . i 'm still hungry . how about a chinese restaurant instead ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos yes , there are 17 chinese restaurants . do you have a desired price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Price
+bos moderate price range please . eos O B-Restaurant-Inform+Price O O O O N/A
+bos golden wok is moderately priced in the north area . would you like to book a table here ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no but i am looking for a train fro friday , leaving after 20:15. eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos ok , there are several trains leaving after 20:15. where would you like to depart from and where is your destination ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos the departure is from cambridge and the destination is london kings cross , what was the postcode , phone number and address of the golden wok ? eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos tr9876 leaves at 23:00. would you like me to book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes , there will need to be a booking for 7 people for this train and i will need the reference number . also , i need info on that restaurant . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your train tickets have been booked and the reference number is 5szk6bnu . the golden wok phone number is 01223350688 and is located at 191 histon road chesterton , cb23pp eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos actually , i think i also want to get the postcode , address , and phone number for the golden wok please . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos postcode : cb43nl , address : 191 histon road chesterton , phone : 01223350688. can i help you with anything else ? eos O O B-Restaurant-Inform+Post O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos thank you . for your time . eos O O O O O O O O general-thank
+bos you 're welcome . are you certain you do n't need further assistance ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you , that is everything i need . i appreciate it very much . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for letting me help you . enjoy your dinner . next time you need reservations we 'll be here to help you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi , where can i find the closest police station ? eos O O O O O O O O O O O O Police-Inform
+bos the closest police station is the parkside police station , located in parkside , cambridge . their phone is 01223358966. is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what is the postcode ? eos O O O O O O Police-Request+Post
+bos the postcode is cb11jg . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O N/A
+bos no , thank you . eos O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-bye
+bos i need to find the nearest police station . eos O O O O O O O O O O Police-Inform
+bos parkside police station in parkside , cambridge , postcode : cb11jg , telephone number 01223358966. can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's all i needed . thank you ! eos O O O O O O O O O O general-thank
+bos ok , let us know if you need anything else , thank you for using our service . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i need to find a restaurant in cambridge called the golden wok please . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos i have found a golden wok at 191 histon road chesterton . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos great , can you please book a table for 2 at 19:30 on monday ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , i will book your table for 2 at the golden wok on monday at 19:30 , would you like a reference number ? eos O O O O O O O O O B-Booking-Inform+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Inform+Day O B-Booking-Inform+Time O O O O O O O O O N/A
+bos great , thank you , yes i would like a reference number . if the booking fails , i would like to try for 18:30 instead . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O Restaurant-Request+Ref
+bos i was able to book a reservation for 18:30 on monday . your reference number is yt9nb9yw . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes i need a train for tuesday that arrives by 19:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A
+bos where do you need this train to pick you up ? eos O O O O O O O O O O O O Train-Request+Depart
+bos i 'll be going from cambridge to broxbourne . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i have 14 trains that match your preferences , leaving one minute after the hour every hour starting at 05:01 and ending at 18:01. which train would you like to book ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Select
+bos i need on that arrives by 19:15 please eos O O O O O O O B-Train-Inform+Arrive O N/A
+bos the tr7656 leaves at 09:01 and arrives by 10:01. is that okay ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O N/A
+bos yes that should be fine , thank you for your help . eos O O O O O O O O O O O O O general-thank
+bos is there anything else i can do for you today ? eos O O O O O O O O O O O O general-reqmore
+bos yes , i need the travel time and departure time of the train . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos the train departs cambridge at 09:01 and the travel time is 60 minutes . your train will arrive in broxbourne at 10:01. can i help you with anything else ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O general-reqmore
+bos actually , could you check to see if there is a train that will arrive by 19:15 rather than 10:01. i 'd really prefer the earlier arrival . eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O N/A
+bos 10:01 is 9 hours,14 minutes before 19:15 , so it 's definitely an earlier train . if you would like to arrive closer to 19:15 , though , there is a train that arrives at 19:01. eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O N/A
+bos i think that could be okay eos O O O O O O O N/A
+bos tr5484 is the train that arrives by 19:01. would you like to book it ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no thank you . i just need the the departure time and the travel time , please . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos tr 5484 departs cambridge at 18:01 and take 60 minutes to get to broxbourne . eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos is there anything else you need ? eos O O O O O O O O general-reqmore
+bos no , i think that covers everything . thanks for all of your help . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a theatre to visit while in cambridge . preferably one in the centre of town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos would you like to try the cambridge arts theatre ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds great ! could you tell me how much the entrance fee would cost ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos unfortunately i do not have that information in my system . i could give you their phone number , though , if you like . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O general-reqmore
+bos could you please find the entrance fee for me ? i am unable to make the phone call right now . eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos unfortunately the entrance fee for the cambridge arts theatre is not in the system right now . eos O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos okay . i am looking for a train that departs on friday from london liverpool street and goes to cambridge . arrival by 15:15. eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O N/A
+bos tr5015 arrives at 15:07 , after leaving at 13:39. would you like this one ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos the price will be 16.60 pounds . how many tickets would you like ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-Request+People
+bos i just need one ticket . can you book that for me please ? eos O O O O O O O O O O O O O O O N/A
+bos absolutely . here is your reference number : pis9ufx2 . can i help you with anything else today ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i 'm looking for information on the parkside police station . eos O O O O O O O O O O O O Police-Inform
+bos the parkside police station address is parkside , cambridge , postcode cb11jg . the telephone number is 01223358966. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos was that that the full address for the police station ? eos O O O O O O O O O O O O Police-Request+Addr
+bos yes that was ! eos O O O O O N/A
+bos thank you that was all the information i needed . eos O O O O O O O O O O O general-thank
+bos great ! have a wonderful day and i hope you enjoy your time in cambridge . eos O O O O O O O O O O O O O O O O O general-bye
+bos i need transportation , specifically a train from birmingham new street . i need one that gets to my destination by 17:00 eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos we have several ! what day would you like to travel ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day
+bos monday would be perfect eos O B-Train-Inform+Day O O O N/A
+bos tr1238 leaves at 13:40 and will get you there at 16:23 , do you want me to book you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no , thanks . no need to book today , but can i get the price of the ticket ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos tickets are 75.10 pounds . is there anything else you need ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos yes , i 've heard great things about the cambridge chop house . can you tell me about it ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos what information are you looking for ? eos O O O O O O O O general-reqmore
+bos will you book a table for 3 on monday at 20:30 for me ? i 'll also need the reference number . thanks ! eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : fnxfs4g4 . what else can i help you with today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thanks so much . that 's all . goodbye eos O O O O O O O O O O general-bye
+bos i 'm glad i could help . eos O O O O O O O O general-welcome
+bos hi , i need a place to eat in the centre for a medium price range . what do you have that you can suggest ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O N/A
+bos we have 21 of those , including those serving british food and many other types . can you narrow it down some ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Food
+bos sure , can you try to find a british restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos cotto is very good . can i reserve a table for you ? eos O B-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos that sounds great . i need a reservation for 6 people at 14:45 on wednesday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to make a reservation for 6 people at cotto on wednesday at 14:45. your reference number is rx6xp8kp . eos O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref N/A
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos please contact us anytime . good bye . eos O O O O O O O O O general-bye
+bos i 'm planning a trip to cambridge and will need a place to stay . i prefer a guesthouse with 3 stars and should include free wifi . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos there are three hotels which meet your needs , any preferences in area ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos are any of those guesthouses ? i do n't really care for hotels . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos all three of the places i mentioned are guesthouses . one is in the south , one is in the north , and one is in the west . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A
+bos could you see if you could book me a room in one that is moderately priced ? eos O O O O O O O O O O O O O O O O O O N/A
+bos which area would you prefer ? eos O O O O O O O Hotel-Request+Area
+bos i do not care , book it for 3 people and 5 nights starting from sunday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos ok , you have a room booked at the hamilton lodge , ref # 6zqbezbt . is there anything else i can help you find today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos actually , yes . i am wanting to find out some information on the jesus green outdoor pool . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos sure ! the jesus green outdoor pool is located between victoria road and the river and the phone number is 01223302579. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O N/A
+bos ok that is all i need today . thanks , good bye . eos O O O O O O O O O O O O O O general-bye
+bos okay glad i could help . eos O O O O O O O general-welcome
+bos i am needing a place in the centre area to dine at while i am seeing attractions in cambridge ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Attraction-Request+Area
+bos do you have any food preferences ? eos O O O O O O O O Restaurant-Request+Food
+bos i 'm starving and will only be satisfied with some spanish food , please ! eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos we have two spanish restaurants in the city centre . la tasca is moderately priced , and la raza is cheap . do you have a preference ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price
+bos i would like to try the moderately priced one please . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos okay ! would you like for me to make you a reservation ? eos O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . can i get a table for 3 on tuesday at 19:30 ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i was able to book you a table they will hold it for 15 minutes . your reference number is u7ojbnt7 . is there anything else i can help with ? eos O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i 'm looking for an architecture attraction in town . any suggestions ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are 5 architecture attractions located in the centre . most of them are free . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos i would like to have the area , phone number , and entrance fee please eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Fee
+bos how about all saints church ? they are located on jesus lane , it 's free and in the centre . phone 01223452587. can i help with anything else today ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you . can you also help me with a taxi from all saints church to la tasca in time for my dinner reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos congrats you got the black bmw enjoy your ride to a and b guesthouse . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos what is the contact number for the taxi ? eos O O O O O O O O O O Taxi-Inform
+bos your taxi has been changed to a blue bmw with the contact number of 07281712585. it will take you from all saints church to la tasca . anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O general-reqmore
+bos that is all i need , thank you , goodbye ! eos O O O O O O O O O O O O general-bye
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i am staying in the centre of town for the weekend , what is there to do there ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos we have several things to do ! architecture , colleges , museums ... what type of attraction are you most interested in ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Type
+bos it does n't matter but can you recommend one and give me the entrance fee ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i recommend castle galleries and it 's free to get in ! eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O N/A
+bos thanks ! i 'm also looking for a train that leaves leicester . eos O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos i have plenty of trains departing from leicester , what destination did you have in mind ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart O O O O O O O O O Train-Request+Dest
+bos i 'd like to go to cambridge . i want to leave on monday and arrive by 16:15. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos tr0330 departs at 14:09 and arrives by 15:54. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos what is the total travel time ? eos O O O O O O O O Train-Request+Duration
+bos 105 minutes is the total travel time . can i help you with anything else ? eos O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O general-reqmore
+bos would you be able to help me book this ? eos O O O O O O O O O O O N/A
+bos yes , for how many tickets ? eos O O O O O O O O Train-Request+People
+bos i would just like to find a train first , and get the info . i think i have the info i needed . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos great . is there anything else that you need help with ? eos O O O O O O O O O O O O O general-reqmore
+bos no , i think that 's all i need for now . thank you so much for your help ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome eos O O O O general-welcome
+bos you have been of great help eos O O O O O O O N/A
+bos have a good day . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to bishops stortford . i am departing from cambridge . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O O N/A
+bos there are 70 trains during the week that go from cambridge to bishops stortford , do you have a day and time you would like to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day
+bos yes , i 'd like to leave on tuesday and arrive by 19:00 eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A
+bos how about the tr2771 ? it arrives at 14:07. shall i book you a ticket ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , please . i would like 2 tickets on that train , and i will need the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos the train is booked , and the reference number is p0mvsacw . total fee is 20.2 gbp payable at the station . can i help you with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O general-reqmore
+bos can you find me an restaurant near the centre that serves international food ? eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos i have two restaurants in that area . i recommend the varsity restaurant . eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos wonderful ! what is their address ? eos O O O O O O O O Restaurant-Request+Addr
+bos the address is 35 saint andrews street city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you very much , that 's all the info i needed . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . goodbye and have a good day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train that leaves on saturday and arrives by 08:45 eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos can you tell me what your departure city and destination are ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be leaving cambridge to get to ely . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos tr5344 arrives by 7:50. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos yes , can you book that for 7 ? eos O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 24.64 gbp payable at the station , you reference number is nuecbthh . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos are there anything fun to do in city centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos my favorite attraction in the centre of the city is a concert hall called man on the moon . it is amazing ! they are at 2 norfolk street . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos what is their postcode ? eos O O O O O O Attraction-Request+Post
+bos cb12lf . is there anything else you need ? eos O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that 's it . thank you . eos O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train that leaves after 13:00 on saturday eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A
+bos sure , which stations will you be using ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be departing from cambridge and going to broxbourne eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos tr4334 will leave at 13:01 and arrive by 14:01. do you want to book this train ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos what time is the next one after that ? that is cutting it close and i do n't want to miss it . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the next train leaves at 14:01 and arrives by 15:01. will that work better for you ? eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-Select
+bos book for me that for one person eos O O O O O O O O N/A
+bos i will book it for you now . eos O O O O O O O O O Train-OfferBook
+bos can you get me the reference number too ? eos O O O O O O O O O O N/A
+bos booking was successful , the total fee is 14.32 gbp payable at the station . your reference number is : tb72naoo . can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for a mid ranged priced indian place to dine . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are four restaurants that serve indian food in a moderate price range , in which area of town would you prefer to eat ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i want to eat in the east please eos O O O O O O O B-Restaurant-Inform+Area O N/A
+bos sure , i recommend curry prince located in the east . would you like a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform
+bos please do . i 'll need a table for 1 person on saturday at 10:45. and give me the reference number too . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O N/A
+bos it 's booked , your reference number is 96k0bbzz . eos O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you for your time . eos O O O O O O O general-thank
+bos is there anything else i can assist you with ? eos O O O O O O O O O O O general-reqmore
+bos that is all today , thank you . eos O O O O O O O O O general-thank
+bos i hope you have a wonderful time . eos O O O O O O O O O general-bye
+bos i 'm looking for cheap places to eat in the centre of the city . eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos okay , there are fifteen restaurants in that area within the cheap price range . do you have a preference on the cuisine that is served ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos not really . which is your favorite ? eos O O O O O O O O O N/A
+bos chinese would be a good choice . would you like me to book one for you ? eos O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O O O Booking-Inform
+bos yes , for 6 people , 12:15 on wednesday . reference number please . eos O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O Restaurant-Request+Ref
+bos i 'll book you at charlie chan . in my opinion , its the best ! your booking was successful . the table will be reserved for 15 minutes.reference number is : w3tzff5s . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O N/A
+bos i would also like a place to stay . i would like a cheap 0 star hotel in the centre . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos el shaddai is a 0 star guesthouse in the cheap pricerange . does this work for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Price O O O O O O O O Booking-Inform
+bos is there not a hotel ? eos O O O O O B-Hotel-Inform+Type O N/A
+bos i 'm sorry , there are no cheap 0-star hotels in the centre area of the city . eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O N/A
+bos how about a guesthouse with 0-star and cheap ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O N/A
+bos the el shaddai is the only one . would you like to book a room there ? or maybe you need some more information ? or we could try another part of town . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Booking-Inform,general-reqmore
+bos more information please . i 'd just like the address and postcode for el shaddai . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Request+Post,Hotel-Request+Addr
+bos there are no hotels in el shaddai that have 0 stars and are cheap . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Price O N/A
+bos hi , can you help me find a hotel on the north side of town please ? eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos sure ! there are two hotels on the north side of town : ashley hotel and lovell lodge . eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos do either of them have 2 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos they do both have two stars yes . eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O N/A
+bos can i get the postcode of one you 'd recommend ? eos O O O O O O O O O O O O Hotel-Request+Post
+bos i would recommend the lovell lodge . their postcode is cb41sr . would you like more information or may i book a room for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Post O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos can you also tell me about some theatres in town ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there is adc theatre in the post code cb58as on park street . there are 4 others in cambridge . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos thank you . that 's all i needed to know . eos O O O O O O O O O O O O general-thank
+bos excellent . have a good day ! eos O O O O O O O O general-bye
+bos good morning , i am looking for some information in cambridge . can you help me ? eos O O O O O O O O O O O O O O O O O O N/A
+bos sure thing . what type of information are you looking for ? eos O O O O O O O O O O O O O general-greet,general-reqmore
+bos can you tell me about the museums in the center of town ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are eleven in the centre of town , how about the castle galleries ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos what 's the entrance fee for castle galleries ? eos O O O O O O O O O O Attraction-Request+Fee
+bos it is free to enter ! enjoy yourself ! eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O general-greet
+bos could i get the phone number and postcode as well ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos of course . the postal code is cb23bj , and the phone number is 01223307402. anything else you need today ? eos O O O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos yes , i would like to book 5 nights at the leverton house . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos absolutely ! what day will you arrive ? eos O O O O O O O O O Booking-Request+Day,general-greet
+bos starting sunday . need 7 people by the way . eos O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O N/A
+bos i 'm sorry , that is n't available for that stay . could you arrive a different day , or shorten your stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos how about 4 nights instead ? eos O O O O B-Hotel-Inform+Stay O O N/A
+bos your stay at leverton house is booked . your reference number is ialqdgl4 . is there anything else i can help you with ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos great , and can you book a taxi for me to castle galleries ? eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos i can do that . where do you want to be picked up , and what time do you need the taxi for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,general-greet
+bos pick me up at the hotel at 18:30. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos look for a black audi , the contact number for the car is 07340911875. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks , that 's all i need today ! you 've been a great help . i 'm all set . eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! i hope that you enjoy your stay ! goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train to cambridge on saturday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos where would you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from ely . eos O O O O O O B-Train-Inform+Depart O N/A
+bos could you leave on friday ? there are no trains available on saturday from ely to cambridge . eos O O O O O B-Train-Select+Day O O O O O O O B-Train-NoOffer+Day I-Train-NoOffer+Day O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O N/A
+bos sorry , i misspoke . i am actually departing from broxbourne . eos O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos there are about 19 trains available . i can narrow that down some if you tell me if you want to leave or arrive by a certain time . eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive by 15:30. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos there are 9 trains that meet your criteria that day , one leaving every hour from 05:32. do you have a departure time preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave
+bos no , we just want to get there either at or right before 15:30 , please . can you get me 8 tickets on the closest train to that time ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos 8 tickets for the tr7846 leaving at 09:32 your reference number is d0cg7jd3 . anything else today ? eos O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore
+bos i 'm sorry , i meant that i need 5 ticket for the train booked . can you fix this ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos yes sure . i booked that for you for 5 people and the reference number is ifxpnyhs . eos O O O O O O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O N/A
+bos now that the train is settled , i need a place to stay that is in the expensive range with free parking , please . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos there are a number of expensive hotels in town . do you have a preference for area you 'd like to stay ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would prefer a guesthouse if possible . eos O O O O O B-Hotel-Inform+Type O O O N/A
+bos i do not have any expensive guesthouses . can i try something else ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O N/A
+bos can you try moderately priced ? eos O O O O B-Hotel-Inform+Price O O N/A
+bos i suggest acorn guest house it is in 154 chesterton road . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A
+bos ok , that sounds great . can you book that for me for 3 nights ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos yes . i need to know what night you 'd like your reservation to begin and how many people it will be for . eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos for 5 people starting on saturday . eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A
+bos i have made those reservations and your reference number is s4monuey . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much . that 's all for today . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for an expensive guesthouse to stay in during my trip to cambridge . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O N/A
+bos unfortunately there is nothing that matches your criteria . would you like to try a hotel or different price range instead ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O Hotel-NoOffer
+bos are you sure there are no expensive guesthouses in the whole town ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos yes i am certain . would you like to try another price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet
+bos how about the moderate price range ? eos O O O O B-Hotel-Inform+Price O O O N/A
+bos certainly , there are 15 moderately priced guesthouses . do you require internet or parking ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos free parking would be great please . eos O O O O O O O O N/A
+bos 12 of those places offer free parking , any other preferences ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Inform+Parking
+bos is there a guesthouse that is close to the south ? eos O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are 2. one is 4 stars and the other is 3. do you have a preference ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O Hotel-Select
+bos could i have the 4 star please eos O O O O O O B-Hotel-Inform+Stars O N/A
+bos i would recommend alyesbray lodge guest house . would you like me to book that for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos i would rather stay at a hotel if that 's okay . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos the huntingdon marriott hotel is an expensive 4 star hotel in the west with free parking . does that fit your needs ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O Hotel-Recommend+Parking,Booking-Inform
+bos actually , can you give me the postcode for the alysebray lodge guest house ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos sure . their postcode is cb17sr . anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-greet,general-reqmore
+bos yes i am looking for someplace to tour in town in the south involving architecture . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O N/A
+bos unfortunately , we do n't have any architecture attractions in southern cambridge . would you like me to search other areas of cambridge for architectural attractions ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O Attraction-Request+Area
+bos okay , i 'd like to find an entertainment place in the south . eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos i have nusha and tenpin that are entertainment venues in the south . which one interests you ? eos O O O O O B-Attraction-Select+Name I-Attraction-Select+Name O B-Attraction-Select+Type I-Attraction-Select+Type O O B-Attraction-Select+Area O O O O O O N/A
+bos i will pick option two ! thank you very much for the help and have a great day ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos was that all you needed today ? eos O O O O O O O O general-reqmore
+bos actually , can you give me the address , postcode , and phone number of tenpin ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos sure , the address is cambridge leisure park , clifton way , number is 08715501010 , and their postcode is cb17dy . is there anthing else you need ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no that 's everything , thanks . goodnight ! eos O O O O O O O O O O general-thank
+bos okay fantastic , have a good one . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for concert halls . eos O O O O O O O O N/A
+bos the man on the moon is a fantastic concerthall located in the centre at 2 norfolk street , postcode cb12lf . i do n't have an entrance fee available , but you could call 01223474144. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O N/A
+bos great thank you for that information about it . eos O O O O O O O O O O general-thank
+bos excellent , can i help you with anything else today ? eos O O O O O O O O O O O O general-reqmore
+bos i also need information on arbury lodge guesthouse eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos it is a guesthouse in the moderate price range . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos can i get the postcode of it ? eos O O O O O O O O O Hotel-Request+Post
+bos certainly . the post code is cb42je and their phone number is 01223364319. what else can i help you with ? eos O O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O O N/A
+bos that will be it , and thank you for helping me . eos O O O O O O O O O O O O O general-thank
+bos it was my pleasure . have a wonderful afternoon . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am planning a trip to cambridge soon and could use some help with a train . eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O N/A
+bos sure , i can help you with that . where are you departing from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from ely . eos O O O O O O B-Train-Inform+Depart O N/A
+bos i have 70 trains departing from ely to cambridge , what day are you planning to travel on ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O O O O Train-Request+Day
+bos leaving on monday after 9:15. i would like a booking for 3 people and the reference number as well . eos O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos there is a 9:35 that arrives at 9:52. how does that sound ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos that sounds great ! i need to book that for three people . eos O O O O O O O O O O O O O O N/A
+bos your reference number for tr2987 is 8qypsgfh . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos could you also look up the hotel called hobsons house ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos yes , the hobsons house is a guesthouse in the west area . it 's moderate in price with three stars . would you like to make a booking ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform
+bos i would like to book it for 3 people for 5 nights starting on monday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos all set your reservation number is v3hj3tkn . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos awesome , thanks a lot ! have a great day ! eos O O O O O O O O O O O O general-thank
+bos thanks for using our service today ! eos O O O O O O O O general-bye
+bos hey thanks for helping , it really means a lot to me . eos O O O O O O O O O O O O O O general-thank
+bos any time . great day eos O O O O O O general-bye
+bos yes , i 'm looking for places to go in cambridge . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , what type of attractions are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos let 's check out some stuff in the entertainment type . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos i 've heard really great things about cherry hinton hall and grounds in the east area . does that sound like something you 'd enjoy ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O Attraction-Select
+bos okay that sounds good . what is the area and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos it is located in the east and the postcode is cb18dw . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos yes , i need a place to stay on my trip . i 'd prefer a guesthouse in the north . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos the avalon is a popular 4 star guest house on the north side , would you like me to see if they have space available ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos yes please , i need rooms for 7 people for 2 nights starting monday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i have your rooms booked , and your reference number is 7boznptn . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos very good , that 's all . thanks . eos O O O O O O O O O O general-thank
+bos you are welcome . have a great stay in cambridge . bye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos my friend told me about a place called the carolina bed and breakfast . do you know anything about it ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos it 's a 4 star guesthouse . what information would you like to know about it ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos can you give me the postcode ? and , do they have internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet
+bos the postcode is cb13nx , and they do have internet . eos O O O O B-Hotel-Inform+Post O O O O O O O Hotel-Inform+Internet
+bos thank you . are there any boat attractions in the west ? eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A
+bos nothing in the west , sorry . the closest boat would be the cambridge punter in the centre . is that too far ? eos O O O O B-Attraction-NoOffer+Area O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O N/A
+bos yes , it is . how about a musuem ? eos O O O O O O O O O O O N/A
+bos there are 5 museums in the west . i recommend kettle 's yard . would you like the address and phone ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O N/A
+bos yes , i would love the address . thank you so much ! eos O O O O O O O O O O O O O O Attraction-Request+Addr
+bos kettle 's yard is on castle street , cb30aq . can i help you with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos great . that is all i need . eos O O O O O O O O O N/A
+bos i 'm glad to have been of assistance . have a great day . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , hi , can you help me ? i 've heard good things about the vue cinema . do you have any particulars about it ? i might want to catch a show later . eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can look that up for you ! vue cinema is located at the grafton centre , east road . the phone number for that is 08712240240 and the postcode is cb11ps . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O general-greet
+bos terrific ! that 's what i needed . thanks for your help . eos O O O O O O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos yes . i am also looking for a moderately priced place to stay at . i would like to make sure it has free parking also . eos O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O N/A
+bos it looks like there are 14 hotels that match that description . is there a particular area you would like to stay ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like for it to be in the north and have free wifi as well . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are 9 that fit your request . may i suggest the acorn guest house ? it 's a nice place to stay . eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O general-greet
+bos that 's a guesthouse right ? could you give me it 's address and star rating ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos it is a 4 star hotel , and its address is 154 chesterton road . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos i also want to book a taxi to commute between the two places . i want to leave the attraction by 16:15.get contact number and car type eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O Taxi-Request+Car,Hotel-Request+Type
+bos your taxi is booked for you . the car is a white tesla and the contact number is 07920315080. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos terrific ! thanks for all of your help . that is all i need . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos glad to be of service ! have a pleasant evening . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i want a train that goes to stansted airport and leaves from cambridge . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Depart O N/A
+bos there are many that leave cambridge and go to stansted airport ; what day would you like to leave and what time ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need the train to leave after 09:15 on saturday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos i have train tr2755 that will leave at 09:40 and put you at the airport by 10:08. would that work for you ? if not , i have later trains . eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Dest,Train-OfferBook
+bos that train works well . eos O O O O O O Train-Inform
+bos would you like me to book this train for you ? eos O O O O O O O O O O O O Train-OfferBook
+bos yes please . get me 8 tickets for my party as well as a reference number . eos O O O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos your reference number is ukotnd0a . would you like anything else today ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos i also need a hotel that has free parking . i do n't need internet or anything like that . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos i have 29 places to stay with free parking . is there a price range you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos are any of the 29 places , guest houses ? i would actually prefer a hotel rather than a guest house . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 8 hotels that match that description . did you have a price range or area in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i do not have a price preference . eos O O O O O O O O O N/A
+bos which side of town are you ok with ? eos O O O O O O O O O O Hotel-Request+Area
+bos i just need a hotel with free parking in any part of town . perhaps you can suggest one . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos i would recommend the lovell lodge . it 's moderately priced with 2 stars and has free parking and wifi . would you like to reserve a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos yes please , for tuesday . 4 nights and 8 people . please include the reference number . eos O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O O O O N/A
+bos you got it ! the reference number for your booking is oli76p7n eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you that is all i need today . eos O O O O O O O O O O general-thank
+bos please contact us again in the future . goodbye . eos O O O O O O O O O O O general-bye
+bos hello , i need a taxi to pick me up at chiquito restaurant bar . eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos when would you like the taxi to pick you up ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos could i get the taxi by 22:30 eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos what is your final destination ? eos O O O O O O O Taxi-Request+Dest
+bos i would like to go to queens ' college and i want to leave the restaurant after 22:30. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O N/A
+bos great - i have a white audi picking you up at chiquito at 22:30 and heading to queens ' college . the contact number is 07937348458. can i help with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A
+bos no , that 's all i need . thanks . eos O O O O O O O O O O O general-thank
+bos alright . glad we could help ! eos O O O O O O O O general-bye
+bos i 'm all set . have a nice day . bye . eos O O O O O O O O O O O O O general-bye
+bos goodbye . thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O general-bye
+bos where should i go ? eos O O O O O O N/A
+bos i 'd love to help . are you looking for an attraction ? eos O O O O O O O O O O O O O O N/A
+bos yes are there any churches ? eos O O O O O O O N/A
+bos yes there are many churches , what area of town are you looking for a church in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area
+bos in the centre of town please , and can you tell me the entrance fee ? eos O O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Fee
+bos unfortunately , there are no churches in the centre of town . is there another area of town that i can check for you ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O Attraction-Request+Area
+bos no thank you . are there any museums ? i will need the entrance fee for those please . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Fee
+bos i have 11 museums . i can recommend the primavera . it is free . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O O O O O O O O O general-reqmore
+bos yes ! can you help me book a hotel room ? eos O O O O O O O O O O O O Hotel-Inform
+bos sure ! what sort of amenities are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Stars,Hotel-Request+Internet
+bos i 'd like info on bridge guest house . i need 5 nights for 8 people starting saturday . can you book and give me a reference number please ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos reservations for 8 arriving on saturday and staying 5 days . your reference number is : idxpor2n . is there anything else i can do for you today ? eos O O O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no you 've been very helpful . thank you for as assisting me . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am interested in the express by holiday inn - cambridge . eos O O O O O O O O O O O O O N/A
+bos it is located in the east and 2 star rated . has both internet and parking . it is expensive . you can reach them on 01223866800.its postal code is cb13ih located in 15-17 norman way coldharms business park eos O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i want to book 3 nights there , please . eos O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos how many people and on what day ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos three days starting from saturday , for 6 people . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos the booking was successful.your reference number is : 4lqxej9h . is there anything else i can do to assist you today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you tell me a little bit of info on the cambridge corn exchange ? it 's supposed to be an attraction place or something . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A
+bos it 's a theatre in the centre of town on wheeler street , postcode cb23qe . the phone number is 01223357851 and the entrance fee is unknown . do you need anything else ? eos O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos what type of attraction is this ? maybe i 'll call them and find out the entrance fee . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos the cambridge corn exchange is a theatre . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O N/A
+bos thank you for your time ! eos O O O O O O O general-thank
+bos yeah , you are welcome.i was happy to help . eos O O O O O O O O O O O general-welcome
+bos i am looking for a train from cambridge to birmingham new street . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos the next train leaving from cambridge for birmingham new street departs friday at 5:01 , and will arrive by 7:44. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O N/A
+bos i need a train that departs after 08:30 on friday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos i have a train leaving cambridge arriving at birmingham new street on friday at 9:01. would you like me to book this for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please , that sounds perfect . eos O O O O O O O O N/A
+bos and how many tickets will you need for your trip ? eos O O O O O O O O O O O O Train-Request+People
+bos actually , i do n't need booking . please just give me the train 's travel time and price . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time is 163 minutes , and the price is 75.10 pounds . how else can i help ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos no thank you . not at this time . eos O O O O O O O O O O general-thank
+bos glad to be of help . have a nice day . bye . eos O O O O O O O O O O O O O O general-bye
+bos i have an attraction in mind that i need help finding . eos O O O O O O O O O O O O O Attraction-Inform
+bos maybe i could help . do you know the name of it ? eos O O O O O O O O O O O O O O Attraction-Request+Name
+bos yes , it is called nusha . eos O O O O O B-Attraction-Inform+Name O O N/A
+bos i 've located nusha and it 's in the south . it 's located in cambridge leisure park on clifton road . eos O O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O N/A
+bos ok , thank you . i also need to find a hotel that is expensive . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos okay , in what area ? eos O O O O O O O Hotel-Request+Area
+bos i do not have a preference on the area . eos O O O O O O O O O O O Attraction-Request+Area
+bos i would recommend the university arms hotel , which is centrally-located and offers free wifi and parking . does that interest you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Hotel-Select
+bos is that a 1 star hotel ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos no . i 'm sorry . it 's not a 1 star establishment . is there anything else i can help you with today ? eos O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O O general-reqmore
+bos can you look for a 4 star hotel in the same price range ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos how about the hundington marriott hotel in the west ? it gets 4 stars . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos well , if you are sure , i hope you have a great visit ! thank you . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm interested in going to the junction during my upcoming trip to cambridge . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A
+bos it is located in the south part of town at clifton way . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos great ! can i get the postcode ? eos O O O O O O O O O Attraction-Request+Post
+bos the postcode for the junction is cb17gx . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos nope , that will be all . thanks and have a good day . eos O O O O O O O O O O O O O O O general-thank
+bos enjoy your visit to the junction ! have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos yes actually i am looking for a place to stay in the epensive price range with free wifi , a 3 star rating and also free parking . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos the lensfield hotel is nice . would you like a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform
+bos yes , i sure would . can you also tell me the address and postcode ? thanks ! eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos cb21en , post code . adress is 53-57 lensfield road . shall i book you in ? eos O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform
+bos no , but can you get me a taxi between the two places ? eos O O O O O O O O O O O O O O O Taxi-Inform
+bos which place is the departure site and which is the destination ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos the departure will be the hotel postcode cn21en to travel to the junction . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos ok great and what time do you prefer ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos sorry , i actually want to go from the attraction to the hotel . and i want to leave the attraction vy 19:45. book that please and give me the info . eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O N/A
+bos done ! you 'll be picked up in a red skoda , and the contact number is 07784377878. can i help you with anything else ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that is all , thanks . eos O O O O O O O general-thank
+bos you are welcome and have a good day eos O O O O O O O O O general-welcome,general-bye
+bos i 'm in the north area of town and need to get a room to stay in . eos O O O O O O O O O O O O O O O O O O O N/A
+bos are you looking for a room , or another type of service ? eos O O O O O O O O O O O O O O Hotel-Request+Type
+bos sorry . i 'm actually looking for some type of attraction i can go to up in the north . any suggestions ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O Attraction-Request+Type
+bos i have four different kinds , what type would you like ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos how about your favorite ? what type is that ? eos O O O O O O O O O O O Attraction-Request+Type
+bos i really like the riverboat georgina . do you need any information about something like this ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O general-reqmore
+bos yes , what type of attraction is this ? also , could i get the address and postcode ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr
+bos it is a boat . the address is cambridge passenger cruisers , jubilee house and the postcode is cb43ax . is there anything else you 'd like to know ? eos O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i think that is all . thanks eos O O O O O O O O general-thank
+bos you 're welcome . thanks for contacting the cambridge towninfo centre ! eos O O O O O O O O O O O O O general-bye
+bos hello , i am looking for information on a restaurant name rice house . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos i have pulled up rice house from our database . what would you like to know ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O N/A
+bos i 'd like to reserve a table for 7 on thursday , at 11:15. are you able to book that for me please ? eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A
+bos i am unable to book for that day or time slot . is there another day or time that would work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos what about 10:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book a table for 7 at rice house at 10:15 on thursday . your table will be reserved for 15 minutes . your confirmation number is dakq9zbn . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , thanks ! i 'll also need a train leaving after 11:45 on friday . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O N/A
+bos i have many trains leaving cambridge after 11:45 on friday . where would you like to go ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O Train-Request+Dest
+bos i would like to go to kings lynn . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos tr2621 leaves at 12:11 going to kings lynn . would you like me to book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O Train-OfferBook
+bos yes please book it for 7 people and give me the reference number eos O O O O O O O B-Train-Inform+People O O O O O O N/A
+bos you are booked . your reference number is bl1tv17c . anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore
+bos no , i am all set . thanks ! eos O O O O O O O O O O general-thank
+bos thank you , please enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye
+bos i need to take a train out of cambridge after 19:00 please . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A
+bos how about the tr1006 , it leaves at 19:00. eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave N/A
+bos i need to travel on tuesday to london kings cross . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos tr4125 leaves cambridge for london kings cross on tuesday at 19:00. would you like me to book it for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos yes please for 6 people . eos O O O O O B-Train-Inform+People O N/A
+bos the booking was successful . your reference number is eznvjapg . the cost is 141.6 pounds . do you need anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a restaurant . i believe it 's called curry prince . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos i have found the restaurant ; would you like for me to book a table for you ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , i would like it the same day at 14:00. i would also like the reference number from the train and restaurant please . eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O Train-Request+Ref
+bos confirm # for the train is eznvjapg . how many for the reservation please ? eos O O O O O O O B-Train-Inform+Ref O O O O O O O O Booking-Request+People
+bos the restaurant is for six as well . eos O O O O O O O O O N/A
+bos your reservation for 6 people at the curry prince for tuesday at 14:00 was successful . the table will be reserved for 15 minutes.reference number is : zdgujivy . eos O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos ok thank you ! that is all i need . eos O O O O O O O O O O O general-thank
+bos is there anything else that you would like ? eos O O O O O O O O O O general-reqmore
+bos no , that 's all . thank you eos O O O O O O O O O general-thank
+bos thank you for using our services . have a wonderful day ! eos O O O O O O O O O O O O O general-bye
+bos can you help me find a place to go in the centre ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i found 44 different attractions near that location , is there something specific you 're looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Type
+bos no , not really . what 's your favorite thing to do in the centre of town ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos my favorite thing to do is look at the architecture at holy trinity church . it 's located on market street and it 's free to get in . does this work ? eos O O O O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O O O O O Attraction-Select
+bos yes and i would like to find a train that arrives by 13:00 going to kings lynn . eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos okay what day will you be traveling ? eos O O O O O O O O O Train-Request+Day
+bos i will be leaving from cambridge on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have a train to kings lynn that arrives at 12:58. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos perfect ! i would like to book it for 4 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos would you like me to book it now ? eos O O O O O O O O O O Train-OfferBook
+bos yes please book it for 4 people and give me the reference number . eos O O O O O O O O O O O O O O O Train-Request+Ref
+bos i will work on getting that booked and be right back with you . eos O O O O O O O O O O O O O O O Train-OfferBook
+bos okay can i get the reference number ? eos O O O O O O O O O Train-Request+Ref
+bos i was able to book it , reference number is xyaq9xa4 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you . that is all i am inquiring about today . eos O O O O O O O O O O O O O general-thank
+bos thank you . let me know if i can help again . eos O O O O O O O O O O O O O general-bye,general-reqmore
+bos i am staying in the centre of cambridge , can you tell me about places to go there ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos sure , what type of place interests you ? eos O O O O O O O O O O Attraction-Request+Type
+bos it does n't matter but can i get their entrance fee . eos O O O O O O O O O O O O O Attraction-Request+Fee
+bos castle galleries is located in the centre of town and are free to enter . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A
+bos ok , that sounds great . i also need a train to get me to cambridge . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos i have several options but if you let me know your preferred departure point , day and time i can recommend the best option for you . eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i will be departing from kings lynn on saturday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day I-Train-Inform+Day N/A
+bos i found 19.what time would you like to go eos O O O B-Train-Inform+Choice O O O O O O Train-Request+Leave
+bos i need to leave after 20:00. eos O O O O O O B-Train-Inform+Leave N/A
+bos i have 4 trains that match your criteria . the first leaves at 20:11 , then 21:11 . 22:11 and 23:11. which one would you like to book ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Select
+bos please book the one for 21:11 please . eos O O O O O O B-Train-Inform+People O O N/A
+bos okay . booking was successful . your reference number is cjno95zp . anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-greet,general-reqmore
+bos that is all i needed . thanks ! eos O O O O O O O O O general-thank
+bos have a great day . eos O O O O O O general-bye
+bos i would like to find a theatre in town . eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos sure , there are 5 options for you eos O O O O O B-Attraction-Inform+Choice O O O N/A
+bos can you suggest one for me ? i would like to know their postcode and entrance fee please . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos sure how about the cambridge arts theater . it 's in the center of town and its postcode is cb23pj , but there is no entrance fee information listed . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos i also need a train to cambridge , on wednesday please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos sure , where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart
+bos i 'll be departing from broxbourne . i 'd like to arrive by 12:30. eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O N/A
+bos tr1819 will arrive in cambridge at 11:32. would you like a ticket on that ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , that would be great . i 'll need tickets for 5 people . can i have the reference number , please ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 89.5 gbp payable at the station .reference number is : l9bmzls8 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you that is all i need , good bye . eos O O O O O O O O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos i am looking for an indian restaurant for 5 people tomorrow night eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i would be happy to help you with that . what price range and area are you looking to dine in ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price,general-greet
+bos i am actually looking for a restaurant called don pasquale pizzeria . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos they are an expensive italian restaurant located at 12 market hill city centre . do you want additional information ? i can make a booking for you also . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes please make a reservation for me for 8 people at 14:45 on a saturday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O N/A
+bos i have made your booking and the reference number is 4854l033 . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , actually . can you tell me a little about a place called williams art and antiques ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos williams art and antiques is a museum in city centre with no entrance fee . it 's address is : gwydir street , no . 5 dale 's brewery , postcode cb12lj , and phone is 01223311687. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O O O N/A
+bos thank you for the information you were very helpful ! eos O O O O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you . eos O O O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-bye
+bos i am looking for places to go in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos sure , what are you interests ? eos O O O O O O O O Attraction-Request+Type
+bos i want to see a college . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos i have many famous ones to choose from . may i make a recommendation ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O general-reqmore
+bos yes , please . i would prefer one with a low entrance fee . eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos christ 's college does not charge an entrance fee . would you like the address and phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos i just need the postcode please . eos O O O O O O O O Attraction-Request+Post
+bos the postcode is cb23bu . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a train departing from birmingham new street to cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos did you have a date or time in mind ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'd like to arrive by 08:30 on wednesday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos i have one leaving at 8:40 will that work for you ? eos O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i need the train to arrive by 08:30 at the latest . eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos there is one that leaves at 05:40 , and arrives by 08:23. would you like to book that train ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no need to book , but can you tell me the cost of a ticket ? eos O O O O O O O O O O O O O O O O O N/A
+bos the cost for the ticket is 75.10 pounds eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A
+bos great ! that is all i needed . eos O O O O O O O O O N/A
+bos i 'm glad i could help ! enjoy your day in cambridge ! eos O O O O O O O O O O O O O O general-bye
+bos can you help me find a train leaving after 20:45 going to norwich ? eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O N/A
+bos what day of the week are you traveling ? eos O O O O O O O O O O Train-Request+Day
+bos i will be travelling on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos there are 3 trains . they leave at 21:36 , 22:36 , and 23:36. can i book one for you ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos how many tickets do you need ? eos O O O O O O O O Booking-Request+People
+bos i 'm sorry , i just need the arrival time and price , please . that is departing from cambridge , right ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos tr9493 arrives at 24:45. it will cost you 17.20 pounds per ticket . anything else ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A
+bos can you please book me 1 ticket for tr9493 . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos you are booked ! your reference number is gvq282kf . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay . eos O O O O O O O O O O O N/A
+bos ok. would you prefer a hotel or a guesthouse ? eos O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos oh , a hotel , for sure . eos O O O B-Hotel-Inform+Type O O O O O N/A
+bos there are 9 hotels available do you have a preference on price range or which area the hotel is in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i need it in the north and free wifi and cheap . eos O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O N/A
+bos the lovell lodge is hotel 2 star in the north area of town in the moderate price range with free internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos great , i need a reservation for 5 people . eos O O O O O O O O B-Hotel-Inform+People O O N/A
+bos i double checked and there are no hotels in the cheap range , in the north . the ashley hotel and the lovell lodge are moderately priced and in the north . eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O N/A
+bos how about the ashley hotel ? i need a reservation please . eos O O O O O O O O O O O O O Hotel-Inform
+bos what day will you be arriving , how many days are you staying and for how many people ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos can you make a reservation for friday for 5 people , 3 nights please ? eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O N/A
+bos booking was successful . reference number is : 8o3m27n5.anything else eos O O O O O O O O B-Booking-Book+Ref O O general-reqmore
+bos that is it for now . thank you eos O O O O O O O O O general-thank
+bos thanks and welcome to cambridge eos O O O O O O general-bye
+bos can you help me find a train going to cambridge leaving on saturday ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O N/A
+bos do you have a certian time of day ? eos O O O O O O O O O O Train-Request+Leave
+bos i 'd like to leave from birmingham new street after 12:30. whichever train departs from platform 9 3/4 . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O N/A
+bos tr0680 will leave at 12:40. i do n't have information on the specific platform . please consult your local ministry with regards to that . do you need anything else ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , can you please make me a booking for 4 people on that train , and give me the reference number ? thanks ! eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 240.32 gbp payable at the station , your reference number is u487nkqu . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos i also need a place to stay . it would be great if it had free wifi . i do n't really care about parking though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos choices , choices , choices ! there are 32 hotels which could fit your criteria . which area of town would you prefer to be ? also , maybe a price range so we can narrow this down a bit to get the best fit for you ! eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,general-greet
+bos no preference on the location , but definitely a hotel , not a guesthouse ( hate those ! ) . maybe a 2 star option ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos i have 2 in the north and 1 in the east eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area N/A
+bos tell me more about the one in the east please . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos okay it 's the express by holiday inn cambridge on 15-17 norman way , coldhams business park and the post code is cb13lh . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O N/A
+bos great thats everything i need thanks for the help eos O O O O O O O O O O general-thank
+bos thank you . goodbye eos O O O O O general-welcome,general-bye
+bos i need to find a hospital please . eos O O O O O O O O O Hospital-Inform
+bos the nearest hospital is addenbrookes hospital at hills rd , cambridge , postcode cb20qq . the general telephone number is 01223245151. do you need a particular department ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that will be all . good bye . eos O O O O O O O O O O O general-bye
+bos okay , have a great day ! eos O O O O O O O O general-greet
+bos where is the parkside police station eos O O O O O O O Police-Inform
+bos the parkside police station in in parkside , cambridge , cb11jg eos O O O O O O O O O O O O N/A
+bos thank you . that helped a lot . eos O O O O O O O O O general-thank
+bos you 're welcome . if you need to contact them through the phone , their number is 01223358966. take care . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need a train that leaves on sunday from london liverpool street . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos my earliest train is leaving at 5:39 am and arriving at 7:07 am . is that acceptable ? eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos that should work ! thank you , goodbye . eos O O O O O O O O O O general-bye
+bos happy to help . please let us know if you need anything in the future . eos O O O O O O O O O O O O O O O O O general-greet
+bos i need to get in touch with the police , i have just been the victim of a robbery . eos O O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos i am so sorry to hear that . i hope you are all right . you can call them at the number 01223358966. eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get the address and post code ? eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the address is parkside , cambridge , postcode cb11jg . call back if you need further help . eos O O O O O O O O O O O O O O O O O O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos welcome . at your service next time eos O O O O O O O O general-welcome,general-bye
+bos i need the location of a local hospital . eos O O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is located at hills rd , cambridge postcode cb20qq . eos O O O O O O O O O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos you are very welcome . please let us know if you anything else ? eos O O O O O O O O O O O O O O O general-reqmore
+bos someone just robbed me ! i need some help urgently please ! eos O O O O O O O O O O O O O N/A
+bos cambridge , parkside police telephone number 01223358966. eos O O O O O O O O N/A
+bos what is the address for the parkside police ? eos O O O O O O O O O O Police-Request+Addr
+bos the only address i have for them is parkside , cambridge . eos O O O O O O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-greet
+bos hi , i want to find the police station that 's nearest to me . eos O O O O O O O O O O O O O O O O Police-Inform
+bos the cambridge police station is located at parkside in the cb11jg postcode . eos O O O O O O O O O O O O O O N/A
+bos great , thanks very much . eos O O O O O O O general-thank
+bos you 're very welcome . is there anything else i can assist you with today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos you are welcome . thanks for using towninfo centre . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i need a taxi to go to meghna . eos O O O O O O O O B-Taxi-Inform+Dest O N/A
+bos and when would you like to leave or arrive ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want the taxi at 7:15 p.m. leaving the yippee noodle bar . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos okay , you are booked . the car is a white audi and the contact number is 07213939140 eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O N/A
+bos that is all i need , thank you have a good one . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . thank you for contacting cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i 'll be needing a taxi from nandos city centre eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos where will you be heading to ? eos O O O O O O O O Taxi-Request+Dest
+bos i need to go to the castle galleries . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i need to leave after 04:30. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! booked car type : blue toyotacontact number : 07920865012 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos ok thanks , that 's all i need . eos O O O O O O O O O O general-thank
+bos thank you for all youre help that will be all eos O O O O O O O O O O O general-greet
+bos hi , i 'd like to find a museum please . eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos we have many museums in town - what area are you interested in ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area
+bos i do n't mind but i 'd prefer something in the east eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos how does cambridge artworks sound ? it is located on 5 greens road and there is no entrance fee ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos sure their postcode is cb13ef . is there anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O general-reqmore
+bos no , that 's all i need . thanks so much for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a wonderful day . eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking to visit a park in the east part of town , do you have any recommendations ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O N/A
+bos yes , there is cherry hinton water play . would you like more information ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A
+bos yes please . i would love the phone number . eos O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for cherry hinton water play is 01223446100. is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , i just need the phone number . thanks so much . have a good day . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos you too . enjoy your stay . eos O O O O O O O O general-bye
+bos i 'll be in there next week and my friend told me about a restaurant called the missing sock . could you tell me where they are located ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos it is in the east , postcode cb259aq , finders corner newmarket road . anything else ? eos O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos i 'm looking for a place to dine in the centre that serves international food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A
+bos we have two options available to you , would you like their names and addresses ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O N/A
+bos yes and looking for moderate price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos the varsity restaurant is located at 35 sain andrews street in the centre , and bloomsbury restaurant is located at the crowne plaza hotel at 20 downing street . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos can you book me a table for 1 person for tuesday at 17:15 please ? eos O O O O O O O O O B-Hotel-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos could not book . do you want to try another time slot ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can i book a table for one hour earlier instead ? eos O O O O O O O O O O O O N/A
+bos i got you a table at the varsity at 16:15. reference number is z8wgayfn . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time O O O B-Booking-Book+Ref O N/A
+bos i am looking for a 3 star hotel does n't need to have free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos i have 4 guest houses and 2 hotels . do you have any other criteria ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O N/A
+bos yes , the hotel should include free wifi . eos O B-Hotel-Inform+Internet O B-Hotel-Inform+Type O O O O O O N/A
+bos the gonville hotel has wifi , it 's in the centre . does that sound good ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet
+bos as long as it has a 3 star rating , please book the gonville hotel for me . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos what day would you like to start your stay at gonville ? and how many days are you wanting to stay ? eos O O O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i need it for tuesday for 5 nights for 1 person . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A
+bos booking was unsuccessful . would you like to arrange a stay at a different time ? eos O O O O O O O O O O O O O O O O O Booking-NoBook
+bos can you check to see if that hotel can be booked for 1 night instead ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos the one night reservation was successful . your reference number is aawvsxc4 eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . that 's all i need . eos O O O O O O O O O O general-thank
+bos you 're welcome . i am glad i could assist you . eos O O O O O O O O O O O O O general-welcome
+bos you definitely did , thanks so much ! eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos are there any 'touristy ' and expensive restaurants in the north of town that i can go to ? thanks for any suggestions . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O N/A
+bos there are 5 restaurants in the north end , do you prefer asian food or european food ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A
+bos i would prefer asian food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i would recommend the saigon city for you . should i make a booking for you and your party ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos no , i 'm not sure when i 'm going yet . can i just get the phone number ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos sure thing 01223356555 eos O O O B-Restaurant-Inform+Phone N/A
+bos i also want to go to an attraction in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O N/A
+bos i have four , do you have any specific attraction in mind ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Name
+bos i would like to visit a museum or a nice nightclub in the north . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are no museums or nightclubs in the north . do you want to search elsewhere ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Area
+bos no , what attractions are available ? eos O O O O O O O O Attraction-Inform
+bos i have a boat , a park and 2 swimming pools available in the area you are looking for . eos O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos the park sounds good . can you give me the postcode ? and is there an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos admission is free ! the postcode is cb43px . eos O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O N/A
+bos lastly , i need a taxi from the park to the restaurant , we plan to leave the park at 10:30. eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos your taxi has been booked . it will be a grey honda and their number is 07705876562. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! enjoy your visit ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos are there any chinese restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos yes ! there are ten of them , ranging in price : cheap , moderate , and expensive . do you have a preference ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Select
+bos yes i would like one to be in the cheap price range . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos why not try charlie chan ? it is a chinese restaurant in the centre serving food in the cheap price range . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A
+bos that might work . what 's their address ? eos O O O O O O O O O O Restaurant-Request+Addr
+bos regent street city centre . would you like me to book that for you ? eos O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos no , address will do just fine . i need to book a hotel room that has free parking , can you help me please ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos most of the hotels in town have free parking . do you have an area or price range in mind ? eos O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Parking
+bos i 'd like it to be in the centre if possible . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos we have 4 places to stay in that area , is there a specific type of hotel or price range you 're looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price
+bos i definitely want a hotel and not a guesthouse . i would also like for it to offer free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos i have 2 expensive hotels in the area with free parking . gonville hotel and university arms hotel . would you like me to book one of these ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Select
+bos not just yet , but can you tell me the address for whichever is your personal fave ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos i recommend gonville hotel . the address is gonville place postcode cb11ly . anything else i can do for you today ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos that 's perfect , thanks so much for your help ! eos O O O O O O O O O O O O general-thank
+bos you are welcome . thank you for using our service . goodbye ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello . i 'm trying to find a restaurant called graffiti . can you help me locate it ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos it is on hotel felix whitehouse lane huntingdon road . would you like me to book it ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes , i 'd like to book a table for 7 for sunday at 14:45. eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i 've booked your reservation at graffiti for sunday 18/06/2017 for 7 people . reference number 3gq3itlz . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+People O O O O B-Booking-Book+Ref O O O N/A
+bos excellent . i 'm also looking for a place to stay . it should have free parking and free wifi . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can help with that . is there a particular area that you would prefer to stay in ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos no , not really . it just needs to be a hotel . eos O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos how about the ashley hotel ? it is on the north side of town and has free wifi and free parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that sounds like it might be great - how many stars does the ashley have ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Stars
+bos it has 2 stars . may i help you with anything else ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O O general-reqmore
+bos i also need a taxi to take me somewhere . eos O O O O O O O O O O O Taxi-Inform
+bos certainly . where are you departing from and where are you going ? i also need the time you are leaving or need to arrive . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest,general-greet
+bos i just need to get to the restaurant by the time the reservation starts . eos O O O O O O O O O O O O O O O O N/A
+bos where do you want to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart
+bos please have the taxi pick me up at the hotel . can i get the taxi contact number and car type ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Taxi-Request+Car
+bos when would you like to leave ? eos O O O O O O O O Taxi-Request+Leave
+bos an hour after i arrive at the restaurant sounds about right . eos O O O O O O O O O O O O O Restaurant-Inform
+bos your car from the ashley hotel to graffiti is booked.the car type is a black volkswagen and the contact number is 07898395762. is there something else i can assist with ? eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos great thank you so much that 's all i needed today . eos O O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-welcome
+bos i 'm here to visit some colleges , can you please help me find the addresses of some of them ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos sure , i can get you the addresses . there are five different colleges . did you have specific ones in mind ? eos O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O general-welcome,Attraction-Request+Name
+bos nothing in particular . just give me the area , postcode , and phone for one of them . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos churchill college is located in the west postcode cb30ds . is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos i will need the phone number for them as well please . eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223336233 . eos O O O O O O O N/A
+bos i also need a place to eat called tandoori palace . eos O O O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos the tandoori palace is on the east side . would you like me to reserve for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos no thank you . i would just like the phone number and address . eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure , the address is 68 histon road chesterton , and the phone number is 01223506055. eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O N/A
+bos thank you for your help . have a great day . eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . you have a good day too . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for the hotel called kirkwood house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos what specific information are you looking for ? eos O O O O O O O O O general-reqmore
+bos i 'd like to get the address , hotel type , and price range please ! eos O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Addr
+bos the kirkwood house is a guesthouse in the moderate price range . their address is 172 chesterton road , post code cb41da . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O N/A
+bos perfect , thank you . can you recommend a mediterranean restaurant in the centre of town ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 3 mediterranean restaurants in the centre . the gardenia had good food and is cheap , while the other to are in the highest price range . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos gardenia is fine . can i get the postcode and price range ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos the gardenia is in the cheap price range and is located in postcode cb23ll . eos O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Post O N/A
+bos thank you for finding the gardenia for me , that is all i need today . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you have a nice day . eos O O O O O O O O general-bye
+bos i want to visit a college in cambridge . can you help me find some ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos there are eighteen college in cambrdige , any area preference ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O Attraction-Request+Name
+bos i do n't have any preference as long as it 's in town . eos O O O O O O O O O O O O O O O N/A
+bos may i suggest christ 's college in the centre ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O N/A
+bos yes , that would be a good choice . can you give the entrance fee and postcode for that location ? thanks eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos it is free to visit and is located on saint andrew 's street , postcode cb23bu . would you like the phone number ? eos O O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes , please provide the phone number . eos O O O O O O O O O Taxi-Request+Phone
+bos the phone number is 01223334900. can i be of further assistance today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos yes . i was told about a restaurant called the midsummer house . can you help me find that ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos midsummer house is an expensive restaurant in the centre that serves british food . would you like me to make a reservation for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform
+bos yes please . get me a table for 2 on tuesday at 13:45 eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos yes i was able to book this for you and your reference number is ybd13zlt . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great i also need a taxi between the two locations that will get to the restaurant at 13:45 eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i have booked your taxi . be expecting a white toyota . their phone number is 07740192551. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos cool thanks so much ! eos O O O O O O general-thank
+bos what else can i do for you ? eos O O O O O O O O O general-reqmore
+bos i think i got everything i need . have a nice day ! eos O O O O O O O O O O O O O O N/A
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay in cambridge , free parking and wifi should be included eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have tons of options available . is there a particular area you would like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos no , but i do prefer a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O N/A
+bos what about price range ? eos O O O O O O Hotel-Request+Price
+bos can you tell me which one is your favorite , and let me know the price range and address for that one ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr
+bos the acorn guest house is in a moderate price range and the address is 154 chesterton road . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A
+bos i am also looking for a restaurant that serves indian food in the east area . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are 4 restaurants that match your description . any opinion on price ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price
+bos i would like something moderately priced please . eos O O O O O B-Restaurant-Inform+Price O O O Hotel-Request+Price
+bos there is the curry prince and rajmahal which meet your criteria . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos pick one for me . i want to book it for myself on friday at 16:15. eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i booked curry prince for you for friday at 16:15 , table for one , reference number g6570xex . the table will be reserved for 15 minutes . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos perfect , that is all that i need . thank you so much for your help ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , thank you ! eos O O O O O O general-thank
+bos just let us if you need additional assistance in the future . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos need a place to stay , free wifi . needs to be a hotel . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos please tell me your price range and whether or not free parking is important to you . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Price
+bos i do n't require free parking , but i would like the hotel in the expensive price range . eos O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O N/A
+bos there are 5 all across the city that meet your needs . is there are certain part of town you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos downtown would be best . eos O O O O O O N/A
+bos university arms hotel meets your needs . would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos great can i get the phone number of them ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos absolutely . their phone number is 01223351241. is there anything else i can help you with today ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos i am looking for the india house restaurant . i will need to book a table for 1 person at 16:30 on tuesday . please give me the reference number . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref
+bos your table at india house is all set , reference # gcae8hpf . can i help you with anything else today ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm looking to book a taxi between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos which site will you be departing from , and which will you be arriving at ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos the hotel to the restaurant . i want to make sure that i get to the restaurant by the time we booked please . eos O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the taxi is booked it 's a grey bmw the contact number is 07585544024. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos fantastic , thank you , have a good day . eos O O O O O O O O O O O general-thank
+bos thank you ! you as well ! enjoy your stay ! eos O O O O O O O O O O O O general-bye
+bos hi , i 'm trying to find a moderate place to eat in the east . can you help ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos i 've found a place called curry prince that fits that . would you like me to place a reservation for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos actually i 'm more interested in middle eastern foods . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos i have no listings for middle east food , another type maybe ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O Restaurant-Request+Food
+bos i think then that indian place sounds nice , thank you . eos O O O O O O O O O O O O O general-thank
+bos can you tell me the day and time you 'd like to eat , and how many people i should book the table for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People
+bos yes . i 'll be needing a table for 8 on sunday at 12:15. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : apwdpyel . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you i will take it . eos O O O O O O O O general-thank
+bos you 're welcome . do you need anything else ? eos O O O O O O O O O O O general-welcome,general-reqmore
+bos i 'm actually also looking for a place to stay . i would like it to be 2 stars and have free wifi . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos i have 3 hotels matching your request in the north and east and in the expensive and moderate price range . what part of town and price range would you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos if it narrows it down , can i also have free parking as well ? eos O O O O O O O O O O O O O O O O N/A
+bos i have 2 hotels in the moderate price range and one in the expensive price range . which would you like information on ? eos O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select
+bos i 'll go with the expensive one . can you book me a room for 8 people , 2 nights on sunday please ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos booking was successful . reference number is : rr4tkjih . is there anything else i can assist you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'll also need a taxi from the hotel to the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos i would love to do that for you ! i just want to confirm you want to arrive at the restaurant at 12:15 , correct ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos yes , by 12:15 at the latest . eos O O O B-Restaurant-Inform+Time O O O O O N/A
+bos alright , i have a yellow lexus to pick you up from express by holiday inn cambridge and take you to curry prince . it 's contact number is 07943663026. anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos that is everything i needed . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos thank you , enjoy your time eos O O O O O O O general-welcome,general-bye
+bos i 'm looking for an attraction to visit . is there anything located in the west part of town ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are 13 attractions in the west part of town . would you like to visit a college ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type O O Attraction-Request+Type
+bos no , i was thinking of something fun to do . do you have any suggestions ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i have several museums to choose from . i also have an entertainment attraction called whale of a time . can i interest you in one of those ? eos O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Select
+bos whale of a time sounds like a whale of a time ! yes , can i have their phone number , address , and postcode please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos sure , they 're located at unit 8 , viking way , bar hill , postcode cb238el , and their phone number is 01954781018. may i help with anything else ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos what theaters are on the east side of town ? eos O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos unfortunately , i do n't happen to have any located in the east . can i check in a different area for you ? eos O O O O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O Attraction-Request+Area
+bos ok , well lets try maybe for a swimming pool instead . eos O O O O O O O O O O O O O N/A
+bos the abbey pool and astroturf pitch is a swimming pool on the east side of town . would you like their address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos no but i would like the number and postcode for the abbey pool . eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos the phone number is 01223902088. is there anything else i can assist you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , do you have the abbey pool postcode , please ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos sure , it is cb58nt . will that be all ? eos O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore
+bos no , that is it . thanks . eos O O O O O O O O O general-thank
+bos ok thank you for using our service & have a good day . eos O O O O O O O O O O O O O O general-bye
+bos i need an expensive restaurant that serves persian food in the town center . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos we do not have any restaurants that match your request . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos are there any persian restaurants in the area ? the west side would be best . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos no i am sorry another perhaps ? eos O O O O O O O O N/A
+bos ok , how about some indian restaurant in the west then ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos the india house fills those requirements . would you like any information about them or assistance booking a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos may i please have their address , post code , and phone number ? thank you . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure , the india house is located at 31 newnham road newnham , cb39ey . their phone number is 01223461661. is there anything else i can do for you today ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos yes i 'm also looking for a train that should go to ely and apart from cambridge eos O O O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A
+bos do you have a day and time you would like to depart or arrive by ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day,Train-Request+Leave
+bos i would like to leave after 19:45 on thursday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos the first train to leave after 19:45 leaves at 19:50. would you like me to book that for you ? eos O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos first , what 's the train id ? eos O O O O O O O O O Train-Request+TrainID
+bos that trainid is tr7979 . eos O O O O B-Train-Inform+Id O N/A
+bos okay thank you . that is all i need . eos O O O O O O O O O O O general-thank
+bos awesome . glad we could help ! eos O O O O O O O O general-greet
+bos i need a place to eat that is cheap . eos O O O O O O O O O B-Restaurant-Inform+Price O N/A
+bos i have several inexpensive restaurants in different areas of town . do you have a location preference ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes . i want the center area . eos O O O O O O O O O N/A
+bos i can recommend rice house that serves chinese food eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O N/A
+bos do you have any restaurants that serve english food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i am showing nothing for english food in the centre area . would you like to try something else ? eos O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O N/A
+bos how about some awesome indian food . i need a table for 8 on 16:30 monday eos O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A
+bos i booked you at kohinoor . the table will be reserved for 15 minutes . reference number is : 1ob1sn34 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Name O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thanks for your help . in addition , i am looking for a thursday train departing cambridge , please . eos O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O O N/A
+bos there are 202 trains leaving cambridge on thursday . where is your destination ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O Train-Request+Dest
+bos i 'm looking to travel to ely departing after 13:15 if possible . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O N/A
+bos the tr5225 leaves at 13:50 on thursday . would you like me to book you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos yes , please book 8 tickets and provide me with a reference number eos O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos okay i have booked that for you and the reference number is fr546mzc . is there anything else i can do for you ? eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O N/A
+bos great , thanks . that is all for now ! eos O O O O O O O O O O O general-thank
+bos ok. i hope you have a great day ! eos O O O O O O O O O O general-greet
+bos can you help me find a chinese restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos absolutely ! what area and price range are you looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price,general-greet
+bos something in the centre please . eos O O O O O O O N/A
+bos sorry , i could n't find anything in the centre . want to try another location or cuisine ? eos O O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos can you check for a chinese place with a different price range ? eos O O O O O O O O O O O O O O Train-Request+Price
+bos there are no chinese restaurants in the centre , regardless of price . want to try another location or cuisine ? eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos what cuisines is in that area ? eos O O O O O O O O N/A
+bos i 'm sorry , there are actually 10 chinese restaurants located in the centre . do you have a price range preference ? eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Price
+bos i am in interested in making a reservation for 6 people at 18:00 on saturday at a moderately priced restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Price O O O Train-Request+Price
+bos sounds like you have a fun evening planned , let make sure we have the right place for you all , any preference on price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i would like a moderately priced restaurant please . eos O O O O O B-Restaurant-Inform+Price O O O O Train-Request+Price
+bos i have booked you successfully at jinling noodle bar on saturday at 18:00. your reference number is 2mof0bgv . is there anything else i could help you with ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i also want a train to go to stansted airport eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos ok i can certainly help with that . please let me know your departure site , what day you want to travel , and when you want to leave or arrive by . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day,Train-Request+Depart,Train-Request+Leave,general-greet
+bos i 'm heading to stansted airport from cambridge on friday and any train that leaves after 08:15 will work eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O O N/A
+bos tr7827 leaves cambridge on friday at 08:40 and arrives at stansted airport at 09:08. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos that sounds good . please give me the travel time and ticket price . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the price is 10.10 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos what is the travel and arrival time ? thank you . eos O O O O O O O O O O O O Train-Request+Arrive
+bos the train leaves at 8:40 and arrives at 9:08. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos that is all thanks . eos O O O O O O general-thank
+bos it has been a pleasure helping you today . thank you for calling ! goodbye . eos O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a train that departs from cambridge on sunday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos i have 202 trains departing from cambridge . where are you headed and when do you need to arrive ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Dest
+bos i need to go to broxbourne , and i need to leave after 13:45. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O N/A
+bos tr9291 leaves at 14:01 , shall i book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos yes , and my two companions , please . eos O O O O O O O O O O N/A
+bos i successfully booked you on the tr9291 . your reference is wgwrll09 and the total fee of 42.96 is payable at the station . is there anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'd like to find a restaurant in the centre area also . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos we have many restaurants to choose from . do you prefer a certain type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like it to be vegetarian , and i 'm looking for something expensive . eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i 'm sorry , but there are no exclusively vegetarian restaurants anywhere in cambridge . you may want to try one of our many fine indian restaurants , as they 'll have vegetarian dishes . eos O O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O O O B-Restaurant-Recommend+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos i suppose that works . eos O O O O O O N/A
+bos we have lots of indian places . is there a part of town you prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Area
+bos i would prefer it in the centre of town . thanks eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos curry garden is in the centre of town if that works for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Select
+bos what is the postcode for the curry garden ? eos O O O O O O O O O O Restaurant-Request+Post
+bos the postcode of curry garden is cb21dp . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O N/A
+bos thank you that is all i needed . eos O O O O O O O O O general-thank
+bos have a nice day , goodbye ! eos O O O O O O O O general-bye
+bos hey , is curry king still open ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos it certainly is . it 's located at 5 jordans yard bridge street city centre eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos yes and thank you for your help eos O O O O O O O O general-thank
+bos would you like to make a booking or may i help you with anything else today ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos im also looking for a train from cambidge and shound arrive by 11:45 eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos ok. what day will you be traveling and where are you headed to ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i will be traveling on sunday to london kings cross eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos there is a train leaving cambridge at 9:00 and arriving at london kings crossing at 9:51 on sunday . would you like me to make that reservation ? eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O Train-OfferBook
+bos yes , please make a reservation for 8 people . eos O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 169.92 gbp payable at the station .reference number is : jcp77lol . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks . we never did book a table at curry king . i would like to book a table for 8 at 15:30 on saturday . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i have made those reservations and your reference number is 7i8plam0 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos that takes care of everything i need . thanks for the help . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train that leaves on wednesday and arrives at its destination by 12:30. can you help ? eos O O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos there is a train leaving from london kings cross at 11:00 and arrives by 11:51. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos thank you very much . eos O O O O O O general-thank
+bos you 're welcome . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i want to book that train for 6 people . eos O O O O O O O O O B-Train-Inform+People O N/A
+bos i can go ahead and book those for you . eos O O O O O O O O O O O Train-OfferBook
+bos great , can i get the reference number for the train ? also i would like to find a moderate price cantonese restaurant . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos ok i will book that for you and get you a confirmation number eos O O O O O O O O O O O O O O Train-OfferBook
+bos great please provide the reference number and then let me know about the restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform
+bos i apologize the trains available arrive in cambridge at 12:08. would you like me to book this ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos no . i need a train that arrives by 12:30 and departs from stevenage , not london kings cross . eos O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O O O O O N/A
+bos the closest one is tr4626 , which arrives in cambridge by 10:43. want me to book it ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos sure . once again , it 'll be for 6 people . and please remember the confirmation number this time ! eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O N/A
+bos okay , booked as requested . the reference is 3zqat0v1 . eos O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks that 's all for me today eos O O O O O O O O general-thank
+bos have a wonderful time . eos O O O O O O general-bye
+bos i 'm looking for a moderately priced restaurant in the centre . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A
+bos we have many option there . any specific type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food
+bos yes , i would like asian oriental food . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos there is one in the area , would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Booking-Inform
+bos yes please for 6 people at 12:30 on monday . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos you have a table at yippee noodle bar . your reference number is ljvy1uun . can i help you with anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , thank you . do you have many trains from cambridge to peterborough ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A
+bos on mondays , there are 38 trains . when would you like to travel ? eos O O B-Train-Inform+Day O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave
+bos i actually need to leave on saturday , sometime after 18:45. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos there is one that leaves at 19:06 arriving at 19:56 for 13.20 pounds . would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos sure , please book 6 tickets for me and give me the reference number eos O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos booked , with reference number 5ffctd31 . eos O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you , that is all i need today . eos O O O O O O O O O O O general-thank
+bos thank you for using our services . enjoy your trip ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos thank you and have a good day . eos O O O O O O O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos this is it . i do not need any more assistance . eos O O O O O O O O O O O O O N/A
+bos happy to be of assistance . goodbye ! eos O O O O O O O O O general-welcome,general-bye
+bos my friend recommended little seoul , but i need some help locating it . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O N/A
+bos little seoul is in the centre of town at 108 regent street city centre , the phone number is 01223308681. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A
+bos great ! can you help me book a table for wednesday ? eos O O O O O O O O O O O O O N/A
+bos i 'll be happy to book you a table for wednesday . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Inform+Day O O O O O O O O O O O O O general-reqmore
+bos yes make a booking for 5 people at 15:15 on wednesday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos your booking was successful and the reference number is b0zsf0ci . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos yes , i need a train departing cambridge going to leicester . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A
+bos i found 133 trains for you , what day would you like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Day
+bos i want to leave after 13:15 on thursday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos train id tr1160 fits your criteria . can i book for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O Train-OfferBook
+bos yes , please book it for 5 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos done ! your total is 189 gbp ( you can pay at the station ) and your reference number is 4vldg178 . can i assist you with anything else ? eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , that was it . thank you for your help . good bye . eos O O O O O O O O O O O O O O O O general-bye
+bos bye ! have a great day ! eos O O O O O O O O general-bye
+bos i 'm looking for a place to stay on the east side of town . i will need free wifi . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos i have many , what price rage would you like ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos i 'm open to the price , but i do need the place o have a 4 star rating . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos alright , how about the allenbell ? it also offers free parking ! eos O O O O O B-Hotel-Inform+Name O O O O O O O O Hotel-Inform+Parking
+bos ok sounds good . is it available for a 5 night stay for 2 on wednesday ? if so book it . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A
+bos yes , i can book that room for you . eos O O O O O O O O O O O Booking-Inform
+bos thanks i need the reference number as well . eos O O O O O O O O O O Hotel-Request+Ref
+bos the reference number is 308e0xxq . thank you ! eos O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks ! i 'm also looking for a place to go near that hotel . can you help me out with that ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos sure , i can help you with that . were you looking for a specific kind of attraction ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos nothing specific but in the same area as the hotel . i will need the address as well . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos would you like to visit the cambridge artworks ? it is also in the east and has free admission . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O N/A
+bos yeah , that sounds good . do you have an address ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos the address is 5 greens road . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos i also need a taxi between the 2 places . eos O O O O O O O O O O O Taxi-Inform
+bos sure , i can help you with that . do you want the taxi to pick you up from the hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i need to leave the hotel by 02:00 eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos you 're booked ! your car will be a red honda with a contact number of 07848659744. anything else i can help you with ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that is all i needed . thanks for your help today . bye . eos O O O O O O O O O O O O O O O general-bye
+bos i am happy you used our services . welcome again anytime eos O O O O O O O O O O O O general-welcome
+bos hi , i 'm looking for good chinese food on the west side . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos sorry , there is no chinese restaurant in the west side . do you want another type of food or different part of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos thank you goodbye eos O O O O general-bye
+bos you are welcome good bye eos O O O O O O general-welcome,general-bye
+bos i 'm in the east part of town , and i 'd like to find a nearby scandinavian restaurant . eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos there are no venues selling scandinavian food in the east part of town . eos O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about indian food . give me their address and phone number . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there are four restaurants in the east part of town serving indian food . what price range would you like ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price
+bos it does n't matter eos O O O O O N/A
+bos curry prince is a moderately priced restaurant in the east of town that serves indian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos can i have the phone number please ? eos O O O O O O O O O Restaurant-Request+Phone
+bos curry prince 's phone number is 01223 566388. can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos i need their address . eos O O O O O O Restaurant-Request+Addr
+bos of course , it is located at 451 newmarket road fen ditton , c.b 5 , 8 j.j eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you 're very welcome . thank you and have a good day . goodbye . eos O O O O O O O O O O O O O O O O general-welcome
+bos hello , i am looking for a restaurant in the centre of town that serves brazilian food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are no restaurants matching your request . eos O O O O O O O O O Restaurant-NoOffer
+bos can you look for asian oriental food ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos dojo noodle bar is an asian oriental restaurant in the centre of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos the phone number for dojo noodle bar is 01223 363471. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no thank you good bye eos O O O O O O general-bye
+bos thank you for using this system and please call again . goodbye . eos O O O O O O O O O O O O O O general-greet
+bos is there any place here in the centre that serves corsica food ? eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price
+bos any price range will do . eos O O O O O O O N/A
+bos there are no restaurants available matching your criteria . would you like to try a different area , price range , or food type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos are there any restaurants in the centre that serves north american type of food ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos yes . the gourmet burger kitchen serves north american food and is located in the centre part of the city . would you like their location ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos can i get the phone number ? eos O O O O O O O O Restaurant-Request+Phone
+bos the phone number for gourmet burger kitchen is 01223 312598. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you . good bye . eos O O O O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a moderately priced restaurant on the south side of town . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos pizza hut cherry hinton is a moderately priced restaurant in the south area . would you like their information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O general-reqmore
+bos yes . phone number please eos O O O O O O Restaurant-Request+Phone
+bos pizza hut cherry hinton is phone number is 01223 323737. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos i 'm not sure where on the south side i 'm going to be . could you suggest an alternate restaurant and give me their information , too ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the only other option is restaurant alimentum . their phone number is 01223 413000 , their address is 152 - 154 hills road and their postcode is c.b 2 , 8 p.b . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O N/A
+bos i am looking for an expensive restaurant that serves russian food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos there is no expensive restaurant that serves russian food can i help you with anything else eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos yes do you have british type food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes , there are 6 options . does the part of town matter ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area
+bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos i could recommend graffiti in the west.would you like more information ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O O O general-reqmore
+bos may i have the phone number ? eos O O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223 277977. is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos you 're welcome . good bye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant that is in the moderate price range and in the west part of town . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos do you have a particular food type in mind today ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos any type of food will be fine as long as it is moderately priced and in the west part of town . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos meghna is an indian restaurant in the west part of town and is in the moderate price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos great , can i please have their address and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos meghna is at 205 victoria road chesterton , and the postal code is c.b 4 , 3 l.f. can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O general-reqmore
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you good bye . eos O O O O O O general-bye
+bos i 'd like to find a moderately priced guesthouse to stay at in cambridge . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O N/A
+bos a and b guest house is in the moderate price range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O N/A
+bos maybe , if possible , i would like a guesthouse that is also 4 star in the east in addition to being moderate . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos i apologize , but there are no guest houses in cambridge that are both four star and at the east end of cambridge . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos do you have any moderate priced guesthouses that are 4 star anywhere else ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos actually , there are 6 4-star guesthouses in the east . do you have a price preference ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos i need one that is moderately priced and does it have free parking ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O Hotel-Request+Parking
+bos carolina bed and breakfast is in the moderate price range and has free parking . would you like me to book that for your now ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes please ! can i also get admission fees for nearby museums ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos what day do you want to book it , how many days and how many people ? 3 museums are free admission and one museum is pounds . eos O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos nevermind , can you help me find some museums in town and how much is the entrance fees ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos are you looking in the east ? most museums are free , but the cambridge museum of technology does charge 5 pounds . eos O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos the location and cost of the museum does n't matter to me . what museum do you recommend ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos if area does n't matter , then there are 23 museums available . the cambridge artworks is in the east and is free . would you like additional information ? eos O O O O O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos actually that sounds good . you gave me the info i need . thanks . bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos goodbye , thank you for everything eos O O O O O O O general-bye
+bos hi , can you give me some information on places to go in town ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , i can . there are a lot of places to go here , are you looking for something in particular ? or maybe a part of town you 'll be exploring ? eos O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos i would like to find a museum in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos i have quite a few museums in the centre of town . do you have a price range ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Price
+bos i do n't care about price . which museums would you recommend ? eos O O O O O O O O O O O O O O N/A
+bos i would suggest castle galleries . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos can i get the post code for that one ? eos O O O O O O O O O O O Attraction-Request+Post
+bos sure . the postcode is cb23bj . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yes , also looking for a hotel to stay in . i would like it to be in the expensive range and it must have free wifi . what do you recommend ? eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O N/A
+bos i would recommend the gonville hotel . would you like me to book it for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos is it 2 stars ? i want it to be 2 stars . eos O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos the gonville has 3 stars . there is another - the express by holiday inn cambridge - that has 2 stars . it is in the east and has free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet
+bos okay i want to book the 2 star hotel for 4 people for 4 nights from wednesday eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day N/A
+bos the booking was successful the reference number is esf85x2r . is there anything else i can assist with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking to get a taxi to get between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos would you be going to the restaurant from the hotel ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart
+bos attraction to the hotel , by 9:30 eos O O O O O O O O Attraction-Inform,Hotel-Inform
+bos i need to know what time you need to leave also . eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos anytime as long as it gets me there by 9:30. thanks ! eos O O O O O O O O O O O O O general-thank
+bos a blue honda will be picking you up and the contact number is 07522587942 , anything else ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos i think that is all i need . thank you and good bye . eos O O O O O O O O O O O O O O O general-bye
+bos okay , i 'm glad i was able to assist you ! bye ! eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a places to stay in south cambridge that offer free parking for guests . eos O O O O O O O O O O O O O O O O O O O N/A
+bos there are several that offer that . do you have a price range you would like or area of town you 'd like to stay in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes , the south of town preferably . and a moderate price range . eos O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos aylesbray lodge guest house is in south and moderate . it has four stars . would you like to book ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O O Booking-Inform
+bos yes that 's what we need . can you book a hotel for 3 people starting friday ? we intend to stay 5 nights by the way . eos O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos ok , you 're booking was successful ! here is your reference number : c73zmm0g eos O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos and is there anything for parking ? eos O O O O O O O O N/A
+bos do you mean at the aylesbray ? yes , they have free parking . eos O O O O O O B-Hotel-Inform+Name O O O O O O O O Hotel-Inform+Parking
+bos ok , i need places to go around town . eos O O O O O O O O O O O N/A
+bos okay , i 'm showing 79 available attractions around town . is there a certain type you 're interested in ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos the same as the hotel please eos O O O O O O O Hotel-Inform
+bos byard art is a museum located in the south . would you like more information on that place ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O O O O O O O O general-reqmore
+bos no , thanks . i 'm thinking i want to visit a college . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are no colleges in the south , could i find something else for you ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O general-reqmore
+bos how about something that is an entertainment venue in that area ? eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos nusha is a good choice for you eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A
+bos that would work whats the postcode ? eos O O O O O O O O Attraction-Request+Post
+bos the post code for nusha is cb17dy eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post N/A
+bos have a nice day . eos O O O O O O N/A
+bos thank you . can i help with anything else at all today ? eos O O O O O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a place with tuscan food in any price range . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos i 'm sorry , there is not a tuscan restaurant listed . would you care to try something else ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about any korean restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos little seoul is a korean restaurant . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O N/A
+bos phone number please eos O O O O N/A
+bos there phone number is 01223308681 is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no . thank you , goodbye . eos O O O O O O O O general-bye
+bos thank you . goodbye . eos O O O O O O general-bye
+bos i want to find a restaurant in the centre part of town and serves persian food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no restaurants serving persian food in the centre part of town . eos O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos i would like a thai restaurant then . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i see several options for thai food in the city centre . would you like to narrow them down by price ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Price
+bos yes please . like to hear least to most expensive first . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos bangkok city is the only result and it is expensive . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for bangkok city is 24 green street city centr , and the phone number is 01223 354382 . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you , goodbye eos O O O O O general-bye
+bos have a nice day ! eos O O O O O O general-greet
+bos i would like info about the cityroomz hotel please eos O O O O O O O B-Hotel-Inform+Name O O N/A
+bos it is a hotel in the centre of town in the moderate price range located at sleeperz hotel , station road . eos O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos thanks , how many stars is it rated ? eos O O O O O O O O O O Hotel-Request+Stars
+bos it had a star rating of 0. eos O O O O O O O O N/A
+bos i 'm also interested in places to go . what kind of entertainment is there in the south ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are a couple of parks , a cinema , museum , nightclub , and a theatre . are you interested in any info about any of these ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Select
+bos any of them would be fine , how about a cinema ? can you let me know the entrance fee , postcode and phone number for one ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos cineworld cinema is located at cambridge leisure park , clifton way cb17dy . the phone number is 00872208000. there is no admission fee currently , so you may want to call . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos great , thank you for your help . eos O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos no , i 'm fine now . thanks again . eos O O O O O O O O O O O general-thank
+bos thank you for using this service today . eos O O O O O O O O O general-bye
+bos where is finches bed and breakfast located ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos it is located at 144 thornton road postcode cb30nd and the phone number is 01223276653. eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A
+bos how can i book a room ? eos O O O O O O O O N/A
+bos i 'd be happy to do that for you , if you want to give me your details . eos O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i need to book it for 3 days starting on wednesday . there are 6 people in my party . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O N/A
+bos your booking was successful . your reference number is 1kb3h7vc . may i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos yes , i 'm also interested in finding some kind a multiple sports place to go while i 'm in town . is there anything like that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there is the cherry hinton village center in the east . would you like more information ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos please , what 's their phone number and what area are they in ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone
+bos their phone number is 01223576412 and they 're located in the east . eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Area O O N/A
+bos thank you , that is all i need today . eos O O O O O O O O O O O general-thank
+bos you are most welcome , have a wonderful day ! eos O O O O O O O O O O O general-welcome
+bos i 'm looking for a place to stay , can you book that ? eos O O O O O O O O O O O O O O O N/A
+bos can you tell me more details ? allenball is a 4 star guesthouse for a great price . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O general-reqmore
+bos is that on the west side of town ? i like the 4-star guesthouse idea , but i need it to be moderately-priced and on the west side . eos O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i have nothing on the west side can i check another area ? eos O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O Hotel-Request+Area
+bos hmm . i think i should stay on the west , is there maybe a cheap option available instead ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the finches bed and breakfast is a cheap option in this area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O N/A
+bos okay sold ! book it for 5 nights for 2 on tuesday , and i need the ref # too please eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos okay . your booking was successful . the reference number is oaowj7ff . can i help you with anything else today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i would also like to find a great place to visit that is located near the hotel . do you have any recommendations ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos there are many colleges and museums in the west part of the city , what type of attraction are you interested in ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos does n't matter . as long as i receive the address and post code as well . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos i would suggest magdalene college . it is located on magdalene street and the post code is cb30ag . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O N/A
+bos awesome . now please book me a taxi to go from magdalene college to the hotel . i want to leave the college by 03:45 eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos a grey skoda will pick you up at magdalene college at 03:45 to take you to finches bed and breakfast . the driver 's contact number is 07909322670. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Phone O O N/A
+bos okay , thank you . that 's all i need . eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! enjoy your time in cambridge ! eos O O O O O O O O O O O general-welcome
+bos hi , i 'm trying to find a hotel to stay at . can you help with that ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i would be happy to help . do you have a preference for the part of town the hotel is in ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O general-welcome,Hotel-Request+Area
+bos yes , i would like to stay in the west . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos do you prefer a guesthouse or a hotel ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i would like a hotel . eos O O O O O B-Hotel-Inform+Type O N/A
+bos there are two in that area . huntington marriott hotel and the cambridge belfry . do you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Hotel-Request+Price
+bos once you find the hotel you want to book it for 7 people and 3 nights starting from wednesday eos O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A
+bos i have successfully booked you at huntington marriott hotel . reference number is g1wb5wlo . do you need anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thank you for the booking . i also want to visit an attraction in the east , something fun involving a boat . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O O N/A
+bos i have camboats in the east whose address is the plough , green end , fen ditton . can i help you with anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos would you also give me the postcode and entrance fee , please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos ok the postcode is 567438 and the entrance fee is $ 20 eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O N/A
+bos i need a taxi going to alexander bed and breafast . eos O O O O O O O O O O O O Taxi-Inform
+bos i can help with that . do you have a time in mind ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i need to get there by 7:30 am . eos O O O O O O O O O O N/A
+bos i 'd be happy to help ! where are you coming from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i am leaving from abbey pool and astroturf pitch . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have booked your taxi and it is a black ford . eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos great , thanks ! is there a contact number available ? eos O O O O O O O O O O O O general-thank
+bos yes . the contact number for the black ford is 07561050522. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O N/A
+bos got it . thanks much . goodbye . eos O O O O O O O O O general-bye
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos i got into a car accident and need help figuring out what to do next . eos O O O O O O O O O O O O O O O O O N/A
+bos you should contact the police at 01223358966. eos O O O O O O O O N/A
+bos ok thanks . i 'd also like to know where the nearest police station is . eos O O O O O O O O O O O O O O O O O Police-Inform
+bos the nearest police station is in parkside , cambridge and the postcode is cb11jg . eos O O O O O O O O O O O O O O O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos you are more than welcome ! eos O O O O O O O general-welcome
+bos looking for a train . the train should arrive by 09:45 and should depart from cambridge . eos O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i need to go to norwich . eos O O O O O O B-Train-Inform+Dest O N/A
+bos how about tr2534 that leaves at 05:36 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos that sounds great ! thanks for all of your help ! eos O O O O O O O O O O O O general-thank
+bos you are most welcome ! eos O O O O O O general-welcome
+bos i need a taxi to go to saigon city and arrive by 11:00 eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive N/A
+bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart
+bos i will be departing from from lovell lodge . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos booking completed ! booked car type : blue volkswagencontact number : 07262349220 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos we want to try a local restaurant that serves asian or oriental food . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos i have 5 restaurants that match so far . do you have a location preference of centre or north ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area N/A
+bos i would like a restairant in the centre please . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos what price range would you like ? eos O O O O O O O O Restaurant-Request+Price
+bos i do not care . you tell me the best one and give me their number please . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i recommend kymmoy . their phone number is 01223311911. is there anything else i can help you with ? eos O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i also need a train that is leaving on monday and should depart from leicester . eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A
+bos what time are you looking to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos i want to travel into cambridge and leave sometime after 16:45 please . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave O O N/A
+bos train tr2078 leaves leiester at 17:09 and arrives at 18:54 into cambridge . would that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O Train-Select
+bos yes , could i get 3 tickets for that ? eos O O O O O O B-Train-Inform+People O O O O N/A
+bos booking was successful , the total fee is 113.4 gbp payable at the station .reference number is : wmwaxbfd . what else can i help you with today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos nothing , thank you . i appreciate all of your help . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos thank you for using cambridge towninfo . goodbye . eos O O O O O O O O O O general-bye
+bos i am looking for a guesthouse to stay in . it should have 0 stars . eos O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos okay , and what area will you be staying in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos not important , as long as long as it has wifi eos O O O O O O O O O O O O N/A
+bos i could recommend the el shaddai . it is a guesthouse in the centre of the city and it has internet . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O Hotel-Recommend+Internet
+bos i would like to book it for 7 people for two nights , starting wednesday . eos O O O O O O O O O O O O O O O O O N/A
+bos okay , would you like me to send you a reference number ? eos O O O O O O O O O O O O O O Booking-Inform
+bos yes , please give me the reference number . eos O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : gjpmzk85 eos O O O O O O O B-Booking-Book+Ref N/A
+bos can you also provide the address an attraction in the town centre ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Addr
+bos there are many , many attractions to choose from in this area . do you have something specific you 'd like to see ? architecture ? museum ? park ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O Attraction-Request+Type
+bos will you recommend a college in the centre of town ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos christi 's college is in that area and has free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A
+bos that sounds perfect . can you give me their address , please ? eos O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure , christ 's college is located at saint andrew 's street . is there any more info you need today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos thanks , i 'm all set . bye ! eos O O O O O O O O O O general-bye
+bos thank you for allowing me to help you . have a great day . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me what trains will be leaving from cambridge on wednesday ? eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are many trains out of cambridge . what destination are you thinking of ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O Train-Request+Dest
+bos i want a train to birmingham new street that leaves after 16:30. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos i have one leaving at 17:01 on wednesday , would you like me to book it for you or do you need one later than that ? eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos that would work ! could you tell me the train id , arrival time , and price ? eos O O O O O O O O O O O O O O O O O O O Train-Inform
+bos sure tr8531 arrives at birmingham new street station at 19:44. the cost is 75.10 gbp per ticket . can i help with anything else today ? eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos i would like the reference number for the train and am also seeking a cheap restaurant that serves north african food . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O Train-Request+Ref
+bos how many tickets do you need for the train ? and unfortunately , i 'm not finding any cheap north african restaurants . would you like to look for something different ? eos O O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Train-Request+People
+bos how about an indian restaurant instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos we have listings for 4 indian restaurants in the cheap price range in the centre and north of town . which area would you prefer ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Request+Area
+bos the area does n't matter much , just pick one for me . i will need all of the information for what you choose though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , lets go with royal spice , it 's in the north area , the phone number is 01733553355 , the postcode is cb41eh , and the address is victoria avenue chesterton . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O N/A
+bos that will work just fine , thank you . eos O O O O O O O O O O general-thank
+bos is there anything else that you need ? would you like me to book the restaurant ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes please book it and i still need the reference number for both , the train and restaurant . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos before i can book the train , i need to know how many tickets you require . eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos just 1 for the train please eos O O O B-Train-Inform+People O O O N/A
+bos your train reference number is : wh9bp30e . eos O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you . i think that 's all i need . eos O O O O O O O O O O O O general-thank
+bos great , have a wonderful day ! eos O O O O O O O O general-greet
+bos yes , i 'm looking for a steakhouse restaurant in the expensive price range . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O N/A
+bos sorry , we 're not finding anything . what else you would like to look for ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos what other options are there at the city centre in the expensive price range ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there 's the bedouin offering african , kymmoy offering asian , and fitzbillies offering british just to name a few . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A
+bos african sounds great ! thanks ! eos O O O O O O O general-thank
+bos i can book a table for you at bedouin if you let me know the day , time , and number of people in your party . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People
+bos i just need the postcode for now , thanks ! eos O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode for the bedouin is cb12bd . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , can you also help me find a train leaving on saturday after 15:15 ? eos O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos there are lots of trains then . where are you leaving from and going to ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'll be going from stansted airport and heading to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos there is train tr1493 departing stansted airport at 15:24 , if this works for you would you like me to book it ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O O Train-OfferBook
+bos that would be perfect , please book it . eos O O O O O O O O O O N/A
+bos i have booked you one seat on this train . did you need any other seats ? your confirmation code is cbm69hzz . anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O Train-Request+People,general-reqmore
+bos can i get an arrival time for that ? eos O O O O O O O O O O Train-Request+Arrive
+bos absolutely . you will arrive at 15:52. eos O O O O O O B-Train-Inform+Arrive O N/A
+bos great , thanks ! i believe that 's all i need for now ! eos O O O O O O O O O O O O O O O general-thank
+bos are you certain you do not require further assistance ? eos O O O O O O O O O O O general-reqmore
+bos that was everything for today . thank you ! eos O O O O O O O O O O general-thank
+bos train tr1493 departs stansted airport saturday at 15:24 with an arrival time in cambridge of 15:52. eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos thank you for you help . eos O O O O O O O general-thank
+bos anything else i can get you today ? eos O O O O O O O O O general-reqmore
+bos no , thank you . have a nice night . eos O O O O O O O O O O O general-thank
+bos you too . good night . eos O O O O O O O general-bye
+bos hello . i 'm trying to get to kings lynn on sunday . can you help ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O N/A
+bos of course . to be of better service can i ask your departure location and what time you would like to arrive on sunday ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O Train-Request+Depart,Train-Request+Arrive
+bos depart from cambridge and arriving by 0930 please eos O O O B-Train-Inform+Depart O O O O O N/A
+bos tr8042 will depart cambridge sunday at 8:11 and arrive in kings lynn at 8:58. how many tickets would you like to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-Request+People
+bos that will work , i just need 1 ticket please and also the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i 've booked it . your reference number is 6upai5j3 . what else can i do for you today ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos what attractions do you have in the centre of town ? eos O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are multiple types of attractions in the centre of town . what are you interested in so i can better help you ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos something located in the city centre . also may i have their phone number ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Phone
+bos we have 44 entries in the area . what type would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type
+bos i am not entirely sure . what would you recommend ? eos O O O O O O O O O O O O N/A
+bos are you interested in archaeology ? our museum of archaelogy and anthropology might interest you . or if you want to exercise , parkside pools would be a fun venue . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the museum of archaelogy and anthropology sounds good . can i get the phone number ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223333516 eos O O O O O B-Attraction-Inform+Phone N/A
+bos great , that 's all i need , thank you ! eos O O O O O O O O O O O O general-thank
+bos awesome , have a great day ! eos O O O O O O O O general-bye
+bos i am looking for a nightclub in the town centre . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos there are five nightclubs i can show you . how about the ballare at lion yard ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A
+bos can you tell me what the entrance fee is for ballare ? i also need the address . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos address is heidelberg gardens , lion yard . entrance fee is 5 pounds eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos thanks for the info . can you also tell me if there are any trains on saturday that leave after 11:15 ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O N/A
+bos yes , there are trains that leave after 11:15. eos O O O O O O O O B-Train-Inform+Leave O N/A
+bos thanks , are there trains that depart from cambridge ? eos O O O O O O O O B-Train-Inform+Depart O O N/A
+bos certainly , there are 134 , do you have an arrival time in mind ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Arrive
+bos no , but i need to leave after 11:15. eos O O O O O O O O O O N/A
+bos to help narrow it down , what is your destination and what day will you be leaving ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am going to stansted airport and need to leave on saturday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O N/A
+bos tr3373 meets your criteria and arrives by 12:08. would you like to book it ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes i need to book for 8 people and get the reference number please . eos O O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref
+bos great the reference number is 7lic35ya . eos O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you ! that 's all i need today . i appreciate your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos you are quite welcome ! have a safe flight ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i want to go to a theatre . do you have any suggestions for one in town ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos yes , should i book you a ticket at cambridge arts theatre . eos O O O O O O O O O O O O O O Booking-Inform
+bos yes . but could you also get the address of the theatre for me ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure , no problem they are located at 6 saint edward 's passage . is there anything else ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore
+bos yes i am also looking for a train that leaves on tuesday after 12:15. can you help ? eos O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O N/A
+bos can you give me a departure and arrival station ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am going to cambridge and need to leave from bishops stortford . eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are 6 trains . would you like to leave at 13:29 ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Select+Leave O O N/A
+bos yes . may i have the price , travel and arrival time please ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos the train leaves at 13:29 , arrives by 14:07 , a total time of 38 minutes , and costs 10.10 pounds . eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos thank you very much . you have been very helpful . eos O O O O O O O O O O O O general-thank
+bos you are very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to go in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are lots of fun places to go in the centre of town . is there a particular type of attraction you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i do n't care about the attraction . eos O O O O O O O O O Attraction-Inform
+bos i recommend all saints church on jesus lane . it 's free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O N/A
+bos ok , can i have the phone number and postcode , please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos sure thing ! the phone number is 01223452587 , and the postcode is cb58bs . is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos yes , i need to find a train going from cambridge to peterborough please . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A
+bos what day and time would you like to depart ? the train ride lasts 50 minutes and a ticket cost 16.50 pounds for your information . eos O O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O Train-Request+Day,Train-Request+Leave
+bos great , i want to go on sunday and i need 8 tickets please . eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+People O O O N/A
+bos there is a train leaving at 5:06 and arriving at 05:56 for 13.20 pounds . would you like me to book this for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes please book it for 8 people and give me the reference number eos O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos all right , you have eight tickets booked for a total of 105.6 gbp payable at the station . your reference number is p33m2hjn . can i help you with anything else today ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no , i think that is enough . thank you ! eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . use the cambridge towninfo centre whenever you need guidance around towne ! eos O O O O O O O O O O O O O O O O O O general-welcome
+bos i am going to cambridge and need a place to eat that serves lebanese food and is cheaply priced . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos unfortunately there are no lebanese restaurants in the cheap price range . would you like another cuisine type or price range ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos what kind of cheap restaurants are there in the center of town ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i 'm sorry , there are none . would you like to change your cuisine type or location ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos how about one that serves indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i found three cheap indian restaurants in the centre . would you like to book at mahal of cambridge ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A
+bos that sounds great . i need a table for 6 at 16:30 on saturday , please . and i will need the reference number once it 's booked . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is zcrt70x4 . can i help with anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i need to book a train on sunday as well . eos O O O O O O O O B-Train-Inform+Day O O O N/A
+bos there are 404 entries for sunday . where would you like to depart from ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O Train-Request+Depart
+bos i 'm departing from cambridge . eos O O O O B-Train-Inform+Depart O O N/A
+bos and what would your preferred destination be ? eos O O O O O O O O O Train-Request+Dest
+bos the train should arrive in broxbourne by 08:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos i have found three trains leaving cambridge for broxbourne . they arrive at 06:01 , 07:01 , and 08:01. each departs one hour from their arrival time . which train would you like to book ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos i suppose i will book the train arriving at 7:01. please provide me with the reference number . eos O O O O O O O O O O O O O O O O O O O Train-Inform
+bos sure , i can book that for you . how many tickets would you like ? eos O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i need to make a reservation for the same group of people . may i also have the reference number ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos excellent . your total is 85.92 gbp and you may pay that at the station . your reference number is ae2l0gw1 . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you for all your help today ! eos O O O O O O O O O O O O O O O O O general-thank
+bos safe travels , it was a pleasure serving you . eos O O O O O O O O O O O general-bye
+bos i want a train that departs from bishops stortford on thursday . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i can find that train for you . what time would you like to depart ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i do n't care when i depart as long as i make it to cambridge by 20:45. eos O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos i have eight trains matching your preferences . would you like me to book tr0060 that arrives at 20:07 ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O N/A
+bos yes please , book it for 2 people and provide me with the reference number if you do n't mind . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos your all ready to go ! reference number is mh4tq7kb . anything else i can help you with today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , can you provide some information about gonville and caius college ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos of course , so this college is located on trinity street in the centre . anything else you needed to know about this place ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos the attraction type is college ? i think that 's all the information that i needed , thanks . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i have found gonville and college . it is free to get in . eos O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O O O O N/A
+bos thanks , that 's all i need today . i appreciate your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i need a hospital with a intermediate dependancy area department eos O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos addenbrookes hospital has an intermediate dependancy area department , phone number 01223348144. eos O O O O O O O O O O O O O N/A
+bos thank you so much ! goodbye . eos O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos i just got injured and i need to know where the nearest hospital is . eos O O O O O O O O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is on hills road . postcode cb20qq . the phone number is 01223245151. eos O O O O O O O O O O O O O O O O N/A
+bos thank you so much . eos O O O O O O general-thank
+bos no problem ! is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thanks ! eos O O O O O O O O O general-thank
+bos good luck to you , good bye . eos O O O O O O O O O general-bye
+bos i sure hope so . i 've been injured and i need a hospital . eos O O O O O O O O O O O O O O O O Hospital-Inform
+bos the closest hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O N/A
+bos do they have a children 's oncology and haematology department ? eos O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A
+bos yes , their number is 01223217231. eos O O O O O O O N/A
+bos can i please have the address and postcode ? eos O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address is hills rd , cambridge and the postcode is cb20qq . eos O O O O O O O O O O O O O O N/A
+bos thanks so much . i 'm heading there now . thanks again . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-bye
+bos is there a hospital in cambridge that has a plastic and vascular surgery department ? eos O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos addenbrookes hospital has the department you you are looking for . would you like me to book an appointment for you ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos could you send their phone number please ? eos O O O O O O O O O Hospital-Request+Phone
+bos yes , their number is 01223274280. eos O O O O O O O N/A
+bos thanks for your help . eos O O O O O O general-thank
+bos you are welcome . can i help you find a taxi ? eos O O O O O O O O O O O O O N/A
+bos no thank you , this will do for now . thank you for helping me ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using this system ! eos O O O O O O O O general-bye
+bos i am looking for a moderately priced hotel to stay at in the area , no guesthouses please . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos and what area would that be in please ? eos O O O O O O O O O O Hotel-Request+Area
+bos no preference in area but what is available with a 4 star rating ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i do n't have anything with a 4 star rating . can i try something else ? eos O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O general-reqmore
+bos can you try a guesthouse instead ? eos O O O O O B-Hotel-Inform+Type O O N/A
+bos i would suggest a & b guesthouse . eos O O O O O O O O O N/A
+bos i need the address and postcode . does it have internet ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet
+bos the post is cb12dp and it does have internet . can i help with anything else ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos i still need the address , please . eos O O O O O O O O O Hotel-Request+Addr
+bos sorry about that . the address is 124 tenison road . is there anything else i can help you with today ? eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos i 'm looking for places to go in town . i 'd like to visit a museum . can you recommend a good one and provide the address and postcode ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos were you needing it in a certain area or did you just want a recommendation for anywhere in town ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos any area in cambridge will be fine , thank you . eos O O O O O O O O O O O O general-thank
+bos then i would definitely recommend cambridge artworks in the east . their address is 5 greens road and there is no entrance fee . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A
+bos thank you . can i also have the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb13ef else can i do for you ? eos O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore
+bos thankyou so much for the information eos O O O O O O O general-thank
+bos you are welcome , enjoy your stay in cambridge . eos O O O O O O O O O O O general-welcome
+bos can you help me find a place to go in the centre ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are many great attractions in the center of town . i recommend the cambridge university botanic gardens - it 's beautiful there ! eos O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A
+bos entrance fee and adress and phone number please eos O O O O O O O O O Restaurant-Request+Phone,Attraction-Request+Fee
+bos they are located at bateman street and the phone number is 01223336265 eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone N/A
+bos and what attraction type would that be considered ? eos O O O O O O O O O O Attraction-Request+Type
+bos it 's listed as a park . eos O O O O O B-Attraction-Inform+Type O O N/A
+bos ok , i did n't catch if it has an entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos yes as a matter of fact it does and this is 4 pounds . eos O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos is there an indian restaurant in the same area as the attraction ? if so what is the address and phone number ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i recommend saffron brasserie . they are located on hills road city centre and their phone number is 01223354679. is there anything else you need ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no . i think i am all set . eos O O O O O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos i will be in cambridge during bastille day , can you help me find a french themed restaurant in the centre ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A
+bos sure , there is a place called cote there . would you like me to book you a table ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , please for 3 people on tuesday eos O O O O O O O O O N/A
+bos what time will you be coming in ? eos O O O O O O O O O Booking-Request+Time
+bos 18:00 on tuesday . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have made your reservation for tuesday at 18:00 for 3 at cote restaurant . your reference number is yv2smh6m . eos O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos i am looking for a particular restaurant . its name is called golden wok . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos if you go there , you are in for a treat . they have excellent food ! they are moderately priced and located in the north . they are at 191 histon road chesterton . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A
+bos can you assist me in making a reservation for friday ? eos O O O O O O O O O O O O N/A
+bos sure . how many people will be in your party and what time would you like to dine ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos there will be 7 people at 11:15 on friday please . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i have successfully made a reservation for your party at the golden wok for friday . your reference is ycgv7gx9 . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i need a 5 star hotel too with free wifi . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there are no hotels that match what you need . would you be ok with booking a four star ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O B-Hotel-Select+Stars O O O N/A
+bos just that would be nice eos O O O O O O N/A
+bos would you like a guesthouse or hotel ? would you like it in the cheap , moderate , or expensive range ? that will help narrow it down . eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O O O O N/A
+bos a hotel , please . i 'm not worried about the price . eos O O O O O O O O O O O O O O Hotel-Inform
+bos how about the allenbell it is a guesthouse located in the east it is also cheaply priced with 4 stars . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O N/A
+bos great can i book that for 3 nights for 7 people on friday ? eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A
+bos booking was successful . your reference number is : bnfzmvox . is there anything else you need assistance with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a taxi from the hotel to the restaurant . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos okay , what time are you leaving ? eos O O O O O O O O O Taxi-Request+Leave
+bos i just need to arrive in time for my reservation at 11:15. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i 've booked a you a taxi , a blue volvo will come to pick you up . their contact number is 07808756171 eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thank you , that is everything i need eos O O O O O O O O O general-thank
+bos enjoy your stay eos O O O O general-greet
+bos thank you , i will definitely try to do that . bye . eos O O O O O O O O O O O O O O general-bye
+bos have a wonderful day . goodbye . eos O O O O O O O O general-bye
+bos i need a train that gets me where i 'm going by 4:15 pm . eos O O O O O O O O O O O O O O O O Train-Inform
+bos i have no doubt we 'll find one . where are you going , and when ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i 'm going from cambridge to kings lynn and want to arrive by 16:15 eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A
+bos on what time will you be travelling ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos again , i want to arrive by 16:15. eos O O O O O O O O O N/A
+bos and on which day ? eos O O O O O O Train-Request+Day
+bos on saturday . book for 3 people eos O O B-Train-Inform+Day O O O B-Train-Inform+People O N/A
+bos okay , your booking was successful . the total fee of 23.52 gbp is payable at the station . your reference number is cctlxm29 . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thanks ! i 'm also looking for a place to stay eos O O O O O O O O O O O O general-thank
+bos we have a number of hotels and guesthouses . what area and price range are you looking to book a room ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like a hotel in the west . free parking and wifi are a must . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos there are four hotel available . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A
+bos i 'd like a hotel with free parking and also free wifi . eos O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos there are four hotels that meet your criteria . two are cheap , one moderate , and one expensive . are you wanting to book one of those ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos any of those is fine , i just need the phone number , price range and postcode . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price
+bos hobsons house is moderately priced and can be reached at 01223304906. their postcode is cb39lh . will that be all ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O general-reqmore
+bos that is all that i need today , thank you . eos O O O O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-greet
+bos can you help me find a train going to london kings cross leaving on thursday ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O N/A
+bos did you have a certain time you needed to leave or arrive by ? eos O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i would like to leave cambridge and arrive by 20:15. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos i could suggest train tr8636 , which arrives by 07 : 51 , should i book ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos i do n't need the booking yet . you 've already give me the train id . i just need the departure time and the travel time . thanks . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave
+bos you leave at 7 and arrive by 7 51. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos what is the travel time ? i 'm also looking for information on a hotel , carolina bed and breakfast . eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Train-Request+Duration
+bos the travel time is 51 minutes . as far as that hotel goes , it 's a moderately-priced 4-star guesthouse on the east side . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O N/A
+bos i want to book for 5 people , 4 nights , starting from sunday . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : k5mbwixi . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks so much . that was all i needed today . eos O O O O O O O O O O O O general-thank
+bos if you need anything else , please contact us . eos O O O O O O O O O O O general-reqmore
+bos can you find me a good restaurant in the city centre ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are quite a number . what is your price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price
+bos i do n't really have one but would like to try a european restaurant . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos okay , how about eraina that 's on free school lane city ? eos O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos sounds great . would you book me a table for 8 , for monday at 19:00 ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos your table is booked ! reference # : gv2yf6h5 . the table will be reserved for 15 minutes . can i assist you with anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos are there any entertainment venues near the restaurant ? eos O O O O O O O O O O Restaurant-Inform
+bos there are 44 options available . is there anything particular you are interested in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type
+bos the attraction should be in the same area as the restaurant and should be in the type of entertainment . a museum eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 11 museums is that area . the great thing is they are all free . do you want additional information on any of them ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos what area are they in ? eos O O O O O O O N/A
+bos they are all located in the centre the same as the restaurant . would you like me to recommend one ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos yes , please provide a suggestion . eos O O O O O O O O N/A
+bos the fitzwilliam museum has amazing art and sculpture . the address is trumpington street and the phone number is 01223332900. do you want more information ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O B-Attraction-Recommend+Phone O O O O O O O general-reqmore
+bos i will also need a taxi from the attraction to my dinning . eos O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform
+bos your red toyota has been booked and its contact number is 07932820731. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone N/A
+bos thank you so much for all your help . eos O O O O O O O O O O general-thank
+bos you are welcome . enjoy your time in cambridge . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos yeah , what can you tell me about archway house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos it 's on the north side of town and in the moderate price range . eos O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O N/A
+bos i need to book a stay for 5 nights for 6 people there . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A
+bos certainly ! what day would you like to arrive ? eos O O O O O O O O O O O Booking-Request+Day
+bos i would like to travel on friday . eos O O O O O O O B-Hotel-Inform+Day O N/A
+bos i have made your reservations . your reference number is jz930ed7 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! i would also like to book a train that goes to cambridge after 10:15 and leaves from birmingham new street on friday eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos ok , the tr0044 leaves at 10:40. do you need a ticket ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos i do n't know if this is possible but can you please get me some information on the alexander bed and breakfast ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos sure , i have their information . what would you like to know ? eos O O O O O O O O O O O O O O O general-reqmore
+bos ah , i just wanted to know it was still open . could you book me a room ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , what day would you like it for ? eos O O O O O O O O O O O Booking-Request+Day
+bos 3 nights starting from friday . eos O O O O O O O N/A
+bos a reservation for 1 person ? eos O O O O O B-Booking-Inform+People O Booking-Request+People
+bos no , i would like it for 4 people . eos O O O O O O O O B-Hotel-Inform+People O O N/A
+bos booking was successful.reference number is : crljawx3 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i also need to find an indian restaurant in the east please . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are a few indian restaurants in the east , do you have a price range you are trying to stick to ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos in the mid-range would be fine . eos O O O O O O O O N/A
+bos rajmahal is a moderately priced indian restaurant . how many people will be dining ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O Booking-Request+People
+bos 4 of us friday at 14:45 i need the reference number too . eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O N/A
+bos your table is reserved , reference # nkkolwnu . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'd also like to book a taxi . i 'd like to arrive at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i will be traveling between the hotel and restaurant . eos O O O O O O O O O O O N/A
+bos what time would you like to travel ? eos O O O O O O O O O Taxi-Request+Leave
+bos i would like to get to the restaurant by 14:45 please . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos booking completed ! booked car type : white hondacontact number : 07125482836 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos great , thanks so much , that 's all i need ! have a great day ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos are you looking for a place to visit , eat or stay ? do you need transportation ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i 'm interested in any boats on the westside . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos there are no boats on the west side of town right now , do you have something else you 'd like to try ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O N/A
+bos okay what about any atttaction that is in the type of college and if available may i have the entrance fee , phone number and postcode . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos there are a number of colleges in the west . i suggest magdalene college on magdalene street , cb30ag . phone is 01223332138. entrance is free . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O N/A
+bos okay great ! i also need a train . can you assist me with that ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos yes , i need more information on your trip first . eos O O O O O O O O O O O O general-reqmore
+bos sure , i am going to be travelling from leicester to cambridge on monday . i need to arrive by 13:00. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos i found 7 trains that match your criteria . how early do you want to leave ? we have trains running every hour from 05:09 to 11:09 eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O Train-Request+Leave
+bos can you book 2 tickets for a train that arrives closest to 13:00 please ? eos O O O O O B-Train-Inform+People O O O O O O O B-Train-Inform+Arrive O O N/A
+bos booking was successful , the total fee is 75.59 gbp payable at the station .reference number is : lqkc8qd2 . you 'll be on the tr1193 which will arrive at 12:54. eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-Inform+Ref O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O N/A
+bos thanks for helping me , i am all set . eos O O O O O O O O O O O general-thank
+bos great , thank you for visiting us and i hope that you enjoy your stay . eos O O O O O O O O O O O O O O O O O general-bye
+bos i need a cheap place to stay please . eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have found 10 hotels that are cheap in the area . is there a certain part of the city you would like to stay in ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the west please . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there is one guesthouse and one hotel that fits your criteria . both have free internet and parking . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos are they 3 star hotels ? eos O O O O B-Hotel-Inform+Stars O O N/A
+bos yes they are both 4 stars . do you have a preference of hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos i would like a hotel please . eos O O O O O O B-Hotel-Inform+Type O N/A
+bos the cambridge belfry meets your criteria . would you like to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please for 4 people for 2 nights starting on friday . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A
+bos success ! confirmation number is 44urftuc . can i help you find anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for help finding a train to stansted airport for sunday departing from cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A
+bos sure . what time would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave
+bos it should arrive by 09:00 eos O O O O O B-Train-Inform+Arrive N/A
+bos train tr1262 will arrive at 08:08 would you like me to book seats ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , we 'll need tickets for everyone in the party . eos O O O O O O O O O O O O O N/A
+bos okay , reference # isn5s2frhg , 32.32 ghp is payable at the station eos O O O O B-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A
+bos thank you so much for your help today . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a place to stay please ? eos O O O O O O O O O O O O N/A
+bos sure ! do you know what area of town you 're staying in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i 'm not sure . i do want an expensive 4 star hotel with free wifi but do n't need free parking . eos O O O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos we got none fitting your description . maybe if you can change the price range . eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos what about the one fitting the description with free parking ? eos O O O O O O O O O O O O N/A
+bos yes , we have two options . i 'd recommend the university arms hotel . would you like to book a room ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos university arms sounds delightful , please book me for 5 people and 5 nights starting on friday . can i get the reference number . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos your booking was successful . your reference number is wmkjht5h . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'm also looking for pizza hut city centre eos O O O O O O O O O O N/A
+bos let me look that up for you . eos O O O O O O O O O general-greet
+bos book it friday , 5 people , 19:00/ eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O N/A
+bos done ! your reference number is 11iqxn30 . your table will be reserved for 15 minutes . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-reqmore
+bos can you book a taxi for me to get me from the hotel to the restaurant in time for dinner ? i 'll need contact number and car type . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i 've booked you a red toyota from your hotel to the restaurant . their contact number is 07298938253. anything else i can help with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos okay . thank you . that will be all . eos O O O O O O O O O O O general-thank
+bos thanks for inquiring with us and welcome again eos O O O O O O O O O general-bye
+bos please send me general information about a particular hotel called the lensfield hotel . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos the lensfield hotel is an expensive hotel in the south rated 3 stars . internet and parking are included in the price of your stay . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , could you make a reservation for just me starting on monday ? eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos it was successful.reference number is : mb909s4y . eos O O O O O O O O B-Booking-Book+Ref N/A
+bos i am also looking for a train out of bishops stortford please . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i will book it for you and thank you for your time with us eos O O O O O O O O O O O O O O O general-welcome,Train-OfferBook
+bos i need info on a train that 'll take me to cambridge and leave after 9:00. eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O N/A
+bos i 'd be happy to help . i have several trains leaving from london kings cross on friday ; do you need to arrive by a certain time ? eos O O O O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Arrive
+bos yes , i need to arrive no later than 17:00. eos O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr8842 arrives in cambridge at 16:08. would you like me to book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos the price is 23.60 pounds . would you like more information or to make a booking ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos no i do need a place to stay in the south . eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i have four places . did you have a price range in mind ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos no but i would prefer a guesthouse with a 3 star rating . eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A
+bos i 'd recommend the bridge guest house . would you like a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos for how many people and when were you planning your stay ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos i need to book the room for 2 people for 2 nights , starting on wednesday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos it is successfully booked your reference number is nrdsbqty . eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for you assistance , that will be all today . eos O O O O O O O O O O O O general-thank
+bos have a lovely day , thanks for using our services . eos O O O O O O O O O O O O general-bye
+bos thank you very much . eos O O O O O O general-thank
+bos you 're very welcome . please reach out to us again , if we can be of further assistance . good-bye . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to book a train for saturday . eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos where would you like to go to ? eos O O O O O O O O O Train-Request+Dest
+bos i 'll be catching the train at birmingham new street and take me to cambridge . anytime after 12:30 is great . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O N/A
+bos tr0680 will depart at 12:40 and arrive 163 minutes later at 15:23. the trip will cost 60.08. would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O O O Train-OfferBook
+bos yes . please book for 8 people . eos O O O O O O O O O N/A
+bos will you be needing a reference number ? eos O O O O O O O O O general-reqmore
+bos yes i need the reference number . eos O O O O O O O O N/A
+bos ok , you have 8 seats reserved on tr0680 . the total fee is 480.64 gbp payable at the station . reference number is : wucrxxmg . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos i also need a very cheap hotel with free wifi , not necessarily free parking though eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i have the cambridge belfry . it is a cheap hotel located in the west . it 's 4 star rated and offers free wifi and parking . do you need a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please for 3 people for 3 nights starting on saturday eos O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos i was able to book the room successfully . the reference number is 8l2c6y3n . is there anything else i can help you with ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no thank you that is all i need . eos O O O O O O O O O O general-thank
+bos thanks for using our service & have a great visit ! eos O O O O O O O O O O O O general-bye
+bos i need a train that is leaving after 11:30 eos O O O O O O O O O B-Train-Inform+Leave N/A
+bos the closest time i have is a train from london kings cross on friday at 13:00. it will arrive to cambridge at 13:51. eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos i 'm nowhere near london kings cross though . what about birmingham new street ? eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos i have one leaving birmingham new street at 11:40 and arriving by 14:23 , would you like me to book it for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos what 's the travel time and train id for that one ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos that would be the tr7040 , leaving birmingham new street 11:40 , arriving cambridge 14:23 , for a travel duration of 163 minutes . would you like to book a ticket ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos great . could you please get me some information on a particular attraction called the fitzwilliam museum ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos yes , of course . what information do you require about this museum ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos i just need adress for the museum , thank you eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos the address is trumpington street the postcode is cb21rb . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O N/A
+bos thank you can you help me find a restaurant too ? eos O O O O O O O O O O O O Restaurant-Inform
+bos do you have a particular kind of restaurant in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , i would like to eat at a chinese restaurant . eos O O O O O O O O O O O O O Restaurant-Inform
+bos okay ! in what part of town ? eos O O O O O O O O O Restaurant-Request+Area
+bos actually i am just looking for an attraction called the fitzwilliam museum . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos what would you like to know about the fitzwilliam museum ? eos O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name N/A
+bos i just need the address please . eos O O O O O O O O Attraction-Request+Addr
+bos sure , the museum is on trumpington street . do you need any additional information ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos no , i 'm all set . eos O O O O O O O O N/A
+bos great , have a wonderful day ! eos O O O O O O O O general-bye
+bos i am looking for information on a place called bridge guest house . can you help me ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos ok , it is a 3-star moderately priced guesthouse in the south . it offers free parking and wifi to guests . do you need more info ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos no , that 's all i need . eos O O O O O O O O O N/A
+bos its available shall i book it for you ? eos O O O O O O O O O O Booking-Inform
+bos no thank you . but can you tell me if there 's a restaurant called cocum in town ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O N/A
+bos yes , there is . it 's an expensive indian restaurant in the west . did you need a reservation or more information ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i 'd like a reservation , please ? can we make it for saturday at 16:00 for 7 people ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : p98ztjbu . anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a good day and enjoy your visit ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i am looking for a place to eat . can you help me ? eos O O O O O O O O O O O O O O O O O N/A
+bos yes , we have over a hundred restaurants here in cambridge , i 'm sure we 'll find one you 'll like . do you have a particular cuisine in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos let 's find me a place that serves expensive european food . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos eraina serves expensive european food . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos can i have their address and phone number ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for eraina is free school lane city centre . the phone number is 01223368786. would you like any other information ? eos O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos i 'm also looking to book some train tickets for thursday . i need to leave cambridge and arrive in leicaster by 09:15. eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O N/A
+bos then you 'll want to take tr0025 , departing cambridge at 07:21 and arriving in leicester at 09:06. how many tickets do you need ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-Request+People
+bos i will need tickets for 2 people . eos O O O O O O O B-Train-Inform+People O N/A
+bos i have booked 2 tickets for thursday . you depart cambridge at 7:21 and arrive in leicester at 9:06. your reference number is k4888ru4 . can i help with anything else ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yay , thank you ! eos O O O O O O general-thank
+bos well i am glad i can help . enjoy ! eos O O O O O O O O O O O general-welcome
+bos thank you for your help . eos O O O O O O O general-thank
+bos no problem ! have a great trip ! eos O O O O O O O O O general-welcome,general-bye
+bos can you help me find a restaurant ? i want somewhere expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos there are 57 results . is there a certain type of food or area you 'd like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos north american , i would would like to eat in the centre area ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos the gourmet burger kitchen would be perfect for you ! it 's at regent street city centre . would you like more information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos yes , i 'd like to get a table for 6 at 11:45 on sunday . could you book that for me ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O N/A
+bos booking was successful . reference number is : dkcswx6p . eos O O O O O O O B-Booking-Book+Ref O O O N/A
+bos can you also help me find a hotel called the acorn guest house ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the acorn guest house is located in the north , it is in the moderate price range and has 4 stars . i would be pleased to help you book your stay . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform
+bos thank you ! i 'd like to book a room starting on sunday . i 'll need it for 5 nights and 6 people . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A
+bos i was able to do that and your reservation number is 6kq6nmiq . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks i am also needing to book at a guesthouse for 6 for 5 nights starting on sunday eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos i 've got that booked for you . was there anything else i can help you find today ? eos O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos no , that 's all i needed . thanks for your help . cheers ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos i need a train to bishops stortford that arrives by 17:15. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos where would you like to depart from ? eos O O O O O O O O O Train-Request+Depart
+bos i am leaving cambridge and need to arrive by 17:15. eos O O O O O O O O O O O N/A
+bos what day do you plan to travel ? eos O O O O O O O O O Train-Request+Day
+bos i want to leave on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos tr2730 leaves at 15:29 and can get you there at 16:07 , would you like me to book you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , i need a booking for 5 people and the reference number . i am also looking for information on cambridge artworks . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O O B-Train-Inform+Depart O O O O Train-Request+Ref
+bos train tr2730 is booked . the total fee is 50.5 gbp . your reference number is dnjtextt . now , what information do you need about cambridge artworks ? eos O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A
+bos i 'd like to know what area cambridge artworks is in . eos O O O O O O O B-Train-Inform+Depart I-Attraction-Inform+Name O O O O Attraction-Request+Area
+bos cambridge artworks in the east . is there anything else i can assist you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos what is the address , postcode , and phone number please . eos O O O O O O O O O O O O O N/A
+bos their address is 5 greens road . postcode is cb13ef . you can reach them at 01223902168. eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A
+bos cool that 's all i need today thanks ! eos O O O O O O O O O O general-thank
+bos enjoy your stay in cambridge eos O O O O O O general-bye
+bos could you help me find a good nightclub in the center of town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are five nightclubs that fit your request . the entrance fee for all five nightclubs range from 4 to 5 pounds . do you want more information ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos im not familiar to the area , so i will try any nightclub that you suggest , i just need the phone number and postal of whatever you pick . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the fez club is nice . the phone number is 01223519224 and post code is cb23hx . may i help you with anything else today ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Post O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train . eos O O O O O O O O O Train-Inform
+bos where is your destination for the train and for what day and time ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Day
+bos i am headed to cambridge on tuesday from peterborough eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Depart N/A
+bos what time do you need to depart by ? eos O O O O O O O O O O Train-Request+Leave
+bos the train should leave after 11:00. eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr6457 meets your criteria . it leaves at 11:19. would you like to book tickets ? eos O O B-Train-Inform+Id O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos no need for tickets . but can i get the arrival time , travel time and price ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos sure ! the arrival time is 12:09 , the travel time is 50 minutes , and it will cost 16.50 pounds per ticket . eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A
+bos great ! thank you so much for looking into that for me . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . please call again if there is any way we can assist you . goodbye . eos O O O O O O O O O O O O O O O O O O O O general-welcome
+bos you are looking for a train . the train should leave on saturday and should depart from cambridge eos O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A
+bos there are several . is there a certain time you had in mind ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos i 'm looking for one that leaves after 12:00 going to leicester eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O N/A
+bos tr2129 leaves cambridge at 12:21. there are trains every hour after as well , if you would like to leave a little later . eos O B-Train-Inform+Id O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O N/A
+bos that on will be fine , what is the price , please ? eos O O O O O O O O O O O O O O Train-Request+Price
+bos the price is 30.24 pounds . eos O O O O B-Train-Inform+Ticket O O N/A
+bos great , thanks . i am also looking for a museum to go to . eos O O O O O O O O O O O O O O O O general-thank
+bos what area would you like to be in ? eos O O O O O O O O O O Attraction-Request+Area
+bos i do not care . i would just like some info on the one you think is best . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos okay i recommend cafe jello gallery in the west please . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O N/A
+bos what is the entrance fee and address ? eos O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos it is free , and located at cafe jello gallery , 13 magdalene street eos O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos okay . that was in the west cafe jello gallery at 13 magdalene street and it 's free . thank you . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am glad that i could assist you today . i hope you have a wonderful evening . bye bye . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a college to visit , can you help me ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos which area would you like to visit ? eos O O O O O O O O O Attraction-Request+Area
+bos any area is fine . can you tell me the fee , postcode , and address of your favorite one ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos churchill college in the west is a great place to visit , the address is storey 's way with postcode db30ds and entrance is free . can i help with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore
+bos can you find me an italian restaurant near the college ? eos O O O O O O O O O O O O Restaurant-Inform
+bos any particular price range ? eos O O O O O O Restaurant-Request+Price
+bos actually , i need to book a train departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos can you please specify where you want to go , which day and what time you want to arrive ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Arrive,Train-Request+Dest
+bos hello looking to come out there . currently trying to find a train that leaves on wednesday so i may arrive by 9:00. eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos what is your departing location ? eos O O O O O O O Train-Request+Depart
+bos i will need to depart from cambridge and will be going to leicester . eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O N/A
+bos i think the best option is tr9110 . it leaves cambridge at 6:21 and arrives in leicester by 8:06. eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos ok. i 'll go with that one . eos O O O O O O O O O N/A
+bos would you like me to make reservations for that ? eos O O O O O O O O O O O Train-OfferBook
+bos not at the moment . but i 'm also looking for an architecture attraction to visit while in town . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are five architecture attractions located in the centre . there are four that are free and one that costs two pounds , which price would you prefer ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Select
+bos i was actually wanting an architecture attraction in the east . are there any ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos unfortunately there are n't any in that area either . would you like to try a different area ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer
+bos how about any museums in this area ? eos O O O O B-Attraction-Inform+Type O O O O N/A
+bos i have four different museums on the east . three are free admission and one costs 5 pounds . are you interested in further information about them ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos yes , please . can you select one of the free ones for me , and then give me the address and postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos i suggest cambridge artworks , the address is 5 greens road and the post code is cb13ef . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O N/A
+bos thanks for all your help today . goodbye eos O O O O O O O O O general-bye
+bos goodbye ! i hope you enjoy your trip . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay . can you help me find one ? eos O O O O O O O O O O O O O O O O O N/A
+bos what area of town would you prefer ? eos O O O O O O O O O Hotel-Request+Area
+bos i would like to stay in the north . wi-fi and at least four star reviews are also important . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos that narrowed it down a bit . do you have a preference on the price range ? or the type of accommodation ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type
+bos not really , no . can you give me the phone number for your favorite place ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos acorn guest house , the phone number is 01223353888. eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Phone N/A
+bos thanks , i also need to train form broxbourne to cambridge on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos what time would you like to depart ? eos O O O O O O O O O Train-Request+Leave
+bos depart does not matter but i need it to arrive by 12:45. eos O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr6774 that leaves at 10:32 and arrives in cambridge by 11:32. will that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos sounds like it . what is that travel time exactly ? eos O O O O O O O O O O O O Train-Request+Duration
+bos 60 minutes is the length of the train ride eos O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O N/A
+bos thanks . that 's all i need . good-bye . eos O O O O O O O O O O O general-bye
+bos thanks and enjoy ! eos O O O O O general-bye
+bos i am looking for a place to say that is in the cheap price range . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos we have several options that may suit you . does location matter ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos no but i would prefer a guesthouse with free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i 've found the alexander bed and breakfast that is in the centre and rated 4 stars . it has internet and parking , can i book that for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Hotel-Recommend,Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , that would be great . book it for 1 person for 5 nights starting from tuesday . eos O B-Hotel-Inform+Parking O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i have booked your room . your reference number is ndvnflqq . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i need a train for the same day as the reservation . it should arrive by 17:45 eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos you might need to look into a taxi it looks like the trains are booked that day . eos O O O O O O O O O O O O O O O O O O O Train-NoOffer
+bos ok thats unreal , thank you anyway eos O O O O O O O O general-thank
+bos let me check the train again if you give me the departure and arrival city again . eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'd be departing from london liverpool street and going to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos i was mistaken . there is a train that will arrive at cambridge from london liverpool st. on tuesday at 17:07. would you like me to book passage for you ? eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos okay , thank you and goodbye ! eos O O O O O O O O general-bye
+bos i need a train going tocambridge . eos O O O O O O B-Train-Inform+Dest O N/A
+bos ok no problem , where will you be coming from and what will be the date & time ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i 'm coming from broxbourne and i 'd like to leave on wednesday and arrive by 17:00. eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A
+bos the tr0788 departing broxbourne for cambridge on wednesday on 05:32 may suit you . would you like to book a seat or need more information ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos what time does that train arrive ? eos O O O O O O O O Train-Inform
+bos actually , i recommend tr5972 . it will arrive in cambridge at 16:32 , which is much closer to your preferred time . the total ride duration is 60 minutes . eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O N/A
+bos i am good with that . eos O O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Train-OfferBook
+bos no thanks . that wo n't be necessary . but i would like some help finding a guesthouse to stay at . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i 'll be happy to help you . let 's start with a bit more information . what area of town and price range are you wanting ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like a guesthouse located up north in the moderate price range . i want free parking too . can i have the phone number and postcode for this guesthouse ? eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Parking
+bos there are 7 that fit your criteria . all of them are 4 star hotels with the exception of one . should i choose one for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O general-reqmore
+bos yes please that sounds great ! eos O O O O O O O N/A
+bos i recommend hamilton lodge . can i give you their contact ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O general-reqmore
+bos yes , please also provide their phone number , postcode . eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos hamilton lodge is located at 156 chesterton road , cb41da . their phone number is 01223365664. is there anything else that i can help you with ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no . thank you that will be all . eos O O O O O O O O O O general-thank
+bos ok ! have a great day ! eos O O O O O O O O general-bye
+bos hi , i am looking for a nice moderately priced hotel located in the east . eos O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A
+bos i have 3 great guesthouses in the east . i recommend warkworth house . would you like to book a room ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos maybe . does it have 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos yes it does . would you like to make reservations ? eos O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos does it have internet ? eos O O O O O O Hotel-Request+Internet
+bos warkworth does offer internet . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Internet
+bos okay , thanks . i 'm also looking for a place to eat that serves australasian food . can you help me with that ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos there are no australasian restaurants in the east . would you like to try a different cuisine or can i check another area for you ? eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos the yu garden is a chinese restaurant in the east , would you like to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos can i get the address and number to yu garden ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos yes , the address is 529 newmarket road fen ditton and the postcode is cb58pa . eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O N/A
+bos thank you . i also need a taxi to get between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos i can help you with that i just need to know what time you 'd like to be picked up from the guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave at 5:45. eos O O O O O O O O N/A
+bos the taxi will pick you up at the guesthouse at 05:45 and will be in a white lexus . their contact number is 07730745339. is there anything else i can help you with ? eos O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that is it . thank you so much . eos O O O O O O O O O O O O general-thank
+bos i 'm happy to be of service , and thank you for using the cambridge towninfo centre ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a place to stay in the east part of town eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos okay , i can help with that . what is your price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Price
+bos cheap please , and it does n't need free parking . eos O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos the allenbell , autumn house and leverton house fit your needs . do you have a preference ? i 'd be happy to book a reservation . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos no thank you i just need the information for the hotel please . eos O O O O O O O O O O O O O O Hotel-Inform
+bos the allenbell located 517a coldham lane , autumn house located 710 newmarket road and leverton house located 732-734 newmarket road . may i help you with anything else . eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos i will need a reservation afterall . could you book it for 2 people starting friday for 2 nights ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos sure , do you want me to book the allenbell then ? eos O O O O O O O O O B-Booking-Inform+Name O O O N/A
+bos the autumn house , please . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos no matching records found would you like to try another ? eos O O O O O O O O O O O O Hotel-NoOffer
+bos once you find the restaurant you want to book a table for the same group of people at 15:30 on the same day . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i can definitely help you book a restaurant . in what area do you prefer ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Request+Area
+bos the same one as the hotel please . eos O O O O O O O O O N/A
+bos i have found the grafton hotel restaurant that meets your requirements . would you like your reservations made for there ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes i need a table for 2 friday at 15:30. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos your table is booked , ref # lmtyidsx . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos you covered everything , thank you . eos O O O O O O O O general-thank
+bos thank you and have a great time in our great city ! eos O O O O O O O O O O O O O general-bye
+bos i need more on a hotel called a and b guest house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos yes , they are a 4 star rated hotel in the east aide , pricing is moderate . eos O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A
+bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos no parking but you can park your vehicle nearby eos O O O O O O O O O O Hotel-Inform+Parking
+bos i would also like to find a restaurant . eos O O O O O O O O O O Restaurant-Inform
+bos would you like the restaurant in the east as well ? were you looking for any price range of style of cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-Request+Food
+bos i would like a restaurant in the centre , preferably a steakhouse in the cheap price range . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A
+bos we do n't have a match for you . in general , you 'll be hard pressed to find a cheap steakhouse anywhere . eos O O O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O N/A
+bos how about one that serves spanish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos la raza is a cheap spanish restaurant in the center of town . do you want me to book it for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos sure ! i need a table for 3 at 17:45 on tuesday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos great ! your reference number is 95rpvn70 . anything else i can do for you ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , thank you . i am all set with your help . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure to help . have a good day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a train to cambridge please and thank you . eos O O O O O O O O B-Train-Inform+Dest O O O O O N/A
+bos i 'd be happy to help with that . where would you like to depart from and what day are you traveling ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day,general-greet
+bos i will be traveling on sunday and departing from london kings cross . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what time will yiu be leaving ? eos O O O O O O O O Train-Request+Leave
+bos i do n't have a leave time but i want to arrive by 20:15. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos okay , there is an 11:17 that will get you there by 12:08. or there are a few earlier trains if you want to get there sooner . eos O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O N/A
+bos yes , that would be ok with me . how long is the travel time for that train ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 51 minutes , would you like me to book it for you ? eos O O O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O O O O O O O O N/A
+bos no , thank you . i would like to find a place to stay , please . eos O O O O O O O O O O O O O O O O O O general-thank
+bos are you looking for a guesthouse or a hotel ? what area do you prefer ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O Hotel-Request+Area
+bos any area but ut has have free parking and a 1 star eos O O O O O O O O O O O O B-Hotel-Inform+Stars N/A
+bos i 'm afraid i am not showing any options with one star and free parking . can you give me more options to look at ? eos O O O O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore
+bos i need free wifi as well . eos O O O O O O O O N/A
+bos i was unable to find a hotel to your specifications . however , there are three hotels in town that have 2 stars . one is expensive , and two are moderately priced . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about a 4 star hotel ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos how about acorn guest house ? it 's lovely ! eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O general-greet
+bos that sounds great . can you help me book it for 3 nights please ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos sure ! what night would you like to start the reservation ? eos O O O O O O O O O O O O O Booking-Request+Day,general-greet
+bos the same day as the train reservation . eos O O O O O O O O O N/A
+bos and is it just you or will you be traveling with someone else ? eos O O O O O O O O O O O O O O O Booking-Request+People
+bos no , unfortunately i 'm traveling alone this trip . eos O O O O O O O O O O O N/A
+bos unfortunately , i am having trouble with that booking . is there another day or hotel you are interested in ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Name,Booking-Request+Day
+bos how about on saturday ? eos O O O O B-Hotel-Inform+Day O N/A
+bos i 'm sorry but i can not book for saturday either . eos O O O O O O O O O O O O O Booking-NoBook
+bos can we try a different day or a different hotel ? eos O O O O O O O O O O O O Hotel-Inform
+bos how about the alexander bed and breakfast ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos can you book it for 7 people for 3 nights please ? eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos okay i can arrange that for you . i just want to confirm that you want the reservation for sunday ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Day O O general-greet
+bos that is correct eos O O O O N/A
+bos i am sorry , but i am unable to book that for you . can we try a different place ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Name
+bos can you please try to book for saturday instead ? eos O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry but the reservation is n't available for that day . would you like to try a different day or location ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Request+Area
+bos can you try for saturday ? eos O O O O O O O N/A
+bos unfortunately , i am unable to book at this time . eos O O O O O O O O O O O O Booking-NoBook
+bos is there a different 4 star hotel available ? eos O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos yes , the allenbell is a cheap guesthouse in the east with 4 stars , would you like a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Stars O O O O O O O O Booking-Inform
+bos do they have free wifi ? eos O O O O O O O N/A
+bos good news , that original place we talked about acorn guest house , the booking went through , the reservation umber is ji5ojnrx , any other questions ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos thank you that will be all i need . eos O O O O O O O O O O general-thank
+bos thank you and enjoy your stay in our city ! eos O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant in the centre that serves seafood . can you help ? eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i have one , loch fyne . would you like to make a booking ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes please , do you know how much it costs ? eos O O O O O O O O O O O O N/A
+bos the restaurant is expensive . eos O O O O B-Restaurant-Inform+Price O N/A
+bos i would like to book somewhere with moderate prices . what other options do i have ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i have 21 restaurants in the moderate price range but none serve seafood , would you like to try another type of food ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O Restaurant-Request+Food
+bos how about one that serves modern european . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i have the riverside brasserie located at doubletree by hilton cambridge granta place mill lane . would you like reservations ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O Booking-Inform
+bos yeah , i need reservations for 6 eos O O O O O O O O N/A
+bos when would you like those reservations ? eos O O O O O O O O Booking-Request+Day
+bos i 'd like them for friday at 18:15 , please . table for 6. eos O O O O O O O O O O O O O O O N/A
+bos would you like a reference number ? eos O O O O O O O O general-reqmore
+bos of course i 'd like the reference number . eos O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : blm7rvcw . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you that will be all eos O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos yes i need to find a hotel in the north that has a star rating of 4. eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars N/A
+bos i 'm sorry , i 'm not finding any hotels that match your requests . would you like to try a different area ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it can be any type , not just a hotel . i also need free wifi . eos O O O O O O O O O O O O O O O O O O N/A
+bos i am sorry but there are no matching at all in the north . i suggest trying another area of town . eos O O O O O O O O O O O O O B-Hotel-NoOffer+Area O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A
+bos can you check again ? maybe check a guesthouse ? eos O O O O O O O O O O O N/A
+bos yes we do have a guesthouse called avalon that meets your needs . were you looking to make a reservation ? eos O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos yes , please book for for 4 people starting monday for 4 nights . eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O N/A
+bos booking was successful.reference number is : yebkk7sd . anything else i can help you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i am also looking to eat at the gardenia . eos O O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos okay . i can book you a reservation . how many people will be dining and at what time ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People,Booking-Inform,general-greet
+bos i would like to book a table for the same group of people at 12:15 on the same day . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos success in booking ! ! the instructions say that the table will be reserved for 15 minutes . reference number is dey84btq . is there anything else in which i may assist you ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos that 's all i need for right now . thanks for the help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a fantastic day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos okay i 'm looking for a restaurant today . eos O O O O O O O O O O Restaurant-Inform
+bos sure , what are you in the mood for ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i just want something cheap . eos O O O O O B-Restaurant-Inform+Price O N/A
+bos what area are you looking to dine in ? eos O O O O O O O O O O Restaurant-Request+Area
+bos i 'd like something in the west please . eos O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there is an italian or vietnamese restaurant that meets your criteria , do you have a preference ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O O O O N/A
+bos what is the italian place ? eos O O O O O O O N/A
+bos the italian restaurant is called la margherita . they are located at 15 magdalene street city centre . can i reserve a table for you ? eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes i will have four guests total . eos O O O O O O O O O N/A
+bos and on what day and time would you like the reservation ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos i would like to check in on the same day . eos O O O O O O O O O O O O N/A
+bos and what time would you like to dine ? eos O O O O O O O O O O Booking-Request+Time
+bos 18:30 on sunday please . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your set , reference # is 6mmv9xtu , anything else for you today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need a taxi . it should arrive at the restaurant by 18:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos what is your destination ? eos O O O O O O Taxi-Request+Dest
+bos as i just said , at the restaurant by 18:30. can i please get the car type and reference number ? eos O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O Taxi-Request+Car
+bos i will get that information for you . eos O O O O O O O O O general-greet
+bos thank you , i 'll wait on your response . eos O O O O O O O O O O O general-thank
+bos great , where should i send the car ? eos O O O O O O O O O O Taxi-Request+Depart
+bos sorry , before a taxi i need a place to stay . i need it to include free parking & be in same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what price range would you like ? eos O O O O O O O O Hotel-Request+Price
+bos the price does n't matter . i need a place that included free wifi as well . eos O O O O O O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast meets your criteria , shall i make a reservation ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes , i need a room for 4 nights beginning on sunday . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos how many people will be staying at the hotel ? eos O O O O O O O O O O O Booking-Request+People
+bos 4 please , for 4 nights , starting on sunday . eos O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A
+bos i have made the reservation and your reference number is nreafg7r . eos O O O O O O O O O O O O O Booking-Request+People
+bos can you help with a taxi ? eos O O O O O O O O Taxi-Inform
+bos okay i got you a grey audi that will pick you up from the alexander and their contact number is 07649834873.. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone N/A
+bos thanks . i think that 's all i need help with today . have a great day ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O N/A
+bos hi ! i 'm looking for a restaurant called stazione restaurant and coffee bar . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos sure , it 's in the centre of town . do you want to book a table there ? eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos please book a table for 4 people . eos O O O O O O O O O N/A
+bos sure , i can do that . what day and time would you like me to book ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos sunday at 19:00 please . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos okay the booking was successful . reference number is vkkm9ko1 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , i am also looking for a place to stay . eos O O O O O O O O O O O O O general-thank
+bos great , i can help with that . do you have an area and price range you want ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos in the type of guesthouse , 4 star rating in the moderate price range , and free parking , i want to book that for the same 7 people , for 2 nights sunday please eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos there are 9 options here . what area would you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area
+bos is there a guesthouse in the center ? it would be more convenient near the restaurant . eos O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have any guesthouses in that area meeting your requirements . would you like me to check in a different area ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos sorry forget area , that doesnt matter . just choose the first option out of the previous 9 you mentioned and book it with the specifications i mentioned earlier . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the acorn guest house meets your criteria . should i book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes . i need it booked for 4 people on sunday and for 2 nights eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A
+bos i have booked rooms for 4 for 2 nights starting sunday and the acorn guest house . your reference number is 7r08f7ky . is there anything else today ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i will also need a taxi to commute between those two places . could you book me one . eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos i have booked a white lexus that will get you to the restaurant by 19:00. phone number is 07132308667. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Phone N/A
+bos thank you for putting up with me ! eos O O O O O O O O O general-thank
+bos it 's been my pleasure . can help with something else ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that is all i need today . thanks again for all your help ! you 've been wonderful ! eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm glad i could be of help . please contact us again , anytime . good bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for specific restaurant . eos O O O O O O O O Restaurant-Inform
+bos do you know the name of this restaurant ? eos O O O O O O O O O O Restaurant-Request+Name
+bos the hakka restaurant is located at 24 milton road cambridge cambridgeshire cb4 1jy . the average cost is approximately 30 per person . eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O O O O N/A
+bos looks like you 're doing my job for me ! did you want to know about the hakka restaurant then ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O general-greet,general-reqmore
+bos maybe . anyway . i also need a place to stay in the south area . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i found a 4 star moderately priced aylesbray lodge guest house located in the south . would you like me to book reservations . eos O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform
+bos i 'm looking for a restaurant in the cheap price range and in the north side of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O Hotel-Request+Price
+bos we have an italian and an indian restaurant that are both inexpensive in the north part of town . would you like the addresses of those ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O general-reqmore
+bos i am really looking for italian food . eos O O O O O O O B-Restaurant-Inform+Food O N/A
+bos well here is da vinci pizzeria in the north . it 's cheap . 20 milton road chesterton . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos yes , that would be fine . can you book a table for 4 at 16:00 on wednesday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos absolutely . you 're booked for 16:00 and the reference number is i3wad456 . can i help you with anything else today ? eos O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos great ! yes , i 'll also need to find a hotel with free parking and free wifi . eos O O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos i would recommend the ashley hotel . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos actually , i apologize for not being more specific , i want to stay in a guesthouse eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos is there a price range or area you prefer ? eos O O O O O O O O O O O Hotel-Request+Price
+bos yes i am looking for hotel that is cheap have free wifi and free parking . eos O O B-Hotel-Inform+Internet O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos there are 9 cheaply priced guesthouses with free parking and wifi . is there are certain area of the city you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no , as long as it has free wifi and parking . eos O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast is in the cheap price range and has both free parking and wifi , would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no , just the address , area please . eos O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr
+bos alexander bed and breakfast address is 56 saint barnabas road in centre . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos great , thanks for the help ! eos O O O O O O O O N/A
+bos glad i could help . do you need assistance with anything else today ? eos O O O O O O O O O O O O O O O general-reqmore
+bos what area is that in eos O O O O O O Hotel-Request+Area
+bos it is located in the city centre , anything else ? eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O general-reqmore
+bos that is all . thanks for the help ! bye ! eos O O O O O O O O O O O O general-bye
+bos i 'm happy to be of service , and i hope you enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i need to book a train to cambridge eos O O O O O O O O B-Train-Inform+Dest N/A
+bos there a re 2,828 trains available , would you kindly narrow down your specifications eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O N/A
+bos i am looking for a train that leaves norwich on friday and arrives in cambridge by 14:30. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos sure , how about the tr8151 which gets into cambridge at 13:35 ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O N/A
+bos thank you . that is all i needed today . eos O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy the rest of your day . goodbye . eos O O O O O O O O O O O O O O general-welcome
+bos actually , i 'm looking for an expensive hotel in the south with free parking . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos the lensfield hotel suits your request . can i help you to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos no i dont need to book it now . just let me know their address and phone number please . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr
+bos sure thing . it is at 53-57 lensfield road , phone number 01223355017. eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O O N/A
+bos that 's all , thank you a lot . eos O O O O O O O O O O general-thank
+bos it 's my pleasure to serve you . have a good time ! eos O O O O O O O O O O O O O O general-bye
+bos hi , i would like to book a hotel in the north side of the city . do you have any recommendations ? eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos there are two hotels in the north . both are in the moderate price range with wi-fi and parking . the ashley hotel is very popular . should i book it ? eos O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i need free parking , and like a guesthouse over any other type . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos if you like guesthouses there are a lot more options for you . i could recommend archway house , they 're moderately priced but rated four stars . does that sound good ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O Hotel-Select
+bos yes , it does . could you see if you could book a party of 8 for 5 nights beginning thursday ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos i was able to book it , reference number is mfigb1d2 . eos O O O O O O O O O O B-Booking-Inform+Ref O O N/A
+bos thank you very much , i would also like help with a train booking going to leicester . eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos i will be more than happy to help you . are you leaving from cambridge and what time and day will you be going ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Depart
+bos yes it should and i would like to arrive by 18:00 eos O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos what day would you like to travel on ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to travel on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos the tr7007 leaves cambridge to leicester on tuesday leaving at 05:21 eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos that sounds like it would work . can you tell me the cost of the ticket ? eos O O O O O O O O O O O O O O O O O O N/A
+bos tr7007 costs 37.80 pounds . would you like to book that train ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos no thank you . that 's all the information i need to enjoy my trip to cambridge ! eos O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos should you need anymore help , please reach back out to us . eos O O O O O O O O O O O O O O general-reqmore
+bos thank you , i will . have a nice day . eos O O O O O O O O O O O O general-thank
+bos thank you for using our service . have a wonderful day . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos can you help me find a nice 4 star hotel ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos i would love to ! do you have a price range in mind ? eos O O O O O O O O O O O O O O O Hotel-Request+Price
+bos yes , i do . i would like a hotel that is expensive in price . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have two hotels available one in the west and one in the centre . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Request+Area
+bos the one in the centre would be ideal . there will be 7 people staying for 2 nights , starting tuesday . eos O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : vzf6oeik . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos yes , actually . i need to book a train from standsted to cambridge . it has to be for tuesday and definitely after 09:30 eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O N/A
+bos great ! and when would you like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos i would like one that leaves after 9:30. eos O O O O O O O O O N/A
+bos there are many options available . did you want to arrive at a certain time ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Arrive
+bos i would like to leave after 9:30. eos O O O O O O O O N/A
+bos there are 14 that meets your criteria . could you give me a departing time , to narrow it down ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i do not have a further preference . eos O O O O O O O O O N/A
+bos train tr8846 meets your criteria , would you like me to book it for you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O O O O O N/A
+bos yes please book for 7 people . eos O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 70.7 gbp payable at the station . reference number is : eojc45es . can i help with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos that 's all i needed . thanks for your help , goodbye ! eos O O O O O O O O O O O O O O general-bye
+bos have a great night . eos O O O O O O general-bye
+bos i 'd like a train leaving cambridge for broxbourne , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i need to travel on tuesday after 15:15. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos i have the tr1835 going from cambridge at 16:01 to broxbourne at 17:01. does that sound suitable ? i can book some tickets for you if you like . eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-OfferBook
+bos could i get the price first ? eos O O O O O O O O Train-Request+Price
+bos 17.90 pounds is the price . eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos i 'm not ready to book yet . i 'm also looking for a place to stay . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i can help with that . there are 33 choices . is there a specific price range you would like to stay in ? eos O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet
+bos i really want to stay in a 0 star establishment , ideally in a moderate price range . i do n't care if there 's free parking , but it has to be a hotel . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O Train-Request+Price
+bos the cityrooma hotel is located in the centre and is of moderate price range . would you like me to make reservations ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O Booking-Inform
+bos please book it for 1 person , for 4 nights starting friday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos your reference number is xcje8l9r , is there anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no i believe that will be all for now . thank you for your help ! eos O O O O O O O O O O O O O O O O O general-thank
+bos alright , thank you for contacting cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi there . can you help me find a train to cambridge on thursday ? eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos i can . will you be departing from london kings cross ? eos O O O O O O O O O O O O O Train-Request+Depart
+bos no , i 'm coming from ely . eos O O O O O B-Train-Inform+Depart O O O N/A
+bos what time would you like to travel ? eos O O O O O O O O O Train-Request+Leave
+bos i would like to arrive in cambridge by 16:15. eos O O O O O O O O O B-Train-Inform+Arrive N/A
+bos i would recommend the tr7745 train that arrives at 07:52. would that work ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O N/A
+bos i need the travel time for that . eos O O O O O O O O O Train-Request+Duration
+bos it is 17 minutes . eos O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos can you see about reservations at the aylesbray lodge guest house eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos yes , i can . will it be for for just 1 night ? eos O O O O O O O O O O O O O O O Booking-Request+Stay
+bos actually , let 's not worry about booking it just now . can you narrow down where it is for me with the area at postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post
+bos sure . it 's in the south of town with postcode cb17sr . can i help you with anything else ? eos O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , that seems like everything . go ahead and book it , and we should be done here . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos how many nights will you be staying ? eos O O O O O O O O O Booking-Request+Stay
+bos i 'm sorry , i 'm not ready to book yet . i can do it myself later . thanks so much for all of your help . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos sounds good . thanks for using cambridge towninfo centre ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information on an attraction called lynne strover gallery . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it 's in west and it is free to get in . is that all ? eos O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos what type of attraction is lynne strover gallery and what is the address of the gallery ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr
+bos lynne strover gallery is a museum located at 23 high street , fen ditton , postcode cb30aq . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos yes i need a train departing cambridge after 16:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos i can help you with that . what 's your destination and what day and time would you like to leave ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave
+bos it is going to peterborough and should leave on thursday and i need it to leave after 16:30. eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O N/A
+bos i have the tr8132 which leaves at 16:34. how many tickets please ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O Train-Request+People
+bos i would like 4 tickets please . eos O O O O O B-Train-Inform+People O O N/A
+bos tickets are 16.50 pounds each . would you like me to reserve your tickets ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos i am traveling to cambridge and looking forward to try local restaurants . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos is there a certain type of cuisine or part of town you 're looking for ? there are 22 restaurants to choose from . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos yeah . i 'd like a moderately priced tuscan food restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O N/A
+bos i 'm sorry there 's no matching results . eos O O O O O O O O O O Restaurant-NoOffer
+bos okay , can we try modern european food instead , please ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos how about galleria at 33 bridge street in the town centre . great food . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O N/A
+bos great can you book that for 4 people at 17:45 on sunday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos yes sure . i have a reference number for you and it is 33tistqb . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks so much . can you help me find a train ? eos O O O O O O O O O O O O O Train-Inform
+bos we have 5 different train times for you all on friday . what time would you like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave
+bos anytime after 17:00 on thursday going to london kings cross eos O O O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos just so i can narrow down the results and get you exactly what you need , what 's your departure station ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge and want to arrive in london kings cross . eos O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos om i have train id tr1791 that fits your needs . shall i book it ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook
+bos yes book it for 4 people eos O O O O O O B-Train-Inform+People N/A
+bos train tr1791 will leave at 17:00 on thursday . it will cost 94.4gbp . your reference number is hn91kjwk . have your luggage ready , thank you ! eos O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O B-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O N/A
+bos thank , that is everything i need , you were so helpful . eos O O O O O O O O O O O O O O general-thank
+bos thank you ! have a great day ! eos O O O O O O O O O general-bye
+bos hey there . i think i need a vacation asap . you think you can help me find a 4-star hotel somewhere ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos we have 21 places that meet your request , do you know if you want a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would like to stay in a hotel and it should be in the east . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O N/A
+bos i have no hotels in the east . would you like to try another area ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O Hotel-Request+Area
+bos how about a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A
+bos there are 6 guesthouses available . do you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos i have no preference but i need it for 3 nights starting on friday for 3 people . eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O N/A
+bos the booking was unsuccessful would you like another day or shorter stay ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos how about 2 nights ? eos O O O O B-Hotel-Inform+Stay O N/A
+bos i was able to book you at a and b guest house . your reference number is qgabnrtx . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm looking for a train on the same day as my hotel booking . eos O O O O O O O O O O O O O O O O N/A
+bos what is your destination that day ? also is there a certain time you would like to arrive or depart by ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos it should arrive by 8:30. eos O O O O O O N/A
+bos so you want to arrive in cambridge by 8:30 ? can you tell me where you 'll be coming from ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart,Train-Request+Dest
+bos i want to depart from broxbourne . could i get a reference number please ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos there are two choices , one arrives 6:32 and the second one arrives at 7:32. which one would you like and how many tickets do you need ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+People,Train-Select
+bos please book the 6:32 train for 3 people and please provide me the reference number eos O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos the number is sprqbyfb , is there anything else you need ? eos O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos that 's it for now . thanks for all your help . great service . good bye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos the the total fee is 53.7 gbp . have a great day ! eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O general-bye
+bos i want to find a hotel to stay at that has free wifi and is moderately priced . can you help ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price
+bos is there a particular area of town that you prefer ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i 'd like to be on the east side . the hotel should have a 4 star rating please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 3 guesthouses that meet your needs . 2 of them have free parking along with the internet , and one does not . carolina bed and breakfast is very nice . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok , carolina b & b it is . can you book me a room for 1 person staying 5 nights on sunday please ? eos O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O N/A
+bos your booking was successful and your reference number is bct54na8 . may i help you with anything else today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes i also need a train . can you help me ? eos O O O O O O O O O O O O O Train-Inform
+bos definitely . when were you wanting to travel ? eos O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i need it to go to cambridge and should depart from leicester . eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A
+bos im getting the info up now , what date and time ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'd like to arrive by 13:45 on sunday . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos the tr8285 arrives by 12:54. would you like me to book this one ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos i do n't need a ticket just yet . can you tell me the total cost per ticket , though ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos all available tickets cost 30.24 pounds each . what else can i do for you ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos that will be all for the day , thank you . eos O O O O O O O O O O O O general-thank
+bos enjoy your trip . eos O O O O O general-bye
+bos i hope to . thanks again . bye . eos O O O O O O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos what type of information do you need help with ? eos O O O O O O O O O O O general-reqmore
+bos i 'm looking for a hotel called , archway house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos it is in the moderate price range at 52 gilbert road eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos alright . i 'd like a room on saturday for 4 nights . 2 people will be staying . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O N/A
+bos booking was successful.reference number is : s9v74o1g . can i be of any help again ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i will also need a train for saturday , leaving after 13:45. eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos sure , i can help you with that . where would you like to travel to ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-OfferBook
+bos going to cambridge . eos O O O B-Train-Inform+Dest O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from london kings cross . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos and for haw many people ? eos O O O O O O O Train-Request+People
+bos there will be 2 people . eos O O O O O O O N/A
+bos i have train tr4101 that leaves at 15:17 and arrives at 18:08. would you like me to book it for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please . could you also provide me the reference number ? eos O O O O O O O O O O O O O N/A
+bos i will get that reference number for you . eos O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O N/A
+bos ok , thank you . eos O O O O O O general-thank
+bos booking was successful , the total fee is 37.76 gbp payable at the station .reference number is : 6bm4qjxx . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great thank you ! that 's all i needed ! bye ! eos O O O O O O O O O O O O O general-bye
+bos you 're so welcome ! feel free to come back if you think of anything else you need ! bye ! eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a cheap place to stay , what would you recommend ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i have about 10 different options . do you prefer a hotel or guesthouse ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos it does n't matter . i need free parking and prefer a place with 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos the alexander bed and breakfast is in the centre of town , has 4 stars , is cheap , and has free parking and internet . would this work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , this will work for me . please send me the address , postcode and reference number . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos absolutely . the address is : 56 saint barnabas road cb12de and i can give you the reference number after we book it . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O Booking-Inform
+bos what type of hotel is this ? eos O O O O O O O O Hotel-Request+Type
+bos it is a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A
+bos and what type of hotel is that ? eos O O O O O O O O O Hotel-Request+Type
+bos a guesthouse is a type of hotel , thus it is a guesthouse type . eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos i 'd like some information on a train next . eos O O O O O O O O O O O Train-Inform
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from kings lynn , and traveling to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos there are many trains to your destination what time would you like to leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos the train should arrive by 16:45 and should leave on wednesday . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O N/A
+bos the tr2452 arrives in cambridge leaves at 15:11 and arrives at 15.58. would you like to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no , thanks ! how long is the travel time ? eos O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 47 minutes and is 9.80 pounds . can i give you more information about this train or book you a seat ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O Train-OfferBook
+bos no thank you . that is all i need today . eos O O O O O O O O O O O O general-thank
+bos thank you and have a great trip . eos O O O O O O O O O general-bye
+bos i 'm looking for an attraction in the centre of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there is the broughton house gallery , do you like museums ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Type
+bos yes , i do . i was hoping to find a place to visit that has unusual architecture . does the gallery fit this category ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , but there are several architectural sights in the city centre . would you like me to provide the addresses of some ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O general-reqmore
+bos yes , please . eos O O O O O N/A
+bos there is all saints church on jesus lane , great saint mary 's church on market square , holy trinity church on market street , and two others , would you like those addresses as well ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O general-reqmore
+bos can you give me the postcode and phone number for all saints church ? that sounds good . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos their postcode is cb58bs . their phone number is 01223452587. is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i need to find a train , too . i 'm coming to cambridge on thursday from birmingham , new street , and i 'd really like to get there before 16:30 eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos the tr7509 departs birmingham new street at 13:40 and should get you to cambridge by 16:32. would you like me to book you a ticket ? or perhaps an earlier train ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos i would like a train that arrives before 16:30 , please . eos O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos actually , tr7509 arrives by 16:23. would that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O Train-Select
+bos that 's perfect , could you book it for 4 people ? eos O O O O O O O O O B-Train-Inform+People O O O N/A
+bos yes . i 've got you booked for 4 tickets , reference number 65lwdb9q . the fee will be 300.39 , payable at the station . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O O general-reqmore
+bos i think that is all for today . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-greet
+bos i am looking for a train for tuesday going to birmingham new street . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos where are you departing from and what day are you traveling ? this was i can narrow my search to better assist you . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos cambridge and i would like to leave tuesday eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day N/A
+bos does it matter what time you leave or arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want it to arrive by 10:45. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos train tr2164 leaves at 8:01 and arrives at birmingham new street at 10:44. would you like me to book you seat ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes please book 5 seats . eos O O O O O B-Train-Inform+People O N/A
+bos ok i have for you 5 seats on tr2164 . the total fee is 375.5 gbp payable at the station .reference number is : 3skorq4k . anything else i can assist with ? eos O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes i 'd like to find a guesthouse with free parking , preferably in the north . eos O O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have 9 locations that meet your criteria . do you have a preference regarding price range of star ratings ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos yes , i prefer a guesthouse between a three and four star rating . eos O O O O O O O O O O O O O O O N/A
+bos i have 7 guesthouses that are 4-star rated and offer free wifi and parking . 6 are moderately priced and 1 is cheap . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos any of those will be fine . please send the reference number and location . eos O O O O O O O O O O O O O O O O N/A
+bos okay , how long would you like to stay ? eos O O O O O O O O O O O Booking-Request+Stay
+bos i 'd like to check in on friday for 4 nights . book it for 5 people . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O N/A
+bos i was able to successfully book you at the asbury lodge guesthouse . the reference number is 6lq4af7b. , can i assist with anything else ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos that is all i need , thank you so much . eos O O O O O O O O O O O O general-thank
+bos have a great trip ! eos O O O O O O general-bye
+bos i am looking for information about trains going to cambridge from leicester on friday . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos sure , when would you like to arrive by ? eos O O O O O O O O O O O Train-Request+Arrive
+bos i want to arrive by 13:45. eos O O O O O O B-Train-Inform+Arrive N/A
+bos tr3934 looks like your best choice and arrives at 12:54. would you like for me to book your seats ? eos O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos thank you that will work fine for me and my husband eos O O O O O O O O O O O O general-thank
+bos i booked 2 seats on the train . your reference number is w9iwmr5w . is there anything else i can help with ? eos O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos can you find me a hotel in the west . free parking , please . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos there are two hotels that match your needs . one is expensive and one is cheap . which would you like more information on ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Select
+bos cheap please . which one is that ? eos O B-Hotel-Inform+Price O O O O O O O N/A
+bos the cambridge belfry meets your criteria , shall i book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos yes . but i just realized that my sister-in-law and her three children will be coming , too . we 'll need rooms for all of us , and train tickets for them . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos ok i rebooked your train tickets to get you 6 tickets . reference number is var4dxwr . as for lodging , starting on what day and for how many days is your stay ? eos O O O O O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos it will be for 2 nights beginning on wednesday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos i have successfully booked you for 2 nights starting on wednesday at the cambridge belfry . your reference number is xz7n2ysb . is there anything else you needed help with ? eos O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , thank you ! that will be it . have a good day . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you , let us know if you need anything else . good bye . eos O O O O O O O O O O O O O O O O general-bye
+bos hello , i 'm looking for a place to stay that is moderately priced and a star rating of 0. eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are two places that match those requirements , one in the north and one in the city centre . would you like to hear more about these ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O N/A
+bos are you sure there are n't any in the south of town ? eos O O O O O O O O O O O O O O N/A
+bos sorry . there are no moderately-priced 0 star places in the south of town . do you want to try some other criteria ? eos O O O O O B-Hotel-NoOffer+Price O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O N/A
+bos could you try for the center part of town ? eos O O O O O O O O O O O N/A
+bos the cityroomz is a hotel in the centre part of town with a 0-rating in the moderate price range . can i reserve a room for you there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos yes , i 'd like to reserve it for 6 people for 4 nights starting sunday , please . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos the booking was successful . your reference number is 3ukmliwo . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i am also looking for a train into cambridge the same day please eos O O O O O O O O O B-Train-Inform+Dest O O O O N/A
+bos what day would you like the train ? eos O O O O O O O O O Train-Request+Day
+bos sunday as well , please . eos O B-Train-Inform+Day O O O O O N/A
+bos sure , where will you be departing from , and do you have a departure or arrival time ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart,Train-Request+Arrive
+bos yes , i need to leave leicester after 11:00. heading to cambridge for the day . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O N/A
+bos i would recommend tr8285 . it leaves leicester at 11:09 and arrives in cambridge at 12:54. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos okay . can you purchase tickets for me . there will 6 of us . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos your reservation was successful . your reference number is sckiyn5q . you depart from leicester at 11:09 , arriving in cambridge at 12:54. would that be all for you today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O O O O O O O general-reqmore
+bos yes . thank you for your help . eos O O O O O O O O O general-thank
+bos it was a pleasure , thank you so much . eos O O O O O O O O O O O general-welcome
+bos i 'm looking for a place to stay while in cambridge . what is available in the west area that has free wifi ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos there are 4 hotels to choose from . i can recommend finches bed and breakfast . it 's a cheap 4 star guesthouse . does that work ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O B-Hotel-Recommend+Type O O O O O O O O N/A
+bos i need a guesthouse with a star rating of 0. eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars N/A
+bos i 'm sorry , there are no 0 star guesthouses , would you like to try something else ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O O O O O N/A
+bos is there a guesthouse located in the centre with free wifi ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O N/A
+bos el shaddai fits your needs . would you like me to reserve a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos does that have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes it does . it 's cheap and has free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O Hotel-Inform+Parking
+bos thanks for the info . i also need to look for a train . can you look that up ? eos O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos absolutely . let me start by asking you what your departure and destination locations will be ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm going from cambridge to ely . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos great ! what day and time to you want to travel on ? eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i would like to travel on tuesday and leave sometime after 16:30. eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A
+bos tr7733 leaves at 17:50. may i book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos that sounds good . please get me tickets for six people . eos O O O O O O O O O O O O O N/A
+bos the booking was successful , the total fee is 26.4 gbp payable at the station .reference number is : to3z8a06 . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos can i be of further assistance today ? eos O O O O O O O O O general-reqmore
+bos no , you 've been a great help mate . thanks for everything ! eos O O O O O O O O O O O O O O O general-thank
+bos it was my pleasure ! enjoy your stay ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay in south of town . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos okay , do you have any price range you 're looking for ? eos O O O O O O O O O O O O O O Hotel-Request+Price
+bos it does n't matter on the pricing or about having free parking . i would like the hotel to be like a guesthouse . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos aylesbray lodge guest house fits your needs . would you like me to book that for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O O O O O O O O O O Booking-Inform
+bos that wo n't be necessary thanks . eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos yes actually , could you book that for me ? i 've changed my mind . eos O O O O O O O O O O O O O O O O O N/A
+bos that 's fine . i 'm here to help . for how many people and how many nights will that be ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,general-greet
+bos the stay is for 4 of us for 3 nights . eos O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O N/A
+bos what day would you like that reservation ? eos O O O O O O O O O Booking-Request+Day
+bos friday , please , and for 3 nights . thank you ! eos O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos booking was successful . your reference number is pydlxtii . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for a train on the same day as my hotel booking that goes to cambridge that arrives by 20:00 and departs from stevenage . eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O N/A
+bos ok , any date or time preferences ? eos O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos friday , and after 20:00. eos O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A
+bos ttr7278 leaves at 17:54 and arrives at 18:43 , cost is 12.80 pounds per person , would you like me to book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos yes please , that would be wonderful . i would like a booking for 4 people , and the reference number , please . eos O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos i was able to book you for 4 tickets on train tr7278 . the total fee is 51.2 gbp payable at the station . eos O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O N/A
+bos could i get the reference number ? eos O O O O O O O O Train-Request+Ref
+bos the reference number is m8cq8y16 . eos O O O O O B-Train-Inform+Ref O N/A
+bos thanks , that 's all i needed today . you 've been a great help . goodbye ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos thanks for using our service . have a great day . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , can you help me find a train from norwich to cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i would be happy to help ! what day would you like to travel ? eos O O O O O O O O O O O O O O O O Train-Request+Day
+bos i would like to arrive wednesday at 16:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive N/A
+bos there is a train which departs at 15:16 and arrives at 16:35 would you like me to book that one ? eos O O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O O O N/A
+bos no need to book it today . i would like the price and travel time if you have it there , though . eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the price is 17.60 pounds and travel time is 79 minutes . can i assist you with anything else today ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O general-reqmore
+bos i also need a hotel with free parking . eos O O O O O O O O O O N/A
+bos we have 29 hotels that may be what you need . is there a certain area or price range you are looking for perhaps ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i 'd like a guesthouse with a star of 4 , please . eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O N/A
+bos the archway house meets your criteria . do you need help with booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes please , i need it for 4 people , 3 nights starting on wednesday . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos unfortunately , that length of stay is not available . would you like to try again for a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos how about 1 night at the archway house for 4 people . please book and provide a reference number . thank you . eos O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : fek7tt66 . is there anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos that 's all i needed today , thank you eos O O O O O O O O O O general-thank
+bos thank you for contacting us , have a nice day . eos O O O O O O O O O O O O general-bye
+bos i need to get a guesthouse that does n't have free parking eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i have the a and b guesthouse in the east . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O N/A
+bos please book it for me for 2 nights eos O O O O O O O O B-Hotel-Inform+Stay N/A
+bos ok , what day would you like that set for and how many people ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos please book it for 1 person for 5 nights starting friday . please provide me with the reference number . thank you . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i 'm sorry , you gave me conflicting information . would you like me to book a stay for two nights or five ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay
+bos i need it for 5 nights please . eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i have that reserved for you . your reference number is ntoad1dp . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i 'm also looking for a train leaving peterborough . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i am leaving on friday . eos O O O O O B-Train-Inform+Day O N/A
+bos where will you be going ? eos O O O O O O O Train-Request+Dest
+bos i am going to cambridge . the train need to be on the same day as the hotel booking and arrive by 10:15 eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos i have 9 trains that will get you to cambridge by 10:15. tr1393 will get you there at 10:09. would that work ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O Train-OfferBook
+bos yes , what 's the departure time and price ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos tr1393 departs at 09:19 and costs 16.50 pounds . the ride is 50 minutes ! eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos thank you ! that will be all . eos O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome
+bos i 'm look for a train leaving cambridge . eos O O O O O O O B-Train-Inform+Depart O O N/A
+bos i can help you with that . where is your destination ? what day do you want to travel ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,general-greet
+bos i want to travel to kings lynn on saturday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos do you have a timetable that you need to stick to ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 12:30. eos O O O O O O B-Train-Inform+Arrive N/A
+bos tr1817 leaves cambridge at 11:11 and arrives in kings lynn at 11:58. would this work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A
+bos yes that sounds good , what 's the trip duration on that one and how much per ticket ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the total travel time on that route is 47 minutes . the cost per ticket is 7.84 pounds . would you like me to book you a ticket ? eos O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos no thank you , could you find me a 4 star guesthouse that provides free parking ? eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A
+bos there are 16 guest houses rated 4 stars with parking . are you thinking of a price range or part of town ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos in the moderate price range , near the centre of town please . eos O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O Train-Request+Price
+bos i 'm sorry , there are no guesthouses that fit those criteria . would you like to try something else ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O N/A
+bos are there any available in another area of town that meet those requirements ? eos O O O O O O O O O O O O O O O N/A
+bos yes i recommend acorn guest house in the north . would you like me to book it ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform
+bos not right now , but i do need their phone number . eos O O O O O O O O O O O O O Hotel-Request+Phone
+bos absolutely , their phone number is 01223353888. can i help with anything else ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore
+bos thank you , you 've been quite helpful eos O O O O O O O O O general-thank
+bos i 'm glad to e of help . have a lovely day . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like a train leaving from cambridge on sunday , please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos i can do that for you ! is there a particular destination , or even an arrival or departure time you need ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest
+bos going to norwich . arrive by 17:00. eos O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A
+bos tr4969 will get you to norwich by 10:55. would you like me to book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos i need the price , travel time , and train id . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos certainly . the price is 14.08 pounds and the travel time is 79 minutes . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks . i also need a hotel with a star of 4 in the west . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Area O O N/A
+bos i have 2 choices in that area . would you like those addresses ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore
+bos do any of those choices include free parking and in the expensive price range ? eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos the huntingdon marriott hotel meets your needs . do you want me to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please , for 2 people for 4 nights . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos what day would you like to book the room for ? eos O O O O O O O O O O O O Booking-Request+Day
+bos wednesday . could i get the reference number as well ? eos O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos ok , i 've got your booking confirmed . your reference number is sdgkfomn . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos thank you so much . i think that 's all i need for today . take care . bye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a great day . eos O O O O O O general-greet
+bos hi there . i 'm going on vacation and need a 3-star place to stay . can you help ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos hi , i have 33 available . i would like to narrow it down . what area do you want to stay in . eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i would like the south . eos O O O O O B-Hotel-Inform+Area O N/A
+bos either the bridge guest house or the lensfield hotel seem like they would work for you . would you like to book a reservation at one of them ? eos O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i need something with free parking as well . do either of those have free parking ? eos O O O O O O O O O O O O O O O O O O N/A
+bos yes , actually , they both do . would you like to book a room at one of these ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Select+Choice I-Hotel-Select+Choice I-Hotel-Select+Choice O O O Booking-Inform
+bos yes . which is one is cheaper and has openings for 5 people for 5 nights starting on sunday ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos the bridge guest house is the cheaper option . would you like me to book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos before i say yes , does it have free wifi ? i 'd like to bring my laptop . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos yes it does have free wifi . would you like to make a reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please make the reservation and provide me the reference number . eos O O O O O O O O O O O O O N/A
+bos you are all booked ! reference number is ys36a4bs . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i will also need a train departing from cambridge on the same day leaving after 09:45. eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A
+bos okay , i 'd be happy to assist with that as well . can you confirm the day you would like to leave and your destination ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest,general-greet
+bos i would like to leave to norwich on friday . eos O O O O O O O O O O O N/A
+bos the earliest departure is at 11:00 , is that satisfactory for you ? eos O O O O O O B-Train-Inform+Leave O O O O O O O Train-Select
+bos yes , that sounds fine . can you get tickets for our whole group of five ? eos O O O O O O O O O O O O O O O O O O N/A
+bos the first train actually leaves at 10:36. is this updated information still okay with you to book ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos yes , that 's fine . eos O O O O O O O N/A
+bos i 've booked 5 tickets for train tr3468 , the price is 88 pounds , and your reference number is zs44fp41 . can i offer any further assistance ? eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O N/A
+bos no , i believe that is everything today . thank you . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for places to go in the south part of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i have a cinema , nightclub or museum..just to name a few . any preferences ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O Attraction-Select
+bos actually , i would prefer the cinema . eos O O O O O O O O O N/A
+bos cineworld cinema is in the south of town , their phone number is 00872208000 , and they 're located at cambridge leisure park , clifton way eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos thank you , can you also find a restaurant called ian hong house . eos O O O O O O O O O O O O O O O Restaurant-Inform
+bos yes lan hong house is located at 12 norfolk street city centre , they are moderately priced and their telephone is 01223350420. is there anything else you need to know ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos can you reserve a table there for 2 people on wednesday at 14:45 ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos you 're all booked ! the reference number is mbkf33i9 . is there anything else i can assist you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos it was my pleasure to assist you . please contact us again soon . have a great day . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to book a taxi going to christ 's college departing from city stop restaurant please . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A
+bos when would you like to arrive by ? eos O O O O O O O O O Taxi-Request+Arrive
+bos does n't matter , but i need to leave after 14:15 eos O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos i was able to book you a black volkswagen for 14:15 , the contact number is 07944381295. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos will there be anything else today , or have i answered all your questions ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos that 's all i needed , thanks so much for your help . eos O O O O O O O O O O O O O O general-thank
+bos it was my pleasure . have a great night . eos O O O O O O O O O O O general-bye
+bos i 'm looking for a guesthouse to stay at that has a 4 star rating . can you help ? eos O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos sure , we have many . are you looking for anything else specifically ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Name
+bos yes , i need internet and free parking . eos O B-Hotel-Inform+Internet O O O O O O O O N/A
+bos to help narrow this down , can you tell me what area of town you 'd like most ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to be in the north . oh and i would like to be in the expensive price range . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos unfortunately i do n't have anything that meets all those criteria . is there anything you 'd like to change ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos no i will figure something out eos O O O O O O O N/A
+bos is there something else i may be able to help you with today ? eos O O O O O O O O O O O O O O O general-reqmore
+bos i lied . i do n't need free internet and parking . eos O O O O O O O O O O O O O N/A
+bos one more time let me know exactly what you need by looking at what you wrote down on your right , so we can book you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i need an expensive hotel in the north eos O O O O O O O O B-Hotel-Inform+Area N/A
+bos there are no hotels that meet that criteria . would you like to search for something else ? eos O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O N/A
+bos a moderate price range . i need 2 nights beginning monday and the reference number . also looking for a train , same people same day as hotel and reference number as well . eos O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stay O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 9 options . do you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i prefer a guesthouse please . i only need it for myself for 2 nights starting from monday . eos O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos may i recommend the acorn guest house at 154 chesterton road . would you like me to book a room for 1 , for 2 nights starting monday ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O B-Booking-Inform+Stay O B-Booking-Inform+Day O O O N/A
+bos yes , please . i would also like the reference number . eos O O O O O O O O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos can you help me find a train leaving on wednesday arriving by 12:30 ? eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A
+bos and what are your departure and arrival stations ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm coming to cambridge from lecester . eos O O O O B-Train-Inform+Dest O O O O N/A
+bos six trains match your criteria . the first train leaves at 05:09 and arrives by 06:54. do you want to book a seat on this train or another ? eos O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Select,Train-OfferBook
+bos i need to arrive by 12:30 not 6:54. try again please eos O O O O O O O O O O O O N/A
+bos i 'm sorry about that . the tr3404 arrives at 11:54. would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Select,Train-OfferBook
+bos the train should arrive by 12:30 and should leave on wednesday . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O N/A
+bos the earliest train i can get for you arrives at 11:54 the tr3404 how many tickets please ? eos O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Id O O O O O Train-Request+People
+bos i need a booking for 4 people . eos O O O O O O O B-Train-Inform+People O N/A
+bos i booked your train ride . it is going to cost 151.19 gbp and your reference number is nigo21eh . eos O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Ref O O Train-OfferBooked
+bos i am looking for a hotel called worth house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos great guesthouse located at 152 chesterton road . eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos thanks . can you book a hotel for the same group of people for 3 nights on the day we get there ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos your booked at the worth house reference number is 9hlr5zqo . can i help you with anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that 's everything . thanks for all your help . eos O O O O O O O O O O O general-thank
+bos if you need anything else , please let us know . eos O O O O O O O O O O O O general-reqmore
+bos i will . thank you , goodbye . eos O O O O O O O O O general-bye
+bos have a good day . eos O O O O O O general-bye
+bos i need to find a restaurant in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos do you prefer a particular type of food or are you looking at a specific price range ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i would like british food . i have no preference of price range . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos there are 7 restaurants which meet your needs . the copper kettle is located at 4 kings parade and serves moderate priced meals . would you like to make reservations ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform
+bos yes i need a table for 6 monday at 18:15. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos your table for 6 is reserved for monday at 18:15 and they 'll hold your table for 15 minutes . your reference number is t67zv5us . can i help you with anything else today ? eos O O O O O B-Booking-Book+People O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for an attraction , some type of boat . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos i have 4 listings . one in the east , north or 2 in the centre . would you like more information on one of them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos sure , the one in the east please . eos O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i have the camboats located at the plough , green end , fen ditton . eos O O O O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos could you tell me what the postcode is for the camboats ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb58sx . would you like the phone number ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos no , what the address and area of town , also i will be needing a cab as well . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos camboats is located at the plough , green end , fen ditton , in the east side of town . eos O B-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O N/A
+bos ok ! thank you ! can you get me a taxi to cambots ? eos O O O O O O O O O O O O O O O Taxi-Inform
+bos absolutely ! just let me know where you 'd like to depart from , and either what time you want to leave or arrive by . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive
+bos i need to be at camboats by 8:15 eos O O O O O O O O O N/A
+bos what will be your depature site ? eos O O O O O O O O Taxi-Request+Depart
+bos sorry , actually i need to go from camboats to the copper kettle . i want to get there by 18:15. eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Arrive O O N/A
+bos booking completed ! booked car type : grey lexuscontact number : 07939286212 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you . what a relief everything is set up now . again , thanks . goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos can i look up anything else before you go ? eos O O O O O O O O O O O general-reqmore
+bos i am looking for information about cambridge . what kind of places can you go in town ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have colleges , museums , nightclubs , swimming pools , etc ? is there something particular you would like to do and i can narrow it down . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos a nightclub sounds fun . is there one in the centre of town ? eos O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i have five . would you like to try club salsa or the fez club ? eos O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A
+bos sounds fun , can i get entrance fee , address , and postcode . eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos sure . were you interested in club salsa or the fez club ? eos O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A
+bos i think club salsa would be perfect . i am also looking for a train to depart from cambridge and go to london kings cross . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos the entrance fee is 5 pounds ; the address is 1 station road ; the postcode is cb12jb . what day and time are you looking to travel ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos the train should arrive by 12:00. i am looking to travel on wednesday . eos O O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Day O N/A
+bos there are 4 trains available . the earliest leaves at 5:00 and arrives at 5:51. would you like me to book that ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , that will work . can you please give me the train id for that booking ? eos O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos yes , it is tr3702 . how many tickets do you need ? eos O O O O B-Train-Inform+Id O O O O O O O O O Train-Request+People
+bos actually , i do n't think i will book that train just yet . thank you for all the info . that 's all i needed . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos thank you for contacting cambridge towninfo centre . i hope you have a pleasant trip ! goodbye ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos help me find a chinese place to dine in the centre please . eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O N/A
+bos i show 10 chinese restaurants located in the centre . do you have a price range in mind ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price
+bos i would like to stay in the expensive price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos there are 4 chinese restaurant in the centre of town in the expensive price range . may i suggest hk fusion ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos can i book it for 1 person at 14:15 on thursday ? eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i was able to book you , the reference number is 83kk1zqe , can i assist with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i ca n't wait to eat there , thanks . i also need train information . i am going to birmingham new street and need to arrive by 09:45. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O O N/A
+bos will you be travelling thursday , as well ? eos O O O O O O O O O O Train-Request+Day
+bos no , i need to leave on friday . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos train tr8310 would be perfect for you shall i book it ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O N/A
+bos yes , 1 ticket please . eos O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 75.09 gbp payable at the station .reference number is : kxh54og6 . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i am good to go now , thank you so much ! take care ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . have a great trip ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you for your time . eos O O O O O O O general-thank
+bos you are very welcome . i hope you enjoy your trip . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to go with architecture in the centre . eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos there are a total of 5 different architecture locations in the centre that you may be interested . i recommend visiting the holy trinity church . eos O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds lovely , could i get the phone number and postal code please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos absolutely , the phone number is 01223355397 and the postcode is cb23nz . eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O N/A
+bos thank you ! can you help me find a restaurant by the name of loch fyne ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos of course ! loch fyne is an expensive seafood restaurant in city centre . can i make you reservations ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos please book a table for 8 people at 19:15 on wednesday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos unfortunately the booking was unsuccessful . eos O O O O O O O Booking-NoBook
+bos how about 18:15 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos you 'll find a table for 8 at loch fyne for 18:15 , reference number ngnnfshd . they 'll only hold the table until 18:30 , though . will you need a taxi there ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos no , thank you for your help . eos O O O O O O O O O general-thank
+bos fantastic . enjoy your time in cambridge ! eos O O O O O O O O O general-greet
+bos can you help me find a train going to ely ? eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos sure , what day would you like to travel and is there a certain time you want to leave ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i want to leave on monday after 17:00. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos i was able to get you 1 ticket your confirmation number is b8tp1eaa , anything else ? eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O general-reqmore
+bos what is the price for that ticket ? eos O O O O O O O O O Train-Request+Price
+bos the ticket costs 4.40 pounds . will that be all ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O general-reqmore
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos you depart at 17:50 , arrive by 18:07 , and the duration is 17 minutes . is there anything else i can help you with ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O general-reqmore
+bos yes - are there any multiple sports attractions in the center of town ? eos O O O O O O O O O O O O O O O Attraction-Inform
+bos the cherry hinton village centre offers multiple sports and is located at colville road , cherry hinton . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O N/A
+bos can you help me find a moderately priced chinese food restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A
+bos there are 4 moderately priced chinese restaurants in the centre of town . golden wok comes highly recommended , would you like to book a table ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O N/A
+bos no , i 'd just like the address and postcode please . eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the golden wok is located at 191 histon road , chesterton , postcode cb43hl . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O N/A
+bos i also need a moderately priced guesthouse . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A
+bos what side of town would you like to stay in ? any specific rating ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars
+bos it 's more important to me that it has free parking . eos O O O O O O O O O O O O O N/A
+bos ok , can i recommend archway house ? it is a 4 star moderate guesthouse located in the north part of town . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A
+bos i need to book that for 3 people for 5 nights from tuesday please . i will need a reference number . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos i have made your reservation for 5 days starting tuesday for your party of 3. your reference number is 9k38mmfd . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i would also like a taxi to take me between the restaurant and the guesthouse . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos at what time would you like the taxi to meet you at golden wok ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave the hotel by 10:00 once booked , can you give me the contact number and type of car to look out for ? eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O O O O N/A
+bos you will be looking for a grey honda & the contact number is 07887630209. thank you ! eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O general-greet
+bos thank you for your help ! eos O O O O O O O general-thank
+bos you 're welcome ! is there anything else i can do for you ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , can i get the address to the funky fun house ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O O Restaurant-Request+Addr
+bos what sort of place if the funky house ? eos O O O O O O O O O O Attraction-Request+Type
+bos funky fun house is an indoor amusement attraction . i 've heard it is a lot of fun . do you have a phone number for it ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos we have to change it to attratction eos O O O O O O O O N/A
+bos i 'm sorry , i was thinking of another town . the restaurant , hotel , and taxi are all that i need for today . thank you for your help ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos enjoy your day ! eos O O O O O general-bye
+bos hello . i would like for a taxi to bring me to the cow pizza kitchen and bar by 04:30 please eos O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O N/A
+bos where would you like to travel from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i 'm traveling from leverton house . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos ok , i have you a cab booked , you will be riding a red honda and the contact number is 07676649498 eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos ok , thank you very much for your help . eos O O O O O O O O O O O general-thank
+bos no problem , have a great time ! eos O O O O O O O O O general-bye
+bos i 'm coming to visit cambridge ! i ca n't wait to see all of the local tourist attractions ! do you have any mediterranean restaurants around there ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos oh yes we have at least three restaurants located in the city center that serve mediterranean food . they vary in price range . do you have a preference ? eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Price
+bos yes , expensive . the food should serve eritrean food . british if that 's not available . eos O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos there is la mimosa and shiraz restaurant that are both in the centre and both expensive . would you like me to book one of these for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos yes , book the shiraz for one at 11:00 on monday , please . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos sorry they seem to be full . could we try another time/ eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos um . how about 10:00 ? eos O O O O B-Restaurant-Inform+Time O O N/A
+bos your booking was successful for 10:00 on monday . is there anything else i can assist you with today ? eos O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O O general-reqmore
+bos i will need the reference number . also , i 'm looking for places to go in the south . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos the reference number for your booking is ayk7pmnb . is there any place in particular you wish to go ? eos O O O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O Attraction-Request+Name,general-reqmore
+bos i do n't know the city very well . do you have any recommendations for attractions in the south ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are eight attractions in that area , is there a type of attraction you would prefer ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos a museum if you have it , otherwise i 'll take what you have at the top of your list . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can recommend byard art museum . admission is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O N/A
+bos that sounds perfect ! can i have the address and phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos sure . the phone number is 01223464646 and the address is 14 king 's parade . is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos that 's all i need ! eos O O O O O O O N/A
+bos thank you , please let me know if you have any more question . eos O O O O O O O O O O O O O O O general-bye
+bos i am looking for a restaurant . the restaurant should serve world food and should be in the centre eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O N/A
+bos unfortunately , i could n't find a restaurant that serves that kind of food in that area . eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O N/A
+bos what expensive restaurants are there ? eos O O B-Restaurant-Inform+Price O O O O N/A
+bos the cambridge chop house is expensive and it 's british food . is that okay ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O general-reqmore
+bos no . try looking for a restaurant that serves korean food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i found the little seoul restaurant . would you like me to make a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes , a table for two . eos O O O O O O O O N/A
+bos i 'd be happy to reserve for you , what day and time are you looking for ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos thank you , i need a reservation for 2 people at 13:15 on monday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos gg3dcufd is your confirmation code , may i help you with anything else ? eos O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that was everything . thanks eos O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos can you get me a taxi that will transport me to scott polar museum by 02:15 ? eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O N/A
+bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart
+bos i 'm leaving the graffiti . eos O O O O B-Taxi-Inform+Depart O O N/A
+bos i can have a black honda pick you up , the contact number is 07290394135. can i do anything else for you today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that settles everything . thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome ! have a good one ! eos O O O O O O O O O O general-bye
+bos i am looking for a restaurant in the north that is in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos would you prefer indian , or italian ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A
+bos actually i had japanese in mind . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are no japanese restaurants in the cheap price range in the north part of town . should i check another part of town ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O Restaurant-Request+Area
+bos okay , how about italian instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos da vinci pizzaria matches your criteria . would you like to book a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos no , but could you give me the postcode ? eos O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb41jy . is there anything else i can assist you with today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos could you see if there 's a swimming pool in the north area , as well ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are two swimming pools in the north area . the jesus green outdoor pool , and the kings hedges learner pool . would you be interested in either ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Select
+bos can i please have the phone number and postcode for those ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos here is the phone numbers and postcodes for both jesus green outdoor pool 01223302579 cb43px kings hedges learner pool 01223353248 cb42xh is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all i need . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos your welcome ! have a nice day . goodbye . eos O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm trying to find out where the parkside police station is . can you help me ? eos O O O O O O O O O O O O O O O O O O O Police-Inform
+bos it is on parkside in cambridge , postcode cb11jg . the telephone number is 01223358966. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's all i needed . thanks so much for your help ! eos O O O O O O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos am looking for the nearest police station eos O O O O O O O O Police-Inform
+bos cambridge , parkside police telephone number 01223358966. eos O O O O O O O O N/A
+bos thanks . what is the postcode ? eos O O O O O O O O Police-Request+Post
+bos the postal code is cb11jg . is there anything else you need ? eos O O O O O O O O O O O O O O N/A
+bos thank you for you help , that is all i need today . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the type of hotel and should be in the north eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i have two two star hotels in the north that are both moderately priced . do you have any other requirements such internet or parking ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos no , i do n't need parking . can you just recommend a place to stay ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i would recommend ashley hotel . would you like me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yes , please book the ashley hotel for me , thank you . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos when do you want your reservation to be and for how many people ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos starting monday and its for 2 people . i also need a reference number eos O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos how many nights ? eos O O O O O Booking-Request+Stay
+bos i would like to stay for 3 nights . eos O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos ok , you 're booked at the ashley hotel starting monday , your reference number is igat23z5 . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos have a great stay . eos O O O O O O general-bye
+bos i 'm looking for info about 4-star accommodations , somewhere where they do n't nickel-and-dime you for services like wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O N/A
+bos there are 21 guesthouses and hotels in the area that are 4 stars and have free wifi . do you have a preference for price range or location ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet
+bos i would like one located in the east with a moderate price range . eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A
+bos there are 3 that fit your needs . do you need parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Parking
+bos no , i do n't care about that . surprise me ! eos O O O O O O O O O O O O O N/A
+bos how about carolina bed and breakfast ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos thats still fine . book for 1 night eos O O O O O O O B-Hotel-Inform+Stay O N/A
+bos i 'll need to know when you will be arriving , how many nights your stay will be and for how many people . eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos it 'll be for 5 people and 5 nights starting from wednesday please eos O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos it appears that carolina bed and breakfast is not available for 5 nights and 5 people on wednesday . would you like a different day or shorter stay ? eos O O O O O O O O O O O O O B-Booking-NoBook+People O O O O B-Booking-NoBook+Day O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos can you see if they are available for one night ? i will need the reference number if available . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i was able to make a reservation for wednesday night for 5 people . the reservation number is 4kjwhsti . can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Day O O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , i think that 's everything i need . thank you for helping me . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . please let us know if we can help in the future . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is on hills rd , in cambridge . do you need anything else ? eos O O O O O O O O O O O O O O O O O N/A
+bos could i have the phone number , postcode please . eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone
+bos the phone number is 01223245151. the post code is cb20qq . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all i need today . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-welcome
+bos have a nice day ! eos O O O O O O N/A
+bos you as well and thank you for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O O O O O O general-bye
+bos i want a taxi after 24:45 please eos O O O O O O B-Taxi-Inform+Leave O N/A
+bos where would you like to go to and from ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need to go to worth house from stevenage train station . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos you are all set with a black honda . contact number will be 07642970234. can i do anything else for you ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no thank you . have a nice day ! eos O O O O O O O O O O general-thank
+bos have a nice day , goodbye . eos O O O O O O O O general-bye
+bos i need a place to go in the centre for entertainment . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are no attractions under the entertainment classification in centre . would you like to try another attraction type or area perhaps ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O N/A
+bos could you please check for architecture ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos i could recommend some church 's and old schools to visit , would that be ok ? eos O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O N/A
+bos i would like to visit an old school . what is your recommendation ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos i recommend a place called `` old schools '' it is known for it 's architecture . located in the centre on trinity lane . does that work ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O Booking-Inform
+bos yes , i just need the address and postal code . also , what is the entrance fee ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is trinity lane postcode cb21tt . no entry fee ! anything else i can help you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos i am also wanting to reserve a table at a place called cote . can you help me with that ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O N/A
+bos sure . when would like the reservation for and how many people will be in your party ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,general-greet
+bos can you book me a table for wednesday at 17:30 for a party of 5 ? eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O N/A
+bos it looks like they are already booked for that time slot . do you have another time you could go ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes . how about for 16:30 ? eos O O O O O B-Restaurant-Inform+Time O O N/A
+bos booking for 16:30 is set , the reference number is ndsjbn3w , may i assist with anything else ? eos O O O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i will also need a taxi to from old schools to cote . i need to make sure they arrive soon enough for me to make it to dinner on time . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest O O O O O O O O O O O O O O O O O O O O N/A
+bos i was able to book that taxi for you . be looking for a black tesla . if you need to contact them , their phone number is 07900626607. anything more i can do ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos great that 's all i needed today , thank you ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi , can you help me book a taxi to go from jinling noodle bar over to tenpin ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest O O N/A
+bos i 'd be happy to help you , when would you like to arrive at tenpin ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos i would like the taxi to arrive in tenpin by 21:45. eos O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A
+bos booking completed . please look out for a grey bmw ! contact number is 07914917823. is there anything else i can help with ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed . goodbye ! eos O O O O O O O O O O O general-bye
+bos enjoy your time in cambridge ! goodbye ! eos O O O O O O O O O general-bye
+bos hi there . i am looking for a train out of cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos what is your desired destination ? eos O O O O O O O Train-Request+Dest
+bos my desired destination is norwich . eos O O O O O B-Train-Inform+Dest O N/A
+bos there are many trains for norwich , do you have a specific date and time you 'd like to leave ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos friday after 18:15. i will need 4 tickets . please send me a reference number too . eos O B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos booking was successful , the total fee is 70.4 gbp payable at the station .reference number is : clbj6wli . anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A
+bos i need a hotel that is moderately priced . i do not want a guesthouse . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are three . ashley hotel and lovell lodge in the north are 2 stars and cityroomz hotel in the centre is 0 stars . do you have a preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Select
+bos is there anything with 3 stars ? eos O O O O O O B-Hotel-Inform+Stars O N/A
+bos there is not . would you be willing to try a different price range ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos yeah , lets try expensive places . eos O O O O B-Hotel-Inform+Price O O O N/A
+bos the gonville hotel meets your needs ! would you like me to book that for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes please for the same group of people on tuesday . eos O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos how many days would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay
+bos i 'd like to stay for 3 nights , please . eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos alright , got you booked . your reference number is : al3yqfj8 . anything else i can do for you today ? eos O O O O O O O O O B-Booking-NoBook+Ref O O O O O O O O O O O O O general-reqmore
+bos nope that is all i need today . i appreciate your time ! thank you . eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am trying to find the parkside police station . eos O O O O O O O O O O O Police-Inform
+bos the police station is located at parkside , cambridge . eos O O O O O O O O O O O N/A
+bos may i have the address please ? eos O O O O O O O O Police-Request+Addr
+bos the only information i have is that the postcode is cb11jg and the phone number is 01223358966. eos O O O O O O O O O O O O O O O O O O N/A
+bos ok , i suppose that will have to do . thank you . eos O O O O O O O O O O O O O O general-thank
+bos the address is parkside , cambridge . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O N/A
+bos that is all . thank you . eos O O O O O O O O general-thank
+bos you 're welcome . call us again please ! eos O O O O O O O O O O general-bye
+bos i will have a great day . eos O O O O O O O O N/A
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'm looking for any type of architectural attractions in town . do you have any recommendations ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos i could not find any attraction that match your request . can i look for museums ? eos O O O O O O O O O O O O O O O B-Attraction-Select+Type O O Attraction-NoOffer
+bos there are no architectural attractions anywhere in town ? eos O O O O O O O O O O Attraction-Inform
+bos all saints church is listed as architecture , would you like to go there ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos sure , that sounds good . could you give me the information on all saints church ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it is in the centre located at jesus lane and the entrance is free . their phone number is 01223452587 and the postcode is cb58bs ? anything else i can help with ? eos O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos yes , i am looking for an expensive place to stay that includes free parking . eos O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos sure ! i have a few places in mind , but can you tell me if you prefer a particular area ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'm just looking for something that is a guesthouse in the cheap price range . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A
+bos alexander bed and breakfast is available , would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos can you book for 4 people 5 nights and get me the reference number please ? eos O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O O Hotel-Request+Ref
+bos from what day should i book ? eos O O O O O O O O Booking-Request+Day
+bos starting thursday . eos O O B-Hotel-Inform+Day O N/A
+bos you have a room booked for thursday . reference number is u3do9ajp . can i help with anything else ? eos O O O O O O O B-Booking-Inform+Day O O O O B-Booking-Inform+Ref O O O O O O O O general-reqmore
+bos no that was it . thank you so much for your help . eos O O O O O O O O O O O O O O general-thank
+bos thank you and goodbye . eos O O O O O O general-bye
+bos i want to find a hospital in town . the hospital should have the hepatobillary and gastrointestinal surgery regional referral centre department eos O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O N/A
+bos addenbrookes hospital is located at hills rd , cambridge . they have the department you 're looking for , would you like the phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need the address , postcode , and phone number . eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos the phone number is 01223217300 and post code is cb20qq . eos O O O O O O O O O O O O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos that was all . thanks eos O O O O O O general-thank
+bos you are welcome . please call back if you need anything else . eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to eat christmas food eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos unfortunately , i am not finding anything that serves christmas food . would you like me to try another type of food ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O N/A
+bos yes , how about a restaurant that serves indian food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos do you have a price range or area preference ? eos O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos any range is fine . eos O O O O O O N/A
+bos do you have an area preference ? eos O O O O O O O O Restaurant-Request+Area
+bos i 'm sorry , but the price range should be moderate . the area does n't matter . i just need one that is available for 3 people at 13:00 on sunday . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O N/A
+bos i was able to get you a table at rajmahal in the east part of town at 7 barnwell road fen ditton , reference number frfmwn4u . anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos are there any good attractions in the centre of town ? eos O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there is holy trinity church on market street eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos okay great , could you give me the phone number and postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos yes . their postcode is cb23nz and you can call them at 01223355397. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-greet,general-reqmore
+bos that is all , thank you very much . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a wonderful day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos cambridge 's hospital is the addenbrookes hospital at hills rd . eos O O O O O O O O O O O O N/A
+bos great , can i get the address and postcode . eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address is hills rd , cambridge , and the postcode is cb20qq . eos O O O O O O O O O O O O O O O N/A
+bos thank you for your help . that is all i need today . eos O O O O O O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos hi , i 'm looking for a place to stay . can you help me ? eos O O O O O O O O O O O O O O O O O N/A
+bos i can definitely help with that . first of all , is there a preference on price range ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos moderately priced with a star of 3 will do . eos O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have four options . do you have a preference on which side of town ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like one in the north please eos O O O O O O O B-Hotel-Inform+Area O N/A
+bos i would recommend the alpha-milton guest house . it is in the north and moderately priced . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O N/A
+bos does it have free wifi ? i will need the postcode if it does . eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos i am afraid it does not . hamilton lodge does have free wifi . would you like to book it ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no , that 's ok. may i have the post code for the hamilton ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos sure ! the postcode is cb41da . eos O O O O O O B-Attraction-Inform+Post O N/A
+bos i am also looking for places to go in the same area as the hotel . eos O O O O O O O O O O O O O O O O O N/A
+bos sure . there are 2 swimming pools , a boat attraction , and a park in the area . which one would you like information on ? eos O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Select
+bos the boat sounds like something i 'd enjoy . is there an entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry but the entrance fee can only be seen once at the location . eos O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos okay . well , thank you and goodbye ! have a nice day . eos O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! i hope that you have a nice day as well ! goodbye . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to stay in a 4 star rated guesthouse . eos O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O N/A
+bos there are quite a few options . do you have a preferred price range and location ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i 'm not concerned with price , but we really would like to stay on the south end of the city if possible . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i found two guest houses matching your request . would you like to try the aylesbray lodge gest house located at 5 mowbray road ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A
+bos do they have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes both of those guesthouses have internet . should i make a reservation ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yeah , maybe ... but first , can you give me some ideas of places to go ? i 'm interested in some nightclubs in the centre . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O N/A
+bos i would like to suggest the ballare . do you need any information on it ? eos O O O O O O O B-Attraction-Recommend+Name O O O O O O O O O general-reqmore
+bos yes ! can i have the phone number and entrance fee please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos absolutely ! the entrance fee is 5 pounds and the phone number is 01223364222. eos O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone general-greet
+bos thanks ! that 's all i needed . eos O O O O O O O O O general-thank
+bos you 're most welcome . enjoy ! eos O O O O O O O O general-welcome,general-bye
+bos hi , i want to find an architecture attraction in the west please . eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos i am not showing an architecture in the west . would you be interested in a different type of attraction or a different area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos are there any museums in the west ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos yes . there are 7 museums in the west . i can recommend the cambridge country folk museum and kettle 's yard . would either of those interest you ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O Attraction-Select
+bos the folk museum sounds interesting . can i get the address and entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos their address is 2-3 castle street and the fee is 3.50 pounds . is there anything else that i can help you with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos yes - i 'm looking for a 3-star place to stay . something moderately priced . eos O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are 4 guesthouses that meet your criteria . the hobsons house is popular . would you like to book it ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos as long as it is in the north , and meets that criteria , sure . eos O O O O O O O O O O O O O O O O O N/A
+bos in the north and moderately priced we have hamilton lodge and alpha-milton guest house . eos O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos hamilton lodge and book for 2 people for 3 nights starting monday , please . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos you are booked at the hamilton lodge for three days starting monday , and your confirmation number is 1roqgkd4 . can i assist you with anything else ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i also need a taxi . eos O O O O O O O O O Taxi-Inform
+bos where would you like to travel and what time would you like to go ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Leave
+bos i want to leave the folk museum by 2:30 to go to the hotel . can you get me the contact number and car type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos the contact number is 07050010887 and it will be a white ford . eos O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos thank you for the info on the taxi and helping me find one have a great day ! eos O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos i wish you a lovely day too . eos O O O O O O O O O general-bye
+bos can you tell me if there are any museums in the west part of town ? eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are 7 museums in the west part of town . all but one are free to enter . do you have any further criteria ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos it needs to be in the west . eos O O O O O O O O O N/A
+bos would you like to visit cafe jello gallery ? it is in the west with free entrance . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O O N/A
+bos sure thing , may i have their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223312112 eos O O O O O B-Attraction-Inform+Phone N/A
+bos i also need a seafood restaurant that is in that same area eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos sorry , looks like there are no restaurants in the area with those requirements . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about an expensive restaurant in the west serving european food ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O N/A
+bos the cambridge lodge restaurant fits all your criteria . can i book a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos yes , i would like reservations for four for seven o'clock tomorrow evening . eos O O O O O O O O O O O O O O O N/A
+bos i 'm sorry that booking was unsuccessful , would you like to try another time or another day ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos actually can i get reservations for 7 at 20:00 on friday ? eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos no problem . i have you booked on friday at 20:00 for 7. anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O O O O O O O general-reqmore
+bos could i get the reference number for that booking please . eos O O O O O O O O O O O O Restaurant-Request+Ref
+bos your reference number for the restaurant reservation is qt2c8pnf . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes . i would like a taxi to take me to the restaurant by my reservation time . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos will you be heading to the restaurant directly from cafe jello gallery ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos yes , please . do you have their phone number ? eos O O O O O O O O O O O O Taxi-Request+Phone
+bos booking for your taxi was successful . the contact number is 07760432022 and the care will be a white volvo . eos O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A
+bos thank you very much . that 's all i 'll need today ! eos O O O O O O O O O O O O O O general-thank
+bos ok then . goodbye . eos O O O O O O general-welcome,general-bye
+bos hello , i am looking for a place to stay that has free parking in the south area . can you help me with that please ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos i have four options ranging in price from cheap to expensive ranging in from 3 to 4 stars . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars N/A
+bos are any a guesthouse ? eos O O O O O O N/A
+bos yes i have 3 guesthouses matching your criteria . would you like to book one of them ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform
+bos no i just need you to recommend one for me . eos O O O O O O O O O O O O N/A
+bos aylesbury odge guesthouse , i will book it for you , is there anything else i can do for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i do n't need you to book it , i just need the phone number and post code please . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the phone number is 01223240089 , and the post code is cb17sr . is there anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos thanks , also looking for a restaurant in the same part of town in the expensive range . can you recommend one ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos the good luck chinese food takeaway is great . shall i book it ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A
+bos please book the restaurant and i also need a taxi . eos O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what time would you like to dine , and how many will be in your party ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos there will be 6 of us . we 'd like 12:15 on saturday please . eos O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos your table is booked ( ref # schag4oi ) . what time do you need that taxi ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like it to arrive in time to get us there before 12:15. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos your black ford taxi has been booked and your contact number is 07103139053. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone N/A
+bos thanks . that is all for now . eos O O O O O O O O O general-thank
+bos okay . please call us if we can help you further . we hope you enjoy your stay . eos O O O O O O O O O O O O O O O O O O O O general-bye,general-greet,general-reqmore
+bos cheap restaurant in the centre , please . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are several for you to choose from . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos what kind of options do i have in that area ? eos O O O O O O O O O O O O N/A
+bos really , there are too many to list . i would recommend a nice chinese restaurant like charlie chan . eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos okay . that sounds good . can you book me a table for 1 at 13:00 on tuesday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos unfortunately there is no availability on tuesday at 13:00. would you like me to try to book at another time ? eos O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O Booking-Request+Time
+bos can you try 12:00 eos O O O O B-Restaurant-Inform+Time N/A
+bos i booked it for you . your reference is h1lecr09 . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos could you help me find an interesting attraction nearby ? eos O O O O O O O O O O O Attraction-Inform
+bos there are 44 attractions in the centre . was there a specific type of attraction you want ? we have all saints church at the centre , would that suffice ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O Attraction-Request+Type
+bos that could do . get me the postcode and the attraction type please . eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type
+bos the postcode is cb58bs and the attraction type is architecture . is there anything else i can do for you ? eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Type O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos you are welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay that has a 4 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos okay , i 'll help you with that . do you have a price range in mind ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet
+bos no , price does n't matter . i prefer free parking though . eos O O O O O O O O O O O O O O N/A
+bos the acorn guesthouse located in the north offers free parking and is in moderate pricing range . would you like me to book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes can you please and send me the reference number ? eos O O O O O O O O O O O O N/A
+bos of course , how many nights will you be staying ? eos O O O O O O O O O O O O Booking-Request+Stay
+bos i need the room for five nights . eos O O O O O O O O O N/A
+bos how many people will be staying and what is the starting day you will need ? eos O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i 'd like to book for eight people lasting five nights , starting on saturday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : 1kayw650 . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos ofcourse , information on parking eos O O O O O O N/A
+bos the acorn guest house offers free parking as well as free wifi . can i help with anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos yes , please . i need a reservation at a restaurant called the slug and lettuce . do they have room on that same day at 14:45 ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ak8y5gx6 . can i help with anything else today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , you 've taken care of everything . thanks so much . have a great day . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a zero star hotel in cambridge with wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there is one hotel with your criteria . cityroomz in the centre . it is moderately priced . would you like me to book it for you ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos no , i actually need it in the north part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i have no hotels that match what you want in the north area eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area N/A
+bos i guess the cityroomz in the centre would be fine then . does it include free wifi ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos yes , it includes wifi eos O O O O O O Hotel-Inform+Internet
+bos can we book it for 8 people starting saturday ? eos O O O O O O O O O O O N/A
+bos how many days will you be staying ? eos O O O O O O O O O Booking-Request+Stay
+bos i 'll be there for 5 nights . eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos booking was sucessful ! your reference number is u87hn6i5 . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i 'm also looking for an inexpensive italian restaurant in the same area . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos i have the da vinci pizzeria . it 's a cheap restaurant in the north . would you like me to help you reserve a table ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos yes please . for the same amount of people on the same day at 14:30. eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos you 're all set for saturday at da vinci pizzeria at 14:30 for 8 people . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time O O B-Booking-Book+People O O O O O O O O O O O O general-reqmore
+bos is there a reference number for the pizzeria reservation ? eos O O O O O O O O O O O N/A
+bos yes your reference number is 98842 , is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed . thanks and bye ! eos O O O O O O O O O O O O O general-bye
+bos well , you 're welcome ! and you have a great day ! eos O O O O O O O O O O O O O O general-welcome
+bos hi , i 'm looking for a cheap restaurant in the south . what do you have ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos i ahve two places , chines and portuguese , which would you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select
+bos chinese would be great . eos O O O O O O N/A
+bos that would be the lucky star located at cambridge leisure park , clifton way , cherry hinton . can i book a table for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes . can you book me a take for 5 at 18:00 on monday ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i 'm sorry i was unable to book that . would you like to try another venue ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can we try 17:00 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : vmfxyh18 . eos O O O O O O O O O O O B-Booking-Book+Time I-Booking-Book+Time O O B-Booking-Book+Ref O O N/A
+bos i am also looking for a hotel that includes free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there are many hotels and guest houses . do you preder a certain location and price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i definitely want a hotel , not a guest house . it should also be in the same area as the the lucky star restaurant . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O N/A
+bos the lensfield hotel is in the south and falls in the expensive price range . they 're a 3 star establishment with free wifi and parking . care to book a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i would like to book a room for 5 nights for 5 people starting the same day . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos unfortunately , i was not able to book it for monday . did you have another day in mind ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos any other hotels ? eos O O O B-Hotel-Inform+Type O N/A
+bos i only see the lensfield hotel , maybe we can try with other dates ? eos O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i would like to book for the lensfield hotel for 5 people from the same day but for 3 nights only then . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos booking for 3 nights was a success ! your reference number is ze9tpusj . is there anything else i can help you with today ? eos O O O O B-Booking-Book+Stay O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that 's all i need . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos it was a pleasure to help . thanks for using our service . have a great night . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos help ! i am hungry and need a cheap restaurant in the centre . eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos the dojo noodle bar is a cheap restaurant in the centre . would you like me to make a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos i 'm actually looking for some italian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos zizzi cambridge is cheap and serves italian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos and that 's in the city centre ? if so , can you make us a reservation ? i need it for 6 people on thursday . eos O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O N/A
+bos sure , what time would you like the booking ? eos O O O O O O O O O O O Booking-Request+Time
+bos i need that for 16:15 please . eos O O O O O B-Restaurant-Inform+Time O O N/A
+bos reference number is : rvoqbwkg . eos O O O O O B-Booking-Book+Ref O N/A
+bos okay , i also need a hotel with wifi and parking . eos O O O O O O O O O O O O O N/A
+bos would you like a recommendation , or would you like to narrow the search first ? eos O O O O O O O O O O O O O O O O O general-greet
+bos i also need a four star place please . eos O O O O O O O O O O N/A
+bos the allenbell is a lovely guesthouse in the east and it 's cheap too ! eos O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O N/A
+bos please book that for me for today thank you eos O O O O O O O O O O general-thank
+bos thank you i need a 4 star hotel as well eos O O O O O O O O O O O N/A
+bos i only need to hotel information for now . thank you for your help ! eos O O O O O O O O O O O O O O O O Hotel-Inform
+bos are you sure there is nothing else ? eos O O O O O O O O O general-reqmore
+bos that 's it . i 'll call you when i need something else . thanks . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are so welcome ! good bye . eos O O O O O O O O O general-bye
+bos hello . i will be a tourist in cambridge and i 've heard there are many local attractions . eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes , we actually have over 79 attractions . do you have a specific area of town or interest of attraction you are looking for ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos can you recommend me a nightclub where i can get jiggy with it ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos well , i think the jiggiest nightclub in town is the soul tree nightclub , right in centre city ! plus the entrance fee is only 4 pounds . eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos that is perfect can i have the postcode please ? eos O O O O O O O O O O O Attraction-Request+Post
+bos sure ! the postcode is cb23qf eos O O O O O B-Attraction-Inform+Post O N/A
+bos thanks . last time i stayed in cambridge several years ago i stayed at the carolina bed and breakfast . is it still around ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A
+bos yes , it is still around . would you like me to book the carolina bed and breakfast ? eos O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos i just need to verify some information before i book anything . do they still have wifi , and have the prices stayed moderate ? oh , and they are in the east , correct ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet
+bos they are in the east , yes , and they are still considered a moderately priced guesthouse . and they also have free parking and internet . eos O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos awesome ! i will also need to book a tai to go from the hotel to the nightclub . eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos yes , they are in the east , prices still moderate and they do have wifi . is there anything else i can find out for you ? eos O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes , i would like to book a taxi to leave the hotel by 11:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos i got a blue audi for you . their number is 07962712381. what else do you need ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos that is all i need today . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a good day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay that has free wifi and parking . eos O O O O O O O O O O O O O O O O N/A
+bos there are numerous hotels that match this criteria available . do you have a specific area you 'd like to stay , or a price range in mind ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos no particular area but i need it to be cheap . eos O O O O O O O O O O B-Hotel-Inform+Price O N/A
+bos i found cheap guesthouses , is guesthouse what you are looking for ? eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i 'd prefer a hotel , rather than a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there 's one . the cambridge belgry in the west . it has a four star rating . should i book it for you ? eos O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please book it for 3 people for 2 nights starting monday eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A
+bos i am sorry but it is not available for those times . would you like to find another hotel ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about booking it for 1 night instead . eos O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i was able to book a reservation for 3 people for 1 night starting monday , reference number d8uyvay8 . is there anything else you need assistance with ? eos O O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes i need a chinese place in the cheap range eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A
+bos there are 4 in the price range you asked for : charlie chan , rice house , the lucky star and the golden house . would you like more information on one of these ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O general-reqmore
+bos can you reserve me a table that the lucky star on monday for 3 people at 13:15 ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A
+bos the booking was successful . your reference number is 96vno1g8 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos alright , that 's all i need today , thanks ! eos O O O O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos are there any italian restaurants in the city centre ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A
+bos there are quite a few italian restaurants in the centre . would you like something cheap , moderately priced , or more expensive ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A
+bos i would like something in the cheap range and i need the address and phone number eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure , how about pizza hut city centre ? it 's at regent street city centre cb21ab and can be reached at 01223323737. may i help with anything else ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , please . i would like information about the ashley hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos the ashley hotel is in the north part of town . it is a moderately priced two star hotel with internet service and parking . would you like to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , 3 people , 5 nights starting from wednesday . reference number please . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O Hotel-Request+Ref
+bos booking was successful . reference number is kjggrh7e . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks . i 'd like to get a taxi as well leaving the restaurant by 08:15. can i get the contact number and the car type for that please ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i need a little more information to schedule your taxi . what is your destination ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'll be going from the restaurant we talked about ( pizza hut city centre ) to the hotel you booked for me ( the ashley ) . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A
+bos i have booked your taxi . be looking for a white toyota . if you need to contact them , please call them at 07948315819. anything more i can help with ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that is all i needed thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a hotel . i want it to have free wifi , but parking does n't need to be free . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos there are many lodgings with free wifi ; would you prefer any particular area of town ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos no but i would like it to be a 2 star place . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are 3 hotels : the ashely hotel , express by holiday inn cambridge , and lovell lodge . they all have free wifi and parking . do any of these sound good ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , i would like to hear more about the ashley hotel please . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos the ashley hotel is located in the north . it is moderately priced and has 2 stars . they offer free internet and parking . would you like me to book you a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i 'd like the postcode and phone number please . eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos yes , the phone number is 01223350059 and the postcode is cb41er . eos O O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O N/A
+bos thank you . are there any korean restaurants in the city centre ? eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A
+bos little seoul is an expensive korean restaurant in the centre . would you like to book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos no i can do that , can i have the contact information please ? eos O O O O O O O O O O O O O O O N/A
+bos certainly . their phone number is 01223308681 , and they 're located at 108 regent street city centre , postcode cb21dp . can i help you with something else today ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos i changed my mind , can you book the restaurant for 2 people on saturday at 19:45 and send me the reference number once booked . eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 4ycrsk69 . will you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need a taxi to commute between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to leave and arrive by ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos leave saturday,2 people and book nit for me eos O O O O O O O O O N/A
+bos just to clarify my question , can you tell me what time to book your taxi for . what time do you need to leave or arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to arrive by 19:45 on saturday . eos O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos i have a black bmw picking you up and the number is 07757418590 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone N/A
+bos okay thanks a lot , that 's all i need ! eos O O O O O O O O O O O O general-thank
+bos thank you for contacting us ! have a great day ! eos O O O O O O O O O O O O general-bye
+bos hello , i need to find a place to stay for the night . i 'd rather be in the north than the city centre , and i 'm willing to pay a moderate sum . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i have several guesthouses available . would the acorn guest house work for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos does that have free wifi ? eos O O O O O O O N/A
+bos yes , they offer free internet and parking . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos could i please have the address ? eos O O O O O O O O Hotel-Request+Addr
+bos sure . acorn guest house is on 154 chesterton road . can i help you with anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos i need a moderate place to eat , same area as my hotel . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos there is a chinese restaurant , as well as an indian restaurant , in that area . which do you prefer ? eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Select
+bos can i have the address for the chinese place ? eos O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Addr
+bos the address for the golden wok chinese restaurant is 191 histon road chesterton . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos can i have the address for the indian restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Addr
+bos the address for the indian restaurant is 7 milton road chesterton . do you need anything else ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O general-reqmore
+bos no , that is all i need today . thank you for all your help ! eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos i need a restaurant in the town 's centre eos O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos we have a wide variety of restaurants in the center of town . did you have a specific type of cuisine in mind ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food
+bos yes i am looking for one that serves molecular gastronomy . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i 'm sorry , there are no restaurants specializing in molecular gastronomy located in the centre . eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O N/A
+bos how about any italian restaurants in the same area ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos yes ! there are nine to choose from . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O general-greet
+bos show me the one you think is best . i will need the postcode , phone number and price range for it . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price
+bos stazione restaurant and coffee bar is expensive , but worth it ! the phone number is 01223352607 and the postcode is cb23nj . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O N/A
+bos i also need a place to stay in the centre , free parking as well . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos okay do you ave a preference for price ? i have both cheaper and more expensive options but nothing that is considered moderate . eos O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Request+Price
+bos i would like a cheap option please . eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos i would suggest el shaddai . would you like a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O Booking-Inform
+bos possibly , do they have free wifi ? eos O O O O O O O O O N/A
+bos yes it does . it is very nice . eos O O O O O O O O O O Hotel-Inform+Internet,general-greet
+bos great , i would like a reservation for 1 , 3 nights starting from wednesday . if that fails , then friday and the reference number . eos O O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : g8hh6hcw . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you ! have a great day ! eos O O O O O O O O O general-thank
+bos okay i am glad i could be of help . eos O O O O O O O O O O O general-welcome
+bos thank for calling . eos O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no . the restaurant and lodging are all . thank you , again . goodbye . eos O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos please help me find a four star hotel . eos O O O O O O O O O O N/A
+bos there are many 4 star hotels . what area and price would you like to be in ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos somewhere south , mid price range and preferably a guesthouse type of hotel . eos O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i 've found the aylesbray lodge guest house . it has a moderate price and 4 stars . it offers free internet and parking . shall i book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes can you please book that . eos O O O O O O O O N/A
+bos ok i will book it for you eos O O O O O O O O Booking-Inform
+bos i need it for 3 nights starting thursday . there will be 5 of us . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O N/A
+bos you 're all set i 've booked the aylesbray lodge guesthouse for 3 nights 5 people starting thursday . your reference # is dtx3qitl . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+People O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos is there any expensive irish restaurants ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos sorry , no venues found . want to change the food type or price range ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer
+bos okay , let 's adjust the food type to african please eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos the bedouin serves african food , would you like me to book that for you ? eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform
+bos no , i just need the address and phone number . eos O O O O O O O O O O O O Taxi-Request+Phone,Restaurant-Request+Addr
+bos they are at 100 mill road city centre and can be reached at 01223367660. is there anything else i can assist you with ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos i would like a cab leaving the hotel by 8:00 going to the restaurant , i need contact number and car type please . eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos your red bmw was successful . your contact number is 07998933072. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you . i do not need any further help right now . eos O O O O O O O O O O O O O O general-thank
+bos okay , it was my pleasure to assist you . goodbye eos O O O O O O O O O O O O general-bye
+bos i need a place to stay . it needs to be a hotel that has free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos what price range and area of town are you looking for ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos price does not matter . i want something on the west . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos the huntingdon marriott hotel is on the west and is a 4 star hotel with wifi . would you like to book a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform
+bos maybe . does it have free parking ? eos O O O O O O O O O N/A
+bos yes it does . shall i book ? eos O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , please book for 4 nights on thursday for 1 person . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos reference number is : 42uhjqt1 . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore
+bos great ! yes , i also need to find an expensive restaurant close to the hotel . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Hotel-Inform+Type O O O N/A
+bos would you prefer british , indian , thai or european cuisine ? eos O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A
+bos is there one that happens to serve chinese food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos sorry , no results for that search . would you like to try a different area or price range ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about one that serves food from the americas ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A
+bos i am sorry , there are no restaurants that serve food from the americas either . eos O O O O O O O O O O O O O B-Restaurant-NoOffer+Food O O O N/A
+bos are there any expensive restaurant that serves american , anywhere in the city ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos there are none . would you like to change either your cuisine preference , or try a moderate ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos could you double check for chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no expensive chinese restaurants in the west , which would be close to your hotel . would you like to try a different area ? eos O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O O N/A
+bos what are the expensive chinese restaurants that are available ? eos O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos after checking again , i do have 1 that serves north american food in the centre area . would that interest you ? eos O O O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos yes please book that for one person on thursday at 12:15. eos O O O O O O O O O O O O N/A
+bos how many people would you like that booking for ? eos O O O O O O O O O O O Booking-Request+People
+bos it will be just me , myself and i ! eos O O O O O O O O O O O N/A
+bos your booking is complete your reference number is wydayxh4 they will only hold the table for 15 minutes . eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos that is everything . thank you so much for your help . eos O O O O O O O O O O O O O general-thank
+bos i am glad i could help you . have a great trip . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train that leaves on thursday after 21:30. eos O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest
+bos i will be going to broxbourne . eos O O O O O O B-Train-Inform+Dest O N/A
+bos i have 2 trains going to broxbourne , do you have an arrival time preference ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Arrive
+bos i just want to leave after 21:30 eos O O O O O O O B-Train-Inform+Leave N/A
+bos will an arrival time of 22:01 work for you ? eos O O O O O O B-Train-OfferBook+Arrive O O O O N/A
+bos yes , that would be fine . i 'll need the price and travel time for that , please . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos will you be leaving cambridge ? eos O O O O O O O Train-Request+Depart
+bos yes , i 'll be leaving from cambridge . what 's the train number and cost ? oh , and how long is the trip ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O O N/A
+bos it costs 17.90 pounds . i need to know your arrival time to determine the trainid . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O Train-Request+Arrive
+bos i also would like to book a table for 3 at prezzo for 16:00 the same day i arrive or tuesday . i need the reference number also . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Name O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i was able to reserve a table at prezzo on thursday at 16:00. the table will be reserved for 15 minutes , reference number r0q4hl63 . can i assist with anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos what area would you like to stay ? and do you have a certain pricerange ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos no , price range in mind , but i would like it to be in the centre . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O Train-Request+Price
+bos alexander bed and breakfast is a very nice place eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos what type of accommodation is this ? eos O O O O O O O O N/A
+bos the alexander bed and breakfast is a guest house , in the center , with a four star rating , wi-fi , and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos book for 7 people and 2 nights starting from thursday and get the reference number eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O Hotel-Request+Ref
+bos booking was successful . your reference number is ww2tm0v8 . will that be all ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O N/A
+bos i am looking for a train . the train should leave on saturday and should depart from cambridge eos O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A
+bos where will you be going to ? eos O O O O O O O O Train-Request+Dest
+bos i have a business meeting in ely . i definitely need to be on time , so i need a train that will arrive by 19:45. eos O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr1469 has the latest arrival time of 18:07. would you like for me to book it ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no thank you . i just need to find out how much it is going to cost . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos the cost is 3.52 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos great ! what can i help you with ? eos O O O O O O O O O O general-welcome,general-reqmore
+bos i need help finding a place to stay . eos O O O O O O O O O O N/A
+bos i have many places in cambridge . do you have a price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos actually , can we look for a train first ? i need to be in cambridge by 15:15 on saturday . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i am leaving from ely . eos O O O O O B-Train-Inform+Depart O N/A
+bos i get put you on the tr4698 and your arrival time will be 13:52 , would you like a ticket ? eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no , could you just give me the price and the departure time please ? eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos the departure time is 13:35 , and price is 3.52 pounds . eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos i also need a hotel room . eos O O O O O O O O Hotel-Inform
+bos what 's your budget ? could you like something cheap , moderate or expensive ? eos O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O Hotel-Request+Price
+bos i do n't care about the price . i just need it to be in the north part of town , and have a 4-star rating , please . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O O O O Train-Request+Price
+bos there are 8 , i recommend home from home guesthouse . they are moderately priced and offer free parking and internet . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos i do not want a guesthouse . eos O O O O O O O O N/A
+bos i 'm sorry , but we do n't have any 4 star hotels in the north . we do , however , have 2 hotels with a 2 star rating in that area . will those do ? eos O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Select
+bos is there a 3-star hotel or guesthouse in the north ? the hotel does n't need to include internet . eos O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos i 'm sorry . there are no hotels meeting your criteria . would you like to try a different area ? eos O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O Hotel-Request+Area
+bos lets go with a guesthouse than eos O O O O O O O N/A
+bos would you prefer a 4 or 3 star guesthouse ? i 'm sorry we do n't have any hotels meeting your needs . the guesthouses are quality establishments though ! eos O O O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Type O O O O O O B-Hotel-NoOffer+Type O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos 4 star please eos O O B-Hotel-Inform+Stars O N/A
+bos i have 5 guesthouses that are 4 stars . do you care which one i book ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos no , whichever you choose will be fine . i 'll just need it booked for 4 people , 4 nights , and starting on saturday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O N/A
+bos arriving at acorn guest house on saturday and staying for 4 nights with 4 guests . your reference number is : 152capo9 . eos O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day O O O B-Booking-Book+People O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great , thank you ! eos O O O O O O general-thank
+bos is there anything else that i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thanks . eos O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay that is expensive , i am not worried if i pay to pay for parking . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos what hotel rating would you like ? eos O O O O O O O O Hotel-Request+Stars
+bos that does n't matter as long as it 's in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are no expensive hotels in the north . would you like a different price range or area ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos could you check for something in the moderate price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos i have any what star rating would you like ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O Hotel-Request+Stars
+bos that does n't matter as long as it 's in the north . eos O O O O O O O O O O O O O O N/A
+bos i have acorn guest house located in the north that has a 4 start rating would you like me to book it for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform
+bos that 's okay , i can book later . can you help me find a train departing from leicester on tuesday ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos you bet ! i have 19 to choose from . what time do you want to arrive ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive,general-greet
+bos i need to arrive by 08:15 in cambridge please . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O N/A
+bos yes for how many people ? eos O O O O O O O Train-Request+People
+bos oh , i do n't need to book any tickets , i would just like to know the the departure time , price , and travel time , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos both options cost 37.80 pounds , and take 105 minutes . one leaves at 5:09 , the other at 6:09. can i help you with anything else ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O general-reqmore
+bos that 's all i needed today . thanks , and goodbye ! eos O O O O O O O O O O O O O general-bye
+bos please contact us again in the future . thanks . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for some chinese food , any good places in town ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos yes i have many options . what price range or area would you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos let 's do expensive . eos O O O B-Restaurant-Inform+Price O O N/A
+bos there are five expensive chinese restaurants . two of them are in the south . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O N/A
+bos i was hoping to find something located in the center of town . are there any expensive chinese restaurants there ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos hk fusion is an expensive chinese restaurant located at 21 burleigh street , city centre . would you like more options ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O general-reqmore
+bos this restaurant will be fine . eos O O O O O O O Restaurant-Inform
+bos would you like me to book a reservation for you ? eos O O O O O O O O O O O O Booking-Inform
+bos yes please , 2 people at 19:00 on sunday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : mt2uhucb . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! i 'm also looking for a place to stay in the same area . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos yes i will find you one and inform you as soon.thanks a lot its a pleasure to serve you eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos please find a european restaurant in the centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos we have 4 european and 4 modern european places in the centre with various price ranges , anything i can do to narrow that down for you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O O O O O O O O O O general-reqmore
+bos yes , i need something in the moderate price range eos O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos riverside brasserie is found at the center on doubletree by hilton cambridge granta place mill lane . could you like a booking ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Booking-Inform
+bos yes . please book me a table for thursday at 19:00 for 5 people . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A
+bos your reference number is jnluqcwp . eos O O O O O B-Booking-Book+Ref O N/A
+bos great , we are meeting friends at wandlebury country park before we eat , can you tell me about that place and where it is ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O N/A
+bos wandlebury is a lovely park on the south side . their address is quite the mouthful : wandlebury ring , gog magog hills , babraham . eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A
+bos okay thank you very much . eos O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos i will need a taxi to get from the park to the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what time will you need the taxi to be there by ? eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos by 19:00. eos O O B-Taxi-Inform+Arrive N/A
+bos your taxi reservation departing from wandlebury country park going to riverside brasserie is complete . the cary type will be a red honda and the contact number is 07286033047 eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thats everything i needed thanks for the help ! eos O O O O O O O O O O general-thank
+bos you are very welcome have a nice day . eos O O O O O O O O O O general-welcome
+bos i 'd like to find a moderately priced hotel with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos which section of the town could you like the hotel to be in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos in the east please . eos O O O B-Hotel-Inform+Area O O N/A
+bos i have 3 listings that fit that criteria . would you need parking as well ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Parking
+bos parking is n't necessary , but i would like a 4-star hotel if possible . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i have 4-star guesthouses in the east . warkworth house is a great place to stay . eos O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O N/A
+bos can you give me the postcode for that hotel ? eos O O O O O O O O O O O Hotel-Request+Post
+bos yes , the warkworth house 's postcode is cb11ee . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O N/A
+bos okay , thanks . i 'm also looking for information on cambridge book and print gallery . what area is it in ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Area
+bos the cambridge book and print gallery is in the west side of town . what else can i help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos nothing else today , thanks . eos O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos is there a place on the east side of town with free parking ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are 6 hotels on the east side with free parking . do you have a price preference ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos i 'd like it to be somewhere that 's really cheap , and i 'd really prefer a guesthouse if one is available . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos how about the autumn house , it is a guesthouse that is cheap in the east ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O N/A
+bos yes , please make a reservation for 1 person , 3 nights , starting from thursday . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos i have made your reservation at the autumn house . your reference number is hwvz52nk . is there anything else i can help you with ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that 's all , thanks . eos O O O O O O O general-thank
+bos all right , enjoy your stay in cambridge ! eos O O O O O O O O O O general-greet
+bos i need a hotel and i need free wifi and parking . eos O O O O O O O O O O O O O N/A
+bos i 've found 29 places that fit your criteria . to further narrow your search , please provide a specific hotel type and the amount of stars of the hotel you would like . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Type
+bos a guesthouse in the north will be fine . eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos perfect , that has narrowed us down to 9 results . do you have any other criteria that need to be met ? eos O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O N/A
+bos no , that should be it . can you tell me some of the 9 results you were able to find ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos acorn guest house , arbury lodge , archway house , hamilton lodge are all great selections . would you like me to book one of these or would you like more suggestions ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i 'm looking for a place to stay . please list all hotels in the north that include free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos i have two hotels that match that criteria , the ashley hotel and the lovell lodge . they are both hotels . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos which one is cheap ? eos O O O O B-Hotel-Inform+Price O N/A
+bos there are no hotels in the north in the cheap price range . both of these hotels are moderately priced . can i check another area for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos none in the north that are cheap ? eos O O O O B-Hotel-Inform+Area O O O O N/A
+bos no , none of them are cheap in the north . would you like to change your criteria ? eos O O O O O O B-Hotel-NoOffer+Price O O B-Hotel-NoOffer+Area O O O O O O O O O O N/A
+bos try a different area . eos O O O O O O N/A
+bos the cambridge belfry is available in the west . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O N/A
+bos that sounds good can you book 8 people for 4 nights from thursday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos you 're all set at the cambridge belfry . your reference number is : lemrq8ia . anything else i can assist you with today ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos actually yes , i need a train to cambridge . please get me one that arrives by 08:30 eos O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos departing from norwich . i need a booking for eight people . eos O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos what day did you want to travel ? eos O O O O O O O O O Train-Request+Day
+bos on thursday , please . eos O O B-Train-Inform+Day O O O N/A
+bos i have train tr0256 leaving at 5:16 and arriving at 6:35. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos that will be great . can you book me 8 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was a success . reference number is : nla2cg5s and total fee is : 140.8 gbp . eos O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O Booking-Book
+bos hi , can you help me find a place to stay ? i 'd like a hotel on the north side , please . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos the acorn guest house is a 4-star guesthouse in the north . it has free parking and wifi , and is in the moderate price range . would you like a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that sounds like what i am looking for . yes , i 'd like to book a room . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos great ! when would you like to stay ? eos O O O O O O O O O O Booking-Request+Day
+bos i would like to book a room for 3 days starting tuesday . there is a total of 3 people . eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos sorry , they do n't have those dates available . would you like me to try for other days or another location ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos can you try for just 1 night then ? eos O O O O O O O B-Hotel-Inform+People O O N/A
+bos sorry , the acorn is not open then , shall i try somewhere else that fits your criteria ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-NoBook
+bos yes , whatever you can find . eos O O O O O O O O N/A
+bos good news , the acorn just opened up for one night . your reference number is ukmnfd3q . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thanks , i think that 's all i need right now . bye eos O O O O O O O O O O O O O O general-bye
+bos glad i could help . have a nice stay . bye . eos O O O O O O O O O O O O O general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos what do you want to know ? eos O O O O O O O O general-reqmore
+bos i should have told you that already , i apologize . i need to take a train from cambridge to london kings cross , on thursday leaving after 15:00. eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O N/A
+bos there are trains meeting those requirements leaving at 15:00 , 17:00 , 19:00 , 21:00 , 23:00. they all take 51 minutes and cost 23.60 pounds . eos O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A
+bos i think i want the one leaving at 17:00. what 's the train id for that one ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+TrainID
+bos the train id is tr1791 would you like me to book a seat ? is there anything else i can help you with today ? eos O O O O O B-Train-OfferBook+Id O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos is there any architecture attraction in the city centre ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A
+bos there are 5 great places to visit in the centre . my favorite is all saints church , would you like the address ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-reqmore
+bos can you just give me the postcode for that one please ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb58bs . will that be all ? eos O O O O B-Attraction-Inform+Post O O O O O O general-reqmore
+bos that will indeed be all for me today . thank you ! bye eos O O O O O O O O O O O O O O general-bye
+bos you are very welcome . have a nice day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap place to stay that does not need free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos i found 10 places , do you have a hotel style preference of gueshouse or hotel , or an area you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos i do n't have a preference for the type but i would like a place in the east . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are three cheap guesthouses in the east area , however , they all have parking . will this be okay , or would you like to look at a different area or price ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos it sounds fine . do any of them include free wifi ? eos O O O O O O O O O O O O O N/A
+bos all of them include free wifi . eos O O O O O O O O Hotel-Inform+Internet
+bos what 's the phone number and star rating of your favorite one ? eos O O O O O O O O O O O O O O Hotel-Request+Phone
+bos allenbell is my favorite . it has four stars . the phone number is 01223210353. shall i book that for you ? eos O B-Hotel-Inform+Name O O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform
+bos that 'd be great . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . how many people are in your party , and when will you arrive ? also , how long would you like to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos i will book on my own , thanks . eos O O O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no thank you . im finished . eos O O O O O O O O general-thank
+bos okay . have a good day . eos O O O O O O O O general-bye
+bos yes , i 'd like to book a taxi please ! eos O O O O O O O O O O O O Taxi-Inform
+bos could you tell me where you would like to go and be picked up from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i 'm going to downing college from broughton house gallery . i need it after 22:30. eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Arrive O O N/A
+bos i have booked your taxi , booked car type black skoda , contact number 07263905607. what else can i do for you today ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that 's all i needed . thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day ! goodbye ! eos O O O O O O O O O O O O general-bye
+bos can you help me find some attractions in town ? eos O O O O O O O O O O O Attraction-Inform
+bos yes , i have many attractions available . what area of town would you like to be in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Area
+bos centre of town would be perfect . eos O B-Attraction-Inform+Area O O O O O O N/A
+bos i have 79 places in the centre . is there a type you are interested in ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos i would like korean food and expensive . can you send address ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O Attraction-Request+Addr
+bos little seoul is located at 108 regent street city centre . anything else for you today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O general-reqmore
+bos can we go back to finding an attraction please ? i need the address and the type . anything in the centre area will work . eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O Attraction-Request+Type,Attraction-Request+Addr
+bos holy trinity church on market street is free to visit . people go there for the architecture . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Type O O N/A
+bos cool , thanks . can you help me book a table at an expensive korean restaurant in the centre ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos yes , there is one option fitting your needs . it is little seoul . do you want to book there ? eos O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos yes , for saturday please . eos O O O B-Restaurant-Inform+Day O O O N/A
+bos i have begun your booking but need to know the time you would like to eat and how many people will be dining eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos book a table for 8 people at 18:15 eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : p0dzwout . may i help with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i will need a taxi to get to the restaurant in time for that reservation . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos where will you be coming from ? eos O O O O O O O O Taxi-Request+Depart
+bos i 'll be leaving from holy trinity church . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos i have booked a white skoda for you . the contact number is 07599401475. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks ! i feel ready for my trip now . i appreciate the help . goodbye eos O O O O O O O O O O O O O O O O O general-bye
+bos thanks for contacting cambridge towninfo centre . have a great trip . eos O O O O O O O O O O O O O general-bye
+bos i need to catch a train on thursday , departing from birmingham new street . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos okay and what is your destination please ? eos O O O O O O O O O Train-Request+Dest
+bos i am travelling to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos please specify your choice of time for departure and arrival eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave after 14:45. eos O O O O O O O N/A
+bos what time do you need to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos i do n't have an arrival preference . eos O O O O O O O O O N/A
+bos i have the tr2148 that leaves at 15:40 for 75.10 pounds . would you like to book it ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos yes i need 6 tickets and the reference number . eos O O O O O B-Train-Inform+People O O O O O N/A
+bos sure thing , i will work on that now and be back with you in a moment . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i '' m looking for a guesthouse that includes free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i have the a and b guest house . do you want to book it ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Booking-Inform
+bos i 'm looking for a moderately priced place in the west . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A
+bos ok , there is the hobson 's house in the west of town . it 's got 3 stars and is moderately priced with free wifi . would you like to start a booking ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i heard of that place from a friend , not sure if i like that one ... but it would be for just me for 2 nights starting sunday . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos that is the only moderately priced one in that area . did you have something else in mind or would you like to make a reservation for this one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Name,Booking-Inform
+bos yes , please make a reservation . eos O O O O O O O O N/A
+bos booking was successful . reference number is : gz1tevat . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes please . i need a train from cambridge to kings lynn on tuesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos sure what time would you like to travel ? eos O O O O O O O O O O Train-Request+Leave
+bos i would like to leave after 11:15. eos O O O O O O O O N/A
+bos i will call and arrange a new time and provide a reference number . eos O O O O O O O O O O O O O O O N/A
+bos could you make a booking for one person and provide the reference number please ? eos O O O O O O O O O O O O O O O O N/A
+bos i booked you a seat on tr3953 , leaving cambridge at 13:11. your reference number is 1i5jen2v . eos O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for the service ! eos O O O O O O O general-thank
+bos you 're welcome is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that is all for today , thanks eos O O O O O O O O general-thank
+bos welcome any time you need our help eos O O O O O O O O general-welcome
+bos thank you very much ! eos O O O O O O general-thank
+bos have a good day eos O O O O O general-bye
+bos i would like it if you can help me find a place called kambar . eos O O O O O O O O O O O O O O B-Attraction-Inform+Name O N/A
+bos sure thing ! it is a nightclub in centre . anything else i can help with ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos how much does it cost to get it ? eos O O O O O O O O O O N/A
+bos kambar is only 5 pounds to get into . would you like any more information on it ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O N/A
+bos yes phone number and adress please eos O O O O O O O Attraction-Request+Phone
+bos their address is 1 wheeler street , cb23qb . their phone number is 01223842725. will that be all ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos actually , can you help me find information on a train to the stansted airport please ? eos O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos sure what day are you traveling ? eos O O O O O O O O Train-Request+Day
+bos the train should depart from cambridge on monday after 15:45. what is the travel time , price and train id ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos the next train is tr1088 departing at 16:40 with a duration of 28 minutes and it costs 10.10 pounds . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos that sounds great , thank you for your help today . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . did you need help with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that is all , thank you ! eos O O O O O O O O general-thank
+bos you 're most welcome . i 'm glad to be of service . good-bye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay that is expensive , i am not worried if i pay to pay for parking . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos what hotel rating would you like ? eos O O O O O O O O Hotel-Request+Stars
+bos that does n't matter as long as it 's in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are no expensive hotels in the north . would you like a different price range or area ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos could you check for something in the moderate price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos i have any what star rating would you like ? eos O O O O O O O O O O O Hotel-Request+Stars
+bos that does n't matter as long as it 's in the north . eos O O O O O O O O O O O O O O N/A
+bos i have acorn guest house located in the north that has a 4 start rating would you like me to book it for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform
+bos that 's okay , i can book later . can you help me find a train departing from leicester on tuesday ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A
+bos you bet ! i have 19 to choose from . what time do you want to arrive ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive
+bos i need to arrive by 08:15 in cambridge please . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O N/A
+bos yes for how many people ? eos O O O O O O O Train-Request+People
+bos i am looking for places to go in the east . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos anything specific ? there are museums , entertainment , boats , a park , multiple sports , a pool . any of this interest you ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O general-reqmore
+bos nothing in particular , we just need it to be on the east side . eos O O O O O O O O O O O O O O O O N/A
+bos how about cambridge artworks , it has no entrance fee.is there anything else i can assist you with today ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore
+bos looking for a place to stay . the hotel should be in the type of guesthouse and should include free parking eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos do you have an area of town or price range in mind ? eos O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos not really . could you recommend something ? eos O O O O O O O O O N/A
+bos archway house is located in the north at 52 gilbert road . can i book that for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O Booking-Inform
+bos no , thank you , not at this time . eos O O O O O O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos yes for 3 people for 5 nights from wednesday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : nt9vpi1k . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos great thank you . that is all i needed . eos O O O O O O O O O O O general-thank
+bos have a nice day then ! eos O O O O O O O general-bye
+bos find me a restaurant that serves belgian food in the centre eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A
+bos i 'm sorry , there are n't any . eos O O O O O O O O O O Restaurant-NoOffer
+bos how about one that serves turkish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have three turkish restaurants . two are moderately priced and one is expensive . any preference ? eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O Restaurant-Select
+bos i would like to know the price ranges of the 3 if possible please , and also would like to dine in the centre of town . eos O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O Restaurant-Request+Price
+bos the meze bar restaurant is expensive . the anatolia and efes restaurant are both moderately priced . they are all located in the centre . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos thanks , i 'm also looking for a train that goes to cambridge on saturday . eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos there are many trains that meet your criteria . would you like to narrow it down further by departure time or arrival time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i 'd like to arrive by 21:15 please ! eos O O O O O O B-Train-Inform+Arrive O O O N/A
+bos sorry , i need an origination point to give you that information . eos O O O O O O O O O O O O O O Train-Request+Depart
+bos the train should depart from ely and should arrive by 21:15. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos the tr4288 train arrives at cambridge at 19:52. can i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos not right now . thank you . eos O O O O O O O O general-thank
+bos do you need anything else ? eos O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos ok great , have a wonderful day . eos O O O O O O O O O general-bye
+bos i 'm looking for the cambridge arts theatre eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos good choice ! here is their address and postcode . 6 saint edward 's passage cb23pj . anything else i can help with ? eos O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos what is their phone number and what side of town are they on ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos they are located in the centre of town and their number is 01223503333. what else can i help you with ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos i 'm also looking for a restaurant called royal spice . can you find it ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A
+bos royal spice is an indian restaurant in the north . it is pretty cheap . it 's located at victoria avenue chesterton . do you want a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos book a table for 3 people at 15:30 on monday eos O O O O O O O B-Restaurant-Inform+People O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : yffshc02 . is there anything else you need ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos great i have a reference number for you . it is yffshc02 . eos O O O O O O O O O O O B-Restaurant-Inform+Ref O O N/A
+bos thank you ! that 's all i needed for today ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos goodbye . take care . eos O O O O O O general-bye
+bos thank you . you too . eos O O O O O O O general-bye
+bos i would like to take a train to leave cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos i have 1,414 trains that are departing cambridge this week . what day will you be traveling on ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Day
+bos i 'm going to peterborough on wednesday eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos the tr3347 meets your current criteria , but you have a lot of options . would you like to narrow it down further by departure time or arrival time ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 20:30. eos O O O O O O B-Train-Inform+Arrive N/A
+bos tr0797 leaves cambridge at 19:34 and arrives in peterborough at 20:24. would you like to book tickets for this train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please . i need tickets for 5 people and a reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O N/A
+bos your booking was successful . the total for 5 people is 82.5 gbp and your reference number is 4g3j82og . is there anything else i can help with ? eos O O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i need a guesthouse that has free wifi eos O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are lots of options . what area would you like to stay in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos i 'm not picky . where would you recommend that is in the moderate price range ? i 'll need free parking , too . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos there are 12. is there a star rating you would like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Stars
+bos honestly , i always stay at the same place when we travel there , so i could really use a recommendation . any one will do just with wifi and moderate pricing . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would recommend the kirkwood house . it is located in the north . it has 4 stars and free parking and wifi . they are located at 172 chesterton road . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O Hotel-Recommend+Parking,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , i would like to book this . there are 5 people that will be staying for 4 nights starting saturday . can i get a reference number ? eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos your hotel has been booked . your reference number is znmv4enm . can i be of further assistance ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos thank you very much . that is all . eos O O O O O O O O O O general-thank
+bos you 're welcome , i was glad i could help . do n't hesitate to contact us if you think of anything else you need . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap guesthouse . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos great , i have 9 options for you . eos O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos i really prefer to stay in the west part of town . do you happen to have anything in that area ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O N/A
+bos how about finches bed and breakfast at 144 thornton road ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos great . i need it for 7 for 5 nights . eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos before i can book it i need to know what day you will be staying ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i will be starting from tuesday . eos O O O O O O O B-Hotel-Inform+Day N/A
+bos all set . your reference number is atmxxnqi . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need a train for tuesday that leaves london liverpool street and arrives in cambridge by 16:15. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos i have train tr2715 that leaves at 7:39 and arrives at 9:07. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos do you have a train less early ? one that arrives around 16:15 ? eos O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos tr1395 arrives at 15:07. eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos would you like us to book a ticket for you ? eos O O O O O O O O O O O O Train-OfferBook
+bos no , that 's all i needed . thanks ! eos O O O O O O O O O O O general-thank
+bos would you like me to book anything else or provide anymore info ? eos O O O O O O O O O O O O O O general-reqmore
+bos no that is all , thank you ! eos O O O O O O O O O general-thank
+bos alright , have a lovely day ! eos O O O O O O O O general-greet
+bos great day and thanks for helping eos O O O O O O O general-thank
+bos thanks ! you 're welcome , have a great day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos can you let me know if cambridge has any restaurants that serve australian cuisine and are priced expensively ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O N/A
+bos no , i 'm sorry there are n't any . eos O O O O O O O O O O O Restaurant-NoOffer
+bos not even in the centre of town ? eos O O O O O B-Restaurant-Inform+Area O O O N/A
+bos sorry , not even in centre . is there a different type of cuisine you would like to try ? eos O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos sure , let 's try mediterranean , please ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos shiraz restaurant and la mimosa are both in the center and seem to match your needs . do you need a reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos no but what is the address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure . the address and phone number for la mimosa is thompsons lane fen ditton/01223362525 and for shiraz restaurant it is 84 regent street city centre/01223307581 . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks . i also need to get a hotel with free wifi . eos O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i have 3 options available with free wifi in the centre of town . what is the price you are looking for ? i have expensive to moderate available . eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O Hotel-Request+Price,Hotel-Inform+Internet
+bos same price range as the restaurant please . eos O O O O O O O O O N/A
+bos the university arms hotel is in the centre and expensive , with wifi . would you like me to book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes , that would be great . i 'll need it for friday , 3 nights , and 3 people , please ? eos O O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O O O O O O N/A
+bos which days would you like to stay ? eos O O O O O O O O O Booking-Request+Day
+bos friday if possible . let me get reference number eos O B-Hotel-Inform+Day O O O O O O O O Hotel-Request+Ref
+bos your booking was successful . your reference number is 1riy72my . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great , that 's all i need thanks eos O O O O O O O O O general-thank
+bos you 're very welcome . will you be needing a taxi ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , my friends have a car . eos O O O O O O O O O N/A
+bos if you need any further assistance , please contact us . eos O O O O O O O O O O O O general-bye
+bos i need a not later than 9:15 train to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos it looks like there 's a train for cambridge with an arrival time of 07:07. would you like me to book that for you ? eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes , book me for sunday departing from london kings cross . eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos how many tickets will you require ? eos O O O O O O O O Train-Request+People
+bos 8 , please eos O O B-Train-Inform+People O N/A
+bos your booking is successful . train is leaving at 07:17 and it costs 151.04 gbp . your reference number is 5y7xkajy . anything else i can help with ? eos O O O O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no thank you that 's i need ! eos O O O O O O O O O general-thank
+bos okay thank you for calling . do n't hesitate to call us again . eos O O O O O O O O O O O O O O O general-bye
+bos need a train from cambridge to stansted airport eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos ok , what day are you looking at traveling on ? eos O O O O O O O O O O O O Train-Request+Day
+bos im leaving thursday and need to leave after 1pm . eos O O O B-Train-Inform+Day O O O O O O O N/A
+bos i have a train leaving at 13:40 on thursday that arrives at stansted airport at 14:08 for 10.10 pounds . would you like to book this option ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes , please . can you tell me the price ? eos O O O O O O O O O O O O Train-Request+Price
+bos i did - it 's 10.10gbp . eos O O O O O B-Train-Inform+Ticket O O N/A
+bos i am also looking for some where to go in the centre of town , an attraction . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos how about the cambridge contemporary art museum ? it 's on 6 trinity street and the admission is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O N/A
+bos that sounds perfect ! thank you so much ! eos O O O O O O O O O O general-thank
+bos is there anything else you need today ? eos O O O O O O O O O general-reqmore
+bos yes , actually , can i have their phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes it is 01223324222 eos O O O O B-Attraction-Inform+Phone N/A
+bos great , thank you . have a good day . goodbye . eos O O O O O O O O O O O O O general-bye
+bos you have a good day as well ! glad to help . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train to norwich , leaving after 21:30. eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A
+bos on what day will you be traveling on ? eos O O O O O O O O O O Train-Request+Day
+bos i am leaving on thursday . eos O O O O O B-Train-Inform+Day O N/A
+bos where are you departing from please ? eos O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from cambridge eos O O O O O B-Train-Inform+Depart O N/A
+bos ok , the tr9937 leaves at 21:36 eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O N/A
+bos what would be the arrival time of that train ? eos O O O O O O O O O O O Train-Request+Arrive
+bos the arrival time of the train tr9937 from cambridge to norwich will be same thursday by 22:55. is that okay with you ? eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Arrive O O O O O N/A
+bos what is the total travel time for this trip ? eos O O O O O O O O O O O Train-Request+Duration
+bos this trip is for 79 minutes and costs 17.60 pounds . would you like me to book this for you ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos i 'd like to find a place to go that 's in the centre . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i can help you with that what type of attraction would you like to go too ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos any type is fine , i 'm not picky . eos O O O O O O O O O O O N/A
+bos i recommend visiting all saints church . the architecture is amazing . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A
+bos excellent . what 's the address there ? eos O O O O O O O O O Attraction-Request+Addr
+bos it is located on jesus lane , you ca n't miss it . can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm going to need transportation to town . i 'll need it on wednesday from stevenage . eos O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O N/A
+bos i can help you with that , too . are you looking for a train or a taxi ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm looking for train departing stevenage and going to cambridge to arrive by 17:30p . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O N/A
+bos train tr9448 will have you in cambridge by 6:43. would you like me to book some tickets for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos what is the travel time and departure time for tr9448 ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos tr9448 departs at 05:54 and has a travel time of 49 minutes . would you like to book this train ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos not right now . thank you . eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos that 's all . thank you ! eos O O O O O O O O general-thank
+bos thank you ! let us know if you need anything else . eos O O O O O O O O O O O O O general-greet
+bos i looking for an italian restaurant that offers cheap food . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos we 've got about 5 to choose from . all of them are cheaper . did you have a preference on the area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i would prefer one on the west area . eos O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos the la margherita meets your criteria . would you like to book a table ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes . please book a table for 2 at 16:45 on friday and please give me the reference number . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is owgtr8m7 . will that be all ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no . i also need a train . eos O O O O O O O O O Train-Inform
+bos we have many trains i can book for you . where are you departing from and going to ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos departing peterborough on friday . heading to cambridge . i need to arrive by 09:45. do you have anything ? eos O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos tr1662 departs at 05:19 and arrives at 06:09. will that work for you or would you like to try a later train ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-Request+Leave
+bos that one is perfect . thanks for your help . good bye eos O O O O O O O O O O O O O general-bye
+bos i hope you enjoy the rest of your day too ! eos O O O O O O O O O O O O general-bye
+bos i am looking for a cheap place to have a meal . eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos sure , do you want to eat at a specific location or have a type of food you like ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos the type of food does n't matter to me , but i would like the restaurant to be in the north . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos okay there is indian and italian food . which do you prefer ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O N/A
+bos italian sounds good . i need a reservation for thursday at 16:15 , please . eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A
+bos how many will be in your party ? eos O O O O O O O O O Booking-Request+People
+bos i need a table for 3 people . eos O O O O O O O B-Restaurant-Inform+People O N/A
+bos you have a table at da vinci pizzeria . the table will be reserved for 15 minutes . reference number is : bsajgsj8 . do you need anything else today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all for now . thank you eos O O O O O O O O O general-thank
+bos thank you , have a good day . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos yes , hello . i 'm looking for a particular attraction called downing college . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos t is located on regent street , in the centre . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos you are welcome ! did you need anything else today ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that was all . good bye . eos O O O O O O O O O O general-bye
+bos thanks and enjoy ! eos O O O O O general-bye
+bos i want to book a taxi . eos O O O O O O O O Taxi-Inform
+bos okay . where is the destination ? eos O O O O O O O O Taxi-Request+Dest
+bos the destination is the museum of classical archaeology . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos when would you like to leave or arrive by ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to leave after 10:15 eos O O O O O O B-Taxi-Inform+Leave N/A
+bos where would you like to be picked up from ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i need to depart from curry king , please . can i have the car type and contact number as well ? eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O O Taxi-Request+Car
+bos a red bmw will pick you up , and the contact number is 07641445161. can i help you with anything else ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no thank you , that 's all i need for now ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos what train do i need to take to get to norwich from cambridge ? eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos it looks like there are trains from cambridge to norwich every day . what day/time will you be traveling on ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'll be leaving sunday and need to arrive by 21:30. eos O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A
+bos tr4082 will arrive by 20:55 would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A
+bos yeah , can i please get the price ? eos O O O O O O O O O O Train-Request+Price
+bos sure . the price per ticket is 14.08 pounds . can i book you a ticket ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes book the ticket please . eos O O O O O O O N/A
+bos can i ask how many tickets you will need ? eos O O O O O O O O O O O Train-Request+People
+bos on second thought , i do n't need a ticket reserved . could you tell me what the travel time will be on that train , though ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos sure - the trip from cambridge to norwich is 79 minutes . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos excellent . i 'm also looking to go to a museum on the west part of town . eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos how about the lynne strover gallery ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds wonderful . can you give me the address , postcode , and phone number ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos phone number is 01223295264. postcode is cb30aq . address is 23 high street , fen ditton . eos O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos okay thank you very much . eos O O O O O O O general-thank
+bos can i help you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos no that 's everything i need . thank you ! eos O O O O O O O O O O O general-thank
+bos you 're very welcome , have a great day and text us back any time ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm needing a train leaving on wednesday and arriving by 11:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos sure , where are you leaving from and traveling to ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos from broxbourne to cambridge . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos tr5167 will arrive at 10:32 , would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A
+bos yes please , will you make a booking for me for 2 people ? eos O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos the total fee is 35.79 gbp , payable at the station . your reference number is : 8g3vld0w . is there anything else i can help you with ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place to stay . i 'd like it to be expensive with a star of 2. eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O N/A
+bos the express by holiday inn cambridge fits your criteria . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos does it have free parking ? eos O O O O O O O N/A
+bos yes it does have free parking . can i help you with anything else today ? eos O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos yes . i would like to book a room for 2 people staying 4 nights starting on wednesday . eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos all set , you reference number is 9xf20lu4 , may i be of any further assistance ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all i need thank you . eos O O O O O O O O O general-thank
+bos thank you have a wonderful day ! eos O O O O O O O O general-bye
+bos i 'd like to get to cambridge by train , but i 'm afraid i need to travel on sunday . will that be possible ? eos O O O O O O B-Train-Inform+Dest O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A
+bos from where are you departing ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from broxbourne . eos O O O O O B-Train-Inform+Depart O N/A
+bos there are 19 trains running from broxbourne to cambridge on sunday . is there a particular time when you need to travel ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos can you get me one that 'll arrive by 18:30 ? eos O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos i have just the train for you ! tr9331 will arrive in cambridge at 17:32 , which is within your desired timeframe . would you like me to book that for you ? eos O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please . i need 2 tickets . eos O O O O O O O B-Train-Inform+People O O N/A
+bos i was able to get 2 tickets . your total is 28.64 gbp and will be payable at the station . your reference number is 8udkcnbu . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos perfect , thank you ! i 'm also looking for a guesthouse in the area , preferably in the north . do you have an option that has free parking ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A
+bos we have many in that area with free parking . might i suggest the acorn guest house ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O Hotel-Inform+Parking
+bos sure . please book for 4 nights starting on the same day . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos i will go ahead and book that for you . eos O O O O O O O O O O O Booking-Inform
+bos thank you so much . can i get the reference number also , please ? eos O O O O O O O O O O O O O O O O general-thank
+bos i 'm sorry , how many people would you like to book the room for ? eos O O O O O O O O O O O O O O O O O Booking-Request+People
+bos 2 people , 4 nights , for sunday . eos O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos booking was successful . your reference number is : i78wb6o9 . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no . thanks a bunch ! goodbye eos O O O O O O O O general-bye
+bos you 're welcome , it was a pleasure serving you ! eos O O O O O O O O O O O O general-welcome
+bos i need to book a train leaving cambridge that arrives by 19:45. eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos we have many options that meet your criteria . is there a certain day you are traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Day
+bos i would be traveling on saturday going to ely . i would need to get there by 19:45 though . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O O O O O O O N/A
+bos ok , i can book tickets on the tr9809 arriving by 14:07. how many seats will you need ? eos O O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O O O Train-Request+People
+bos i would need just one , please . eos O O O O O O O O O N/A
+bos the train has been booked . your reference number is : afthgyei . is there anything else i can help you with ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for places to go in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos how about holy trinity church , they are located on market street in the centre . phone number is 01223355397. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O N/A
+bos whats the entrance fee ? eos O O O O O O Attraction-Request+Fee
+bos they have free admission . is there anything else i can help you with ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos no , that 's all today , thank you ! eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need to find a restaurant in anatolia eos O O O O O O O O B-Restaurant-Inform+Name N/A
+bos okay anatolia is a turkish restaurant located in the centre . is this what you 're looking for ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O general-reqmore
+bos yes . i need a reservation for 8 people please . eos O O O O O O O O B-Restaurant-Inform+People O O O N/A
+bos i can make a reservation for 8 people for monday at 17:45. is that okay or would you like another day ? eos O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Day O B-Booking-Inform+Time O O O O O O O O O O general-reqmore
+bos i need a reservation for 8 people at 13:00 on friday . if that does n't work i can also do tuesday . i will also need a reference number . eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos reservations for friday at 13:00. your reference number is 0uaywi5z . is there anything else i can assist you with ? eos O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that was it , thank you . eos O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos can you find me a place to eat ? i want something cheap and spanish . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O N/A
+bos i got a restaurant called la raza , and phone is 01223454550 eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone O N/A
+bos is this in the centre ? i 'd like something in the centre , if possible . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos this is located in the centre . did you want to book it ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes . book it for 6 people at 18:15 on monday . can i also get the reference number too ? eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos i was able to book your reservation to la raza for your specified date/time . your reference number is sg2dpaue . is there anything else ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos yes , i am also looking for a place to stay . i would like a 4 star hotel in the west part of town , please . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos i have 3 hotels that are 4 star rated in the west . i have two that are cheaper and one that is expensive . which would you prefer ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos i am looking for a moderate price range and i will need free wifi as well . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos now i am showing 0 results . would you like to try a different price range ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos ok , how about a cheap one instead ? eos O O O O O B-Hotel-Inform+Price O O O O N/A
+bos how about the cambridge belfrey ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos yes ! please book me for a 4 night stay , starting monday , for 6 people . please send reference number as well . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O O O O O O N/A
+bos yes i was able to get you in at the belfry and your reservation number is 0eo0kdjr . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos i also need a taxi from the hotel to the restaurant by 18:15 , please . eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos i found a black honda with phone number 07205421072 making that trip . eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O N/A
+bos sounds great . please make a booking . eos O O O O O O O O O N/A
+bos your booking has been successful ! is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos not today - thank you so much for all your help ! i 'm excited to see cambridge . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos it is my pleasure . eos O O O O O O general-bye
+bos hi , i 'm looking for a hotel in town with free parking and free wifi . eos O O O O O O O O O O O O O O O O O O N/A
+bos the ashley hotel is a 2 star hotel and has free internet and parking . would you like to book a room there now ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos is it a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A
+bos no , it 's a hotel . would you prefer a guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Select+Type O O O O N/A
+bos yes , i definitely want a guesthouse . eos O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are 21 different guesthouses in the cambridge area . did you have a certain area you wished to stay in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter as long as i can book it for 8 people for 5 nights starting friday eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos there are 21 guest houses that meet that criteria . do you have a price range or star rating preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos i would prefer at least three stars , please . eos O O O O O O O O O O O N/A
+bos i 'm sorry , but there seems to be an error in my system . could you please restate your requirements ? eos O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for a gueshouse type hotel with at least three stars for 8 people for 5 nights starting friday . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos rosa 's bed and breakfast is a four star guesthouse at extremely reasonable rates . would you like me to see if i can book you there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . can i get the reference number , please ? eos O O O O O O O O O O O O O O N/A
+bos alright , your room has been booked for 8 people , 5 nights starting friday . your reference number is cklfoesq . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i would like to book a taxi to commute eos O O O O O O O O O O Taxi-Inform
+bos where would you like the taxi to take you , and when would you like to be picked up ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest
+bos well i suppose i should choose a restaurant first . do you know of a seafood restaurant on the west side of town ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i 'm sorry but there are no seafood restaurants in that part of town . is there anything else i can help you with ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O general-reqmore
+bos i 'd like to find a restaurant that serve italian food and book a table for everybody at 14:45 the day i leave eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i 'm sorry there are no tables available for 8 at that time . would you like to try a different time ? eos O O O O O O O O O O B-Booking-NoBook+People O O O O O O O O O O O O O Booking-Request+Time
+bos no , i need the same time . are there other italian restaruants on the west side ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos yes there are 2 italian restaurants in the west side , one is prezzo , the other la margherita . do you prefer cheap or moderate price ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A
+bos let 's go with the moderate price . can you please make the reservation for 8 people ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately the booking was not successful . eos O O O O O O O O Booking-NoBook
+bos can you please try to make a reservation at the cheap location then for 14:45 for 8 people on friday ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : l09jj3xt . is there anything else i can help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos can you help me book a taxi from rosa 's b & b to the restaurant that will get me there by 14:45 when my table is ready ? eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O N/A
+bos sure , i have booked your car a blue ford contact number 07599887198. can i help with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , that should be it . thanks . eos O O O O O O O O O O general-thank
+bos great ! have a wonderful day and enjoy your meal ! eos O O O O O O O O O O O O general-bye
+bos i need to book a hotel . i need it to be in the town center , and have a minimum star rating of 4. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos would you prefer a guesthouse or a hotel proper ? eos O O O O O O O O O O O Hotel-Request+Type
+bos it should be a hotel type with free parking . eos O O O O O O O O O O O N/A
+bos i have found university arms hotel on regent street with a 4 star rating and free parking and internet . would you like to book ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please book that one . it will need to be for 3 people , and we 'll be staying for 5 nights , beginning on sunday . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O N/A
+bos i 'm sorry , the booking was unsuccessful . would you like to try to stay for a short period or start on a different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos alright , what about only for 3 nights then . i can do 3 , book it and give me the reference number please . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful . reference number is : d09887cw . is there anything else i can do for you today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i 'd like to find a korean restaurant in the same area as that hotel . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos there 's a restaurant called little seoul . it 's expensive , but also on regent street . would that work ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O N/A
+bos yes please book it for 3 people sunday . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O N/A
+bos what time would you like the reservation ? eos O O O O O O O O O Booking-Request+Time
+bos i would like it booked for the same day at 14:15. can i get a reference number too ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos the booking was successful . your reference number is 9njxk7cf . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that will be all . eos O O O O O O O N/A
+bos alright . if you need anything else , feel free to ask . have a wonderful trip . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a specific restaurant . it 's called india house . can you help with this ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos sure can . india house is an expensive indian restaurant in the west part of town . would you like a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Booking-Inform
+bos yes for 4 people at 16:30 on a saturday . i will need a reference number as well . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref
+bos i 've made the reservation and the reference number is hd53udco . what else can i help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i think that takes care of everything , thanks ! eos O O O O O O O O O O O general-thank
+bos oh , it was my pleasure . i 'm here if you need anything else . eos O O O O O O O O O O O O O O O O O general-bye
+bos thank you . have a great day ! eos O O O O O O O O O general-thank
+bos you have a great day ! eos O O O O O O O general-bye
+bos i need a hotel at the center of town to stay in eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos the cityroomz hotel is in the center of town . would you like to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos yes , that would be great . eos O O O O O O O O N/A
+bos when would you like to book that for ? eos O O O O O O O O O O Booking-Request+Day
+bos i would like to book it for tonight , please . eos O O O O O O O O O O O O N/A
+bos we have received your booking and you are all set . enjoy your stay . eos O O O O O O O O O O O O O O O O Booking-Book
+bos i 'd like to know the price range , address , and phone number please . eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price,Hotel-Request+Addr
+bos it 's moderately priced , so you do n't have to worry about breaking the bank . and it is located at sleeperz hotel , station road . you can give them a call at 01223304050. eos O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O B-Hotel-Inform+Phone O O O O O O N/A
+bos okay thanks . i am also looking for a restaurant . can you help me ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos of course , there are 110 restaurants in town . do you have a desired food type or price range ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i would like it to be in the expensive price range and in the same area as the hotel . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Price
+bos sure , there are 33 expensive restaurants in the town centre . do you have a cuisine preference ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos no preference however i just need something for 13:45 on tuesday eos O O O O O O O O O O O B-Restaurant-Inform+Day N/A
+bos how does the bedouin sound ? they serve african cuisine . also how many people would you like to book the table for ? eos O O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Booking-Request+People
+bos i need a table for five people please . i do n't care which kind of food . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i am sorry tuesday at 13:45 is unavailable . is there another day or time that will work for you ? eos O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos 12:45 will work for me . eos O B-Restaurant-Inform+Time O O O O O N/A
+bos you are booked for 12:45 and your reference number is 54d9cre9 . can i help you with anything else ? eos O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos not at this moment . thank you so much for all of your help . eos O O O O O O O O O O O O O O O O general-thank
+bos you are quite welcome . enjoy the remainder of your stay ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am trying to find a hotel in cambridge called the hamilton lodge . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos there is one guesthouse called hamilton lodge that is located at 156 chesterton road . would you like to book there ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform
+bos yes . i would like to book for 5 nights starting tuesday with a total of 6 people . can i have the reference number ? eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O O O O O O O O Hotel-Request+Ref
+bos booking was successful ! your reference number is lndhtg39 . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm looking for the cotto restaurant . eos O O O O O B-Restaurant-Inform+Name O O O N/A
+bos the cotto restaurant is on east road in city centre . they are moderately priced and they serve british food . would you like to reserve a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform
+bos not currently no . can you give me the full address of cotto ? i need the address , postcode and area please . eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr
+bos they are in the centre of town , their address is 183 east road city centre , and their postcode is cb11bg eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O N/A
+bos thanks , that 's all i need ! eos O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos hi , i am looking for a british-themed restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i found several restaurants to fit your needs . do you prefer moderate or expensively priced ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos i would like a moderately priced restaurant . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos wonderful ! there are 4 in the centre of town : restaurant one seven , the oak bistro , the copper kettle , and the cotto . would you like for me to book one of these for you ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i 'd like a table for 8 at 12:00 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos unfortunately none of those are available , do you have another time you would like to try ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 11:00 ? and can i have a reference number for the reservation please ? eos O O O O O O O O O O O O O O O O O N/A
+bos it looks like saturday at 12:00 is full for these as well . would you like to try another day or time slot ? eos O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos how about 11 o'clock ? eos O O O O O O N/A
+bos you are booked at restaurant one seven at 11:00 with your table reserved for 15 minutes . your reference number f3rvtnhq . can i help you with anything else today ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay , preferably a 3 star hotel with free wifi . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i found multiple guesthouses with those qualities . would you prefer a guesthouse or a hotel ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos type does n't matter , but i do need it to be a mid-price range place , and i need free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about hamilton lodge ? it 's a guesthouse in the north end that has everything you ask for . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos sure , can i book for 4 nights starting saturday for 8 people ? eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos ok , i 've got you booked for 4 nights starting saturday for 8 people at hamilton lodge . your reference number is ale0j2x2 . eos O O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O N/A
+bos great ! now i need a taxi to get me from the hotel to the restaurant by that reservation time . can you help with that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos i 've booked a red honda for you . the contact number is 07213780681. can i help you with anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos thank you ! that is all that i need . eos O O O O O O O O O O O general-thank
+bos you 're welcome . i hope you enjoy your visit . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i looking for a restaurant called golden house eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos the golden house is a chinese restaurant at 12 lensfield road city centre . would you like their phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos i would like to know the food type and price range of the restaurant please . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos the golden house serves chinese cuisine and the price range is cheap . would you like me to place a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos please let me think about it , in the meantime , can you tell me what guesthouses include free parking ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos there are 21 guesthouses that include free parking , did you have an area or price range in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Parking
+bos yes . i would like it to be in the moderate price range . also , i 'd prefer free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i have 12 guesthouses that are moderately priced and include free wifi . is there an area that you prefer to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos no , any one of them will do . please choose one for me and book a room for 8 people for 5 nights for tuesday . thanks . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos ok , you 're booked at the acorn guest house , 82 arbury road , for 5 nights starting tuesday . your reference number is f2ck0qdq . is there anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos no , that is all . thank you very much . eos O O O O O O O O O O O O general-thank
+bos thank you for using our service . have a great day ! eos O O O O O O O O O O O O O general-greet
+bos i am looking for a multiple sports attraction that is in the centre of town . eos O O O O O O O O O O O O O O O O O N/A
+bos there are no multiple sports attractions in the centre of town . there is one in the east however . the cherry hinton village centre . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos no i want to stay in the centre . can you check if there are any concerthalls ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Type O N/A
+bos the man on the moon is in the centre part of town . it 's address is 2 norfolk street . would you like me to reserve a ticket ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos can you tell me the entrance fee and postcode for the man on the moon ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos the postcode for the man on the moon is cb12lf . you will need to give them a call at 01223474144 to find out the entrance fee . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O N/A
+bos i am also looking for a cheap vietnamese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there is a vietnamese restaurant called thanh binh on the west side of town . it is located at 17 magdalene street city centre . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos ok , i 'd like to book a table for 6 people at 17:15 on friday . please give a reference number as well , thanks ! eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O Restaurant-Request+Ref
+bos your table will be reserved for 15 minutes at the time you requested . reference number iykhkoc7 . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i 'd also like a taxi that can get me to the restaurant on time . i need a contact number and the car type . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos alright , i have your taxi booked . it will be a blue volvo , contact number : 07461170081. can i help you with anything else today ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos that is everything i needed . thank you for the help . eos O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo center . have a wonderful day . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos im looking for an italian restaurant . i also need it to be near the center of town . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A
+bos there are 9 italian restaurants in the center of town . do you have a particular price range in mind ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Price
+bos i need a cheap restaurant eos O O O O B-Restaurant-Inform+Price O N/A
+bos there is pizza hut city centre , ask , and zizzi cambridge , which would you like to book ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform,Restaurant-Select
+bos can you book a table for 7 at ask ? we 're looking at 14:00 on saturday . eos O O O O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos sorry , there are no tables available at ask at that time . would you like to book another day or time , or perhaps another restaurant ? eos O O O O O O O O O B-Booking-NoBook+Name B-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos can you try 13:00 , then ? eos O O O O B-Restaurant-Inform+Time O O O N/A
+bos 13:00 it is . your table at ask will be held for 15 minutes , and your reference number is l2kzyl26 . can i help you with anything else ? eos O B-Booking-Book+Time O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a hotel eos O O O O O O O O Hotel-Inform
+bos we have 33 different hotels . did you have a price range or star rating in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos something in the cheap price range including free parking eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos what area would you prefer to stay in ? this will help narrow down your options . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to book a hotel close to our restaurant here in the centre , it will also need to be cheap , and have free parking . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos there are two hotels available . would you like me to book one for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Booking-Inform
+bos yes please . the our group of 7 will all be staying there for 3 nights starting saturday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i 've booked you a 3 day stay at the alexander bed and breakfast for 7 people . do you need anything else ? eos O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O O O O O O O O general-reqmore
+bos could i have the reference number for that reservation please ? eos O O O O O O O O O O O O Hotel-Request+Ref
+bos yes , your reference number is 1jbo1r08 . eos O O O O O O B-Hotel-Inform+Ref O O N/A
+bos thank you so much for all of your help . that is all i needed for now . have a nice day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for choosing us to assist you on your travels . have a good day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a cheap hotel with free parking near cambridge . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i have multiple cheap hotels with free parking . what part of town are you interested in staying in ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos i 'd like to stay close to the center area , but the hotel should be 3 star . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos we do not have any hotels that match your search . do you want to try something else ? eos O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos are there any moderate 3 star hotels with free parking ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O N/A
+bos we do not have any hotels that match your search . do you want to try something else ? eos O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about one in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A
+bos we have 3 entries that match your preferences . would you prefer north , south , or west ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O N/A
+bos i do n't have a preference but i would also like ot find a restaurant called the cow pizza kitchen and bar . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos before i book your restaurant would you like to book your lodging ? i think you will like hamilton lodge . it meets your needs . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Booking-Inform
+bos does it have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes , the hamilton lodge has internet . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Internet
+bos sounds great . what is the address and contact information ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos hamilton lodge is located at 156 chesterton road postcode cb41da . their phone is 01223365664. would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos that 's not necessary , thank you . you could , however , find me a restaurant a friend mentioned . i think it was called the cow pizza kitchen and bar . eos O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A
+bos the cow pizza kitchen and bar is a moderately priced gastropub in the centre of town . would you like a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos may i have the address for the cow pizza kitchen and bar please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address is corn exchange street . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos i would like a taxi for the hotel by 13:45 to get to the restaurant please . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A
+bos i have booked a taxi to arrive at the hamilton lodge by 13:45. the contact number is 07214110599. eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Phone N/A
+bos what is the car type for the taxi ? eos O O O O O O O O O O Taxi-Request+Car
+bos the taxi is a red audi eos O O O O O O B-Taxi-Inform+Car N/A
+bos thank you , that will be all i need . eos O O O O O O O O O O O general-thank
+bos you are very welcome , have a wonderful day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hey could you help me figure out the train schedule ? i need to go to cambridge i am leaving from bishops stanford station . do you know the times ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O N/A
+bos what day would you be needing the train ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to leave on sunday please . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos how many tickets are you looking for ? eos O O O O O O O O O Train-Request+People
+bos i need tickets for three people . eos O O O O O O O O N/A
+bos the train leaving bishops and arriving in cambridge has a consistent sunday schedule . beginning at 5:29 a.m. , a train leaves exactly two hours later all day . next train 7:29 , etc . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos could you please get me three tickets for a train that leaves after 15:45 ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave O N/A
+bos the tr5298 leaves at 17:29. would you like me to book tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos yes please make reservations for sunday for 3 people . eos O O O O O O O O O B-Train-Inform+People O N/A
+bos your booking was successful and the total fee is 24.24 gbp . will there be anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O general-reqmore
+bos what is the reference number ? eos O O O O O O O N/A
+bos the reference number is mnkwt71t . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a hotel for 3 people starting sunday and for 4 nights . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A
+bos do you have any preferences for the hotel , like price range or area of town ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos we would like a place in the north which includes free wifi and free parking . can you find something fitting this ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A
+bos i have two that match your criteria . i 'd recommend the ashley hotel on chesterton road . will that work for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O general-reqmore
+bos i am looking for a place to go in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos is there any type of attraction you 'd like to see ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos any of your choice . get me the address and entrance fee eos O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the holy trinity church is located on market street . the entrance fee is free . is there anything else i can help with ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos i also need a train out to the airport on friday . eos O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos where will you be departing from , and do you have a destination in mind ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos leaving cambridge and going to stansted airport and i want to leave anytime after 08:45 eos O O O O O O O O O O O O O O O O N/A
+bos there is a train that leaves at 9:40. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos that will work . i will need tickets for 3 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos it is booked and your reference number is 7v38wv1g . eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos perfect thats everything thanks eos O O O O O general-thank
+bos alright , thanks for using cambridge towninfo , have a great day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me about any german restaurants in the east part of the city ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i 'm not finding a german restaurant in the east part of town . would you like me to try other parts of town ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O O O Restaurant-Request+Area
+bos yes please . tell me if there are other restaurants in the east as well . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 9 restaurants in the east , including british , chinese , gastropub , indian , international and italian . do you need more information ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore
+bos indian sounds good . eos O B-Restaurant-Inform+Food O O O N/A
+bos there are four indian restaurants in the east part of town ranging from moderate to expensive . do you have a preference ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select
+bos can you book a table at your favorite expensive one ? there will be 4 of us at 15:15 on friday . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos the sitar tandoori seems appropriate . i have booked it for you . eos O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O N/A
+bos i am also looking for a place to stay eos O O O O O O O O O O N/A
+bos i 'm sorry , i forgot to confirm your reservation at pipasha restaurant . the table will be reserved for 15 minutes.reference number : cf1ytoav . what type of hotel would you like ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O Hotel-Request+Type,general-greet
+bos expensive hotel , free wifi and parking , 4 star , please . eos O B-Restaurant-Inform+Price B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos i have two hotels that fit your criteria . huntingdon marriott hotel is located in the west , and the university arms hotel is in the centre . which would you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select
+bos how about huntingdon marriott hotel ? i need a reservation for 4 people for 3 nights starting on friday . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos ok. i reserved those rooms for you . your reference number is fwz4xmjo . eos O O O O O O O O O O O O O O B-Booking-Book+Ref general-greet
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos have a lovely visit . goodbye . eos O O O O O O O O general-bye,general-greet
+bos can i have a moderately priced restaurant in the west ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A
+bos i found several . would you care for a specific type of food ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food
+bos i do not care . eos O O O O O O N/A
+bos there are three options which match your request . how about meghna , which serves indian food ? eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Food O O O O N/A
+bos yes it will do . can i have the phone number please ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos meghna 's phone number is 01223 727410 eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you , good bye . eos O O O O O O O general-bye
+bos you 're welcome , good bye . eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information on a restaurant called pizza hut cherry hinton . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos that 's a great place . here is the address g4 cambridge leisure park clifton way cherry hinton . eos O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O Restaurant-Recommend,general-greet
+bos i would like to book a table for 5 eos O O O O O O O O O O N/A
+bos what time would you like the reservation for ? eos O O O O O O O O O O Booking-Request+Time
+bos for 13:00 , please . eos O O O O O O N/A
+bos what day and how many people would you be with ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos 5 people on friday , i need the reference number for the reservation as well . eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have made your reservation . your reference number is ge3rnivg . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for something interesting to see in the centre . what would you recommend ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos how about old schools in centre ? its free and on trinity lane . phone number is 01223332320 and post code os cb21tt eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A
+bos that soudns great . can i get the address as well ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos of course . the address is trinity lane . can i help you with anything else today ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-greet,general-reqmore
+bos no that will be it thanks ! eos O O O O O O O O general-thank
+bos have a wonderful time . eos O O O O O O general-bye
+bos thank you ! bye ! eos O O O O O O general-bye
+bos you 're very welcome . good bye . eos O O O O O O O O O general-welcome,general-bye
+bos i need directions to leverton house , a hotel in cambridge , can you help me ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos woudl you like me to book a train to leverton house for you ? eos O O O O O O O O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O O O N/A
+bos no thanks . but i do need to book leverton house for two nights starting on tuesday . there are 5 in my party . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O N/A
+bos booking was successful for your stay at leverton house on tuesday . your reference number is : cq1t0jwe . can i help with anything else today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a train out of cambridge for thursday . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i want to travel to norwich . eos O O O O O O B-Train-Inform+Dest O N/A
+bos what time would you like to arrive or leave by ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 20:45. could i get the arrival time and train id ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos do you have any trains leaving out of stansted airport on thursday ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos we have 19 trains available that day . could you tell me what time you will be departing and what time you would like to arrive by ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos leaving stansted airport going to cambridge on thursday , i want to get there by 11:15 so i am not late eos O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos tr2635 will leave at 10:24 and arrive by 10:52. would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , please make a booking for 6 people . eos O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 80.8 gbp payable at the station , your reference number is rzblp9m0 . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos no that sounds fine , thanks very much . eos O O O O O O O O O O general-thank
+bos was there anything else you needed today ? eos O O O O O O O O O general-reqmore
+bos i am also looking for an indian restaurant on the west side that is moderately priced . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O N/A
+bos ok. that would be meghna . would you like to book a table ? eos O O O O O O B-Restaurant-Inform+Name O O O O O O O O Booking-Inform
+bos no but what is the address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 205 victoria road chesterton and phone number is 01223727410. eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone N/A
+bos that would be it thanks a lot ! eos O O O O O O O O O general-thank
+bos alright , have a lovely day too eos O O O O O O O O general-bye
+bos can you assist me in getting a train that leaves after 18:30 ? thanks eos O O O O O O O O O O O O B-Train-Inform+Leave O O N/A
+bos to help you find the train you are looking for could you please provide me with your departure site and destination ? also your departure time and arrival time ? thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest
+bos i 'm coming from broxbourne going to cambridge on saturday . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O N/A
+bos i have 6 trains for you to choose from . the earliest leaves at 18:32. do you want me to book a ticket ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos how long does the journey take ? eos O O O O O O O O N/A
+bos the train ride is 60 minutes long . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos thanks , that 's all i need for the train for now . are there any interesting attractions in the town centre ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos we have lots of architecture , colleges and museums . do you have a preference ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O Attraction-Select
+bos nope , any will be fine . i just need an entrance fee and phone number for one . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos okay , you can try great saint mary 's church . admission is 2 pounds . their phone number is 01223350914. can i help you with anything else ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no . that will be all . good bye . eos O O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos are there any concert halls in the west ? eos O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i am sorry there are no listings for concerthalls in the west . is there something else i can assist you with today ? eos O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O general-reqmore
+bos what about colleges in the west ? eos O O O B-Attraction-Inform+Type O O O O N/A
+bos there are five colleges in that area . three have no entrance fees . would you like additional information on any of these ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O Attraction-Inform+Fee,general-reqmore
+bos no thank you . i am looking for information el shaddai hotel . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the el shaddai is a guesthouse in the centre part of town . it has free internet , parking and has 0 stars . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos could you ? that would be great . there are 5 of us and we plan to arrive on thursday . we 'd like to stay for 5 nights . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O N/A
+bos okay . i 've got you booked for a 5-night stay at el shaddai for 5 nights and 5 people . can i help you with anything else today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes could i get the reference number for the booking please . eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos of course , reference number is : 2slflkic . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . that is all i needed for now . have a nice day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your time with us in cambridge ! eos O O O O O O O O O O O O general-greet
+bos i need to book a taxi after 20:30. i need to go from ali baba to pipasha restaurant . also i 'll need the contact number and car type . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O Taxi-Request+Car
+bos your taxi is booked . please be on the lookout for a black volvo and the contact number is 07827592182. is there anything else i can help with ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that will be all ! thank you ! eos O O O O O O O O O O general-thank
+bos okay , you 're welcome ! have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to dine . the restaurant should serve chinese food and should be in the center . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos how does the rice house sound ? it is a personal favorite . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A
+bos is it expensive ? i would like an expensive restaurant . eos O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos no , the rice house is in the cheap price range . would you like to try the ugly duckling instead ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A
+bos sure . can you make a reservation for me ? there will be 8 of us , at 12:30 on saturday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your table is booked , the reference number is nefptq46 . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that is it for today , thank you and goodbye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome and thanks for using our help desk . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to book a room at the worth house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos ok. for how many nights ? eos O O O O O O O Booking-Request+Stay
+bos 1 person for 3 nights , please . i 'll arrive on tuesday . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O N/A
+bos great ! your booking number is de8soffl . how else can i help ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thanks , that is all i need . eos O O O O O O O O O general-thank
+bos you 're very welcome ! have fun ! eos O O O O O O O O O general-welcome,general-bye
+bos hi . are there any interesting places to visit in the centre of town ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos yes . there are many . do you have a particular attraction type in mind or area to help narrow down your options ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i am looking just for something to visit in the centre , can you recommend one and give me the postcode and address ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos how about the holy trinity church ? it is located on market street and the postcode is cb23nz . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O N/A
+bos yes that would be fine . i have another request , i would like the address and phone number of the university arms hotel . eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Taxi-Request+Phone,Hotel-Request+Addr
+bos the address is regent street , and the phone number is 01223351241. do you need the postcode ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore
+bos yes , the postcode would be great , thanks . eos O O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb21ad . eos O O O O B-Hotel-Inform+Post O N/A
+bos how many stars does the hotel have ? eos O O O O O O O O O Hotel-Request+Stars
+bos that hotel has 4 stars . eos O O O O O B-Hotel-Inform+Stars O N/A
+bos thank you very much ! eos O O O O O O general-thank
+bos you 're very welcome . can i do anything else for you today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , i 'd also like to book a taxi to take me to the hotel from the church , to leave by 22:45. eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos great news ! i was able to schedule that taxi service for you . a yellow volkswagen will be picking you up . if you need to reach them , their phone is 07335124506. eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O N/A
+bos thank you ! that will be all . eos O O O O O O O O O general-thank
+bos thank you let us know if you need more help . eos O O O O O O O O O O O O general-bye
+bos hello cambridge towninfo center representative . i desire a place to stay that 5 stars , cheap and includes free wifi . can you help ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos i 'm sorry but i 'm not finding anything that matches your criteria . can i help with something else ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about changing that to a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos that we have ! do you have a preference on the area ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos no preferences on the area , but i want to book it for 1 person for 5 nights starting from wednesday . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos how does the alexander bed and breakfast in the centre sound ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Area O O N/A
+bos sounds great ! could you book it for 1 person for 5 nights starting wednesday ? eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful . reference number is : 34p1ohbr . do you need any other help today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is it , thank you for your help . goodbye eos O O O O O O O O O O O O general-bye
+bos you 're welcome and thanks for using our help desk . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay in the expensive range . eos O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos i found 5 expensive hotels , do you have a particular area you would like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the west . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i have the huntingdon marriott hotel . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos is it a 4 star place ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos yes , it sure is . would you like to reserve a room ? eos O O O O O O O O O O O O O O O Booking-Inform
+bos once you find the hotel you want to book it for 2 people and 4 nights starting from tuesday . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : v4bvjwhg . is there anything else i can assist you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all for now . thank you for your help . eos O O O O O O O O O O O O O general-thank
+bos thank you and have a nice time . eos O O O O O O O O O general-bye
+bos i 'm looking for a train . the train should arrive by 16:00 and should leave on saturday . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O O N/A
+bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest
+bos i am going to cambridge from broxbourne . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos the tr 1412 arrives at 15:32. will this be okay ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O general-reqmore
+bos yes . please book it for 1 person . eos O O O O O O O B-Train-Inform+People O O N/A
+bos i booked your ticket , and your reference number is dbwtxco1 . can i help further today ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos no that 's it ! thanks so much ! eos O O O O O O O O O O general-thank
+bos thanks again for choosing us eos O O O O O O general-greet
+bos you have been helpful . good bye . eos O O O O O O O O O general-bye
+bos thank you . goodbye . eos O O O O O O general-greet
+bos i am looking for downing college . can you give me information on it ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos sure , it is located in the centre area , on regent street , postcode cb21dq , their phone number is 01223334860. eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O N/A
+bos and just to clarify , what sort of attraction is it ? i assume it 's a college but sometimes things are named oddly , you understand . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes , downing college is a college . can i do anything else for you today ? eos O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O O O O O O O O N/A
+bos i also need a place to stay . i am thinking a guesthouse in the east part of town . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos there is a cheap guesthouse named allenbell on 517a coldham lane if you are interested . eos O O O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O Booking-Inform
+bos that sounds great . can i have the number ? eos O O O O O O O O O O O N/A
+bos the number is 01223210353. i can make that booking for you , i would just need to know and arrival date and for how many people and length of your stay . eos O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day,Booking-Inform
+bos can you confirm if this hotel is 4 star ? if so , i will need to book it for 1 person for five nights starting on wednesday . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos it is four stars but unfortunately i can not book it . would you like to change the date ? eos O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos can you try for 2 nights instead ? eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i was able to book that , your reference is 4b5ycefu . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks . i also want to book a taxi to commute between the college and the hotel . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos i can take care of that for you . would you like to be picked up at the college ? and at what time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,general-greet
+bos i want to leave the hotel at 15:15 to go to the college . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A
+bos i have confirmed your taxi , a black bmw will be picking you up . their contact number is 07830542895. can i help with anything else ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , i think that takes care of it . thank you . eos O O O O O O O O O O O O O O general-thank
+bos thank you , have a good stay . goodbye . eos O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hi , i 'm looking for a particular attraction . it 's called king 's college , can you help me find some information about that place ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O N/A
+bos sure . king 's college is a free attraction on king 's parade in the center of town . did you need more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O general-greet,general-reqmore
+bos is this some place you would recommend ? eos O O O O O O O O O N/A
+bos if you are looking for a college to visit this one is free . it 's located on king 's parade postcode cb21st . is there anything else i can help you with ? eos O O O O O O O O O O O O O B-Attraction-Recommend+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos yes , i actually need a place to stay . i 'd prefer somewhere in the moderate price range and with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos we have 14 hotels that match that search . what area would you like the hotel to be in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like for it to have a 4 star rating and be located in the east section of town . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there is carolina bed and breakfast and the warkworth house . do you have a preference ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Select
+bos if you could tell me hotel types of both and phone number please . eos O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type
+bos both are guesthouses . the number for the carolina is 01223247015. the number of the warkworth is 01223362682. eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos thank you ! can you help me book a taxi from the college to my hotel ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos first i 'll need to know which hotel you 'll be staying at -- do you have a preference between the carolina or the warkworth ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O N/A
+bos i 'll be staying at the carolina bed and breakfast eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos what time would you like the taxi to pick you up at the college ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to leave by 6am . eos O O O O O O O O O N/A
+bos awesome . we 've got a grey toyota at 07931363714 coming for you . is that all ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O general-greet,general-reqmore
+bos okay thank you . that is all i need for now . eos O O O O O O O O O O O O O general-thank
+bos that is all i need for now . eos O O O O O O O O O N/A
+bos hello , i am looking for some entertainment . eos O O O O O O O O O O general-greet
+bos we 've got plenty of attractions all around the city , is there a particular area you were looking at ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area
+bos nothing in particular . what do you recommend ? eos O O O O O O O O O O N/A
+bos i recommend nusha in the south . eos O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O N/A
+bos awesome , could you please give me their phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone
+bos sure , their phone number is 01223902158. is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , i think that 's it for today . thank you . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome and thanks for using our help desk . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to take a train into cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos i found 202 trains that day , do you have a departure location you would like to start at ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i am leaving birmingham new street and would like to arrive by 17:15 , can you book that for me ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos no problem . how many seats would you like to book ? eos O O O O O O O O O O O O O Train-Request+People
+bos make it for three people , and tell me the reference number . eos O O O O O O O O O O O O O O N/A
+bos i have booked your train tickets for 3 passengers . it is leaving birmingham new street at 10:40 and arrives in cambridge at 13:23. your reference number is oicbjmq6 . the total price is 225.3 gbp and will be payable at the station . is there anything else i can assist you with ? eos O O O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , can i get booking at the alpha-milton guest house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos of course , i will need to know when you are staying , how long , and how many will be in your party . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos we 'll need it for the same day , wednesday , for the same 3 people . we 'd like to stay for 5 nights . eos O O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos i am very sorry i was unable to book for 5 nights at the alpha-milton guest house . would you like to try a shorter stay ? eos O O O O O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O Booking-Request+Stay
+bos ok , well how about 3 nights instead ? eos O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos they did in have fact have rooms for 3 days . your reference number is 54927pc2 . eos O O O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O N/A
+bos great thank you . what is the address for the alpha-milton ? eos O O O O O O O O O O O O O general-thank
+bos 63 milton road . can i help you with anything else ? eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O general-reqmore
+bos no , i believe that will be everything today . eos O O O O O O O O O O O N/A
+bos thank you for contacting cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O general-bye
+bos i would like to find a guesthouse to stay at , and i do n't require free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos i show several to guesthouses to choose from . is there an area of town you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes . i would like to stay in the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos is there a price range you have in mind ? eos O O O O O O O O O O O Hotel-Request+Price
+bos i do not have a particular price range in mind . eos O O O O O O O O O O O O N/A
+bos okay , i 've got the acorn guest house . it 's a 4 star place . would you like me to book you there ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Booking-Inform
+bos no , thank you . can you just give me the phone number , please ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos no problem ! you can ring them at 01223353888. anything else ? eos O O O O O O O O B-Hotel-Inform+Phone O O O O general-reqmore
+bos i also need to book a train . it needs to go to cambridge and leave on sunday . eos O O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O N/A
+bos there are many trains that go to cambridge on sunday , where will you be leaving from ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Depart
+bos kings lynn is my point of departure . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A
+bos no problem . there are trains leaving hourly . the trip takes 47 minutes . the cost is 7.84 pounds . if you know what time you would like to leave , i can make a reservation for you . eos O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos i would like to know the train id for that train please . eos O O O O O O O O O O O O O O Train-Request+TrainID
+bos okay the trainid is tr6003 , would you like me to book that for you ? eos O O O O O B-Train-OfferBook+Id O O O O O O O O O O O N/A
+bos yes please . what is the total travel time and departure time also ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos tr6003 leaves kings lynn to cambridge on sunday at 05:11. it takes 47 minutes to get there . how many tickets will you be needing ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O O O O O O Train-Request+People
+bos actually , i 'm all set . thanks for your help . goodbye ! eos O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos i am in need of a train that can arrive by 12:45 an leave on saturday . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O N/A
+bos there are 150 trains that match your requirements . what is your destination , and from where are you traveling ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i want to get to norwich please . eos O O O O O O B-Train-Inform+Dest O O N/A
+bos there is a train that arrives at norwich at 10:55. would you like to book that ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos does it depart from cambridge ? eos O O O O O B-Train-Inform+Depart O N/A
+bos yes , the train goes from cambridge to norwich on saturday . it departs at 9:36 and arrives at 10:55. there is also a train that arrives at 11:55 on the same route . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O N/A
+bos let me get the train id and price for the one arriving at 11:55. eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr9588 and the cost is 14.08 pounds . can i book that for you ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos no , but i have all the information i need . thanks . eos O O O O O O O O O O O O O O general-thank
+bos you are quite welcome ! eos O O O O O O general-bye
+bos i need to book a train from bishops stortford to cambridge on saturday arriving in cambridge before 12:30. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos i have tr4594 , leaving at 11:29 and arriving in 12:07. is that ok ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O N/A
+bos i actually need to leave after 20:30 on friday . so whatever is closest to that time will be fine . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O N/A
+bos okay . the tr4549 leaves at 21:29. will that suit ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O N/A
+bos yes that works . can you book it for 5 people and send me the reference number ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos ok i have 5 tickets booked on tr4549 . your reference number is ntpyzby4 . eos O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks ! can you also check and see what 3-star guesthouses you have ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos we are listing four guest houses . which area of town are you looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area
+bos the east part of town , it should also include free wifi . eos O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos i 'm sorry but there are no guesthouses that i can see on the east side of town , can i look in a different location ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Area
+bos yes , are there any 3 star guesthouses in the west that include free wifi ? eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O N/A
+bos yes there is hobsons house is in the west and has free wifi . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O Hotel-Inform+Internet
+bos okay , i need a hotel for same group of people for two nights starting friday , and i 'll need reference number , please . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O N/A
+bos i have successfully booked the hotel for you ! your reference number is nkeklj0d . can i help you with anything else ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that sounds perfect , i think that 's all i need today . thanks so much for your help . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , thank you for using our service ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am planning my trip to cambridge and looking for a restaurant in the centre that serves italian food . can you help me ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos there are 9 italian restaurants in town , did you have a price range in mind ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos i would like a moderately-priced restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A
+bos i found pizza express on regent street , would you like me to book it for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos sure , book it for 3 people at 14:45 on monday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos oh dear . i was unable to make that reservation . could we try another time ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes , could we try for 13:45. that would work for me . eos O O O O O O B-Restaurant-Inform+Time O O O O O O O N/A
+bos i 've booked it for 13:45 and your reference number is xeo5jpu2 . can i help you any further ? eos O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i 'd like to find a place to go in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos what type of place would you like to go to ? eos O O O O O O O O O O O O N/A
+bos i want to go to a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A
+bos i have about 11 different museums in the centre of town . do you have any certain type of museum in mind . i have art museums , one with antiques , etc . eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O Attraction-Request+Type
+bos whichever one you think , and please provide etrance fee as well . eos O O O O O O O O O O O O O O N/A
+bos they are all free . there is williams art and antiques , i like that one . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A
+bos great can i also get a taxi to take me between the two places ? eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos where would you like to leave from and what time ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart
+bos i just need to ensure the taxi gets me from the museum to the restaurant by my reservation time . can you swing that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i got you a red tesla taxi . the contact number is 07456538406. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos okay , that 's all i needed . thank you . eos O O O O O O O O O O O O general-thank
+bos enjoy your trip and please call back if you need anything else . eos O O O O O O O O O O O O O O general-bye
+bos i need to book a train to travel to london kings cross leaving after 10:45. can you help me with this ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O N/A
+bos sure ! where would you like to depart from ? eos O O O O O O O O O O O Train-Request+Depart
+bos i 'll be leaving cambridge on wednesday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos there are trains leaving at the hour throughout the day and night . if can book one of those for you if you like . eos O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos i need to leave after 10:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos i can book you on tr9781 leaving cambridge at 11 on wednesday . how many tickets should i reserve ? eos O O O O O O B-Train-OfferBook+Id O B-Train-OfferBook+Depart O O B-Train-OfferBook+Leave B-Train-OfferBook+Day O O O O O O O O Train-Request+People
+bos can you book me 6 tickets please ? i will also need the reference number too . eos O O O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref
+bos i 've reserved six tickets for you . your reference number is x1c6ni79 . eos O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos no , that will be everything . thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your trip . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train , actually . i need to go to broxbourne on tuesday after 10:15. eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O N/A
+bos there are 13 options available . do you need to arrive by a certain time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive
+bos no , not particularly . sooner the better , i suppose . eos O O O O O O O O O O O O O N/A
+bos train tr2130 leaves at 11:01 , with the rest following in one hour increments . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos ok. what is the travel time ? when does the train arrive ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive
+bos it arrives at 12:01. shall i book it for you ? eos O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos how long is the train ride ? eos O O O O O O O O Train-Inform
+bos train tr2130 goes from cambridge to broxbourne , the travel time is 60 minutes . can i book that train for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook
+bos sure , why not ? thank you . eos O O O O O O O O O general-thank
+bos i 've reserved your ticket . the total fee is 17.89 gbp payable at the station , and your reference number is nze7upos . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos great , thank you ! that is all i need today . eos O O O O O O O O O O O O O general-thank
+bos happy i was able to accommodate you . eos O O O O O O O O O general-bye
+bos hi , i 'm looking for train information . it needs to leave on sunday and arrive at or around 20:45. eos O O O O O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A
+bos there are 318 trains that fit your criteria . to narrow some information down , what is your destination , departure site and preferred departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest
+bos the train should go to leicester and should depart from cambridge . i do n't care about the departure time . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos there is a train leaving cambridge on sunday 05:21 , and arriving at leicester at 07:06 for 30.24 pounds . would you like me to book this for you ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos no , thanks . what 's the train id ? eos O O O O O O O O O O O Train-Request+TrainID
+bos the train id is tr2025 . eos O O O O O B-Train-Inform+Id O N/A
+bos thanks for the info . what else is available that arrives around 20:45 ? eos O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos no , i am sorry there is not . eos O O O O O O O O O O Train-NoOffer
+bos okay thank you . eos O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i need to book a train for 9:30 that departs from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos there are lots of trains that fit those criteria . where would you like to go ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Dest
+bos i would like to go to london liverpool street on wednesday . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos there is a train that leaves at 7:59 and arrives at 9:27. would like that one ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O N/A
+bos yes , that would work . can you book it for two people ? also , i need the reference number , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful for tr2835 , the total fee is 33.2 gbp payable at the station . your reference number is : 3qz8cpye . can i help with anything else ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes , please - i need a place to stay with free wifi and free parking . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O N/A
+bos the acorn guest house fits that criteria . it 's located in the north region - would that work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos no , i 'd actually prefer to stay on the west side . do you have anything in the expensive price range ? i 'd also like free wifi and parking if possible . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O N/A
+bos the huntingdon marriott hotel is in the west and in the expensive price range . it also has the free parking and wifi . can i book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no , i do n't need a room . i just need the postcode for that hotel , please . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos sure the postcode is pe296fl . eos O O O O O B-Hotel-Inform+Post O N/A
+bos thank you so much eos O O O O O general-thank
+bos my pleasure . enjoy your trip . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to london kings cross that departs after 08:15. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i 'll be travelling on a wednesday . eos O O O O O O O O O N/A
+bos are you departing from cambridge station ? eos O O O O O O O O Train-Request+Depart
+bos yes . what do you have available ? eos O O O O O O O O O N/A
+bos the tr2000 leaves cambridge going to london kings cross on friday at 09:00. it arrives in london kings cross at 09:51. how does that sound ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's great . please book me two tickets . eos O O O O O O O O O O O N/A
+bos the booking was successful and the fee is 47.2 gbp payable at the station . reference number is e2n0jhsy . may i assist you with anything else today . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no thank you , that is all . eos O O O O O O O O O general-thank
+bos have a good day ! eos O O O O O O general-bye
+bos i am looking for a museum in the south please . eos O O O O O O O O O O O O N/A
+bos i 'm sorry , but i 'm getting an error trying to process your request . could you please restate what you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore,Attraction-Request+Type,Attraction-Request+Area,Attraction-NoOffer
+bos i am looking to visit a college in cambridge and i will need to know the area , entrance fee , and phone number . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Fee
+bos well i have christ 's college which is quite famous and is free to enter in the center of town . their telephone number is 01223334900. does this interest you ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Inform+Phone O O O O O O O Booking-Inform
+bos yes , that 's perfect ! thank you ! i 'm also looking for a restaurant in the centre of town . it needs to be expensive , as well . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos there are many expensive restaurants in the centre of town . is there a particular cuisine type you would prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd prefer turkish food , if at all possible . eos O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos i have the meze bar restaurant in centre on 196 mill road city , cb13nf . would you like me to book this location ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O Booking-Inform
+bos yes , thank you very much ! we 'd like a dinner reservation for two , at 6 or 630 please . eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos sure , and what day would you like to dine ? eos O O O O O O O O O O O O Booking-Request+Day
+bos today , if possible , but it does n't matter . eos O O O O O O O O O O O O N/A
+bos great ! you have a reservation at 6:00 tonight at the meze bar restaurant for two people . is there anything else i can do for you ? eos O O O O O O O B-Booking-Book+Time I-Booking-Book+Time I-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People I-Booking-Book+People O O O O O O O O O O O general-greet,general-reqmore
+bos there is not . thank you so much for all of your help . eos O O O O O O O O O O O O O O O general-thank
+bos great . thank you for contacting cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for a college type attraction . eos O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are 18 colleges i have found , would you prefer one in town centre or in the west ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O N/A
+bos i would like to visit on in town centre please . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos sure , we have thirteen options , 10 of which are free . may i suggest king 's college , or hughes hall ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay , may i have their postcode , entrance fee , and phone number ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos sure , the post code to king 's college is cb21st , the entrance fee is free , and phone number 01223331100 eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O O N/A
+bos can you find an indian restaurant for me that is also in the town centre ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos cambridge has 9 options for indian food in the centre , do you have a specific price range ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos can i get the postcode , price range , and phone number of one ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price
+bos the first result is curry garden , postcode is cb21dp , price range is expensive , phone number is 01223302330. would you like me to reserve a table for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O Booking-Inform
+bos no thank you , i 'll just give them a call . that 's all i needed for now . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for choosing cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for some type of entertainment in the centre of town , can you tell me what is available ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O N/A
+bos can you be more specific ? there 's a lot of different things to do , like restaurants , shows , clubs ... eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O N/A
+bos are there any museums ? eos O O O O B-Attraction-Inform+Type O N/A
+bos there are 11 museums in centre , all with free admission . what type of museum would you like to visit ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Request+Type
+bos any of those museums will work . will you select one for me ? i need their phone number , please . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos how about the fitzwilliam museum ? the phone number there is 01223332900. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Phone O N/A
+bos that 's great . i also need some place to eat someplace moderate that serves corsican food . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry , there is nothing meeting those requirements in that area ? would you like me to look further ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos is there any corsica restaurants in the centre of town ? moderate price range eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A
+bos sorry , there is n't any restaurants that fit that criteria , can i find you something else ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about one that serves british food then ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos the oak bistro is in town centre serving british food and is moderately priced . i 'd be happy to make a reservation for you if you 'd like ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please . can i get in on thursday at 13:30 ? there will be 3 of us . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos the table will be reserved for 15 minutes . the reference number is 411gm546 . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos that sounds wonderful ! thank you so much for your help ! eos O O O O O O O O O O O O O general-thank
+bos anything else i can help you with ? eos O O O O O O O O O general-reqmore
+bos no , i do n't need anything else today . goodbye . eos O O O O O O O O O O O O O general-bye
+bos enjoy your day eos O O O O general-bye
+bos i 'm looking for some places that serve crossover food . eos O O O O O O O O O O O O N/A
+bos there is `` international '' cuisine . can you elaborate on what you mean by crossover ? there are places that serve what we call `` modern european '' food . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos are these places in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i have the varsity or bloomsbury restaurants that both serve international food , are located in the city center and are in the moderate price range . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A
+bos well i really need something on the west side . what about moderately priced indian food ? eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A
+bos there is one indian restaurant on the west side that is moderately priced . it is the meghna . would you like to book a table there ? eos O O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos sure . can you book a table for 2 people at 12:30 on sunday ? i 'll need the reference number please . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref
+bos the restaurant is all booked , reference is qahkt2zi . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can you also help me find an attraction called tenpin ? eos O O O O O O O O O O B-Attraction-Inform+Name O N/A
+bos tenpin is located on the south side , cambridge leisure park , clifton way . it 's phone number is 08715501010. do you wish to know more ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , could you tell me what type of attraction this is ? eos O O O O O O O O O O O O O O Attraction-Request+Type
+bos sure , it 's an entertainment venue , did you want their phone number ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O N/A
+bos yeah , and i would also like a taxi to get to the meghna from the tenpin by the reservation time , 12:30. i will need the contact number and car type . eos O O O O O O O O O O O O O B-Taxi-Inform+Dest O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type
+bos tenpin 's number is 08715501010. i 've booked you a taxi in a black ford , contact number is 07634445815. can i help you with anything else today ? eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos i just need to make sure the taxi will arrive at the restaurant by the booked time of 12:30. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i have scheduled the arrival at 12:30. if you would like me to change the time , i can certainly do that . eos O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos no , you have been very helpful . thank you for everything . eos O O O O O O O O O O O O O O general-thank
+bos ok , great , i 'm glad you are satisfied . have a nice time ! eos O O O O O O O O O O O O O O O O O general-bye
+bos hello , i 'm sight seeing in cambridge and i 'm looking for somewhere to eat on the westside . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 14 restaurants on the west side . are you looking for a restaurant with a particular cuisine ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos any cuisine is fine , but i would like it to be in the moderate price range . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos ok , how about meghna ? it is a moderately priced indian restaurant in the west side . eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos please book a table for 2 at 19:15 on saturday with a reference number and l need a theatre in the same area as the restaurant . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O B-Attraction-Inform+Type O O O O O O O O Restaurant-Request+Ref
+bos okay done i have booked you a table for two and your reservation number is 6x0ov3jv . i have many theaters in the same area . what about cambridge arts ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos that sounds great . can i get the phone number ? eos O O O O O O O O O O O O Taxi-Request+Phone
+bos the phone number for the cambridge arts theatre is 01223503333. is there anything else i can help you with today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos what is the entrance fee to the cambridge arts theatre ? eos O O O O O O O O O O O O Attraction-Request+Fee
+bos i apologize but the entrance fee for the cambridge arts theatre is unlisted . would you like their phone number instead ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O N/A
+bos that 's okay , can i get a taxi from cambridge arts theater to meghna by 19:15 ? eos O O O O O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O N/A
+bos your booking is complete ! your taxi will be a yellow ford . the contact number for your driver is 07755954404. is there anything i else i can help you with ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no , thank you . eos O O O O O O general-thank
+bos okay great . enjoy your time in cambridge and please let us know if there is anything else we can do to help ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm interested in finding something to do on the north end of town . are there any boats there that i might be able to visit ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos yes , the riverboat georgina operates out of that area . would you like me to provide any additional information ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O general-reqmore
+bos yes please . i would like to get the address and postcode for the riverboat . eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos certainly , their address is cambridge passenger cruisers , jubilee house and their postcode is cb43ax . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O N/A
+bos ok , i need a restaurant in the north side that serves chinese as well . eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are 3 options for chinese food on the north side . would you prefer one that is moderately priced or an expensive one ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Price
+bos whichever one would be able to be booked for 4 people at 13:00 on thursday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos hakka has been booked , reference number is p1mmd3mo eos O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . i 'll need a taxi to get me to the restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos can you tell me where you would like the taxi to pick you up and at what time ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i 'd like to be picked up from the georgina , and please make sure i 'm there before my booking at hakka . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay , i 've booked a white ford for you . the contact number is 07504485210. what else can i help you with ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O N/A
+bos that 's all i need ! thank you ! eos O O O O O O O O O O general-thank
+bos happy to help ! enjoy your trip ! eos O O O O O O O O O general-greet
+bos thank you very much . eos O O O O O O general-thank
+bos you 're quite welcome . enjoy ! eos O O O O O O O O general-welcome
+bos i 'd like to find a museum in the centre of town , please . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos i 've found eleven different museums in the centre of the city . would you like to hear about any in particular ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos actually , i would love it if you could give me a recommendation of one . and give me the postcode as well . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos the museum of archaeology and anthropology is free , the postcode is cb23dz . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O N/A
+bos super . i need a train on sunday going to norwich , also . can you help with this ? eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O O O O O N/A
+bos train tr9533 is going to norwich on sunday at 10:36 and arrives at 11:55. would you like to book it ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i would like to arrive by 11:00 , if there is one available ! eos O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos and just to confirm you 'll be departing from cambridge ? eos O O O O O O O O O O O O Train-Request+Depart
+bos yes , i am departing from cambridge and need to arrive in norwich by 11:00. eos O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos tr4969 will leave cambridge at 9:36 and arrive at norwich at 10:55. would you like to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no , that would be all . eos O O O O O O O O N/A
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no thank you , goodbye . eos O O O O O O O general-bye
+bos goodbye . have a nice day . eos O O O O O O O O general-bye
+bos can you recommend me a moderate priced restaurant in the north part of town ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos i found two restaurants in the moderate price range in the north part of town . would you prefer chinese or indian food ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A
+bos can i have the address of the chinese restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Addr
+bos the golden wok is a chinese restaurant in the north part of town . the address is 191 histon road chesterton . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos ok thank you good bye eos O O O O O O general-bye
+bos goodbye eos O O general-bye
+bos hello . i would like to know if you serve african food . if you do , can i please get the address , phone number and postcode of the venue ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos bedouin is located at 100 mill road city centre . it 's phone number is 01223367660 and it 's postcode is c.b 1 , 2 b.d eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O N/A
+bos thank you ! good bye ! eos O O O O O O O general-bye
+bos you are welcome . have a nice day . good bye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos what is the price range ? eos O O O O O O O N/A
+bos bedouin is in the expensive price range . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos a cheap jamaican restaurant , please . if you can not find one , then mediterranean . eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A
+bos there are no jamaican restaurants listed . i will look for mediterranean . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-NoOffer
+bos okay what is the phone number and postcode of that mediterranean place ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the gardenia is located in the centre at postcode c.b 2 , 3 l.l and can be reached at 01223 356354. can i get anything else for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you eos O O O general-thank
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos can you help me find a place to dine on the east side of the city , please ? something that 's moderately priced would be best . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos there are two indian restaurants and one italian restaurant in that area and price range . do you have a preference for type of food ? eos O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos tell me about the indian restaurants . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos the restaurants are called curry prince and the other is rajmahal . they are both in the moderate price range . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O O N/A
+bos great ! i would like to book at table at curry prince . eos O O O O O O O O O O O O O O N/A
+bos how many people will the reservation be for ? eos O O O O O O O O O O Booking-Request+People
+bos just myself , at 14:30 on thursday , please . eos O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos i was unable to book for that time , would you like me to try something else ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about 13:30 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book that for you for 13:30. your reference number is 9vlgu3ge . is there anything else i can do for you ? eos O O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for information on trains going from cambridge to bishops stortford . eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos i 'd be happy to help you with that . what day will you be traveling ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,general-greet
+bos i will be leaving on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos there are 5 trains leaving on friday . is there a specific departure or arrival time you would like ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos yes , i will need to be at bishops stortford before 16:15. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos okay . tr5853 leaves at 09:29 and arrives at 10:07 would you like me to book that train for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos please . can you also provide me with the reference number ? eos O O O O O O O O O O O O O N/A
+bos before i can book that for you , would you please let me know how many people will be traveling ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos oh , sorry about that ! same as the restaurant , so just 1. eos O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos the reference number is emg78yr0 . eos O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you so much , goodbye . eos O O O O O O O O general-bye
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos hi , i 'm looking for an expensive restaurant in the south part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos do you have a certain type of food in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos frankie and bennys is an expensive italian restaurant in the south part of town . would you like their address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O general-reqmore
+bos what other options are there ? eos O O O O O O O N/A
+bos in the expensive range there are two chinese restaurants and one indian in the south part of town . eos O O O O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O N/A
+bos what is the address and phone number of one of them ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the peking restaurant is located at 10 homerton street city centre , and the phone number is 01223 354755. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos that will do , thank you ! eos O O O O O O O O general-thank
+bos thank you and good bye eos O O O O O O general-bye
+bos i want a restaurant in the north part of town and serves chinese food . what is the phone number ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Phone
+bos there are three chinese restaurants . would you like the phone number for all three ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos golden wok is 01223350688 , hakka is 01223568988 and the hotpot is 01223366552. is there anything else i can help you with ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos what is the food type of that restaurant ? eos O O O O O O O O O O Restaurant-Inform
+bos they serve chinese food . eos O O O B-Restaurant-Inform+Food O O N/A
+bos no , that 's all i need . thank you and goodbye eos O O O O O O O O O O O O O general-bye
+bos have a nice day ! eos O O O O O O general-bye
+bos i 'd like a restaurant in the north part of town that is in the medium price range . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos what type of food are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos the golden wok serves chinese food , is located in the north part of town and in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos is there another one as well ? eos O O O O O O O O N/A
+bos yes , there is also the nirala which is an indian restaurant . would you be interested in more information on that one ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O general-reqmore
+bos yes could you give me the phone number for the nirala ? eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos their number is 01223 360966. eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos which part of town it is in ? eos O O O O O O O O O N/A
+bos it is located in the north part of town eos O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos hello there ! i am looking for a restaurant that specializes in swedish food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos what area would you like ? eos O O O O O O O Restaurant-Request+Area
+bos any eos O O N/A
+bos there is no swedish restaurant . would you like to change your query ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about asian oriental ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos charlie chan has cheap chinese food located on regent street city centre , phone 01223 361763 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos do you have any moderately priced listings for asian oriental ? eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos there is the yippee noodle bar . would you like the address ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore
+bos yes please and the phone number as well . thank you . eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the address is 40428 king street city centre and the phone number is 01223 518111. eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone N/A
+bos excellent . that is all i needed . have a good evening and thank you ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our system . goodbye ! eos O O O O O O O O O O general-bye
+bos i am looking for restaurants in the north part of town eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos which price range are you looking in ? eos O O O O O O O O O Restaurant-Request+Price
+bos i 'd like a cheap restaurant . what types of food are available with those parameters ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Restaurant-Request+Food
+bos italian and indian food can be found for cheap in the north part of town . would you like more information ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos can you give me the name and phone number of a cheap indian restaurant in the north ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O Restaurant-Request+Phone
+bos royal spice is a cheap indian restaurant in the north . it 's phone number is 017-335-3355 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O N/A
+bos how much is the average dish ? eos O O O O O O O O N/A
+bos i am sorry sir , this information is not available to us . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos have a good evening . eos O O O O O O general-bye
+bos i need some caribbean food in the south part of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos unfortunately , no caribbean restaurants can be found in the south of town . can i help you with something else ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos is there an italian restaurant in the south part of town ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are two restaurants serving italian food in the south of town . what price range would you like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price
+bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos pizza hut cherry hinton serves italian food on the south part of town . would you like their phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos yes , please eos O O O O N/A
+bos the phone number is 01223 323737. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos may i also get the postcode of the restaurant ? eos O O O O O O O O O O O Restaurant-Request+Post
+bos the post code is c.b 1 , 7 d.y . is there anything else i can do for you ? eos O O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos that will be all . thank you very much ! eos O O O O O O O O O O O general-thank
+bos thank you , have a great day ! eos O O O O O O O O O general-bye
+bos hi , could you help me find a taxi out of cocum ? eos O O O O O O O O O O O B-Taxi-Inform+Depart O O N/A
+bos could you tell me when you would like to leave by and when you would like to arrive ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to be picked up by 15:00. could you provide me the car type and contact number , please ? eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car
+bos what is your final destination ? eos O O O O O O O Taxi-Request+Dest
+bos oh , i 'm sorry . i would like to travel to gallery at twelve a high street . i actually need to be there by 15:00. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O N/A
+bos ok , i can make that change . eos O O O O O O O O O general-greet
+bos when will the car arrive ? eos O O O O O O O N/A
+bos unfortunately , it does not give me a specific arrival time . but if you like , you can call them to get that information . their phone number is 07916703661. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O N/A
+bos thanks , i will call them . can you tell me what type of car i will have ? eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos your car type is a white tesla . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos great thank you . that is all i need to know . eos O O O O O O O O O O O O O general-thank
+bos great . thank you for calling . eos O O O O O O O O general-bye
+bos i 'm looking for a cheap restaurant in the west . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos name is tnahh binh eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos pardon ? is that the name of a restaurant ? eos O O O O O O O O O O O Restaurant-Inform
+bos yes , there is a vietnamese restaurant in the west called thanh binh . eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for the vietnamese restaurant thanh binh is 17 magdalene street city centre and their phone number is 01223 362456. eos O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos i need to find which train will take me from norwich to cambridge on sunday . can you tell me ? eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O N/A
+bos the first leaves at 6:16 in the morning though there are others almost every hour . eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O N/A
+bos i need one leaving after 17:00. eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr2974 leaves at 17:16. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos that sounds perfect . could you tell me the travel time and price for that trip ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time is 79 minutes . the price is 14.08 pounds . would you like to book that ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes please book that train for 15 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos your reference number is ueklg6ii . do you need anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos i am looking for a place to go that is mutliple sports . eos O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A
+bos the the cherry hinton village centre is in the east area . would you like information on it ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos can you get me the address and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos i am sorry but i actually am not finding any information for cherry hinton village . let me do another search for you . eos O O O O O O O O O O O O O B-Attraction-NoOffer+Name I-Attraction-NoOffer+Name I-Attraction-NoOffer+Name O O O O O O O O O N/A
+bos try to find a multiple sports attraction , please . eos O O O O O O O O O O O Attraction-Inform
+bos the cherry hinton village center is in the east . their address is colville road , cherry hinton . no entrance fee is listed . eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos thanks so much . that 's all i needed today . eos O O O O O O O O O O O O general-thank
+bos thanks for using our service ! eos O O O O O O O general-bye
+bos i 'm wanting to find a museum to go to located in the centre . can you help ? eos O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are a few . does primavera sound like what you 're looking for ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Select+Name O O O O O O O O O N/A
+bos that sounds great ! can i get the address for it ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure thing , the address is 10 king s parade . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos i also need to find a train for friday . can you help ? eos O O O O O O O O O B-Train-Inform+Day O O O O O N/A
+bos ok , i am getting the systems up , where will you be going to and arriving from ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i need a train leaving on friday and i want to get there by 21:30. leaving broxbourne and going to cambridge eos O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O O O B-Train-Inform+Dest N/A
+bos okay . would you like me to book you a seat ? eos O O O O O O O O O O O O O Train-OfferBook
+bos yes , for eight people , please . and may i please get the reference number for that booking . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i was able to book tr5056 , the reference number is g2vtheio . eos O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O N/A
+bos oh . i 'm sorry , i need that booking for 6 people . can you change that and give me the new referrence number ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O Train-Request+Ref
+bos sure your new reservation number for 6 people is eao8wb62 . eos O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Ref N/A
+bos thank you good bye eos O O O O O general-bye
+bos i 'm glad i could help . eos O O O O O O O O general-welcome
+bos i 'm trying to see if they serve drinks on the riverboat georgina eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos unfortunately , i do not know if they serve drinks on the riverboat georgina . would you like their phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos actually , that 's ok. i can find out later . but can you tell me what attraction type they are ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos riverboat georgina is a boat . eos O B-Attraction-Inform+Type I-Attraction-Inform+Name O O O O N/A
+bos can you tell me what area they are in and what their postcode is please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos they are in the north and their postcode is cb43ax eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post N/A
+bos i bet i 'll be hungry after visiting the georgina so can you please find me a chinese restaurant in the centre ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos sure ! i have 10 options for you in that area . eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos thank you , the restaurant should be in the expensive price range . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i have 4 listings that meet your criteria . ugly duckling , tang chinese , hk fusion , and sesame restaurant and bar . would you like more information on one of these ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Restaurant-Select
+bos yes , give me the address and phone number to the ugly duckling plox eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Addr
+bos the ugly duckling is at 12 st. johns street city centre , cb21tw . i 'm afraid i do n't have a phone . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you book me a taxi to go from the restaurant to riverboat ? i want to leave the restaurant by 22:45. eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos i can book that taxi . i need the departure site , the arrival location and travel time . eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i 'd like to leave the restaurant by 22:45 , please . i do n't care about the arrival time . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O N/A
+bos could you tell me where you would like to go after the ugly duckling ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'm going to riverboat georgina . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos your taxi has been booked . you will be picked up in a yellow ford . the contact number is 07130797205. can i be of further assistance , today ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no thank you . that is all . eos O O O O O O O O O general-thank
+bos okay ! if there 's anything else you need , please just call us back . goodbye . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos sure . i am looking for a restaurant near the centre of cambridge . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos what type of food are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food
+bos i am looking for eastern european food . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , there are n't any eastern european eateries in the centre . can i check another part of town for you , or look for a different type of cuisine ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thai food sounds good . could you check for a restaurant again in the centre of cambridge ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos bangkok city is an expensive thai place in the centre of town , would you like more info or a booking ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes , i 'd like the phone number please . eos O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223354382. can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place called the man on the moon ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos i found that attraction it is located at 2 norfolk street . the phone number is 01223474144. eos O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone N/A
+bos what is the postcode and entrance fee ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos the postcode is cb12if and the entrance fee is unknown . their phone number is 01223474144 if you would like to call them to find out . eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O N/A
+bos also , i want a taxi to commute between the two places . eos O O O O O O O O O O O O O O Taxi-Inform
+bos sure , i can help you with that . do you want to get picked up at bangkok city or from the man on the moon ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i want to get picked up from the attraction by 23:45 and taken to the restaurant . please make the taxi booking and give me the relevant info eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O O N/A
+bos i have your taxi booked . it will be a red lexus and your contact number is 07308367931. is there anything else i may assist you with ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i need an expensive restaurant with eastern european food eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos sorry do n't have any eastern european restaurants . eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O N/A
+bos thanks for the help , that is all for today . eos O O O O O O O O O O O O general-thank
+bos is there another price range or different cuisine you might like information on ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos i have reservations bangkok city restaurant but forgot to get the address and postcode . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the address and postcode are 24 green street city centre , cb23jx . can i assist you any further today ? eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos thank you , that is all . eos O O O O O O O O general-thank
+bos have a wonderful time . eos O O O O O O general-bye
+bos can you help me find the funky fun house ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the funky fun house is located at 8 mercers row , mercers row industrial estate . would you like the phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O N/A
+bos please give me their postcode , and the area of town they are located in . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos it 's on the east side and the postcode is cb58hy . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i would like a place to eat in the centre and should serve korean food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A
+bos i would recommend little seoul . would you like to make a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform
+bos yes , can you please do that for me . eos O O O O O O O O O O O N/A
+bos what day should the reservation be on ? eos O O O O O O O O O Booking-Request+Day
+bos monday , at 20:00 for one person please . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A
+bos your reference number is w98yey49 , is there anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no , actually you took care of everything . thanks so much . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos enjoy your stay in cambridge ! eos O O O O O O O general-bye
+bos i 'm looking for an expensive restaurant in the centre please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are about 33 different restaurants to choose from . what type of food are you interested in trying ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i think chinese sounds good , are there any of those in the centre ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos yes . i have four places that are chinese food . would you like to book one ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform
+bos yes please , book a table for 8 people at 19:30 on thursday eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have booked the ugly duckling at 12 st. johns street city centre . the table will be reserved for 15 minutes.reference number is : bvc8a9mp . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i am also trying to find places to go for entertainment . can you please help me ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos certainly . there are ; cherry hinton hall and grounds , funky fun house , nusha , tenpin and whale of a time . could i book any of those for you ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos could you give me the area , address , and entrance fee fo the funky fun house ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr
+bos it is in the east area and the address is 8 mercers row , mercers row industrial estate . i do n't know the entrance fee but their number is 01223304705. is there anything else i can help you with ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos i 'm actually all set now , thanks so much ! take care now ! eos O O O O O O O O O O O O O O O O general-thank
+bos okay , have a great time in cambridge ! eos O O O O O O O O O O general-bye
+bos hi , i am planning a trip and am looking for a particular attraction . eos O O O O O O O O O O O O O O O O Attraction-Inform
+bos what type of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos it 's called the adc theatre . can you tell me what area it 's in ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Area
+bos yes , i can . it is located in the centre area . is there anything else i can answer for you ? eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O general-reqmore
+bos i also need a restaurant . eos O O O O O O O Restaurant-Inform
+bos i 'll be glad to help you find one . what kind of restaurant do you have in mind and on what side of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos in the east please . eos O O O B-Restaurant-Inform+Area O O N/A
+bos we have 9 restaurants in the east . what kind of food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos expensive polunesian . eos O B-Restaurant-Inform+Price O O N/A
+bos i 'm sorry , i 'm not showing any expensive polynesian restaurants in the east area of town . what about another type of cuisine or perhaps another area of town ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos can you try indian food please ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos sitar tandoori is my all time favorite . can i book ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes please book for 1 person at 14:00 on monday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have booked you a reservation at the sitar tandoori for monday at 14:00 for 1 person . the reference number is 5i0zwpot . is that all today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time I-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos thank you for letting us assist you today ! enjoy your visit ! eos O O O O O O O O O O O O O O general-greet
+bos please help me find a train from kings lynn to cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos what day and time will you be departing ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos friday . i need to arrive by 11:30. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A
+bos tr1612 will get you there by 9:58. plenty of time . eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O N/A
+bos ok , that sounds good . can i please book 2 tickets ? and i 'll need a reference number , please . eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O Train-Request+Ref
+bos your reference number is rh4x9u1z . do you need anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos yes , please . i would like to visit a museum while i am in town . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos how about the cambridge artworks ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos is it in the west ? i need something in that area . eos O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos if you 'd like to be in the west , i recommend cafe jello gallery . eos O O O O O O O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos could i get the phone number and postcode of that museum ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos sure , the phone number is 01223312112. the post code is cb30af . do you need any additional information about cafe jello gallery ? eos O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos yes , may i have the address , too ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos the address for cafe jello gallery is 13 magdalene street . would you like any more assistance today ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos that is it i am good now thanks ! eos O O O O O O O O O O general-thank
+bos awesome . thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos you too , goodbye ! eos O O O O O O general-bye
+bos be sure to ask if you need anything ! eos O O O O O O O O O O general-bye
+bos i need a train from cambridge to broxbourne . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos when would you like to travel ? eos O O O O O O O O Train-Request+Day
+bos well , i would like to leave on monday . eos O O O O O O O O B-Train-Inform+Day O O N/A
+bos what time do you need to depart and arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to arrive in broxbourne by 15:45. eos O O O O O O O O B-Train-Inform+Arrive N/A
+bos the first train departs cambridge for broxbourne on monday at 05:01 and arrives at 06:01. would you like to book this train for 17.90 pounds ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O N/A
+bos yes , please . book for 1 person eos O O O O O O B-Train-Inform+People O O N/A
+bos your booking was successful , the total fee is 17.89 gbp payable at the station . your reference number is q8bdx7as . is there anything else i can assist with ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i would also like a place to go that is a cinema and should be in the centre of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A
+bos i have the vue cinema located at the grafton centre , east road . their phone number is 08712240240. is there anything else i could help you with ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos that is all , thanks ! eos O O O O O O O general-thank
+bos you 're welcome ! have a good day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need help booking a train . can you help me ? eos O O O O O O O O O O O O O Train-Inform
+bos i would be happy to help . what day will you be travelling and from which station ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i would like to leave on saturday from liecester and arrive by 18:30. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O N/A
+bos i 'm sorry , there are no trains leaving liecester on saturday . eos O O O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day O O O N/A
+bos i need a train to go from leicester to cambridge . this will be on satruday . please , look again . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O N/A
+bos yes sorry there are some here but the earliest time i have leaving is at 19:09. eos O O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave N/A
+bos yes , please give me the train id for one . eos O O O O O O O O O O O O Train-Request+TrainID
+bos sure , tr5790 is the train leaving at 19:09. eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O N/A
+bos i 'm also looking for an attraction in the centre , what do you recommend ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos what type of attraction do you want ? eos O O O O O O O O O Attraction-Request+Type
+bos i do n't know , let 's say a museum . i need the address too . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Addr
+bos castle galleries is quite nice , they are at unit su43 , grande arcade , saint andrews st. free admission too eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Fee O O O O O N/A
+bos free is the right price tag for me . i appreciate all your help , that 's it for today . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos glad i could help , have a great day . eos O O O O O O O O O O O general-bye
+bos you too and thank you for your help . i ; m looking forward to a nice day . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos that 's wonderful ! bye for now ! eos O O O O O O O O O general-bye
+bos greetings , are there are any trains leaving bishops stortford . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos there are many . where would you like to travel to ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest
+bos i would like to leave on thursday to cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A
+bos i have 10 trains leaving bishops stortford for cambridge on thursday . what time would you like to depart ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave
+bos i need to leave after 16:30. eos O O O O O O B-Train-Inform+Leave N/A
+bos train 0277 leaves at 17:29 and arrives at 18:07. would you like me to book you a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes make a booking for 8 people and give reference number . can you suggest places to go like museums in cambridge ? eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O B-Train-Inform+Dest O Train-Request+Ref
+bos booking was successful , the total fee is 80.8 gbp payable at the station .reference number is : 3awbi59x . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great . thanks . i 'm also looking for a museum to check out . can you help me with that ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos cambridge has 23 museums . what area of town would you like to go to one in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Area
+bos can you find one in the south please ? eos O O O O O O O B-Attraction-Inform+Area O O N/A
+bos certainly , the byard art is a museum in the south part of town . their address is 14 king 's parade . would that work for you ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A
+bos can you tell em the postcode as well please ? eos O O O O O O O O O O O Attraction-Request+Post
+bos it 's cb21sj . anything else you need assistance with ? eos O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos that is all for today , you were very helpful . eos O O O O O O O O O O O O N/A
+bos thank you so much ! you have a wonderful day ! bye ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a museum to go to located in the centre . can you help me ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are , surprisingly , eleven museums in the centre of town . looks like all of them are free . is there specific you want to see ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O N/A
+bos nothing specific.recommend one and send me their phone number . eos O O O O O O O O O O O Attraction-Request+Phone
+bos i would recommend broughton house galley . here is their phone number : 01223314960 eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Phone O O N/A
+bos thanks so much . i am also looking for a place to dine . can you help me ? eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos yes , i can help you . what type of food are you interested in ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care , just something good in the same area as broughton house is . try and stay in the moderate price range though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos which area was that again ? eos O O O O O O O Restaurant-Request+Area
+bos the centre please . could you tell me the phone number and food type ? eos O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food
+bos of course . i 'd recommend cotto . they serve british food . the phone number is 01223302010. can i help with anything else today ? eos O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O O general-reqmore
+bos great , thank you . no that will be all for today , i appreciate all your help ! eos O O O O O O O O O O O O O O O O O O O O N/A
+bos are you sure you do n't want me to book the restaurant for you ? eos O O O O O O O O O O O O O O O O Booking-Inform
+bos no thank you . eos O O O O O general-thank
+bos alright , you take care then ! eos O O O O O O O O general-welcome,general-bye
+bos can you help me find a train that will arrive in birmingham new street by 16:15 ? eos O O O O O O O O O O O O O O O O O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i would like to leave friday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos tr2716 will leave cambridge at 13:01 and arrive at birmingham at 15:44. the trip will take 163 minutes and cost 75.10 pounds . would you like to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook
+bos yes , i would like to book for 3 people . eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos i booked the train . it was 225.3 and your reference is as5sbc8p . do you need help with anything else ? eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes i also need information on queens ' college . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it 's located in west cambridge on silver street . the postcode is cb39et . the phone number is 01223335511. the entrance fee is 2.50 pounds . do you need anything else ? eos O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos no , that 's great . thank you . good-bye . eos O O O O O O O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . eos O O O O O O O O O O general-bye
+bos can you help me find a nice asian restaurant to dine at in cambridge ? eos O O O O O O O O O O O O O O O O Restaurant-Inform
+bos i have several asian oriental places . most are in the center , but there 's one on the north side . do you have an area in mind ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Area
+bos yes . it should be inthe centre and preferably expensive eos O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A
+bos kymmoy is just what you are looking for at 52 mill road city . do you need me to book a table for you ? eos O B-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes please , 6 guests at 18:00 on wednesday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your table is reserved at kymmoy for wednesday at 18:00. your reference is cdhr89u2 . is there anything else i can do for you today ? eos O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no thaks for helping eos O O O O O N/A
+bos well , thank you for calling ! you have a great day ! eos O O O O O O O O O O O O O O general-bye,general-greet
+bos i 'm most grateful . oops ! one more request ! a hotel with free parking in the same price range as the restaurant . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O N/A
+bos i have 5 hotels that meet your criteria . what area are you wanting to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos area does n't matter as long as it is a hotel type with parking and expensive eos O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O N/A
+bos i am showing 5 options here . i personally recommend gonville hotel . shall i book it for you ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos i am looking for a place to stay eos O O O O O O O O O N/A
+bos i will definitely be able to help you with that . did you want a hotel or a guest house ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type
+bos i 'm looking for a guesthouse with free parking and free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are a lot of guesthouses that meet that criteria . do you want to stay in a particular area ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , i do n't care about the location . i do want a 4 star place though . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos the acorn guest house has a 4 star rating and is in the moderate price range . it is in the north area . would you like to reserve a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos yes . where is a good expensive restaurant in the west area of town ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are nine expensive restaurants in the west , is there a particular type of food that you are interested in ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos can you give me some examples of the type of cuisine that is available ? eos O O O O O O O O O O O O O O O O N/A
+bos there 's british , european , indian , and thai . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos what 's the address , postcode and phone number of the thai restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sala thong serves thai food and is located at 35 newnham road , newnham cb39ey . their phone number is 01223323178. can i help with a booking ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform
+bos yes can you please book that for me ? eos O O O O O O O O O O N/A
+bos what day and time would you like me to reserve the restaurant for ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos let 's book it for wednesday please . eos O O O O O B-Restaurant-Inform+Day O O O N/A
+bos how many people will the booking be for and what time would you prefer the booking to be at ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos i think we 're jumping way ahead of ourselves here . let 's start afresh . please get me the address to the acorn and then we can proceed with getting a taxi eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address to acorn is 154 chesterton road . eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you ! good bye . eos O O O O O O O general-bye
+bos thank you for calling cambridge towninfo centre . it was a pleasure to help you . eos O O O O O O O O O O O O O O O O O general-bye
+bos what is the location of the parkside police station ? eos O O O O O O O O O O O Police-Inform
+bos cambridge , parkside police telephone number 01223358966. eos O O O O O O O O N/A
+bos i may be close by . what is the station 's postcode ? eos O O O O O O O O O O O O O O Police-Request+Post
+bos they are located in parkside , cambridge , post code cb11jg eos O O O O O O O O O O O O N/A
+bos thank you for your help . that is all that i need right now . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a great night . eos O O O O O O O O O O O general-bye
+bos i 'm just looking for a place to sleep tonight in cambridge . eos O O O O O O O O O O O O O O N/A
+bos sure , there are 33 hotels available . do you have any other criteria ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O N/A
+bos could it be in the north and include free wifi please ? eos O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos there are several places to stay in the north that offer free internet . do you have a preference of stars and price range ? eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars,Hotel-Inform+Internet
+bos no . but it should be a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are several in the moderate price range and 1 in the cheap range , do you have a preference ? eos O O O O O O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O O Hotel-Select
+bos i would like a guesthouse in the moderate price range for one person and four nights , starting on sunday . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos there are several options , but i would definitely recommend the limehouse . if that sounds good , i can book it for you . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes please . i need it for 1 person for 4 nights starting on sunday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i have made those reservations and your reference number is flu3b3si . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos i also need a place to dine in the north eos O O O O O O O O O O B-Restaurant-Inform+Area N/A
+bos i found 9 restaurants in the north . what type of food would you like ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos thank you , i 'm looking for a place that serves chinese food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos what 's your budget ? eos O O O O O O Restaurant-Request+Price
+bos the price does n't matter . eos O O O O O O O N/A
+bos would you like to try the hotpot ? eos O O O O O O O B-Restaurant-Recommend+Name O N/A
+bos sure ! i need a table for 1 at 16:15 on sunday . eos O O O O O O O O O O O O O O N/A
+bos ok i will book it for you and get a reference number eos O O O O O O O O O O O O O Booking-Inform
+bos can i get a good place for afternoon tea in the westside ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos i have n't found anything . are you interested in a specific cuisine ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos what about a thai restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have two . do you prefer the west of town or the centre ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos i would prefer the west please . eos O O O O O B-Restaurant-Inform+Area O O N/A
+bos in the west , i have sala thong . it 's an expensive place but so worth it . can i reserve you a table there ? eos O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Booking-Inform
+bos not right now . can i just have the address and phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yes of course their address is 35 newnham road newnham and their phone number is 01223323178. eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone N/A
+bos i also need a hotel to stay that 's near the restaurant . i need it to have free parking too . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay , i have 4 in the area . is there a price range you are looking for ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price
+bos price does n't matter as long as it has both free wifi and free parking and is located in the west . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos finches bed and breakfast is available , would you like that ? eos O O O O O O O O O O O O O Hotel-Recommend,Booking-Inform
+bos how many stars do they have ? and its in the west right ? eos O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos it has 4 stars and in the west . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos i need a cab to get between both places , and i need to leave the hotel by 3:45 eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos booking completed ! booked car type : yellow fordcontact number : 07499977448 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O N/A
+bos thank you eos O O O general-thank
+bos thank you , enjoy your stay ! eos O O O O O O O O general-welcome,general-bye
+bos i 'm planning your trip in cambridge.i 'm looking for a place to dine in the east with chinese food eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O N/A
+bos how about yu garden ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos that sounds good ! i would like to make a reservation for 2 at 13:15 on friday . eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos yes i have made that for you and your reservation number is ywn5sm9v . eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos awesome ! thank you , could you give me their address ? eos O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 529 newmarket road fen ditton . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos recommendations for guesthouses to stay without free parking ? eos O O O B-Hotel-Inform+Type O O O O O O N/A
+bos how about archway house ? i hear it 's lovely . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A
+bos i can try it , can you book it for me ? eos O O O O O O O O O O O O O N/A
+bos i would be happy to . let me get some additional information . when would you like to check in ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,general-greet
+bos actually , i do n't need a booking . thanks , good bye . eos O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure to help you today . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos would you be so kind as to help me find a place to dine later ? eos O O O O O O O O O O O O O O O O O N/A
+bos i sure can . what type of restaurant are you looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'm looking for cuban food . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are no cuban restaurants unfortunately . eos O O O O B-Restaurant-NoOffer+Food O O O N/A
+bos that 's okay . how about indian ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos yes what area are you looking to dine in ? eos O O O O O O O O O O O Restaurant-Request+Area
+bos in the centre as well please . eos O O O B-Restaurant-Inform+Area O O O O N/A
+bos i have 9 restaurants available . what price range would you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price
+bos the range does not matter . just the indian place you think best . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i would recommend the the golden curry . would you like to make a reservation ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform
+bos yes , let 's make it for 1 person at 19:45 on sunday . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos your reservation is successful , they 'll hold the table for you for 15 minutes . reference number is 6cvklm3f . what else can i help you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . i am also looking for a place to stay . it does n't need internet and should be moderately priced . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos what area of town would be your preference ? eos O O O O O O O O O O Hotel-Request+Area
+bos i do n't have a preference . what would you recommend ? eos O O O O O O O O O O O O O N/A
+bos i 'd recommend the limehouse , it 's in the north and has 4 stars . would you like me to book a reservation ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Booking-Inform
+bos is that a guesthouse ? eos O O O O O O N/A
+bos it is a guesthouse . would you still like me to book it ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform
+bos yes , i love guesthouses when i travel alone . can you book it for three nights please , starting on sunday . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , of course . how many people are in your party ? eos O O O O O O O O O O O O O O Booking-Request+People
+bos limehouse for 1 person , 3 nights and starting on sunday . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O N/A
+bos booking was successful.reference number is : 2vehcbyq . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for all your help . have a great day . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a gastropub food restaurant in the centre of cambridge please . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos sure what price range are you looking for ? eos O O O O O O O O O O Restaurant-Request+Price
+bos i do n't really have a price range in mind . what 's your favorite place ? eos O O O O O O O O O O O O O O O O O O N/A
+bos my favorite is the slug and lettuce . it is expensive though . can i get you an address for it ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O general-reqmore
+bos nah , i 'll get that later . can you book a table there , though ? 3 people on sunday at 15:30. eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes i can , i have booked a table for 3 people for sunday at 15:30 at the slug and lettuce . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O N/A
+bos the reference number for you dinner reservation is 7e3el1ig . what area of town would you like to stay in ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O Hotel-Request+Area
+bos i just need to find a hotel for sunday for 3 people . the stay should be two nights . please give me the reference number too . eos O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O O O O O O O O O O O N/A
+bos ok , i was able to book you at the acorn guest house . your reference number is ybgswxej . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i also need a taxi to get me between the two places . eos O O O O O O O O O O O O O O Taxi-Inform
+bos sure thing . i can work on getting that booked for you . eos O O O O O O O O O O O O O O general-greet
+bos could you please do that ? eos O O O O O O O N/A
+bos which place will you be leaving from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i want to make sure it gets me to the restaurant for the reservation from the hotel . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos you are set , look for a red tesla , their contact number is 07587955465 , any further questions today ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that is great . thank you for your help . eos O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye
+bos i would like to find a guesthouse to stay in that 's in the expensive price range . can you help me ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are zero guesthouses in the expensive range . would you like to explore hotels or other price ranges ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O N/A
+bos ok. can we look for something on the north side ? eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are several moderately priced guesthouses in the north . arbury lodge , perhaps ? it has a 4 star rating . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Stars O O O N/A
+bos that sounds like a good option ! does it include internet ? i wo n't be needing it during my stay , but i 'd like to know . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , the arbury guest house offers internet eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Inform+Internet
+bos can you book it for me ? eos O O O O O O O O N/A
+bos how many people and how many days would you like to book for ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos please book for 2 people , for 5 nights , starting from wednesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i have you booked for a room on wednesday , for 5 nights , for two people . your reference number is jhi0ypss . would you like help with anything else ? eos O O O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos looking for a restaurant . the restaurant should serve chinese food and should be in the same price range as the hotel eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos there are four ! 3 in the centre , and 1 in the north ! eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos i want the one in the north please eos O O O O O O O O O N/A
+bos golden wok is what you 're looking for , can i book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes , please book golden wok for 2 people at 18:45 on wednesday . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booked ! the reference number is v9o804nd . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos could i also get a taxi to go from the hotel to the restaurant please ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos a blue tesla will be picking you up in time to arrive at the restaurant by 18:45. their contact number is 07398063187. is there anything else i can assist you with ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that is all , thanks . eos O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i have a hotel that i really want to stay at today . eos O O O O O O O O O O O O O O Hotel-Inform
+bos can you tell me the name of the hotel please and then we can talk about booking a room ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Name
+bos it is the huntingdon marriott hotel eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos when will you be staying there ? eos O O O O O O O O Booking-Request+Day
+bos i 'm not sure . do they have internet ? eos O O O O O O O O O O O Hotel-Request+Internet
+bos yes , they have internet available . eos O O O O O O O O Hotel-Inform+Internet
+bos what type of hotel is it ? and what is the post code ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type
+bos its an expensive hotel . eos O O O B-Hotel-Inform+Price O O N/A
+bos can i get the postcode please ? eos O O O O O O O O Hotel-Request+Post
+bos okay , the postal code is : pe296fl . can i assist with anything else ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos i also would like to eat in the center of town . eos O O O O O O O O O O O O O N/A
+bos there is a lot of restaurants in the town centre . what type of food are you looking for ? what is your price range for the restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos do n't really have a food preference but would prefer something expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos there are 33 expensive restaurants in the centre . are you sure you have no preference for food type ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos none , it is my first time in the town and i like every food , i will go with what you recommend . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay . well , i 've heard great things about the cambridge chop house . it 's a british restaurant . would you like me to book that for you ? eos O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes can you book it for 3 people on wednesday at 17:30 ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos your booking was successful . here is your reference number , cuz69hsd . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks , now can you book me a taxi ? i want to be picked up from my hotel and taken to the restaurant by 17:30. please give me car type/contact number eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O Hotel-Request+Type,Taxi-Request+Car
+bos your taxi has been booked . the car type is a blue toyota and the contact number is 07594906784. is there anything else i can help you with ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that 's all i need for now . thanks for all your help ! eos O O O O O O O O O O O O O O O general-thank
+bos you are quite welcome ! enjoy your stay ! eos O O O O O O O O O O general-welcome
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos wonderful , could i help you with finding a place to stay ? do you need a train or any information on local attractions ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i need a train after 14:15 from birmingham new street and need to go to cambridge and leave on tuesday eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day N/A
+bos tr8466 leaves at 14:40 and arrives at 17:23 , will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes please i need that booked for one person . eos O O O O O O O O O O O N/A
+bos sure , your booking was completed . the total fee is 75.09 gbp payable at the station and your confirmation number is q5h6zu73 . can i help with anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes , i 'm also interested in going to the theatre . can you help me find one ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos your reservation is booked eos O O O O O Train-OfferBooked
+bos i also need information on a theatre . eos O O O O O O O O O N/A
+bos sure , is there a particular part of town you would like the theatre to be in ? you have options in the centre and south . eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O Attraction-Request+Area
+bos the area does n't matter . which one do you recommend ? can you provide the postcode , area , and entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee
+bos i would suggest adc theatre . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A
+bos that will do . i 'll need the postcode , area , and entrance fee , please ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee
+bos the adc theatre is located in the centre and the post code is cb58as . i do not have the entrance fee available to me . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for the service , bye ! eos O O O O O O O O O general-bye
+bos have a great day . eos O O O O O O general-bye
+bos what is the address to the ashley hotel ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the ashley hotel is at 74 chesterton road , and their postcode is cb41er . would you like to book a room or are you just looking for information right now ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i am just looking for information . what kind of hotel ? hotel or guest house ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos they are a hotel . do you need their phone number ? eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos no i do n't need it , thanks for asking . however i also am interested in an attraction known as cambridge artworks . can you provide their address & contact info ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O N/A
+bos sure cambridge artworks is located at 5 greens road phone number is 01223902168. can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos the post code is cb13ef . can i further assist you ? eos O O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore
+bos i also need a taxi to go between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos do you have a specific arrival or departure time ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to leave the hotel by 24:00 please . eos O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos your taxi is booked . it will be a red volvo , contact number 07468930777. would you like some information for restaurants in the area ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos thank you for the booking and contact number . that will be all for now . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . have a great trip ! goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos what is the address to the hospital in cambridge ? eos O O O O O O O O O O O Hospital-Inform
+bos address is hills road . is there anything else ? eos O O O O O O O O O O O N/A
+bos can i also get their phone number please ? eos O O O O O O O O O O N/A
+bos the phone number is 01223245151. eos O O O O O B-Hotel-Inform+Phone N/A
+bos thank you ! can you also help me find a hotel ? eos O O O O O O O O O O O O O Hotel-Inform
+bos i sure can . what kind of hotel are you interested in , in what part of town and what 's your price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area,general-greet
+bos i 'd like a 4-star place with free wifi and parking . eos O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos we have 3 hotels and 16 guesthouses across town to choose from ! do you have any preferences ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O Hotel-Select
+bos i would like to book the hotel for 8 people spending wednesday and thursday night . eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O N/A
+bos sure , i can help you with that . was there a particular area of town you were looking for ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos well , i was going to visit christ college so same area is that . i forgot to ask you earlier , i always confuse hospitals and colleges . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O O O N/A
+bos christ college is in the centre . would you like me to look for a hotel there ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't matter . i will be looking for a taxi to commute between the two places . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i have found a guesthouse and a hotel in the centre near christ college . the guest house is priced cheap and the hotel is expensive . do you need a booking ? eos O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Booking-Inform
+bos please book the hotel for 8 people starting on wednesday for 2 nights . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos i have made reservations for your party of 8 at the university arms hotel . your reference is jn4za7ed . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , please . i need a taxi to pick me up at the hotel . eos O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos how many people will be traveling ? eos O O O O O O O O N/A
+bos 8 people will be traveling . eos O O O O O O O N/A
+bos what time would you like the taxi for ? eos O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave by 21:00. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos okay ! you 'll be picked up in a grey toyota , and the phone number is 07183775918. can i help you with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-greet,general-reqmore
+bos okay . thank you for all your help . eos O O O O O O O O O O general-thank
+bos what else can i look up for you ? eos O O O O O O O O O O general-reqmore
+bos no have a nice day . eos O O O O O O O N/A
+bos thank you , let me know if i can assist with anything else . eos O O O O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a guesthouse that has free wifi preferably in the centre . can you help me ? eos O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos i 'll recommend alexander bed and breakfast that is rated 4 stars . their phone number is 01223525725 eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O O B-Hotel-Recommend+Phone O O N/A
+bos can you book a room for me and send me the reference number please . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos how long will your stay be ? eos O O O O O O O O Booking-Request+Stay
+bos we are going to be staying for 2 nights beginning saturday . eos O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos i 'd be happy to help with your request , but first i 'll need to know how many people will be staying ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People
+bos there will be 7 people staying . eos O O O O O B-Hotel-Inform+People O O N/A
+bos i have successfully booked 2 nights for 7 people at the alexander bed and breakfast . your reference number is d4mcy7tt . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . we are also looking for an entertainment attraction in the centre . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos the vue cinema is in the centre area . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O N/A
+bos what is the postcode and entrance fee . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i 'm not showing a listed entrance fee . their postcode is cb11ps . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Post O O O N/A
+bos great ! can i book a taxi ? i need to leave the hotel by 17:30. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos look for a blue toyota and the contact number is 07825644366. will there be anything else i can assist you with today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , that 's all i needed today . thank you for you help . have a great day . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thanks for using us ! enjoy your trip ! eos O O O O O O O O O O general-bye
+bos i 'd like to visit an attraction called the cambridge corn exchange . what can you tell me about it ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos it is a theatre located in the centre on wheeler street . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos can you provide their full address please ? eos O O O O O O O O O Attraction-Request+Addr
+bos i 'm sorry the full address is n't listed would you like there postcode and phone number ? eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no but i also need a hotel called university arms hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i was able to find university arms hotel located at regent street . would you like me to book a room for you ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos before we do that , what type of attraction is the cambridge corn exchange ? i do n't know too much about it . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Type
+bos they are on wheeler street and phone is 01223357851 eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone N/A
+bos hello , i 'm looking for an inexpensive hotel to stay in while i 'm in cambridge . i would like it to be a guesthouse type of room please . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O Attraction-Request+Type
+bos i have several throughout the city . is there any location you would prefer it in ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Area
+bos no , but i want free parking . eos O O O O O O O O O N/A
+bos great . i have 9 available that offer free parking . is there a star rating you 'd prefer ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Parking
+bos i 'd prefer one with at least a 2 star rating . i 'd also like one with internet . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos there are no 2 star hotels available . eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O N/A
+bos no star rating . i just need it to be a guesthouse , cheap , free parking and if they have internet . eos O O O O O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Internet
+bos okay i 'll need some more information to book that for you . how many people , for how long and when please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Inform
+bos i 'm not ready to book just yet . do any have internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos how about the alexander bed and breakfast . and has free parking and free wifi . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that sounds fine . i 'm also looking for something to do in the west part of town . got any recommendations ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos we have lovely college 's in the west , clare hall is one of my favorites ! eos O O O O O O O B-Attraction-Recommend+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O N/A
+bos ok , let 's try clare hall . what 's the address and postcode ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos clare hall is located on herschel road and has the postcode cb39al . is there anything else i can help with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no , that is all i need today . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-bye
+bos i am planning a trip and would love some suggestions on a place to stay when i arrive in cambridge . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos will you be staying in the centre ? eos O O O O O O O O O Hotel-Request+Area
+bos i can stay anywhere but i need the place to be expensive and have free wifi included . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the gonville hotel meets your requirements . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos okay , book the gonville hotel for 4 nights starting with sunday . there will be 7 guests . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O N/A
+bos i was able to book you , the confirmation number is lgm2u4iy , can i assist with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i am looking for museums to visit in town . do you have any recommendations ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos the people 's portraits exhibition at girton college is a must-see . it 's on the west side and has free admission . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Price O O O O O N/A
+bos great , would you be able to give me the address and phone number ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the phone number is 01223338901 and the address is girton college , huntingdon road eos O O O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thanks . now i 'd just like a taxi to depart from the attraction at 15:15 and take me to gonville hotel . please give me contact number and car type . eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O Taxi-Request+Car
+bos you are all set with a blue toyota , which can be reached at 07287670200. is that all for today ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos yes , that 's it for me . thank you ! bye ! eos O O O O O O O O O O O O O O general-bye
+bos you are welcome ! bye for now ! eos O O O O O O O O O general-welcome,general-bye
+bos i want to visit somewhere with interesting architecture . eos O O O O O O O O B-Attraction-Inform+Type O N/A
+bos all saints church is available , would you like to try that ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos nice , would like to eos O O O O O O N/A
+bos it is free to visit it 's located at jesus lane postcode cb58bs and the phone number is 01223452587. is there anything else i can help you with ? eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i also need a place to stay . can you recommend a hotel in the west area , please ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O Attraction-Request+Area
+bos finches bed and breakfast is a popular choice , because it 's inexpensive but rated 4 stars . is a guesthouse okay , or do you need something else ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Hotel-Request+Type
+bos that will work can you book that for me please ? eos O O O O O O O O O O O O N/A
+bos could you please provide me with how many nights you are staying , how many people , and what day your stay starts ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos i 'm not ready to book quite yet . can i just get the information for the time being ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos of course . their address is 144 thornton road , post code cb30nd . their number is 01223276653. is there anything else i can help you with today ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos you know , actually come to think of it i really need something 3 star that is in the centre of town instead of the west . do you have anything ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos there is the gonville hotel . it 's located in postcode cb1 1ly and the phone number is 01223366611. eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O N/A
+bos thank you that will be all eos O O O O O O O general-thank
+bos fantastic , have a great day ! eos O O O O O O O O general-bye
+bos i need a place to stay in the north with a 4 star rating please . eos O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O N/A
+bos i have 8 guesthouses in the north . would you like some information on the archway house ? it has free parking and internet . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos is it in the cheap price range ? eos O O O O O O O O O N/A
+bos no , it 's moderately priced would you like another hotel ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O general-reqmore
+bos what hotels have free parking ? eos O O O O O O O N/A
+bos i have the archway house that offers free parking . would you like to make reservations ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no thank you , could i have the address with postcode and phone number ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Attraction-Request+Addr
+bos the address is 52 gilbert road cb43pe , phone number 01223575314. is there anything else you need today ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos i would like to find a boat in the north of town as well . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos there is the riverboat georgina in the north . would you like the information for it ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos can you just give me the entrance fee amount and the address ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is cambridge passenger cruisers , jubilee house . the entrance fee is unlisted . anything else today ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos there is no entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos the entrance fee is not available . it is absent from my database . eos O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos okay , thank you so much ! i do n't need anything else then , goodbye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos thank you so much for using our services . goodbye . eos O O O O O O O O O O O O general-bye
+bos can you locate any four star places to stay ? eos O O O O O O O O O O O N/A
+bos i have 21 hotels with the 4 star rating . what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Request+Area
+bos are there any with free wifi available ? eos O O O O O O O O O N/A
+bos yes . what area of town could you like to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform
+bos i would like for it to be in the centre . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos alexander bed and breakfast is located in the centre area , it is a 4 star guest house in the cheap range . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos hmm , i kind of was looking for something 4 star rated with free wifi but in the moderate price range if possible . do you have anything like that ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos i am sorry we dont have any like that . eos O O O O O O O O O O O Hotel-NoOffer
+bos can you try a guesthouse ? eos O O O O O O O N/A
+bos i 'm sorry , there are no 4 star places in the centre in the moderate price range . is there something you 'd like to change ? eos O O O O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O general-reqmore
+bos how about one that is in the type of guesthouse ? eos O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos i am sorry another area perhaps ? eos O O O O O O O O Hotel-Request+Area
+bos yeah , sorry . any area is actually fine . i just want somewhere with 4 stars , moderately priced with wifi . preferably a hotel , but guesthouse is ok if no hotels available . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast is 4 star but it is in the cheap price range . is that going to work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O O O O O O general-reqmore
+bos yes , i want to book it for 7 people and 5 nights starting from sunday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos booking was successful . reference number is : hvgcsqr9 . anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes please - i love interesting architecture . is there anything interesting in the west ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are no architectural attractions in the west . would you prefer something else , or another area ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos can you chekc for colleges eos O O O O O B-Attraction-Inform+Type N/A
+bos there are five colleges in the west . i would suggest churchill college . the entrance fee is free . would like like the information for it ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee O O O O O O O O O O O general-reqmore
+bos get me their phone number please eos O O O O O O O Attraction-Request+Phone
+bos yes , their phone number is 01223336233. is there anything else i can assist you with today ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos thank you.good bye . eos O O O O O general-bye
+bos good bye ? eos O O O O general-bye
+bos i would like to book a taxi from the hamilton lodge to restaurant one seven . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos ok , what time do you want to leave . eos O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to arrive by 21:30. eos O O O O O O B-Taxi-Inform+Arrive O N/A
+bos booking completed ! anything else i can help with today ? booked car type : grey volkswagencontact number : 07966585521 eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O general-reqmore
+bos thank you for your help , goodbye ! eos O O O O O O O O O general-bye
+bos no problem . have a good day ! eos O O O O O O O O O general-welcome,general-bye
+bos are there any chinese restaurants in the centre part of town ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos jinling noodle bar is in the centre abd serves chinese food eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O N/A
+bos are they expensive ? eos O O O O O N/A
+bos they are in the moderate price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos please look for something else in the expensive price range . i will need the address , post code and phone number . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos does the jinling noodle bar sound like a good choice ? eos O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O N/A
+bos sure ! what 's the address , postcode , and phone number of it ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their address is 11 peas hill city centre , postcode is cb23pp , and phone number is 01223566188 eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos hello , i am going to be visiting cambridge soon and i am interested in what attractions are in the centre . eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos i can help you with that ! there are many different types , and many people love the architecture attractions . would you like to hear more about one of those ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes . tell me more . eos O O O O O O O N/A
+bos little saint mary 's church is a great place to visit . it is located on little saint mary 's lane in the centre of town and its free to get it . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O N/A
+bos ok , thanks ! what about a train to get me to cambridge ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving from stansted airport . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train needs to leave after 16:45 on tuesday please . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos tr2101 is leaving at 17:24 , would you like me to book tickets and if so how many people ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos thank you for the train id , what is the travel time for that train ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos the travel time is 28 minutes . may i be of further assistance ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos nope ! thanks for everything . that 's all i needed . eos O O O O O O O O O O O O O general-thank
+bos if we can be of further assistance , please reach out to us again . good-bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i would like to go to a museum . eos O O O O O O O O B-Attraction-Inform+Type O N/A
+bos cambridge offers 23 museums . is there an area of town you 'd prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area
+bos no , just the one you like . i will need the address and phone number . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos i would recommend the museum of classical archaeology . it 's in the west side on sidgwick avenue . the phone number is 01223335153. do you need anything else ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore
+bos i am also looking for a train that should leave on sunday and go to london kings cross . eos O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are approx . 10 trains for that day and route . can you tell me if you have a time you want to leave after or arrive by ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should depart from cambridge and should leave after 13:00 eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A
+bos i have train tr9386 that will depart at 15:00 and arrive at 15:51. does that sound like it would work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos is there anything that leaves closer to 13:00 ? ? eos O O O O O O O O B-Train-Inform+Leave O O N/A
+bos yes , the tr7447 leaves at 13:00. how many tickets please ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-Request+People
+bos how much does train tr9386 cost as i would prefer that one ? eos O O O O O O O O O O O O O O Train-Inform
+bos it costs 18.88 pounds . would you like me to book a ticket for you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos no , that will be it ! thank you ! eos O O O O O O O O O O O general-thank
+bos glad i could help you . have a good day ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a hotel in the south eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area N/A
+bos the lensfield hotel is in the south . do you want me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform
+bos does it include free parking ? eos O O O O O O O N/A
+bos yes the lensfield hotel does have parking . would you like me to book it ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos thank you goodbye eos O O O O general-bye
+bos it 's been my pleasure . have a great stay in cambridge . eos O O O O O O O O O O O O O O general-bye
+bos i am looking to visit some places of interest while i am in cambridge . perhaps some colleges ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 18 colleges that match . do youhave any preferences in terms of locations ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos yes , i 'd like more information on one in the centre area please . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are many options . may i suggest christ 's college ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos that sounds good . may i have the postcode , phone number and address . eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos christ 's college is at saint andrew 's street , no fee , phone number 0122333490 , postcode cb23bu . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O O O O O O O O O O O O O general-reqmore
+bos hi , i need to find an expensive chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos do you have a preference to area . there are 9 expensive chinese restaurants . eos O O O O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O Restaurant-Request+Area
+bos yes , i`d like an expensive chinese restaurant in the area of south , thank you . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are 2 expensive chinese restaurants in the south side . the peking restaurant is at 10 homerton street city centre . would you also like information on the second one ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos no , but can you book me a table for one of the south side ones ? 3 people on monday for 16:30. eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos unfortunately i could not book you at that time slot at either of the expensive chinese hotels on the south side . is there another time that would work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 15:30 ? are there any slots available then ? eos O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos there is availability at the good luck chinese food takeaway and you have a reservation booked . the reference number is w06bbn75 . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos alright . now can you help me find a place to stay ? i 'd like the stick to the same price range as the restaurant , but i also need free wifi . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 5 different hotels that fit this . they all have free internet and also parking . did you have a certain area in town ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos no , i do not have a certain area . eos O O O O O O O O O O O N/A
+bos how about the lensfield hotel ? it 's also in the south . i can book this for you if you 'd like . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos i need a hotel that has a star rating of three , does the lensfield hotel fit into that ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos it does have a 3 star rating , and free wifi and parking , would you like to book this hotel ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes go ahead can i please get the phone number as well ? eos O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number is 01223355017. when would you like to stay , and for how many nights and people will the booking be ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos i also need a taxi between the two places . eos O O O O O O O O O O O Taxi-Inform
+bos what time do you need the taxi , and do you need it from the restaurant or the hotel ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos from the restaurant by the booked time . eos O O O O O O O O O Restaurant-Inform
+bos yes i have booked you a taxi and a blue honda will be picking you up to arrive by 15:30. the contact number for the taxi is 07711738338. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Phone N/A
+bos thank you very much for all your help . eos O O O O O O O O O O general-thank
+bos welcome . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you , i believe that does it . thanks again . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos i need a taxi to arrive by 13:15 to primavera eos O O O O O O O O B-Taxi-Inform+Arrive O B-Taxi-Inform+Dest N/A
+bos i can help book that for you , first i will need to know where you need picked up from . eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm departing from curry queen . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos booking completed ! booked car type : white bmwcontact number : 07843539534 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you , i 'm all set . goodbye . eos O O O O O O O O O O O general-bye
+bos you are welcome . thank you for contacting the centre . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos am hospital in town that should have the children 's oncology and haematology department . eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A
+bos department phone book ( optional ) children 's oncology and haematology 01223217231 eos O O O O O O O O O O O O O N/A
+bos what is the name of the hospital and the address please ? eos O O O O O O O O O O O O O Hospital-Request+Addr
+bos the addenbrookes hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O N/A
+bos perfect , thank you so much . eos O O O O O O O O general-thank
+bos is there anything else i can assist you with ? eos O O O O O O O O O O O general-reqmore
+bos no , thanks . you have been a big help . eos O O O O O O O O O O O O general-thank
+bos have a good day , good bye . eos O O O O O O O O O general-bye
+bos yes , i am looking for information . can you help me find a train ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos where would you like to go to ? eos O O O O O O O O O Train-Request+Dest
+bos i need to head to cambridge from leicester please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A
+bos i have 133 trains that leave leicester to cambridge . can you tell me the day and time you would like to travel ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need one that leaves after 20:00. eos O O O O O O O B-Train-Inform+Leave N/A
+bos train 6383 leaves at 20:09 and arrives at 21:54. would you like me to book you a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes for 3 people please , and do you mind providing me the reference number ? eos O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref
+bos i have made those reservations and your reference number is bw9qjdno . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i also need information on cambridge book and print gallery . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos cambridge book and print gallery is a museum located in the west at 49 newnham road at postcode cb39ey . it is free and their phone number is 01223594264. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O N/A
+bos what area of town is that in ? eos O O O O O O O O O Attraction-Request+Area
+bos they are located in the west part of town . any other info i can provide ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O general-reqmore
+bos nope , that 's all i need today . thanks for all your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . safe travels ! eos O O O O O O O O general-welcome,general-bye
+bos have a nice day . bye . eos O O O O O O O O general-bye
+bos thanks and have a great trip ! eos O O O O O O O O general-bye
+bos hi there , would you tell me the address of a hospital located here in town ? eos O O O O O O O O O O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O N/A
+bos do you have the hospital 's postcode ? eos O O O O O O O O O Hospital-Request+Post
+bos the postcode is cb20qq . eos O O O O O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you are welcome . anything else i can help you with ? eos O O O O O O O O O O O O O general-reqmore
+bos no that is all . thanks eos O O O O O O O general-thank
+bos thanks you for contacting the cambridge center . eos O O O O O O O O O general-bye
+bos hi , i am looking for a 4 star hotel or guesthouse that includes free wifi . can you help me ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O N/A
+bos sure thing , looks like we have several options here . do you want to stay in a certain part of town , or do you have a price range you 're looking for ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i might , but first do they have free parking ? eos O O O O O O O O O O O O N/A
+bos i have 19 places that meet your needs , all with free wifi and free parking . if you 're not picky about area , i recommend the archway house . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos okay sounds great . can you give me the address , phone number , and price range ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price,Hotel-Request+Addr
+bos the archway house is in the moderate price range . their address is 52 gilbert road . the phone number is 01223575314. do you need any other information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you . that 'll do it for today , bye . eos O O O O O O O O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos get me a restaurant that serves european food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are several restaurants serving european food . would you like the west , center or south part of town ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i dont really care . eos O O O O O O N/A
+bos which price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price
+bos any price range is fine . eos O O O O O O O N/A
+bos cambridge lodge restaurant serves european food . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O general-reqmore
+bos could i have the phone number and postcode for that restaurant please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223 355166 and the post code is c.b 3 , 0 d.q . is there anything else ? eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O general-reqmore
+bos no , thank you . eos O O O O O O general-thank
+bos thank you . eos O O O O general-greet
+bos i 'm looking for a moderately priced japanese restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , but there is no restaurant serving japanese food and in the moderate price range . would you like to try another type of food or a different price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer
+bos how about modern european food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos there are 3 restaurants serving modern european food and in the moderate price range . would you like the south or centre part of town ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos i do not have a preference , please make a suggestion . eos O O O O O O O O O O O O O N/A
+bos de luca cucina and bar serves modern european food and is in the moderate price range . their phone number is 01223 356666 and they are located at 83 regent street eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you 're welcome . thank you for using the system . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive place to eat located in centre of town . can you help ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos yes i have many to choose from . could we narrow it down by cuisine ? what type of food sounds good to you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Select
+bos you know , i 'd really love some latin american food . how about that ? eos O O O O O O O O O O O O O O O O O N/A
+bos while we have lots of expensive restaurants in the center of town , none of them serve latin american food . would you like another cuisine ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-NoOffer+Choice I-Restaurant-NoOffer+Choice I-Restaurant-NoOffer+Choice O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O Restaurant-Request+Food
+bos sure , i like indian food . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos oh yes , we have several indian restaurants ! i recommend panahar , located at 8 norfolk street city centre . would you like a table there ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes please . book one for saturday at 19:45. there will be 3 people . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O O N/A
+bos there does n't seem to be any availability for saturday at 19:45. is there another time slot , or possibly another day , that would work for you ? eos O O O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos let 's try an hour earlier . eos O O O O O O O O N/A
+bos the booking was successful at 18:45. your reference number is : xlwrecbf . is there anything else that i can do for you ? eos O O O O O O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that 's all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for calling , enjoy ! eos O O O O O O O O general-bye
+bos hi . can you help me find an inexpensive restaurant on the west side of town ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos i would like indian food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have nothing matching your request . would you like to try another part of town or a different type of cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos any type of food , just cheap in the west part of town . eos O O O O O O O O O O O O O O O N/A
+bos what about la margherita ? they serve italian . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food O O N/A
+bos is there anything else ? eos O O O O O O N/A
+bos thanh binh is located in the west part of town and is in the cheap price range . would you like their information ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O general-reqmore
+bos yes , please give me their address and phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos thanh binh is located at 17 magdalene street city centre and its phone number is 01223315232. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , thanks . that 's it . eos O O O O O O O O O general-thank
+bos thank you and good bye eos O O O O O O general-bye
+bos i would like an expensive restaurant in the south part of town eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are mexican , chinese , italian and indian restaurants in the area . are there any food type in particular you would like ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O Restaurant-Select
+bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos chiquito restaurant bar is a mexican restaurant located in the south part of town and is in the expensive price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos chiquito restaurant bar is located at 2g cambridge leisure park cherry hinton road cherry hinton and their phone number is 01223 400170. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you . good bye . eos O O O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos hi , i 'd like to find an expensive cantonese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are no restaurants in the area that match your preferences . is there anything else you 'd be interested in ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about north american food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos gourmet burger kitchen serves north american food , is in the expensive price range , and is in the centre part of town . would you like the phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O general-reqmore
+bos yes , i would like their phone number and postcode , please . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos gourmet burger kitchen 's phone number is 01223 312598 and the postcode is c.b 2 , 1 a.b . may i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos no , thank you for the information . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome , goodbye . eos O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant in the moderate price range in the east part of town eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how about curry prince , they are in the moderate price range in the east part of town eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos can i get the address , phone number , and postcode ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their phone number is 01223 566388. their address is 451 newmarket road fen ditton , postcode c.b 5 , 8 j.j. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you 're welcome . thank you for calling . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i would like a barbeque restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos where would you like to search for a restaurant , and what price range would you prefer ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos i do not care about the price range or location . eos O O O O O O O O O O O O N/A
+bos there are no restaurants serving barbeque . eos O O O O O O O O Restaurant-NoOffer
+bos do you have an address , phone number and postcode for a north american food restaurant ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the gourmet burger kitchen is at regent street city centre , post code c.b 2 , 1 a.b . the phone number is 01223 312598. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you . eos O O O O general-bye
+bos i want afghan food in the centre of town . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos what price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price
+bos any price range will be fine . eos O O O O O O O O Restaurant-Request+Price
+bos what area are you looking for ? eos O O O O O O O O Restaurant-Request+Area
+bos centre part of town . eos O O O O O O N/A
+bos there are no restaurants that serve afghan food in the center of town . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area Restaurant-NoOffer
+bos how about a place serving turkish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three restaurants , the locations are bridge street city centre , king street city centre , and the more expensive is on mill road city centre . which do you prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Restaurant-Select
+bos i do n't care eos O O O O O N/A
+bos anatolia meets your criteria . would you like their contact information ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O N/A
+bos yes , what is their price range and address ? eos O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr
+bos anatolia is in the moderate price range and is located at 30 bridge street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you . good bye . eos O O O O O O O general-bye
+bos thank you , goodbye ! eos O O O O O O general-welcome,general-bye
+bos hello ! i am looking for the address and phone number of a lebanese restaurant in the centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos ali baba is a lebanese restaurant in the centre area . its address is 59 hills road city . phone number is 01462 432565 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you . eos O O O O general-bye
+bos i 'm looking for a place that has chinese food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 17 chinese restaurants , do you prefer any price range or any area in town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos yes , i 'm looking for the address of one in the east part of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O Restaurant-Request+Addr
+bos yu garden is a great , but expensive , chinese restaurant . they are located at 529 newmarket road fen ditton . is there anything else i can do for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos thank you goodbye eos O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos is there a train schedule for sunday ? eos O O O O O O O B-Train-Inform+Day O N/A
+bos there are many trains on sundays . do you have a departure point or destination in mind ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos yes , departing from cambride going to london kings cross . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave
+bos i do n't have a preference for leave time . i need to arrive in london kings cross by 14:00. eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos there is the information tr7423 cambridge london kings cross sunday 05:00 05:51 18.88 pounds 51 minutes eos O O O O O B-Train-Inform+Id B-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Time N/A
+bos well , that is pretty early , but i think it will work . thank you so much ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos booking was successful , the total fee is 18.88 gbp payable at the station .reference number is : vjgoo2n8 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no that was all . thanks eos O O O O O O O general-thank
+bos thanks for allowing me to help you . have a great day . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i was robbed and i am looking for help eos O O O O O O O O O O N/A
+bos you need to go to the police station at parkside , cambridge , cb11jg eos O O O O O O O O O O O O O O O N/A
+bos can you give me the phone number please ? eos O O O O O O O O O O Police-Request+Phone
+bos the phone number is 01223358966. can i do anything else for you ? eos O O O O O O O O O O O O O O N/A
+bos no that is all . thank you for all your help . eos O O O O O O O O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-greet
+bos thank you . goodbye . eos O O O O O O general-bye
+bos most welcome , have a good day eos O O O O O O O O general-bye
+bos i 'm looking to find addenbrookes hospital please . eos O O O O O O O O O O Hospital-Inform
+bos they are at hills rd , cambridge , cb20qq eos O O O O O O O O O O N/A
+bos do you have a driver who can take me there ? eos O O O O O O O O O O O O N/A
+bos sure , where are you departing from ? eos O O O O O O O O O Taxi-Request+Depart
+bos actually , can you please give me the phone number ? eos O O O O O O O O O O O O Hospital-Request+Phone
+bos their general number is 01223245151. do you need anything else ? eos O O O O O O O O O O O O N/A
+bos could you give me the address and postcode please ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos they are at hills rd , cambridge , cb20qq . eos O O O O O O O O O O O N/A
+bos ah , ok , yeah you said that earlier . sorry , i got distracted by the car thing but my friend said he could give me a lift . thanks for everything . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no that was all . thanks eos O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-welcome
+bos there 's a place i 've heard of that i 'm looking for more details . warkworth house . do you know of it ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos the warkworth house is a 4-star guesthouse in the east that is moderately priced . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos book it for 1 people and 5 nights starting from sunday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : sngz3n0d . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your help ! eos O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-greet
+bos book me a taxi to vue cinema eos O O O O O O O B-Taxi-Inform+Dest N/A
+bos sure thing , when would you like to get there by ? eos O O O O O O O O O O O O O Taxi-Request+Arrive
+bos i want to leave after 08:30 from la mimosa eos O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos i can definitely help ! where are you departing from ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos as i said , i will be leaving from la minosa . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i 've booked a yellow tesla for you , the contact number is : 07908194770 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O N/A
+bos thanks that 's all for today . eos O O O O O O O O general-thank
+bos you 're welcome . thank you for contacting us . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the type of guesthouse and should include free parking eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos there are many options that could satisfy your request , what price range do you require ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price
+bos i do n't care about the price range . i do want to be in the north , though . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos there are 9 possibilities in either the cheap or moderate price range . which do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos how about something in the north ? eos O O O O O O O O N/A
+bos how about acorn guest house ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos try there for three nights then give me the reference number eos O O O O O O O O O O O O Hotel-Request+Ref
+bos can you tell me for how many people and on what day ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i want booking for four people eos O O O O O O O N/A
+bos what day do you need to check in ? eos O O O O O O O O O O Booking-Request+Day
+bos i 'll arrive on wednesday . eos O O O O B-Hotel-Inform+Day O O N/A
+bos booking was successful . your reference number is 6wkspadc . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great . that takes care of all my needs for now . thanks ! eos O O O O O O O O O O O O O O O general-thank
+bos terrific , glad i could help . do n't hesitate to contact us if you need anything else . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a nearest police station eos O O O O O O O O O Police-Inform
+bos parkside , cambridge police station , the telephone number is 01223358966 eos O O O O O O O O O O O O N/A
+bos i also need the police station 's address and postcode , please . eos O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos their address is parkside , cambridge postcode cb11jg . can i assist you further ? eos O O O O O O O O O O O O O O O O N/A
+bos no , that 's all . thank you , good bye . eos O O O O O O O O O O O O O general-bye
+bos thank you for allowing me to help you today . eos O O O O O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital with itermediate deoendancy area department eos O O O O O O O O O O O O O N/A
+bos you can contact that department by calling 01223348144. eos O O O O O O O O O N/A
+bos thank you . could you please get me the address for the hospital ? eos O O O O O O O O O O O O O O O Hospital-Request+Addr
+bos address : hills rd , cambridgepostcode : cb20qqthere eos O O O O O O O O O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos of course . is there anything else i can help you find today ? eos O O O O O O O O O O O O O O O general-reqmore
+bos that is all thank you eos O O O O O O general-thank
+bos you 're welcome . have a wonderful day and do call us again . eos O O O O O O O O O O O O O O O general-greet
+bos thanks , i will . bye bye . take care . eos O O O O O O O O O O O O general-bye
+bos you take care too and be safe . eos O O O O O O O O O general-bye
+bos can you help me find a place to stay in the north ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos yes ! would you like to stay in a hotel , or a guesthouse ? eos O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos it does not really matter . it does not need internet or free parking . eos O O O O B-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos there is a moderately priced , 3 star guesthouse named the alpha-milton guesthouse . can i help you book your stay ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform
+bos yes , 4 people , 4 nights , start from wednesday . reference number please . eos O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O O O N/A
+bos i was able to book it , reference number is tgkx5y65 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos awesome . are there any good indian restaurants close to the hotel ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos there is the nirala which is moderately priced and the royal spice which is cheap . would you like me to book one ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes , i 'd like to book the nirala for wednesday for 3 people at 15:15 , please . eos O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O N/A
+bos your booking was successful . the table will be reserved for 15 minutes.reference number is : r6h3qhue . what else can i help you with today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i will also need a taxi . eos O O O O O O O O Taxi-Inform
+bos when would you like the taxi for ? eos O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i would like to go from the hotel to nirala to make sure i get there for that reservation . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking completed ! booked car type : black toyotacontact number : 07497343822 is there anything else i can assist you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thanks so much ! that 's everything for now . take care ! eos O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome ! thanks for using our services today . goodbye ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos find me a restaurant in the centre that serves corsica food eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A
+bos i 'm sorry , we do n't have anything matching that . is there something else i can help with ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about just something that 's really overpriced ? i do n't care if the food is good , just want to impress my boss eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 33 restaurants fitting your parameters . what kind of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos what about mediterranean food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos we have two : la mimosa , and shiraz restaurant . eos O O O B-Restaurant-Select+Choice O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O N/A
+bos let 's book it for la mimosa for 3 people at 17:30 on thursday . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos okay , your booking was successful . your reference number is p886dg7v . your table will be reserved for 15 minutes . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos great . thank you so much . i also need information on a train to london liverpool street . eos O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos what day and time do you need to travel ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day,Train-Request+Leave
+bos on friday and i need to get there by 10:45 eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr3892 that leaves at 07:59 and will get you to london liverpool street at 09:27. will that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i actually just needed the train number , so thank you . eos O O O O O O O O O O O O O O O Train-Inform
+bos can i help you with anything else today or can i book your train ticket for you ? eos O O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos no , that will be it . i will book the train later . eos O O O O O O O O O O O O O O O Train-Inform
+bos alright , have a great day ! eos O O O O O O O O general-bye
+bos thanks . you too . eos O O O O O O general-thank
+bos thank you very much ! eos O O O O O O general-bye
+bos can you help me find a place to go in the centre ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos i can help you with that . is there a certain kind of attraction that you would like to visit ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos surprise me . give me the postcode as well . eos O O O O O O O O O O O Attraction-Request+Post
+bos would you prefer the castle galleries is a museum in the centre of town . their post code is cb23bj eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post N/A
+bos great ! i 'm also looking for a place to eat in the same area . something not too expensive , but not cheap . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 21 places in the centre of town . what type of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos i am interested in moderately priced international food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'd recommend the varsity restaurant . would you like to book a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform
+bos what is the address for your suggested restaurant varsity ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O Restaurant-Request+Addr
+bos the varsity restaurant is located at 35 saint andrews street city centre . would you like me to book it or more information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform,general-reqmore
+bos thanks so much . this sounds like a great restaurant . eos O O O O O O O O O O O O Restaurant-Inform
+bos would you like me to book a table , or can i assist you with something else ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos just get me the address , that is all . eos O O O O O O O O O O O Restaurant-Request+Addr
+bos 35 saint andrews street , city centre . postcode cb23ar . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O N/A
+bos cool that 's all i need thanks eos O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i am planning a trip for cambridge eos O O O O O O O O N/A
+bos what can i help you find ? eos O O O O O O O O general-reqmore
+bos i need a train from broxbourne to cambridge , leaving broxbourbe after 18:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos on what day are you planning to travel ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to leave on sunday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos tr1428 departs at 18:32 and arrives by 19:32. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , please , for 7 people . eos O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 100.24 gbp payable at the station . your reference number is t7cewbrp . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos actually , i 'm also looking for a museum in the west . which one is your favorite ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos my favorite is lynne strover gallery at 23 high street , fen ditton . best of all , there 's no entrance fee ! would you like any additional information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos what is the entrance fee and phone number ? eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos it is free to get in and the phone number is 01223296264. is there anything else you need ? eos O O O B-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos nope that 's it thanks for your help eos O O O O O O O O O general-thank
+bos im glad i could help goodbye eos O O O O O O O general-bye
+bos i am looking for a train from stevanage to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i have several options . they all leave on friday ; do you have a preferred departure time ? eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave
+bos eww , friday wo n't really work for me . do you have anything on thursday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos there are 10 trains traveling on thursday . the first train leaves at 05:54. do you want to book this train or do you want a later departure time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos that train sounds good , can you book it for 4 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booked ! your reference number is : 4t6ufryc . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yeah , what can you tell me about a restaurant called meghna ? eos O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos it is a moderate restaurant in the west . can i book for you ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos yes , please . i 'd like a reservation for 4 on thursday at 20:30. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos i booked it for you . the reference number is tcbe0puq . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos enjoy the rest of your day ! eos O O O O O O O O general-bye
+bos i need a train from cambridge to go to london liverpool street eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos sure , what day are you traveling ? eos O O O O O O O O O Train-Request+Day
+bos i will be traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos do you know what time you need to depart or arrive by so i can narrow the options ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i will be traveling on a sunday , and i need to arrive by 14:30 eos O O O O O O O O O O O O O O O O N/A
+bos you will be traveling on thursday or sunday ? you 've said both . eos O O O O O O O O O O O O O O O Train-Request+Day
+bos i should leave cambridge on sunday and arrive in london liverpool street by 14:30. i need 4 tickets and a reference number . eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Ref
+bos tr5504 would arrive at 13:27 , would that work ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O N/A
+bos yes , that 's perfect . i need tickets for 4 people , please . eos O O O O O O O O O B-Train-Inform+People O O O O O O N/A
+bos booking was successful , the total fee is 66.4 gbp payable at the station . reference number is : b8qz32wo . can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Id O O O O O O O O O general-reqmore
+bos yes , i need to find a restaurant to visit in the centre of town . preferably in the moderate price range . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are 21 that fits your criteria . which cuisine would you like , to help narrow your choices down ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos it does n't matter . eos O O O O O O N/A
+bos yippee noodle bar meets your criteria , would you like their information ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O general-reqmore
+bos yeah , tell me the address for that restaurant and the type of food they serve eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr
+bos they are an asian/oriental restaurant , and are located at 40428 king street city centre . is there anything else i can assist you with ? eos O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos that is all that i need . eos O O O O O O O O N/A
+bos thank you for using the help desk . have a great day ! eos O O O O O O O O O O O O O O general-bye,general-greet
+bos i need to find a train that leaves peterborough on friday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos sure , what is your destination ? eos O O O O O O O O Train-Request+Dest
+bos i 'll be heading to cambridge and i 'd like to leave at or a little after 09:00 , if possible . eos O O O O O B-Train-Inform+Dest O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i have the tr1393 which leaves the station at 09:19 , how many tickets would you like ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O O O O O O Train-Request+People
+bos i need 4 tickets . what is the reference number ? eos O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 66 gbp payable at the station .reference number is : mu3uyqck . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i 'm also looking to eat at a restaurant called graffiti . eos O O O O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos graffiti is an excellent choice ! it 's an expensive british restaurant on the west side . would you like a table there ? eos O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no thanks , i just need the address please . eos O O O O O O O O O O O Restaurant-Request+Addr
+bos there address is hotel felix whitehouse lane huntingdon road postcode cb30lx . is there anything else i can assist you with today ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i am looking for the address for graffiti eos O O O O O O O O O Restaurant-Request+Addr
+bos their address is hotel felix whitehouse lane huntingdon road . anything more i can help with ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos okay , let us know if you need anything else . eos O O O O O O O O O O O O general-bye
+bos hello , do you know of any boat attractions in the east of town ? eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A
+bos camboats is a boat attraction in the east area of town . would you like more information about them ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos yeah , can i get the entrance fee and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i do n't have any information on their entrance fee , but their postcode is cb58sx . eos O O O O O O O O O O O O O O B-Attraction-Inform+Post O O O N/A
+bos i can give camboats a call . do you have their phone number ? eos O O O O O O O O O O O O O O O N/A
+bos yes , they can be reached at 01223902112. is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a moderately priced italian restaurant preferably in the same area as camboats eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos there is one option here . it is pizza hut fen ditton . would you like a table reserved ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos yes . there will be 6 of us dining . eos O O O O O O B-Restaurant-Inform+People O O O O N/A
+bos what day and time do you want me to book it for ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos monday , 14:15. please include the reference number . eos O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O O O Restaurant-Request+Ref
+bos your booking was successful , here is your reference number jli059gg . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , that 'll be it for me today . bye ! eos O O O O O O O O O O O O O general-bye
+bos thanks for contacting us enjoy your stay with us ! eos O O O O O O O O O O O general-greet
+bos i need to book a train leaving from london kings cross . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what day were you wanting to travel on ? eos O O O O O O O O O O Train-Request+Day
+bos i need to leave after 11:30 on tuesday . i 'm traveling to cambridge . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O N/A
+bos i have 6 entires . tr3456 leaves at 13:17. does that work for you ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O N/A
+bos yes can i get the price on that ? eos O O O O O O O O O O Train-Request+Price
+bos yes , it 's 23.60 pounds per ticket . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A
+bos can you find me a restaurant that serves afghan food and is located in the east ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O N/A
+bos i 'm sorry we do n't have any afghan restaurants in the east area . would you like to try a different type of food or a different area ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos the only italian place in the east is pizza hut fen ditton . would you like more information ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore
+bos i want to book a table for 4 people at 21:00 on the same day as the train . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos your reservation is all set ! your reference number is ev3k4q4d . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all thank you goodbye eos O O O O O O O general-bye
+bos okay great . i 'm glad i could be of help . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a train going to leicester that arrives by 15:15 ? eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos sure ! what day are you traveling ? eos O O O O O O O O O Train-Request+Day
+bos i will be leaving on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos do you have a preference in departure time ? eos O O O O O O O O O O Train-Request+Leave
+bos i would like to catch an early train . what time does the first train depart ? eos O O O O O O O O O O O O O O O O O O Train-Inform
+bos the first train departs at 5:21 , but if you want to arrive at 15:15 , the best train to take would be the tr1160 which will get there at 15:06. eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O N/A
+bos okay how much is it per ticket ? eos O O O O O O O O O N/A
+bos it will be 37.80 pounds per ticket . would you like me to book you seats ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos yes book one day eos O O O O O N/A
+bos booking was successful , the total fee is 37.79 gbp payable at the station . your reference number is 6sxpqrzj . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O general-reqmore
+bos yes , can you help me find a place to go to in town ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , what sort of place would you like to go to ? eos O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'd really like to visit a museum . eos O O O O O O O B-Attraction-Inform+Type O O N/A
+bos do you have a preferred area ? eos O O O O O O O O Attraction-Request+Area
+bos no , please surprise me . eos O O O O O O O N/A
+bos i have the cambridge museum of technology located in the east side of town . it 's at the site of the old pumping station on cheddar 's lane . would you like more information ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos yes please ! could you kindly provide me with the phone number , post code , and the entrance fee i 'd have to pay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number is 01223368650 , postcode cb58ld and entrance fee is 5 pounds eos O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos thank you . that is all i need at this time . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i am glad to help . enjoy your stay ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like a european food place in the west please . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O N/A
+bos then you want the cambridge lodge restaurant . would you like me to book you a table ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos yes , please . i would like a table for 2 on thursday at 20:00. eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos ok , i made your reservation . do you want your reference number now ? eos O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos yes , please . and then i will need you to help me find a place to stay . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos reference number is : ia42waoz . what type of place are you looking for , a hotel or a guestroom ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos actually , either is fine . but i would like something moderately priced that offers free wifi . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i would recommend the ashley hotel , it is in the north , and moderately priced . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O N/A
+bos what amenities does the ashley hotel have ? i need free parking , free wifi , and 4 stars . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos it has free parking and wifi ; however it is only a 2 star hotel . would you like me to search for a different hotel ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos yes please search for something that is four stars . eos O O B-Hotel-Inform+Parking O O O O O O O O N/A
+bos there are no 4 star hotels matching your criteria . i can however book you a 3-star or 2-star hotel if you want eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Type I-Hotel-Select+Type O O O Booking-Inform
+bos no , i would like for it to be 4 stars . is there another area you can check ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos i 'm sorry there are no matches . eos O O O O O O O O O Hotel-NoOffer
+bos okay , how about a 3 star ? eos O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i am sorry there are no 3 star hotels that match your criteria . there is however a few 3 star guesthouses . would you like to book a guesthouse ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform
+bos i would have liked a hotel but if there is none then a guesthouse works for me eos O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos there are 3 star guesthouses in the south , north and west . do you have a preference ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select
+bos i do n't really have a preference . can you recommend one ? eos O O O O O O O O O O O O O O N/A
+bos sure ! i recommend the hamilton lodge . would you like for me to book a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform,general-greet
+bos i need their info . address and phone number . eos O O O O O O O O O O O Hotel-Request+Phone
+bos their phone number is 01223365664 and their addres is 156 chesterton road , postcode cb4 1da . anything else i can help with ? eos O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O O O general-reqmore
+bos yes , i need a taxi from the hotel to the restaurant , please . i need to get there by the reservation time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos you got the blue toyota enjoy the ride . eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A
+bos thnks alot . you have been of help eos O O O O O O O O O N/A
+bos glad to be of your service . is there anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i just need the contact number for the taxi , please . eos O O O O O O O O O O O O O Taxi-Inform
+bos booking completed ! booked car type : blue toyotacontact number : 07013802794can i help you with anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that should be all for today . eos O O O O O O O O O O N/A
+bos thank you for choosing us eos O O O O O O general-greet
+bos i like you no problem . eos O O O O O O O N/A
+bos thanks for using our service today ! eos O O O O O O O O general-bye
+bos can you get a taxi to take me from old schools to the cambridge chop house ? eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos would cambridge artworks be okay ? eos O O O O O O O Taxi-Request+Dest
+bos no i wont be there at that one , why ? eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos i was able to find the chop house , what time would you like to go ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to arrive by 09:00. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos your booking is complete , a red toyota will be picking you up . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A
+bos thank you , what 's the contact number ? eos O O O O O O O O O O general-thank
+bos the vehicle is a red toyota and the contact number is 07975650710. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos sounds good . thanks for the help . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome . thanks for contacting us . goodbye . eos O O O O O O O O O O O O general-bye
+bos i am in need of an expensive indian restaurant for dinner . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are 14 such restaurants . do you want to be in a specific part of town ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't care what part of town it is in , i would like a phone number please . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos sure , i 'm sorry . i have curry garden their phone number is 01223302330. would you like me to reserve a table for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O Booking-Inform
+bos not at this time . i am looking for a 3-star hotel , though . no guesthouses . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos i have found the gonville hotel . it is a 3 star hotel . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos not yet . is the gonville hotel in the same price range as the curry garden ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos yes , it 's an expensive hotel . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A
+bos can you book a room for 2 people for 2 nights starting on sunday ? eos O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos the booking was unsuccessful . would you like to try for another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos could you try it for one night ? if that works , please book it and get the reference number . eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos you are all set for one night ( sunday ) , reference number is 6wvv053q . would you like to try another location for monday night ? eos O O O O O O O B-Booking-Book+Stay B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O O B-Booking-Inform+Day O O O O N/A
+bos no . that 's all i need , thank you . eos O O O O O O O O O O O O general-thank
+bos thank you , and goodbye . eos O O O O O O O general-welcome,general-bye
+bos goodbye , that is all for today . eos O O O O O O O O O general-bye
+bos enjoy your stay . eos O O O O O general-bye
+bos hello , i 'd like some information about a place to go in the west . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos are you looking for an attraction or a hotel ? eos O O O O O O O O O O O N/A
+bos i 'm looking for an attraction located in the west . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are so many different attractions in the west , did you have something particular in mind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Name
+bos no could you recommend one please ? eos O O O O O O O O N/A
+bos i recommend kettle 's yard on castle street which is a museum . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Type O O N/A
+bos could i get the postcode for that museum ? i am also looking for a restaurant called peking restaurant . what area that is in , the address , and postcode ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr,Attraction-Request+Post
+bos the post code is cb30aq . i can help you with the restaurant in a moment . eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O N/A
+bos can you look for the restaurant now ? eos O O O O O O O O O Restaurant-Inform
+bos i have it here . what would you like to know about it ? eos O O O O O O O O O O O O O O O N/A
+bos i need the postcode , area and address . eos O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr
+bos peking restaurant is in the south . the address is 10 homerton street and the postcode is cb28nx . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O N/A
+bos that 's all i need . thanks for the research . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thanks for using our service ! eos O O O O O O O general-bye
+bos can you give me the contact info for the nearest police station ? eos O O O O O O O O O O O O O O Police-Inform
+bos sure ! the parkside police station is located at parkside , cambridge and can be reached at 01223358966. eos O O O O O O O O O O O O O O O O O O O N/A
+bos thank you very much . i will contact them now . eos O O O O O O O O O O O O general-thank
+bos sounds good . have a good day . eos O O O O O O O O O general-bye
+bos i need help finding a train departing from cambridge and going to leicester . can you help ? eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O N/A
+bos when would you like to travel ? eos O O O O O O O O Train-Request+Day
+bos i would like to go on monday in the morning . eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos train tr6105 leaves cambridge to leicester monday morning at 6:21 , would you like me to book this for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos oh , i need to change the day to friday for the train to leicester and it needs to arrive by 17:45. do you have something on that day ? eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos tr0552 departs 15:21 and arrives in leicester on friday at 17:06. would this suit you ? eos O B-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O general-reqmore
+bos yes please book it for 7 people and give me a reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos i 've booked you 7 seats on the tr0552 . your reference is cq3fe1gx and the fee of 264.59 gbp is payable at the station . will that be all ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore
+bos no , i also need to find a place to stay . i 'm looking for a 3 star hotel . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos i have 2 3 star hotels available , one in the centre and one in the south . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Request+Area
+bos no , i do n't have a preference on location . eos O O O O O O O O O O O O N/A
+bos want me to book gonville hotel ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O N/A
+bos that would be great , thanks . we 'll have 7 people staying 5 nights starting from sunday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos done ! your reference number is grwg727t . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no thank you that is all i needed . eos O O O O O O O O O O general-thank
+bos you are welcome . the cambridge towninfo centre is always here for you . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi there , can you help me with my trip planning ? i am trying to find a good place to stay . eos O O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos sure thing ! i found a few hotels that you may be interested in . what area and how many nights do you need the hotel for ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i want it in the east area and i do n't have have a length of stay . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A
+bos i have one hotel available in the east and some guesthouses as well . would you like me to book a room for you ? eos O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O Booking-Inform
+bos are any of the guesthouses in the east ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A
+bos the autumn house is in the east what day would you like it for . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Booking-Request+Day
+bos i 'm looking for information on a hotel , the carolina bed and breakfast . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos its a moderately priced four start hotel with internet . do you need any more info ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos can you book it for me ? eos O O O O O O O O N/A
+bos yes . when would you like me to book it for and how many people ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos i would like to book it for 2 nights starting tuesday for 5 people eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People N/A
+bos your booking was successful and reference number is h14bc8ti . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yeah , i need a train to get to cambridge by 13:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos okay what day would you like to travel and where are you departing from ? eos O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i want the train same day as the hotel . leaving broxbourne . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos there is a train traveling to cambridge from broxborne that will arrive by 13:32. do you want that instead ? train id is tr9688 . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Id O O N/A
+bos hello , i 'm looking for a cheap place to stay that includes wifi in cambridge . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos did you have a particular area of town in mind ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos no but i would like free parking and a star of 4 please . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos not a problem . i see several that fit that description , so let 's narrow it down a bit more . would you like to stay in a guesthouse or hotel ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos a hotel would be good , please . eos O O B-Hotel-Inform+Type O O O O O O N/A
+bos i have the cambridge belfry which is cheap , located in the west , is a hotel with free internet and parking . would you like me to make you a reservation ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , please ! for 3 people for 4 nights starting thursday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos the booking was successful . your reference number is : 529eh27l . can i do anything else for you today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos great i also am looking for some place to go for an attraction in the west part of town . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are plenty of attractions in the west . what type of attraction do you fancy ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type
+bos surprise me ! i 'm always up for an adventure . i will need the address and entrance fee . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos churchill college is a great free attraction . the postcode is cb30ds . would you also like the phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes , i need to book a taxi . eos O O O O O O O O O O N/A
+bos the phone number for churchill college is 01223336233. what time do you need a taxi ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O O O O Taxi-Request+Leave
+bos i need a taxi to commute from the hotel to the college , leaving the hotel at 22:15. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos where would you like to depart from eos O O O O O O O O Taxi-Request+Depart
+bos can you help me find a 4 star rated place to stay please ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos sure , i 'd be happy to help with your request . to help narrow down the results , what area and price range are you looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos moderate price range . something with 4 stars . area does n't really matter to me . eos O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos archway house is a moderately priced guesthouse in the north with a 4-star rating . they offer free internet and parking . would you like to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos can you book for seven people for three nights starting from friday ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day N/A
+bos your reservations have been made . your reference number is a16qwfwx . is there anything else i can assist you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train to get to cambridge . i 'll be departing from leicester . eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O N/A
+bos i can help you with that ! what day are you traveling ? eos O O O O O O O O O O O O O O Train-Request+Day
+bos i will be leaving on friday sometime after 16:15. eos O O O O O O O O O O N/A
+bos booking was successful . reference number is : a16qwfwx . is that fine with you ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos yes and thank you that will be all eos O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-greet
+bos hi , i 'm looking for a hotel , the archway house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos yes i found it in the north and it is moderately priced . would you like to book it ? eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform
+bos yes , please book for 8 people , for 4 nights starting from saturday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos your hotel has been booked . your reference number is 79z7du6e . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . eos O O O O O O O O O N/A
+bos thank you for using our service today . eos O O O O O O O O O general-bye
+bos i 'd like to find a train please . eos O O O O O O O O O O Train-Inform
+bos ok , do you know what day and time you 're traveling ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i will be traveling on wednesday and need to arrive in ely by 9:30. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos and where will you be departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i will be departing from cambridge and i 'll need 7 tickets total . can i have the reference number after you book the tickets , please ? eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i have train tr1955 arriving at 08:07 will that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , please book that . also , i am looking for a hotel named the allenbell . can you find information on it for me ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos i booked 7 tickets for you on the tr1955 . your reference is js5u3c0k . i will now help you find information on the allenbell eos O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos thank you . i will need a price range , whether or not they have free parking , and the area please . eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price
+bos it 's a cheap guesthouse in the east side of town . they have free parking . do you need anything else ? eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos no , that 's all . eos O O O O O O O N/A
+bos your welcome . is has been a pleasure assisting you today . goodbye eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap guesthouse to stay in while i 'm in town . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos do you have a preferred section of town ? eos O O O O O O O O O O Hotel-Request+Area
+bos not really , but i want free wifi and it should be 4 star . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have several places . are you sure you do not have an area you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't matter which area it 's in . which would you recommend ? eos O O O O O O O O O O O O O O O O N/A
+bos a lot of people like autumn house in the east part of town , they 're very economically priced . would you like me to book you a room ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O Booking-Inform
+bos great can you book that for 7 people for 4 nights starting tuesday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i am afraid the hotel could not be booked . is there another day you would like to book or maybe a shorter amount of time to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos could you try it for 2 nights instead ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos the booking was successful ! your reference number is pbu17g6i . can i assist you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no that is all i needed thank you very much ! and enjoy the rest of the day ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy to help . have a nice day too . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am coming to cambridge next week and am really excited by all tourist attractions available . eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes there are many options available . do you have a preference for type or location ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos im looking for a hotel in the west that 's cheap . eos O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O N/A
+bos i have 2 options that fit your criteria . are you looking for a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos no preference on that . what 's the best cheap place in that part of town ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i would suggest finches bed and breakfast . they have 4 stars and offer free wifi and parking . it 's a great little guesthouse . can i book you a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos sure , can i get the phone number and postcode please ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos absolutely ! the phone number is 01223276653 and the postal code is cb30nd . is there anything else i can do for you ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes . i need some information on attraction called tenpin . eos O O O O O O O O O B-Attraction-Inform+Name O O N/A
+bos they are an entertainment place in the south area . the address is cambridge leisure park , clifton way eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos can you tell me the postcode also please ? eos O O O O O O O O O O Attraction-Request+Post
+bos i 'd be happy to get that for you . the postcode is cb17dy . eos O O O O O O O O O O O O B-Attraction-Inform+Post O O O N/A
+bos do you have its address as well ? eos O O O O O O O O O Attraction-Request+Addr
+bos the address is cambridge leisure park , clifton way . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos ok , great , i 'm sure i can find it now . eos O O O O O O O O O O O O O O N/A
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos nope , that is it . thanks ! eos O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i am looking to get a guesthouse with a 4 star rating in cambridge please . eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 18 guesthouses with 4 star ratings . do you want something in a specific price range or area ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos is there one in the moderate price range that includes free wifi ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i have found 11 locations that suit your criteria . i would recommend acorn guest house . would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos not quite yet . do they have free parking ? also , what is their address ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr
+bos yes , the sure do . anything else i can do for you ? eos O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos yes , i am looking for an attraction called the place . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos the place is a nightclub in the south side of the city . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos thank you , do you have a phone number for them ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos sure do , it 's 01223324600. anything else today ? eos O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos that 's all . thank you . eos O O O O O O O O general-thank
+bos thank you , have a great day eos O O O O O O O O general-bye
+bos could you give me some information on a hotel named el shaddai ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos lovely guesthouse . it is in the centre and is very cheap . it has 0 stars but it does offer internet and free parking ! eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i would like to make a booking for wednesday . eos O O O O O O O O O O O N/A
+bos how many people would you like to stay , and how many nights from wednesday ? eos O O O O O O O O O O O O O O B-Booking-Inform+Day O O Booking-Request+People,Booking-Request+Stay
+bos the booking is for just one ferret for 5 nights . eos O O O O O O O O O O O O N/A
+bos i '' m sorry i do n't understand you have a pet ? eos O O O O O O O O O O O O O O general-greet
+bos no , that was a typo . 1 person for 5 nights starting on wednesday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos sorry , it 's all booked up . would you like to try a shorter stay ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform
+bos try 3 nights , please . eos O O O B-Hotel-Inform+Stay O O O N/A
+bos okay , you 're all booked for wednesday , for three nights . the reference number is 0x2r39xc . anything else today ? eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Stay I-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos i am also looking for a taxi leaving the hotel at 04.30 get me the contact number and car type please . eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos whats your destination ? eos O O O O O Taxi-Request+Dest
+bos the hotel please from the swimming pool eos O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos am i correct that you will be leaving parkside pools to go to el shaddai ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos no . i would like to leave el shaddai at 04:30 to go to the swimming pool eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O N/A
+bos okay . i booked a yellow audi with contact number 07650378763. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A
+bos terrific . thanks for all your help . goodbye ! eos O O O O O O O O O O O general-bye
+bos thank you for using our service today . eos O O O O O O O O O general-welcome
+bos i will be traveling to cambridge and i 'm excited about seeing local tourist attractions . eos O O O O O O O O O O O O O O O O O Attraction-Inform
+bos great ! there are many wonderful tourist attractions in cambridge . is there a particular type of attraction you are looking for ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like to visit a museum . what do you suggest ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are 23 museums . is there a part of town you are interested in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area
+bos not in particular . please recommend one and provide the area and entrance free . eos O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos the byard art museum is free and is in the south . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Area O N/A
+bos thanks ! i would also like to find an expensive hotel . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos i have 5 hotels that meet those specifications . do you have a area in town in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the area is flexible . but i am looking for something with a 3-star rating that offers free wifi . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O Attraction-Request+Area
+bos gonville hotel is a 3-star hotel that offers free wifi . it is located in the centre area . would you like me to book that for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos sure . i need rooms for 7 people for three nights starting thursday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A
+bos your booking was successful . your reference number is s56d4von . can i assist you further today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i 'd like a taxi please . it should pick me up at 15:30 from the byard art and drop me off at the hotel . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Hotel-Inform+Type O O O N/A
+bos a blue lexus will come to pick you up . their number is 07670314554. what else do you need ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos thats it , thanks so much ! eos O O O O O O O O general-thank
+bos glad to be of service . eos O O O O O O O general-bye
+bos good morning . i am planning a visit to cambridge and need some help with details . i hear there are a lot of places to see . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are plenty of attractions . what area of town are you interested in ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area
+bos i am interested in the east part of town . eos O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are 10 different attractions on the east side . there 's a boat , a couple of entertainment venues , a few museums , a multiple sports complex , a park , and a swimming pool . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O N/A
+bos great ! what i really need is a guesthouse in the east , what do you have available ? eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are 6 guesthouses in the east area . what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price,general-greet
+bos price does not matter but it needs to have free parking . eos O O O O O O O O O O O O O N/A
+bos 5 places offer , i recommend warkworth house , would you like me to book you ? eos O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos i would like to book for 5 people for 4 nights starting on monday eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A
+bos the booking was unsuccessful . do you have a preference for another day ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos see if you can book 2 nights , please . eos O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos a reservation for 2 nights was no problem . your reference number is oz6m16dn . eos O O O O O B-Booking-Book+Stay O O O O O O O B-Booking-Book+Ref O O N/A
+bos okay , what attractions are nearby the hotel ? eos O O O O O O O O O O Attraction-Inform,Hotel-Inform
+bos what kind of attraction would you like ? there are plenty eos O O O O O O O O O O B-Attraction-Inform+Choice O Attraction-Request+Type
+bos take your pick . i am open to anything as long as it is in the east area . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos i would recommend the funky fun house , they are located at 8 mercers row , mercers row industrial estate and reachable at 01223304705 eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Phone O O N/A
+bos alright i 'm going to need a taxi to get to both places , i 'll most likely leave the fun house at 6:00. eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos alright it is done , look for a white toyota . the contact number is 07951320030 if you have any further questions . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O N/A
+bos fantastic , you 've been a great help ! eos O O O O O O O O O O N/A
+bos glad to be of service to you , good bye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos yes i am looking for information on a hotel called city center north b and b. eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos i can not find that hotel . any other hotels you would like to find ? eos O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O O O O O O O O general-reqmore
+bos could you check the spelling ( city centre north b and b ) and try to search again ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos it is a cheap , 0 star guesthouse located at 328a histon road on the north side . it has free internet and parking . phone number and postcode are 01223312843 and cb43ht . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos thank you . are you able to book that for me ? eos O O O O O O O O O O O O O general-thank
+bos sure ! give me the following information : day of visit , number of people and number of days that you will be staying . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos please book for 2 people starting on thursday for 4 nights . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos you 're all set . your reference number is hosvdega . can i help you with anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos i am also looking for a train into cambridge from london kings cross . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are many trains but you need to tell us which day you want to travel eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day
+bos i will be traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos do you have a time preference ? eos O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 14:15. eos O O O O O O O N/A
+bos the first train leaves at 5:17. eos O O O O O O B-Train-Inform+Leave N/A
+bos well that will not work . eos O O O O O O O N/A
+bos the tr2512 will fit your needs . would you like to book this train ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O Train-Select,Train-OfferBook
+bos not at this time . what is the travel time for that train , please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the tr2512 takes 51 minutes . anything else you need ? eos O O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no that will be all thanks eos O O O O O O O general-thank
+bos enjoy your stay in cambridge ! eos O O O O O O O general-bye
+bos hello , do any trains run on saturday ? eos O O O O O O O B-Train-Inform+Day O O N/A
+bos yes , we have many trains that operate on saturday . would you like to book one ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos i 'm looking for the train which arrives in cambridge from leicester . it should arrive by 19:30 eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O N/A
+bos is there a time you would like to leave by ? eos O O O O O O O O O O O O Train-Request+Leave
+bos no i do n't have a leave time preference . just not too early if i do n't have too . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about 9:09 will that work for you ? eos O O O B-Train-Inform+Leave O O O O O O N/A
+bos that might be too early . eos O O O O O O O N/A
+bos what is the earliest you would be like to leave by ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos i 'll take the one that leaves at 9:09. it 's fine . what is the travel time on that train ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time on train tr8070 is 105 minutes . would you like me to book this for you ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos no but i am also looking for a place to stay in a moderate price range . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are several in the moderate price range . do you have a certain area in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area
+bos no , but i would like a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos will you be needing parking and/or internet ? eos O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos parking and internet are not of interest to me really . eos O O O O O O O O O O O O N/A
+bos the avalon meets your requirements . would you like reservations ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos is the avalon a guesthouse ? if so , yes i would like to book for saturday for 6 people , 4 nights . eos O O O B-Hotel-Inform+Name O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A
+bos it is indeed a guesthouse , and i booked it for you . your reference number is 2qphxxoj . how else can i help ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thank you for making that reservations . eos O O O O O O O O general-thank
+bos would you like me to book you a train , or possibly a taxi ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos i do n't need anything further . eos O O O O O O O O N/A
+bos thank you for contacting us have a nice day . eos O O O O O O O O O O O general-bye
+bos thank you ! you as well ! eos O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for a train that will be leaving on sunday going to peterborough . eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A
+bos there are 38 trains , what time would you like to depart or arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to get there by 21:30. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos there are 32 trains travelling to peterborough on sunday departing from cambridge . the closest arrival time is 21:24 , would you like to book a seat ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , for 1 person please , and give me the reference number . eos O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos your trainid tr9733 has been booked to leave at 12:34. than you . eos O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Leave O O O N/A
+bos i also need a room in peterborough . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos there are many results for hotels and guesthouses , could you be more specific on what price range you are looking for and what part of town ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i would like to stay at the el shaddai . i would like to book it for 1 person for 4 nights starting on wednesday . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos unfortunately i was not able to book the hotel for then . would you like to book another day or consider shortening your stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos is it possible to book this reservation for 2 nights ? eos O O O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos indeed it is ! i just booked you for two nights , ref num : ic0ratqi . do you need anything else today ? eos O O O O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Ref O O O O O O O O O O O general-greet,general-reqmore
+bos that 's all . thank you very much . eos O O O O O O O O O O general-thank
+bos we are happy to help . thank you for using our service . have a wonderful day ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am looking for a place serving indian food in the moderate price range eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos i 've head the curry prince is fantastic.. what area are you looking for ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Restaurant-Request+Area
+bos the area does not matter . the curry prince sounds good . please book a table for 7 people at 19:30 on tuesday . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos ok i have a table booked for 7 at 19:30 on tuesday . your reference number is rpwowdoo . eos O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A
+bos okay thank you . that will be all . eos O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your meal . eos O O O O O O O O O general-bye
+bos i am looking for a place to dine . the restaurant should be expensive and should serve chinese food . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos would you like the restaurant in a specific place ? eos O O O O O O O O O O O Restaurant-Request+Area
+bos not in any specific area please . i need to book a table for 3 at 14:00 on saturday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos unfortunately , it looks like all the options are booked for that day/time . would you like me to change the time or possibly the day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos how about 13:00 then ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos yes , i can book you at the yu garden for 13:00. eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Inform+Time O N/A
+bos what is the reference number for my booking ? eos O O O O O O O O O O Restaurant-Request+Ref
+bos your table is reserved for 15 minutes and your reference is p3vzvzgy . can i help you with anything else ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no thank you , that is all i needed ! eos O O O O O O O O O O O general-thank
+bos great . let us know if you need anything else ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos please find a restaurant called nusha . eos O O O O O O O O Restaurant-Inform
+bos i do n't seem to be finding anything called nusha . what type of food does the restaurant serve ? eos O O O O O O O O O B-Restaurant-NoOffer+Name O O O O O O O O O O O Restaurant-Request+Food
+bos i am not sure of the type of food but could you please check again and see if you can find it ? thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos could you double check that you 've spelled the name correctly ? the closest i can find is nandos . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O Restaurant-Request+Name
+bos it 's not a restaurant , it 's an attraction . nusha . eos O O O O O O O O B-Attraction-Inform+Name O O O O O N/A
+bos oh its okay . that is an entertainment type located in the south at unit g6 , cambridge leisure park , clifton road . do you need their phone number ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos no , but please confirm their address again and their postcode . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos their address is unit g6 , cambridge leisure park , clifton road . the postcode is cb17dy . is their anything else i can do for you ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos i want indian food in the center area . eos O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos there are nine indian restaurants in centre what price range do you want ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Price
+bos i am looking for expensive indian food . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos saffron brasserie is an expensive restaurant that serves italian food eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos can i get the address for saffron brasserie ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Addr
+bos the address is hills road city centre eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos can i clarify that it was indian food and not italian food please ? eos O O O O O O O O O O O O O O O N/A
+bos yes , saffron brasserie is indian food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O N/A
+bos thank you that is all the information i need at the moment . eos O O O O O O O O O O O O O O general-thank
+bos i hope i have been of help eos O O O O O O O O general-bye
+bos you have . thank you . goodbye . eos O O O O O O O O O general-bye
+bos i am glad to help . enjoy your stay ! eos O O O O O O O O O O O general-bye
+bos i love antiques and heard about a place called williams art and antiques . could you give me more information ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A
+bos williams art and antiques is a museum in the town centre . entrance is free . do you need more info ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos yes , can i get the address and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos okay , the address is gwydir street , no . 5 dale 's brewery and post code is cb12lj . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O N/A
+bos thanks a lot . can you also help me find a place to stay that has free wifi ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos i will be happy to help . first , can you tell me if there is a certain area of town you wish to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like something in the south , preferably a hotel with three stars . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos there is one with moderate and one with expensive price range . which one could you prefer ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos thank you ! it does n't matter to me . eos O O O O O O O O O O O general-thank
+bos i would recommend the bridge guest house , the moderate . it is just as nice as the expensive place . need more information ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price O O O O O O O O O O O O O O O O general-reqmore
+bos can you book it for 8 people for five nights starting on sunday and i need a reference number eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O Hotel-Request+Ref
+bos your booking was successful and your reference number is 97lw76mp . bridge guest house is located at 151 hills road and their phone number is 01223247942. would you like any additional information ? eos O O O O O O O O O O B-Booking-Book+Ref B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore
+bos that is all i need , thank you . eos O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-welcome,general-bye
+bos hi , i 'm looking for a train that 's going to bishops stortford from cambridge , what kinds of options are there ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O O N/A
+bos there are about 70 options . do you have a particular travel day ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-Request+Day
+bos i would like to travel on thursday and get there before 13:30. eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos train tr2929 leaves cambridge at 11:29 on thursday and arrives at bishops stortford at 12:07. would you like me to book it for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , for 6 people , and i will need the reference number please . eos O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos i got 6 tickets for you your reference number is adz8diq2 . eos O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks , i also am looking for a hotel called finches bed and breakfast a friend mentioned . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos i found it , it 's a cheap guesthouse in the west . would you like me to book it for you ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos yes for 6 people for 5 nights starting saturday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos your reservation is confirmed . your reference number is 31s3uk6m . can i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that is everything i need . thank you for all your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos if there is nothing else you need help with , have a great day . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm hoping you can help me find an expensive hotel on the north end eos O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A
+bos there are no results . is there another area we can search or a different price range ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price
+bos i am looking specifically for a guesthouse in the expensive price range in the north . can you look again please ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i 'm sorry , there are no hotels meeting your requirements . eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O N/A
+bos perhaps you could check the moderate price range in the north area of town . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O Restaurant-Request+Price
+bos acorn guest house is very nice . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A
+bos okay , great ! i 'll need it booked for sunday , 5 nights , and 5 people , please ? eos O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O O O O O O N/A
+bos your booking for the acorn guesthouse is successful . your reference number is 5dr3nh3r . can i help you with anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place to dine . i 'd like for it to be in the north and serve modern american food . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A
+bos we do n't have any that match . do you have any other location preferences ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos okay can you look out for any in still the same location with the hotel that serves asian oriental food . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos saigon city is asian oriental . want to book ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Booking-Inform
+bos no thank you . i just need the price range and postcode . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price
+bos saigon city is in the expensive price range , and the postcode is cb41nl . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Post O O N/A
+bos thank you for all your help ! eos O O O O O O O O general-thank
+bos can i be of further assistance today ? eos O O O O O O O O O general-reqmore
+bos that 's all , goodbye ! eos O O O O O O O general-bye
+bos have a great day . eos O O O O O O general-bye
+bos i 'm looking for a guesthouse where i can stay in east cambridge . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are several guesthouses on the east side . i recommend the allenbell . it 's cheap , but it still gets 4 stars . eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Stars O O O O O N/A
+bos i was hoping for one that is in the moderate price range . eos O O O O O O O O O O O O O O N/A
+bos okay i have the a and b guesthouse in the moderate price range . would you like to book that ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos yes , actually . can you reserve a room for me for friday for 3 guests ? eos O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A
+bos booking was successful.reference number is : un2juaa4 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i 'm also looking for an italian restaurant , something in the same area as the hotel . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos i have one restaurant called pizza hut fen ditton and it is moderately priced . would you like me to make a reservation ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform
+bos yes , please make it for the same group of people at 15:00 on the same day . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i have you booked in at that time and day . eos O O O O O O O O O O O O Booking-Book
+bos i also need a taxi eos O O O O O O Taxi-Inform
+bos i can help with that ! when and were would you need your taxi ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i need a taxi to commute between the two places . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A
+bos okay , so you 'll be going to the restaurant from the hotel ? or to the hotel from the restaurant ? and at what time , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave
+bos the hotel to the restaurant please eos O O O O O O O Restaurant-Inform,Hotel-Inform
+bos booking completed ! booked car type : red hondacontact number : 07823449934you will arrive by 14:45. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O B-Taxi-Inform+Arrive O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you for contacting us have a nice day . eos O O O O O O O O O O O general-bye
+bos does cambridge museum of technology still open ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos yes , it does . eos O O O O O O Attraction-Inform
+bos what 's the entrance fee , phone number , and postcode for that museum ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos the entrance fee is 5 pounds . phone number is 01223368650. and the postcode is cb58ld . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A
+bos i 'm looking for a place to stay in the centre . i also need free wifi there . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos we have two guesthouses and three hotels in town centre . do you have a pricerange in mind ? eos O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos i 'd like an expensive hotel please . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A
+bos there are two expensive hotels in the area of centre . the gonville has a 3 star rating and the university arms has 4. do you have a preference ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O Hotel-Select
+bos yes the university arms would you be able to book that ? eos O O O O O O O O O O O O O N/A
+bos yes certainly . how many nights will you be needing and when will you be arriving and how many people will be staying ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos 6 people , five nights , starting on thursday , please . eos O O O O O O O O O O O O O N/A
+bos would you like me to book the room now ? eos O O O O O O O O O O O Booking-Inform
+bos yes please book that . eos O O O O O O N/A
+bos ok , you 're all set . 6 people for 5 nights at university arms . arriving on thursday . your reference number is : txxxcwjd . is there anything else i can do today ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos that 's perfect . thank you so much . eos O O O O O O O O O O general-thank
+bos do you need to arrange transportation to town , or between any venues ? if not , it was my pleasure to help you and have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i 'm sorry , i made a mistake ! i need for it to start on tuesday not thursday ! ! ! ! can you fix that for me ? ? ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O O N/A
+bos no problem ! i switched that reservation to tuesday instead of thursday for you and your new reference number is m7vcvot6 . can i help with anything else ? eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , thank you . i think that 's it . eos O O O O O O O O O O O O general-thank
+bos okay , have a great day ! bye now ! eos O O O O O O O O O O O general-bye
+bos i would like to try an expensive , italian place while visiting cambridge . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos i have 5 of them . 4 in the centre area and one in the south . would you like more information ? eos O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O general-reqmore
+bos staying in the centre would be more convenient . what are my choices ? eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos how about caffe uno or don pasquale pizzeria ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos i love pizza that will work can i get the address ? eos O O O O O O O O O O O O O N/A
+bos the address to don pasquale pizzeria is 12 market hill at city centre . would you like the phone number too ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos that 's perfect , could you book me a table for 4 at 16:15 on friday ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ddlkgevp . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can you suggest any attractions in the same area ? i need the entrance fee if any and attraction type eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos we have a lovely architecture called all saints church it is free admission eos O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee N/A
+bos that 's all i needed . thanks ! eos O O O O O O O O O general-thank
+bos you are welcome . i was happy to assist you . eos O O O O O O O O O O O O general-welcome,general-greet
+bos yeah you were great . i will be sending your supervisor a compliment about you . eos O O O O O O O O O O O O O O O O O N/A
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos hello , i am looking for a place to stay with free wifi . eos O O O O O O O O O O O O O O O N/A
+bos i see 32 places have free wifi . to narrow it down , is there a particular side of town or a pricerange you 're looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet
+bos i 'd like a place on the west side in the moderate price range . eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos i am showing one guest house that meets your criteria . it 's the hobsons house at 96 barton road . would you like to book a room ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos thank you . i 'm not ready to book just yet . i just wanted the information . that 's all i need for now . good-bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . let us know if there 's anything more you need and we 'll be happy to help you . have a good day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos i 'm looking for a place called kambar eos O O O O O O O B-Attraction-Inform+Name O N/A
+bos sure , i found it ! it 's located at 1 wheeler street . it 's a nightclub in the city 's centre and it has a 5 pounds entrance fee . eos O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos please give me their postcode eos O O O O O O Attraction-Request+Post
+bos the postcode for kambar is cb23qb . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O N/A
+bos i also need a place to stay , a hotel with free parking and in the center of town . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have 2 hotels in the expensive price range and 2 guesthouses in the cheap price range . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Select
+bos i would prefer a guesthouse eos O O O O O B-Hotel-Inform+Type N/A
+bos i have two to choose from . may i recommend the alexander bed and breakfast ? eos O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos that would be fine . could you tell me how many stars it has ? eos O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos it has 4 stars . can i book a room for you ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos no whats the price range , postcode please ? eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price
+bos it 's in the cheap price range and the post code is cb12de . eos O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Post O O N/A
+bos can you help me with a taxi also please ? eos O O O O O O O O O O O Taxi-Inform
+bos where are you leaving from and going to ? when do you want to leave by or arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave
+bos i will go from the hotel to the kambar , leave by 17:30. eos O O O O O O O O O B-Taxi-Inform+Dest O O B-Taxi-Inform+Leave O N/A
+bos booking completed ! booked car type : blue bmwcontact number : 07612500286 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O N/A
+bos thanks for helping . that will be it for today eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos great ! how can i help you plan your trip ? eos O O O O O O O O O O O O general-greet,general-reqmore
+bos i am looking for a place to stay in the north while i 'm there . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos there are 13 places to stay in the north and all but 2 are guesthouses . which is your preference ? what is your pricerange ? eos O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Price
+bos i would prefer a hotel that is nice but in the cheaper price range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos there are n't any hotels , but there is a guesthouse with 4 stars . it 's called the worth house . would you like more information ? eos O O O O B-Hotel-NoOffer+Type O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O general-reqmore
+bos sure , could you give me their name and postcode ? eos O O O O O O O O O O O O Hotel-Request+Post
+bos the worth house is in postcode cb41da . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform
+bos yes , please book it for me . eos O O O O O O O O O N/A
+bos i can , what are your arrival details ? eos O O O O O O O O O O Booking-Request+Day
+bos i do not need to book it . i need a train to depart from leicester . eos O O O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i 'll be traveling on thursday . eos O O O O O B-Train-Inform+Day O O N/A
+bos ok , there are many trains leaving leicester on thursday . where will you be traveling to and what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Dest
+bos i need to leave for cambridge after 13:45. do n't let me forget to back track and check on another place to stay please . eos O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O N/A
+bos i have the 14:09 train leaving from leicester . would you like me to book that for you ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O O O O O O O O O O O Train-OfferBook
+bos before you book it , i need the price and i need the approximate travel time . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure . the trip itself is approximately 105 minutes . it costs 37.80 pounds . would you like to book a train ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-greet,Train-OfferBook
+bos yes book 2 seats please and i 'll need the train id . also book the worth house guesthouse for 3 people and 4 nights . and give me the reference number please . eos O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos okay . i have booked you 2 tickets on the tr2361 . the total fee of 75.59 is payable at the station . the reference number is 5vfa0zbs . eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O general-greet
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos have a great trip ! enjoy your day . eos O O O O O O O O O O general-bye,general-greet
+bos thank you so much ! eos O O O O O O general-thank
+bos you are quite welcome , we are happy to help . enjoy your trip ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant in the north part and in cheap price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O N/A
+bos sure , i have a couple options for you eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A
+bos great , thank you ! what are they ? eos O O O O O O O O O O general-thank
+bos there is royal spice which is a indian restaurant . there is also da vinci pizzeria which is a italian restaurant . do you need any more information ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O general-reqmore
+bos please book a table for 5 at 14:30 on wednesday at royal spice . i will need the reference number . i also need to find a place to stay . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O N/A
+bos i was able to book your table successfully . your reference number is kqmxil0z . now , what type of accommodations are you looking for today ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O Hotel-Request+Type
+bos the hotel should be in the same area as the restaurant and should include free wifi . eos O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos do you have a price range or star rating preference ? eos O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos i 'd like a hotel , not a guesthouse , and i 'd like a 2-star place . eos O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i found two options that meet your criteria : ashley hotel and lovell lodge . which one would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Select
+bos i would like to book the ashley hotel for 5 people for 2 nights . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A
+bos what day would you like to start your stay ? eos O O O O O O O O O O O Booking-Request+Day
+bos on wednesday please . eos O O B-Hotel-Inform+Day O O N/A
+bos the hotel booking is complete . the reference number is jattlneh . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great . thank you . goodbye eos O O O O O O O general-bye
+bos thank you and have a wonderful day ! eos O O O O O O O O O general-welcome
+bos i am looking for a moderately priced scottish restaurant eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O N/A
+bos i 'm so sorry but it seems that i do n't show any that will suit what you are looking for . would you like to try a different price range or type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer
+bos i am looking for something in centre of town then eos O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos yes i have many moderately priced venues in the center of town serving british food if you like . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O N/A
+bos i am not looking for british , i am looking for scottish food . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry but there are no moderately priced scottish restaurants in town . would you like a different type of food ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Food
+bos yes , could you look for a spanish restaurant instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there is la tasca . they are located at 14 -16 bridge street . would you like to book it ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yes please . could you give me a table for tuesday at 12:00 for 2 people please . eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A
+bos i 've booked your reservation . is there anything else you need ? eos O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos can i have a reference number please ? eos O O O O O O O O O Restaurant-Request+Ref
+bos yes , it 's xxnq81ie . eos O O O B-Booking-Book+Ref O O O N/A
+bos thank you . have a lovely day . eos O O O O O O O O O general-thank
+bos thank you too , good bye . eos O O O O O O O O general-bye
+bos i need train schedule information for thursdays , please eos O O O O O O O B-Train-Inform+Day O O N/A
+bos i can help with that . from where are you departing and to where are you going ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos departing from cambridge and arrive by 21:45 eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos there are 168 trains that day . do you have a destination in mind so i can narrow it down ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos i need to go to stansted airport please eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i would recommend train tr7966 that leaves at 05:40 eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A
+bos that 's fine . please book one seat for me , please . eos O O O O O O O O O O O O O O N/A
+bos success . your reference number is pmhz3tjo . eos O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am also looking for a hotel with free wifi , but it doesnt need to have free parking . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos do you have a preferred area or price range ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos the area does n't matter , but i would like it to be an expensive 4 star hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O N/A
+bos i have 2 options for you . the first is the huntingdon marriott hotel in the west . the other is the university arms hotel in the centre . do you have a preference ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select
+bos the huntingdon marriott hotel sounds really nice . could you book us a room there for 2 nights on tuesday ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos how many people will be staying for the booking ? eos O O O O O O O O O O O Booking-Request+People
+bos just one person please eos O O O O O N/A
+bos unfortunately they are booked up for those nights . would you like to try another night or the university arms hotel instead ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,general-reqmore
+bos try booking the room for just one night , please . eos O O O O O O O O O O O O N/A
+bos that worked . i have you booked on tuesday for 1 night . your reference number is 7ix0v6nu . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thank you but that 's all . eos O O O O O O O O general-thank
+bos let us know if you need anything else ? good bye . eos O O O O O O O O O O O O O general-bye
+bos i need a hotel . it needs to be a three star and i do n't need parking . can you find me accommodations ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have just the place ! it is called alpha-milton guest house . would you like to know further details ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O general-reqmore
+bos is that a guesthouse ? i definitely prefer a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos it is a guest house , sir . would you like to make the accommodations ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform
+bos does the alpha-milton guest house have free wifi ? eos O O O O O O O O O O N/A
+bos unfortunately , it does not , are you still interested ? eos O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet
+bos i suppose i will be alright without wifi . could i have the phone number , area , and price range please ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone
+bos the phone is 0122331162 . the guest house is located at 63 milton road . for a price range i will need to know the dates you are looking at . eos O O O O B-Hotel-Inform+Phone O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos is the guest house cheap , moderate or expensive ? eos O O O O O O O O O O O N/A
+bos the alpha-milton guest house is in the moderate price range , sir . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O N/A
+bos is that the correct area ? and i also need a train going to cambridge , it needs to leave after 12:30. it should leave wednesday and depart from bishops stortford eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart O O Hotel-Request+Area
+bos yes it is in the area . train tr4226 leaves bishops stortford at 13:29. does this work for you ? eos O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O Train-Select
+bos yes it does . can i get the train id , arrival time and the price . eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos the train id is tr4226 , the arrival time is 14:07 , and the price would be 10.10 pounds . would you like me to book you on this train ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-OfferBook
+bos no thank you . that is all i needed . eos O O O O O O O O O O O general-thank
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay with a 4 star rating and free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 21 places that meet your criteria . is there a specific area and price range you are looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos do you have any in the south ? eos O O O O O O O O O N/A
+bos yes . rosa 's bed and breakfast has a cheap price range . aylesbray lodge guest house has a moderate price range . would you like me to book one for you ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform
+bos i meant to say west , not south . and the place needs to be a hotel type . eos O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos the huntingdon marriott hotel is in the west area , it has free wifi , and it is in the expensive price range . shall i book reservations ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no at this time . what is the postcode for the hotel and do they have free parking ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking
+bos they do have free parking , the postcode is pe296fl eos O O O O O O O O O B-Hotel-Inform+Post O Hotel-Inform+Parking
+bos thank you . i also need to find a train for tuesday . eos O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos ok ... i need more information for your train , such as departure or arrival times , number of people , day , and destination . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+People,Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i would like to go to peterborough on tuesday and i will need to leave after 20:00. can you tell me when i will arrive and the price ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos okay , there is a train leaving cambridge for peterborough tuesday at 20:34 arriving at 21:24 for 16.50 pounds . would you like me to book this for you ? eos O O O O O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Dest B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O O O N/A
+bos yes i would , thank you . eos O O O O O O O O general-thank
+bos i 'd be happy to . how many tickets will you need ? eos O O O O O O O O O O O O O O Train-Request+People
+bos i do n't care . eos O O O O O O N/A
+bos you are booked on train tr5110 . your reference # is ad3euzb8 . the cost is 16.5 and payable at the station . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i needed . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you . have a good day . eos O O O O O O O O O general-welcome,general-bye
+bos hello , i am looking for a concerthall in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos we have a concerthall in the centre by the name of the man on the moon , would you like more information ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O general-reqmore
+bos what a neat sounding name ! that might be a good fit . can you tell me the address and postcode please ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post,Attraction-Request+Addr
+bos the man on the moon is located at 2 norfolk street and their post code is cb12lf eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post N/A
+bos great what is the entrance fee too ? eos O O O O O O O O O Attraction-Request+Fee
+bos i am unsure if there is an entrance fee . can i help with anything else ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos yes , i also need to find a train , please . eos O O O O O O O O O O O O O Train-Inform
+bos i 'd be happy to help with that . can you tell me where you will be departing from ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos i need to depart from strevenage , wednesday , after 10:15. arriving in cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O N/A
+bos there are 7 trains that meet your needs . may i book one of them for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-OfferBook
+bos that would be great , how long is that train ride by the way ? eos O O O O O O O O O O O O O O O O Train-Inform
+bos the travel time for all trains to that destination is 49 minutes eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Time N/A
+bos can you give me the arrival time of one of them ? and the price please . eos O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos the tr6473 leaves at 11:54 and arrives by 12:43. the travel time is 49 minutes . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you for serving me , goodbye . eos O O O O O O O O O general-bye
+bos goodbye , enjoy your day . eos O O O O O O O general-bye
+bos i 'm looking for an expensive restaurant for tonight in the centre of town , can you provide me with a list of my options ? eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O N/A
+bos kymmoy is located in the centre of town . eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos may i have the postcode to kymmoy please ? eos O O O O O O O O O O Restaurant-Request+Post
+bos certainly , the postcode is cb12as . is there any other information you need ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos that 's all that i needed thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-bye
+bos i 'm looking to book a ticket for a train that leaves stevenage after 09:45. eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A
+bos thank you so much . have a nice day eos O O O O O O O O O O general-bye
+bos did you book the ticket and if so , how much does it cost ? eos O O O O O O O O O O O O O O O O N/A
+bos the first train to leave stevenage after 09:45 leaves at 09:54 and costs 12.80 pounds . would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes please . i need the booking for 8 people , and i would like a reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos done . your reference number is em07dz7z . eos O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you ! i am also looking for information about the golden wok restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos golden wok serves chinese food and is in the north area of town in the moderate price range . the address is 191 histon road chesterton . would you like to make a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos no thanks . but the information you gave me helps alot . thank you so much for your help . have a good day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome - have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a saturday train departure from cambridge eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart N/A
+bos what destination would you like me to look for ? eos O O O O O O O O O O O Train-Request+Dest
+bos i 'm hoping for a train to bishops stortford after 21:15. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O N/A
+bos there are 2 trains that fit this request . one at 21:29 and another at 23:29. did you want me to book one of them for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O B-Train-OfferBook+Choice I-Train-OfferBook+Choice I-Train-OfferBook+Choice O O O N/A
+bos yes please book the train for 23:29. eos O O O O O O O O Train-Inform
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos i do n't need a booking , but can you tell me the train id , travel time , and arrival time of that train ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos tr0123 is the train id . it leaves at 23:29 and arrives at 24:07. did you need any more information about the train ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore
+bos no , but i need to find a restaurant . it should serve vietnamese food and it should be in the north . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos unfortunately , i 'm not seeing any vietnamese restaurants in the north . would you like to try a different area or type of cuisine ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos how about a chinese restaurant . ideally expensive . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O Train-Request+TrainID
+bos hakka and the hotpot are both expensive chinese restaurants on the north side of town . would you like a table at one of these ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Choice I-Restaurant-Select+Choice I-Restaurant-Select+Choice O N/A
+bos i 'd like to reserve a table for 3 at the hotpot for 10:00 saturday . i 'll need a reference number as well . eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos i 've booked that for you . the reference number is zav4b1d8 . what else can i help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that 'll be everything . thank you ! eos O O O O O O O O O general-thank
+bos you 're welcome ! thanks for using our services . eos O O O O O O O O O O O general-welcome,general-bye
+bos where are some restaurants that serve mediterranean dishes that are in the low to moderate price range ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A
+bos hello , the gardenia is one option which is located centrally , may i make a reservation for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos is that one cheap ? i do need a cheap place . eos O O O O O O O O O O O O O N/A
+bos yes , that restaurant is cheap . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform
+bos yes if it is cheap and in town centre i would like to book a table for 3 people on saturday please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A
+bos alright , what time would you like to make your reservation for ? eos O O O O O O O O O O O O O O Booking-Request+Time
+bos i would like you to book my reservation for 3 people at 16:00 on a saturday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos the gardenia is n't available at 16:00. would you like to change the time or day ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Booking-NoBook+Time O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos how about 15:00 then ? eos O O O B-Restaurant-Inform+Time O O N/A
+bos alright , i was able to book that time slot , your reference number is nrpfpyaj eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need to book a train on the same day departing from london kings cross to cambridge . eos O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos i have 10 trains available , leaving every two hours on the :17 between 05:17 and 23:17. travel time is 51 minutes . what time would you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-Select
+bos i need a train that will arrive by 09:30 , which of those is closest in arrival time ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos tr8885 leaves at 07:17 and arrives at 08:08. would you like me to book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos no , thank you . i have all the information i need . eos O O O O O O O O O O O O O O general-thank
+bos is there anything i may help you with ? eos O O O O O O O O O O general-reqmore
+bos nope , that 's all i need today . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking to book a room in the ashley hotel . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos sure , on what day do you need the room and for how many ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos first could you tell me what type of hotel this is and if they provide internet ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Type
+bos this is a hotel with a star of 2 that does indeed provide internet . would you like for me to book it ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes . i am also looking for a train to peterborough from cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A
+bos certainly , what day would you like to travel and is there an arrival or departure time i can search for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Day
+bos yes . the train should leave after 11:45 and leave on tuesday . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Day O O N/A
+bos trainid tr0613 leaves cambridge to peterborough at 12:06 on tuesday . does that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O Train-OfferBook
+bos yes , that works perfectly . book a ticket for one person , and please send me the reference number . thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your ticket has been booked . the reference number will be provided shortly . eos O O O O O O O O O O O O O O O Train-OfferBooked
+bos thank you so much . eos O O O O O O general-thank
+bos the reference number is sxpjjggn . eos O O O O O B-Train-Inform+Ref O N/A
+bos great thank you for your help eos O O O O O O O general-thank
+bos did you want me to book the ashley hotel for you ? if so , can i get the number of people and number of nights please ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos no thank you . eos O O O O O general-thank
+bos wonderful ! you have a great evening . eos O O O O O O O O O general-bye,general-greet
+bos can you help me locate an expensive restaurant offering northern european cuisine ? eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i was unable to find any , do you have another food type you 'd like to try ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos what other options do you have in the centre that are expensive ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 33 expensive restaurants in the centre area , many cuisines to choose from any preferences ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Food
+bos are there any there serve european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos yes , there are three , though eraina is my favorite . do you need a reservation at this time ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes please . i would like a reservation for 2 at 19:00 on friday . i would like the reference number once it 's booked . thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos my system is down i will have to process this for you in a minute . eos O O O O O O O O O O O O O O O O O Booking-NoBook
+bos uhm , ok. that 's weird . eos O O O O O O O O N/A
+bos the booking was successful and the reference number is qj0rw9hd . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . i 'm also looking for a park to go to in town , what do you recommend ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos i would recommend the cambridge university botanic gardens , which are in the centre of town , they are located on bateman street . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos thank you , can i have the postcode for the botanic gardens ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb21jf eos O O O O B-Attraction-Inform+Post N/A
+bos what area is that in please ? eos O O O O O O O O Attraction-Request+Area
+bos that 's the centre . is there anything else i can do for you today ? eos O O O B-Attraction-Inform+Area O O O O O O O O O O O O O general-reqmore
+bos that 's everything i need , thanks so much . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos you are very welcome . i was happy to assist you . good-bye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for architecture in the centre of town . can you help me with this ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos certainly . there are four churches and a school you could visit . eos O O O O O O O O O O O O O O N/A
+bos what is the entrance fee for the school ? eos O O O O O O O O O O Attraction-Request+Fee
+bos for the school it is free . eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Fee O N/A
+bos could i also get the phone number for the school ? eos O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for old schools is 01223332320 eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone N/A
+bos can i get the post code too please ? eos O O O O O O O O O O N/A
+bos yes the postal code is cb21tt . eos O O O O O O B-Attraction-Inform+Post O N/A
+bos ok , i 'm also looking for a cheap place to grab some food . maybe carribean ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos we do not have any caribbean options here , can i lookup another cuisine type or narrow it down by anything else ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos hmmm how about italian then eos O O O O B-Restaurant-Inform+Food O N/A
+bos there are 15 italian restaurants in the city , could you give me a preferred location , so i can narrow the options down ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i just want a cheap italian place . choose one you recommend for me . then i need help reserving it . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O N/A
+bos i recommend dining at ask . how many people for your reservation , and what day and time ? eos O O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos 6 on thursday at 16:45 please eos O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos you are booked and your booking reference number is i3jnkdod . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i will also need a taxi . eos O O O O O O O O Taxi-Inform
+bos okay , when and where are you going ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest
+bos old schools to the restaurant . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A
+bos what time would you like the taxi ? eos O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i would like to make sure the taxi arrives at the restaurant by my 16:45 reservation . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos your all set , a yellow lexus will be picking you up in time for your reservation the contact number is 07323746090 , is there anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave I-Taxi-Inform+Leave I-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos thank you for your help today , i do not need anything else . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome enjoy eos O O O O O general-welcome,general-bye
+bos can you find me a greek restaurant in the centre of cambridge ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are no greek restaurants in the centre , would you like me to look for greek restaurants elsewhere in the city ? eos O O O O B-Restaurant-Select+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A
+bos ok my second choice was british food can you find a british restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos of course , one of my favorites is fitzbillies restaurant at 51 trumpington street city centre . may i book you a table ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yes , please . it 'll be for 2 people on saturday at 12:00. eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos okay you 're all set . your reference number is 3y6h383s and the table will be reserved for 15 minutes . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i also want to find a museum to visit . eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are 5 museums in the centre of town . they are all free to visit . how about broughton house gallery ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O N/A
+bos that sounds nice . can you give me the phone number and address ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the phone number to the museum is 01223314960. eos O O O O O O O O B-Attraction-Inform+Phone N/A
+bos do you have their address also ? eos O O O O O O O O Attraction-Request+Addr
+bos the address is 98 king street , centre , cb11ln . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Area B-Attraction-Inform+Post O O O N/A
+bos thank you , i have all the information i need , goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thank you and enjoy your stay with us in cambridge ! eos O O O O O O O O O O O O general-bye
+bos hi , i am hoping you can give me some information on places to dine . eos O O O O O O O O O O O O O O O O O N/A
+bos i am sure we can find you a great place to dine . first , do you have a type of food in mind and what is your preferred price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet
+bos yes , i would like a restaurant that serves corsica food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are no corsica restaurants in cambridge . would you like to try searching for something else ? eos O O O O B-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O N/A
+bos how about gastropub restaurants please ? eos O O O B-Restaurant-Inform+Food O O O N/A
+bos there are four restaurants that serve gastropub , what pricerange would you like ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Price
+bos any is fine . book a table for 7 people at 15:45 on friday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos okay i 've got you at the cow pizza kitchen and bar . booking was successful . the table will be reserved for 15 minutes.reference number is : xokt79ob . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos also , i 'm looking for places to go in town that are in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 44 results . can i narrow down the results with a certain type of attraction ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Type
+bos it really does n't matter . can you just recommend one and give me the entrance fee , attraction type , and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type
+bos sure ! how about holy trinity church ? it 's a free architecture attraction , and their phone number is 01223355397. can i help you with anything else ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos nope ! that 'll be all , thanks so much for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos thanks for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos hi there . real quick . having a blast . i want a really good restaurant not too far from my hotel . what do you have ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos i 'll be happy to help- but i need to know what region your hotel is in first . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i 'm in the centre of town . eos O O O O B-Restaurant-Inform+Area O O O O N/A
+bos we have a lot of restaurants available in the city centre . do you prefer a certain type of food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food
+bos i have no food preference , but i would prefer an expensive restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos the bedouin is an african restaurant that offers a high quality experience . would you be interested ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O O general-reqmore
+bos yes . please book for 7 people on thursday at 12:30. eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i have made that reservation for you . your reference number is k7hfucr6 . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for an attraction in the same area i will eat . eos O O O O O O O O O O O O O O O O N/A
+bos i have about 44 different attractions in the centre of town . lots of architecture , colleges , boating , cinemas , concerthalls , museums , nightclubs , swimming pools , and theatres . what interests you ? eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Type
+bos can you recommend a place ? eos O O O O O O O N/A
+bos i like great saint mary 's church . need some info on it ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos yes , how much is the entrance fee for st. mary 's church ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos great saint mary 's church is located in market square , cb23pq and the entrance fee is 2 pounds . would you like a booking ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O Booking-Inform
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos it was my pleasure . have a good evening . eos O O O O O O O O O O O general-welcome,general-bye
+bos hi . i 'd like to find a very nice restaurant to go to . eos O O O O O O O O O O O O O O O O Restaurant-Inform
+bos sure , are you looking for anything specific ? eos O O O O O O O O O O general-reqmore
+bos i am looking for something expensive and in the southern part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos can i ask what type of food you are looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos it does n't really matter . what can you recommend ? eos O O O O O O O O O O O O N/A
+bos i have five places . the peking is a nice place . shall i book it ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos please , i 'll need a table for 4 at 12:30 on sunday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos you are booked for sunday and your reference number is klh0cdt4 . may i help you with anything else today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i am looking for a museum . can you recommend any ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are many in our lovely city . the broughton house gallery , the cafe jello gallery and cambridge artworks . eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos the cafe jello gallery sounds interesting . what is their phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Phone
+bos 01223312112 and free admission ! eos O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos great that 's all i needed today , thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O general-bye
+bos i would like to go to a nightclub in the centre . eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos you have five options for nightclubs in the center . soul tree nightclub has the lowest entry fee , at 4 pounds . eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos what is the postcode for soul tree nightclub ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post
+bos the post code is cb23qf . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes . are there any north indian restaurants close to the nightclub ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos what 's your price range ? eos O O O O O O O Restaurant-Request+Price
+bos i would like something cheap . eos O O O O O B-Restaurant-Inform+Price O N/A
+bos there are no north indian restaurants but there are some indian restaurants in the centre of town . would you like information about one of those ? eos O O O O B-Restaurant-NoOffer+Food B-Restaurant-Inform+Food I-Restaurant-NoOffer+Food O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos actually , can you check for a chinese restaurant in the north then ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos i 'm sorry i may have misunderstood . were you looking for cheap indian food on the north side of town ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price
+bos i was , but since there 's no cheap indian food in the north i want to see if there 's any cheap chinese in the north . eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos there 's no cheap chinese food in the north . would you like me try something else ? eos O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O B-Restaurant-NoOffer+Area O O O O O O O O O O N/A
+bos are there any chinese restaurants that are cheap in the north ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A
+bos unfortunately , there are none . could you like to try an alternative type of food ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos no , i did n't have any other choices . eos O O O O O O O O O O O N/A
+bos perhaps we try a different location ? eos O O O O O O O O Restaurant-Request+Area
+bos do you have any cheap chinese restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos yes , we have 3. i recommend golden house . eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos great , can i just get the postcode ? eos O O O O O O O O O O Restaurant-Request+Post
+bos yes , the postcode is cb21eg . can i assist you further , today ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos no , that 's all i need today . thank you . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your trip ! goodbye eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for somewhere to go in the east . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there 's a boat dock , museums , or some entertainment venues in the east . do any of those sound interesting ? eos O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Select
+bos my bad , i meant the west . eos O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are some great colleges in the west . or perhaps the museum of classical archeology ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos what is the address ? eos O O O O O O N/A
+bos they are located on sidgwick avenue and they have free entrance . anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos thanks so much . what type of attraction are they ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos they are museums . eos O O O B-Attraction-Inform+Type O N/A
+bos i need a train going to bishops stortford leaving after 16:15. i need eight tickets and the reference number please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Ref
+bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart
+bos i will be coming from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i would like to travel on friday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos okay your train reference number is yxcn2xho . is there anything else you need ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O N/A
+bos no that 's all for today , thank you . eos O O O O O O O O O O O general-thank
+bos have a very nice day and thank you for calling . eos O O O O O O O O O O O O general-bye
+bos i am looking for something to do later in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos was there anything you were specifically interested in ? for example there are museums and nightclubs . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O general-reqmore
+bos i would like to go to a college in the centre of town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos do you have a specific one in mind ? eos O O O O O O O O O O Attraction-Request+Name
+bos no , any one will be find . will you pick one for me and send me the address information and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos emmanuel colleges number is 01223334200 , and it is located on saint andrew 's street . do you have any other questions ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Phone O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O general-reqmore
+bos thank you , that is all . eos O O O O O O O O general-thank
+bos great . thanks for letting us assist you today ! eos O O O O O O O O O O O general-welcome,general-greet
+bos sorry , actually i need an expensive restaurant as well . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos okay what type of food would you like to eat and in what area please ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i want to try european food wherever it may be . eos O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos there are five expensive european restaurants in cambridge . i suggest eraina , which is also in the centre . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area O O O N/A
+bos thanks that is all i needed for today eos O O O O O O O O O general-thank
+bos you 're welcome ! have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i wanted to visit a place called center , could you tell me the hours it 's open , and if it is an attraction that i would need to book in advance ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos i 'm sorry , i do n't have a listing for an attraction by that name . eos O O O O O O O O O O O O O O O O O O Attraction-NoOffer
+bos ok. can you find me a nice hotel where i can spend over the weekend eos O O O O O O O O O O O O O O O O Hotel-Inform
+bos perhaps you were interested in an attraction located in city centre ? theatre ? dancing ? dining ? museums ? if not , i can help with hotel booking too . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O Booking-Inform
+bos yes , i am interested in one located in the city centre . can you list out several for me so i can choose from them ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O N/A
+bos there are 44 different attractions in the centre ranging from architecture to nightclubs . what type of entertainment are you interested in ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type
+bos please give me a list of nightclubs and the admission fee eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are five nightclubs in the centre . may i suggest soul tree nightclub ? it cost four pounds for the entrance fee . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O N/A
+bos can you give me the post code for the soul tree nightclub ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post
+bos the postcode is cb23qf . is there anything else i can help you with today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i would also like to book a table for a restaurant that serves british food and is expensive . i need this to be in the same area as the nightclub . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O N/A
+bos i found 3 restaurants matching your request . the cambridge chop house is very popular . would you like to book a table there ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes can you please help me with that ? eos O O O O O O O O O O N/A
+bos yes when would you like to book ? eos O O O O O O O O O Booking-Request+Day
+bos i 'd like to book a table for 12:00 on wednesday eos O O O O O O O O O O O O N/A
+bos ok , and for how many people ? eos O O O O O O O O O Booking-Request+People
+bos i 'd like it for 7 people please . and could you also get me a taxi to go between the two ? eos O O O O O O B-Restaurant-Inform+People O O O O O O O O O O O O O O O O O N/A
+bos i booked that for you . your reference number is 2tn0v6dq . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . can you also book me a taxi to go between the two ? eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos sure . i 'll just need to know where you want to be picked up and where you want to be dropped off , plus either when you want to leave or arrive by eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive
+bos adress and phone number please and thank you eos O O O O O O O O O Taxi-Request+Phone
+bos unfortunately , i do n't understand your message . to book your taxi , i need to know where you are starting and going to . i also need to know what time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos so sorry , i was distracted . i need to arrive at the restaurant in time for my booking , please . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos i can book that for you now . eos O O O O O O O O O N/A
+bos please do and give me car type and contact eos O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type
+bos booking completed ! your car is a blue honda and the contact number is 07559573662. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you so much . that 's all i need for today . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . it has been a pleasure assisting you today . have a great day . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hey , could you tell me if there are any panasian restaurants in the east side of town ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i 'm not finding any restaurants matching that description . would you like to try searching a different area ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos no eos O O N/A
+bos ok. would you like me to check for a different type of cuisine ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos are there any chinese restaurants on the east side of town ? if so , what is the address , phone number and post code ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yu garden is located at 529 newmarket road fen ditton . its phone number is 01223 248882 and the postcode is cb58pa . is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you and good bye to you as well . eos O O O O O O O O O O O general-bye
+bos i am looking for a moderately priced restaurant in the west part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are three , moderately priced restaurants in the west part of town . do you have a preference of cuisine ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos no , i dont care about the cuisine . eos O O O O O O O O O O N/A
+bos meghna is a restaurant in the west part of town and moderately priced . would you like their phone number and address ? eos O B-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos i need the address . eos O O O O O O Restaurant-Request+Addr
+bos meghna is located at 205 victoria road chesterton . can i help you with anything else ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O general-reqmore
+bos no . thank you eos O O O O O general-thank
+bos goodbye eos O O general-bye
+bos i want to find a cheap restaurant in the north part of town . what is the address and phone number ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos da vinci pizzeria , which is in the north part of town and the cheap price range , is at 20 milton road chesterton and the phone number is 01223 351707. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for using the cambridge restaurant system eos O O O O O O O O O general-greet
+bos i am looking for an italian restaurant in the west part of town . could i also get the phone number and address of the restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there is la margherita and prezzo . which one were you looking for ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos i dont care . eos O O O O O N/A
+bos prezzo is an italian restaurant in the west of town , and is in the moderate price range . the address is 21 - 24 northampton road and the phone number is 01799 521260. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A
+bos thank you . eos O O O O general-thank
+bos you 're welcome . let us know if we can help you with anything else . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos looking for mediterranean food eos O O O B-Restaurant-Inform+Food O N/A
+bos la mimosa serves mediterranean food in the centre of town . would you like their information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O general-reqmore
+bos yes , i 'd like the address and phone number please . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos it is located at thompsons lane fen ditton and you can reach them at 01223 362525 . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you ! goodbye . eos O O O O O O general-bye
+bos you 're welcome , goodbye eos O O O O O O general-welcome,general-bye
+bos i am looking for italian food in the north part of town . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos da vinci pizzeria is an italian restaurant located in the north part of town eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos may i have the address and phone number of da vinci pizzeria ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos da vinci pizzeria is located at 20 milton road chesterton . their phone number is 01223 351707. is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you 're welcome . please enjoy your day . eos O O O O O O O O O O general-welcome,general-bye
+bos i would like a cheap restaurant in the south part of town eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there is portuguese and chinese restaurants that are cheap in the south part of town . which do you prefer ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O general-reqmore
+bos either is fine , could you provide me their address and post code ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos nandos address is cambridge leisure park clifton way and thier post code is c.b 1 , 7 d.y eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos i would like to know which type of food nandos is serving . eos O O O O O O O O O O O O O O N/A
+bos nandos serves portuguese food . will there be anything else i can help you with today ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O O O general-reqmore
+bos no thanks . goodbye . eos O O O O O O general-bye
+bos thank you for using this system . goodbye . eos O O O O O O O O O O general-greet
+bos i would like a mediterranean restaurant , and i do n't care what part of town it is in . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos are you looking for something more or less expensive ? eos O O O O O O O O O O O Restaurant-Request+Price
+bos the price range does not matter . eos O O O O O O O O N/A
+bos la mimosa is a nice mediterranean restaurant in the centre . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O N/A
+bos that sounds good . may i have their phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos la mimosa 's phone number is 01223 362525. may i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos you are very welcome . have a nice day , goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the west part of town serving corsica food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no such restaurants . would you like to make another query ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos no thank you eos O O O O general-thank
+bos we have a couple of italian restaurants in the west . would you like information on those ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O general-reqmore
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you . good bye . eos O O O O O O O general-bye
+bos i am looking for a resteraunt that serves japanese food , any price range is fine . what do you have available ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A
+bos i found wagamama in the centre part of town . eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos what is their address , phone number , and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos wagamama is located at 36 saint andrews street . its phone number is 1223 462354 and the postcode is cb23ar . is there anything i can help you with ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos thank you eos O O O general-thank
+bos you 're welcome . good bye . eos O O O O O O O O general-bye
+bos thank you . good bye . eos O O O O O O O general-bye
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos i am looking for a train that leaves on thursday and arrives by 09:15 eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos where are you departing from , please ? eos O O O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge where i am now . eos O O O O O O B-Train-Inform+Depart O O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i 'm going to london liverpool street . eos O O O O O O O O O N/A
+bos booking was successful , the total fee is 23.6 gbp payable at the station .reference number is : xfcgpxha . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you , that 's all i need . good bye . eos O O O O O O O O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O O general-bye
+bos i need to find a train going to cambridge from london kings cross . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are 70 trains meeting those requirements . what day of the week are you leaving ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day
+bos i need to leave on saturday and arrive by 17:00. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos i have a train that fits your criteria saturday , it leaves at 05:17 and arrives at 06:08. would you like me to book it for you ? eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos no , i need to arrive by 5:00 no 6:00 can you check the schedule again ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i have a train that arrives at 16:08. is that what you are looking for ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Select
+bos i need to arrive in cambridge by 17:00. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos booking was successful , the total fee is 18.88 gbp payable at the station .reference number is : 8602x6oe . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no thank you . eos O O O O O general-thank
+bos ok. sorry for the confusion about the times . if you need help with anything else just let us know . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm planning a trip and i need a train departing from broxbourne on thursday . eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave
+bos i want to leave after 09:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos the first available train from broxbourne leaves at 10 : 32. would you like to make a reservation ? eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-OfferBook
+bos no , i just need the train id , travel time , and price , please . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos the train id is tr5979 . travel time is 60 minutes and price is 17.90 pounds per ticket . anything else ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A
+bos will there be available seats ? eos O O O O O O O N/A
+bos how many tickets do you need and i can check for you . eos O O O O O O O O O O O O O O Train-Request+People
+bos no thank you . i will worry about that later . i also need a lebanese restaurant in the centre . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos okay , ali baba matches your preferences . would you like a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos can you make me a reservation for thursday for 7 people at 19:00 ? eos O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A
+bos okay , your booking was successful . the table will be reserved for 15 minutes . the reference number is oxuw2l23 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you , that will be all . eos O O O O O O O O O general-thank
+bos perfect , glad to have been of help . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking to book a ticket for a train departing on sunday from cambridge please ? eos O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i want to arrive at london kings cross . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what time would you like to leave by ? it is a 51 minute trip for 18.88 pounds . eos O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O Train-Request+Leave
+bos i do n't have a departure time but i want to arrive by 21:30. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Leave
+bos there is a train leaving cambridge on sunday at 19:00. it arrives at london kings cross at 19:51. may i book that for you ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos no , i just needed the information , thanks . have you heard of the meze bar restaurant ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos i need more information on the restaurant because my system is not showing me anything on it . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have to get to the gandhi by 09:15. can you help me ? eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O N/A
+bos i would be happy to help with your request , where will you be departing from ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'm departing from golden wok . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos i 've booked you a blue lexus , the contact number is 07462575401. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos wonderful , thank you so much . eos O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos i accually should depart from thanh binh . eos O O O O O O O O O N/A
+bos booking completed ! booked car type : blue lexuscontact number : 07462575401 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos do you need any help with anything else ? eos O O O O O O O O O O general-reqmore
+bos no , thank you again fro accomodating me . have a great day . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos hello , i am looking for a restaurant that serves international food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes , i found a few restaurants . what area would you like to eat in ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area
+bos i would like it to be in the east and it should be cheap eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price N/A
+bos there is one restaurant that matches your request . it is called the missing sock and is on finders corner newmarket road . do you want their phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need to book a table for 6 on sunday at 19:15 please , and can i get the reference number ? eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref
+bos i was able to successfully place that reservation for 6 on sunday at 19:15 under reference number xooq0n5d . the table is reserved for 15 minutes . will this be all ? eos O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i need to find a train to get to the restaurant . i want to arrive by 16:30. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from london liverpool street and going to cambridge . eos O O O O O O O O O O O O O O N/A
+bos i have a train from london king 's cross to cambridge that arrives at 16:08. would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos thank you that will be all eos O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-bye
+bos where can i find the galleria restaurant ? eos O O O O O O B-Restaurant-Inform+Name O O N/A
+bos sure . the galleria restaurant is located at 33 bridge street . is there anything else i can assist you with ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos could you set up a reservation for 2 , at 14:00 on tuesday ? eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos that reservation has been made . the reference number is e2jbihkc . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos awesome . now please find me a train from kings lynn to cambridge eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos what day will you travel ? eos O O O O O O O Train-Request+Day
+bos i need it for tuesday i want to arrive by 14:45. eos O O O O O O O O O O O O N/A
+bos train tr9102 leaves at 5:11 , would you like me to book it for you ? eos O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O O O O O N/A
+bos actually i need to arrive by 11:45 , sorry . what 's the closest arriving to that time ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O N/A
+bos tr1704 arrives in cambridge on tuesday by 10:58 , would you like to reserve a seat ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Day O B-Train-OfferBook+Arrive O O O O O O O O O N/A
+bos yes , please book 2 tickets and then give me the reference number eos O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos the reference number for your train booking is hwimewd3 . anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore
+bos that is all for now . thank you very much . eos O O O O O O O O O O O O general-thank
+bos great , it was my pleasure ! goodbye , until next time ! eos O O O O O O O O O O O O O O general-bye
+bos i need to book a train on friday eos O O O O O O O O B-Train-Inform+Day N/A
+bos where are you wanting to go to ? eos O O O O O O O O O Train-Request+Dest
+bos i want to get to cambridge by 10:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos great . i can help you with that . where were you going to be departing from ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i am departing from bishops stortford . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos the tr2083 will take you from bishops sortford to cambridge . it departs on friday at 09:29 and you 'll arrive in cambridge at 10:07. would you like me to book it ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no but i also need and expensive restraint in the center area . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos what type of food would you be interested in ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos molecular gastronomy eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A
+bos i do not have any of that sort of food . shall i try another ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O Restaurant-Request+Food
+bos yes , please try italian food . eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos might i suggest clown 's cafe ? it 's an expensive indian restaurant located in the centre . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area O O O O N/A
+bos that would be great , could you get me the phone number , address , and postcode please ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i 'm confused , are you interested in indian or italian food ? eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i definitely want italian food , please . eos O O O O O O O O O N/A
+bos ok , would you like more info on clowns cafe to a booking ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O general-reqmore
+bos phone number , address and postcode please eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the clowns cafe is located at 54 king street city centre . their postcode is cb11ln and they can be reached at 01223355711. will that be all today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore
+bos that is all thank you . eos O O O O O O O general-thank
+bos im happy i was able to help . gooday eos O O O O O O O O O O general-welcome,general-bye
+bos good day to you as well . again , thank you so much . good-bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos please reach out to us again , if we can be of further assistance . good-bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a hotel in the west of cambridge . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos i have huntingdon marriott and the cambridge belfry . both have 4 stars and offer free internet and parking . would like to book a room ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that wo n't be necessary . are they cheap ? eos O O O O O O O O O O O N/A
+bos the huntingdon marriott hotel is in the expensive price range . i have the cambridge belfry also in the west in the cheap price range . would you like to book ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform
+bos yes please , as long as internet and parking are free . there are 7 of us arriving on wednesday for 5 nights . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos i have made the reservation . the reference number is 51b4z8i7 . is there anything else you need today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train that departs from cambridge and arrives by 10:15. eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos what will be your destination and what day will you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos i will be travel on monday and my destination is bishops stortford . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i have 3 trains matching your request . the 3 trains leave on monday at 05:29 , 07:29 , and 09:29. was there one that you preferred ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what is the travel time of the 09:29 train ? eos O O O O O O O O O O O Train-Request+Duration
+bos the duration of the 9:29 train is 38 minutes , arriving at 10:07. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Arrive O N/A
+bos great ! thanks for the help . good bye ! eos O O O O O O O O O O O general-bye
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome
+bos i want to find a place to eat called saigon city . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos certainly , they are in the north area , the address and postal code is 169 high street chesterton chesterton , cb41nl . can i assist with anything else ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos yes , do you know how much it is ? eos O O O O O O O O O O O N/A
+bos yes , it is in the expensive price range . eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A
+bos can you book a table for 1 at 11:00 on tuesday ? eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : uwrmv7gh . is there anything else i can assist you with today ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos actually yes , i 'm looking for a train out of cambridge . any train leaving after 09:30 will do . eos O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O O O O O O N/A
+bos i can help you with that ! what is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,general-greet
+bos leaving cambridge any time after 09:30 and i am going to london liverpool st on friday eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos i have train tr5212 leaving at 17:59 and arriving at 19:27. would you like reservations ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos no thanks , i just need to know the price for it . eos O O O O O O O O O O O O O O Train-Request+Price
+bos the price for tr5212 is 16.60 pounds per ticket . is there any more information i could give you today ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O general-reqmore
+bos thank you , that 's all i need today . eos O O O O O O O O O O O general-thank
+bos have a lovely day , goodbye ! eos O O O O O O O O general-bye
+bos i need help booking a train to cambridge today . eos O O O O O O O O B-Train-Inform+Dest O O N/A
+bos there are many trains going to cambridge today . where are you leaving from and what time do you want to depart or arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave
+bos i want to leave london kings cross on monday and arrive by 18:15. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos i have train tr7556 arriving at 18:08 , is that okay ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos i will need that for eight people . eos O O O O O O O O O N/A
+bos great your booking was successful and your reference number is tesiirj1 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks can you also help me find some food ? eos O O O O O O O O O O O general-thank
+bos absolutely ! what type of cuisine are you interested in trying ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos the restaurant should serve italian food and should be in the south.the restaurant should be in the expensive price range eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O N/A
+bos frankie and bennys fits your criteria , shall i book you a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please , for the same group of people on the same day at 21:00. eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : ua39mmkx . you 're all set . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , thanks that 's all goodbye eos O O O O O O O O general-bye
+bos thank you for calling and enjoy your dinner . eos O O O O O O O O O O general-bye
+bos i need a train from leicester that leaves after 14:30. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A
+bos ok thank you . i would like to book a ticket on tr4351 since that is the closest time you guys have . eos O O O O O O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O O N/A
+bos does that train leave on wednesday and go to cambridge ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A
+bos the earliest train that day leaves at 15:09. do you want to book it ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos what time will it arrive ? how many minutes does it take to get there ? can you tell me the price ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos it arrives at 16:54 and is 37.80 pounds . is there anything else you need ? eos O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos can you tell me what the total travel time is for the entire ride ? eos O O O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 105 minutes . is there anything else you need ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos i 'm also looking for a expensive indian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos what area would you like the indian restaurant to be in ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Restaurant-Request+Area
+bos i would like it in the west please . eos O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i found 5 restaurants that are expensive indian restaurants in the west area . do you want information on all of them ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A
+bos no , just pick one and book it and provide me with the reference number please . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos what day , time , and party size would you like to book ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos just a table for 1 at 18:45 on wednesday please eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have booked your table for 1 on wednesday at 18:45 at cocum . they will hold your table for 15 minutes . your reference number is : jz2xd42n . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's great you 've been a big help . eos O O O O O O O O O O O N/A
+bos glad i could help , have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for an expensive hotel in the south of town . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos the lensfield hotel should fit your needs perfectly , would you like for me to set up a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos does that hotel have a 3 star rating ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos indeed it does . does it sound like somewhere you 'd like to stay ? eos O O O O O O O O O O O O O O O O Hotel-Select
+bos i do not need any free parking . is there any expensive hotel in the south with 3 stars and no parking ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O N/A
+bos no , there is not . the only expensive 3-star hotel in the south is the lensfield hotel and it has parking . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Parking
+bos okay , i need to book it for seven people 5 nights starting tuesday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i booked it for you . your reference number is alydozkz . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you ! i also need to book a train to cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos there are many options . could you please tell me where you are travelling from , on what day , and possibly at what time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,Train-Request+Depart
+bos i need a train going to cambridge that arrives at 11:30. i will depart from kings lynn . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are multiple trains that match the criteria you listed . can you please provide the day you will be traveling on ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i will need that for tuesday as well . eos O O O O O O B-Train-Inform+Day O O O N/A
+bos train tr1704 leaves kings lynn at 10:11 and arrives at cambridge by 10:58 , making the travel time 47 minutes . the cost is 9.80 pounds . are you interested in booking ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos yes , please book this train for 7 people . i also will need the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O N/A
+bos the booking was successful , the total fee is 68.6 gbp payable at the station . reference number is : jeq34of0 . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos that was it . thanks so much for your help . eos O O O O O O O O O O O O general-thank
+bos i 'm glad i could help you with your accommodations and travel needs . good bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i need to find the autumn house hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the autumn house hotel is a cheap guesthouse on the east side , located at 710 newmarket road . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos do they have free parking there ? eos O O O O O O O O Hotel-Request+Parking
+bos yes , the autumn house has free parking ! would you like to make a reservation ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , can you please and send me the reference number ? eos O O O O O O O O O O O O O N/A
+bos ok. how many days will you be staying ? eos O O O O O O O O O O Booking-Request+Stay
+bos 5 days and i need postcode and entrance fee eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i also need to know how many days and what day you will be staying . eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos right , as i states above , 5 days please . eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos you are booked . your reference number is xpcari17 eos O O O O O O O O B-Booking-Book+Ref O N/A
+bos can you also find a swimming pool i can visit ? eos O O O O O O O O O O O O N/A
+bos there are 2 pools in the north , one in the center and one in the east . which do you prefer ? eos O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O Attraction-Select
+bos could i get the postcode and entrance fee for the one in the east ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i 'm afraid i do n't have the entrance fee , but the postcode is cb58nt . can i help with anything else ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos i need a taxi as well ? eos O O O O O O O O Taxi-Inform
+bos where is your departure site and destination ? eos O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart
+bos i need to leave from autumn house to a swimming pool eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O N/A
+bos i would love to help . when would you like to arrive or leave by ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to arrive by 05:15. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos alright a yellow volkswagen has been booked it will have you to the pool by 05:15. your confirmation number is 07422806466. is there anything else i can assist you with ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that will be all thank you eos O O O O O O O general-thank
+bos have a nice day and thank you for contacting us . eos O O O O O O O O O O O O general-bye
+bos hi i need to book a guesthouse with free wifi in cambridge please eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos did you have a price range in mind , or a particular section of the city ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like one in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos great , i have several options for you . is there an area of town you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos anywhere in town , need two rooms for three people for 5 nights beginning on monday next week . can you give me a confirmation number as well , please ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O O N/A
+bos i have the a and b guesthouse in the east that is a 4 star moderatly price guesthouse . would you like to make reservations ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos yes . i need it for three for five nights starting from monday on . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i have successfully booked . reference number is : 7ppqg9q1 eos O O O O O O O O O B-Booking-Book+Ref O N/A
+bos i 'm also looking for an attraction to go to in the centre . do you have any recommendations ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos yes , i would suggest the old schools . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos excellent . what 's the postcode ? eos O O O O O O O O Attraction-Request+Post
+bos the postcode is cb21tt . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos that is everything , you were so helpful . eos O O O O O O O O O O N/A
+bos you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome,general-bye
+bos i want to find kettle 's yard located in cambridge . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A
+bos it is located in castle street and got free entrance . can i give you the contacts ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A
+bos yes i would like all the contact info please . eos O O O O O O O O O O O N/A
+bos their number is 01223748100 .they are located on castle street and their postcode is cb30aq eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O N/A
+bos what is the entrance fee for kettle 's yard ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos there is no entry fee . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos i also need a place to stay that is a hotel and includes free parking and has a rating of 2. eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos what side of town would you like to be on ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos the area does n't matter . what would you recommend ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i have 3. the 2 in the north are moderate priced and the one in the east is expensive . would you like me to book one for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you give me the phone numbers for them ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos okay , the number for ashley hotel is 01223350059. the number for express by holiday inn cambridge is 01223866800 , and the number for lovell lodge is 01223425478. eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone I-Hotel-Inform+Phone O N/A
+bos okay thanks . that was all i needed to know for now . eos O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your stay ! eos O O O O O O O O general-bye
+bos i 'd like to know if there 's a swimming pool to go to in the center of cambridge ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos parkside pools is located in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos please get me their address . eos O O O O O O O Attraction-Request+Addr
+bos their address is gonville place . phone is 01223446100. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O N/A
+bos thank you appreciate the fast info . i am also looking for a guesthouse . can you help me book it ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i 'd like a moderately priced hotel in the centre by the pool . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are n't any guesthouses that match your criteria in the center , however there are many in the north , south , east , and west . would you like one of these areas instead ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O B-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O N/A
+bos north sounds good . eos O B-Hotel-Inform+Area O O O N/A
+bos sounds good there are 9 choices in the north but i recommend avalon , would you like more info or a booking ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes , please book it for 5 people for 5 nights starting from saturday . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos do you want me to book you at any hotel of my choosing ? eos O O O O O O O O O O O O O O O Booking-Inform
+bos you said the avalon..that sounds fine . eos O O O O B-Hotel-Inform+Name O O O N/A
+bos done ! the reference number is t1xhlk4i . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos lastly , i will need a taxi from the avalon to to the parkside pools by 24:30. eos O O O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O N/A
+bos the car will be a grey honda and their contact number is 07399252807. is there anything else i can assist you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , thanks a bunch . that 's all . goodbye eos O O O O O O O O O O O O general-bye
+bos have a good evening . bye . eos O O O O O O O O general-welcome,general-bye
+bos i have a particular attraction i want to see , can you help ? eos O O O O O O O O O O O O O O O Attraction-Inform
+bos yes can you give me the name of it ? eos O O O O O O O O O O O Attraction-Request+Name
+bos milton country park eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos it 's a free park on the north side of town . you can find it at milton country park , milton . eos O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O N/A
+bos could i get the phone number for that ? eos O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223420060. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore
+bos can i get the address for milton county park and the entrance fee ? i would also like to look for a cheap hotel in the centre with free wifi . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos there is no entrance fee to the park . the only address i am showing is milton county park , milton . i have two guest houses that meet your criteria . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O N/A
+bos i need the hotel to be cheap as well . i would like it booked for 2 people for 3 nights starting on wednesday please . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i 'll book you in the alexander bed and breakfast ; it 's quite good . your reference number is 1d3axx7x . is there anything else i can help you with ? eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos that is all , thank you ! eos O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre , and enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O O general-bye
+bos hello . i am excited to see some local tourist attractions on my trip to cambridge . can you suggest some places to go ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos all saints church is available in the centre of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos i will be in the east and am wondering if there is a concerthall . eos O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O N/A
+bos no , there are no concert halls in the east . what else can i assist with ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O general-reqmore
+bos can you tell me if there are any swimming pools located in the east ? eos O O O O O O O O O O O O O O O O N/A
+bos i have one and it is abbey pool and astroturf pitch . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos can you give me more information on abbey pool . eos O O O O O O O O O O O N/A
+bos sure ! it 's located on poolway , whitehill road , off newmarket road . their phone number is 01223902088. anything else i can help you with ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay in the east , moderately priced and with wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O N/A
+bos warkworth house appears to fit your needs . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos does it also have free parking ? i forgot to mention i 'll be needing that too . eos O O O O O O O O O O O O O O O O O O O N/A
+bos it does have free parking , yes . would you like me to book you any rooms ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos i would ! can you do that for me ? eos O O O O O O O O O O O N/A
+bos yes , just let me know the details of your stay and i can book a room for you . eos O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i need a room for three nights for 5 people eos O O O O O O O O O O O N/A
+bos what day will you be checking in ? eos O O O O O O O O O Booking-Request+Day
+bos i am checking in on friday for an extended weekend holiday . eos O O O O O O O O O O O O O N/A
+bos how many days will you be staying ? eos O O O O O O O O O Booking-Request+Stay
+bos oh gosh , i guess you must have missed it . i did say friday for 3 nights , 5 people . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Booking-Inform
+bos yes , please . is n't that the point of this conversation ? eos O O O O O O O O O O O O O O N/A
+bos i have made those reservations and your reference number is mud82719 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . sorry for the confusion . i will also be needing a taxi . eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos where will you be going ? eos O O O O O O O Taxi-Request+Dest
+bos for commuting between the two places discussed . eos O O O O O O O O O N/A
+bos what time would you like to leave by ? eos O O O O O O O O O O Taxi-Request+Leave
+bos i want leave the hotel by 18:00. eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! booked car type grey teslacontact number 07501896564 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos i am all set , thanks . eos O O O O O O O O general-thank
+bos goodbye , enjoy your time . eos O O O O O O O general-bye
+bos how much is the bus in the north . eos O O O O O O O O O O N/A
+bos i 'm sorry . i 'm unable to search for buses without more information . eos O O O O O O O O O O O O O O O O N/A
+bos i actually need a place to stay . in the north , 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O N/A
+bos i have 2 moderate priced hotels , the ashley or lovell lodge . would you like to book one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform,Hotel-Select
+bos are either a guest house ? eos O O O O O O O N/A
+bos neither one is a guesthouse . there are none in the area . would you like to try another type/ eos O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O Hotel-Request+Type
+bos yes , how about a hotel ? eos O O O O O B-Hotel-Inform+Type O O N/A
+bos i suggest the ashley hotel as it meets your needs . would you like me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . there will be 3 of us arriving on wednesday . we would like to stay for 5 nights . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos your set , reference # is 9dawcuzt , anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O general-reqmore
+bos i would also love a suggestion of something to do in the city . something in the north would be preferred . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos riverboat georgina is in the north , it 's a lovely boat ride . would you like their contact information ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O O O general-reqmore
+bos yes , please provide their contact info . eos O O O O O O O O O N/A
+bos they are at cambridge passenger cruisers , jubilee house with postcode cb43ax . do you need a phone number ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos no , thank you . i will need a taxi , though . eos O O O O O O O O O O O O O O Taxi-Inform
+bos where will you be going and at what time ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest
+bos i want to leave the riverboat georgina at 5:30 to go to the ashley hotel eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos you are all set . it will be a black volvo , contact number 07357442363. is there anything else i can assist you with today ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos no , that 's it for today . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome,general-bye
+bos can you tell me if there are any cinemas in the west part of town ? eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos i 'm sorry , but there are no cinemas in that part of town . eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O N/A
+bos okay could you check for museums instead ? eos O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 7 museums in the west area . cambridge and county folk museum is one of them . would you like information on it ? or i can tell you about some others . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos county folk sounds good . can i get the address please ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos the address for cambridge and county folk museum is 2-3 castle street . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thank you , i also need a place to stay in the south with free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos there are 3 guesthouses and 1 hotel . all offer free wifi . do you have a preference of the area or type ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area,Hotel-Inform+Internet
+bos im sorry , can i get the phone number and postcode for the museum first ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos phone number is 01223355159 and the post code is cb30aq . what did you have in mind for the hotel ? eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos are you sure ? the hotel is expensive and the guesthouses are either cheap or moderate price range . i can help you further . eos O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O B-Hotel-Select+Price O O O O O O O O O O O O general-reqmore
+bos yes , actually . i 'd like a guesthouse in the south that has free wifi . price does n't matter to me , i just want to make sure i can connect to the internet . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can suggest the lensfield hotel . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos great . i 'll be needing to arrive on sunday . eos O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i do apologize , the lensfield hotel is not a guesthouse . if star rating is n't important , may i suggest bridge guest house ? they are fantastic . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O N/A
+bos yes please . i need a reservation for 3 people please . eos O O O O O O O O O B-Hotel-Inform+People O O O N/A
+bos how many days will you be staying at the hotel ? eos O O O O O O O O O O O O Booking-Request+Stay
+bos i will be staying for five nights . eos O O O O O O O O O N/A
+bos your reference number is p3pezywq . eos O O O O O B-Booking-Book+Ref O N/A
+bos i also need a taxi . eos O O O O O O O Taxi-Inform
+bos nice where from , and what is your destination request ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need it to leave my hotel by 19:00 and take me to the attraction . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A
+bos your taxi has been booked ! it will be a black ford and contact number is : 07124284488. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos i 'm looking for a hotel to stay at during my trip to cambridge . i 'd like it to be in the centre . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos what price range are you interested in ? eos O O O O O O O O O Hotel-Request+Price
+bos the expensive price range . eos O O B-Hotel-Inform+Price O O O N/A
+bos i would suggest the university arms hotel . it is a 4 star on regent street . would you like me to book it for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos yes , please . there are 7 people in my group and we will be staying 4 nights , starting on wednesday . eos O O O O O O B-Hotel-Inform+People O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos booking was successful.reference number is : 36ia96oc . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for places i should check out . is there an entertainment attraction in the same area as the hotel ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are n't any entertainment options in the centre . do you have another choice ? eos O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O O O O O N/A
+bos okay , what about a college in the same area ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos i have 13 to choose from . i suggest corpus christi college located at king 's parade . eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos thank you for using the cambridge towneinfo center . goodbye . eos O O O O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a theatre in the center of town , please . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos there are 4 theatres located in the centre of cambridge . they are adc theatre , cambridge arts theatre , mumford theatre and the cambridge corn exchange eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos what is the entrance fee and address of the adc theatre ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Fee,Attraction-Request+Addr
+bos adc theatre is located on park street . i am unsure of the entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos alright that 's fine . can i get a train that departs from london liverpool street and arrives there by 19:30 ? eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O N/A
+bos is this for today ? eos O O O O O O Train-Request+Day
+bos i would like to leave on sunday please . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos there are 7 trains to cambridge that will arrive before 19:30. tr82260 arrives at 19:07 and departs at 17:39.would you like to book this train ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O B-Train-OfferBook+Leave O O O O O O O N/A
+bos i do n't need to book right now . i just need the trainid and the ticket price , please . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos sure , the price for tr8260 is 13.28 gbp per ticket . is there anything else i can help you with today ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos no thank you , that will be all . eos O O O O O O O O O O general-thank
+bos okay , have a good day . goodbye . eos O O O O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform
+bos i can help you with that . the hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O O O O O O O N/A
+bos may i also have the phone number please ? eos O O O O O O O O O O Hospital-Request+Phone
+bos the phone number is 01223245151 eos O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos goodbye , and thank you for using our service . eos O O O O O O O O O O O general-bye
+bos i need a train that goes from broxbourne to cambridge please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos what is your departure day and time ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to depart on thursday and arrive by 08:30. i do not care when i depart . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos tr5725 leaves at 0632 and arrives at 0732. would you like me to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , thank you . eos O O O O O O general-thank
+bos i 'd be happy to book that for you . how many tickets do you need ? eos O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos just one . may i have the reference number for that ? i would also like information for visiting a park in the town center . eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O Train-Request+Ref
+bos i 've booked the train . your reference number is dql62wqr . there is one park in the centre - the cambridge university botanic gardens . what information are you interested in ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A
+bos i would like the postcode , address and a phone number , please . eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos postcode is cb21jf , address is bateman street , and phone number is 01223336265. thank you eos O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O general-welcome
+bos amazing , thank you ! eos O O O O O O general-thank
+bos will there be anything else i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no , looks like i have everything i need . thanks so much . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos enjoy your trip and please do not hesitate to give me a call if you need further assistance . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking to take a train on friday from stevenage . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos i have 10 trains departing from stevenage on friday . they depart every 2 hours beginning at 05:54. can i book one for you ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos book me the train leaving at 7:54 please . eos O O O O O O O O O O Train-Inform
+bos that 's fine . how many tickets would you like ? eos O O O O O O O O O O O O Train-Request+People
+bos just one ticket please . can you also tell me the arrival time ? eos O O O O O O O O O O O O O O O Train-Request+Arrive
+bos you will arrive by 08:43 and your reference number is w1rie69y . eos O O O O O B-Train-OfferBooked+Arrive I-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O N/A
+bos i am looking for some entertainment in town . eos O O O O O O O O O O N/A
+bos do you know what you are looking for ? do you want a museum or maybe the cinema ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos what museums are there ? eos O O O O O O N/A
+bos there is broughton house gallery located in the centre or cambridge artworks located in the east . both are free . do either work for you ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Price O O O O O O O O N/A
+bos they both work for me . can i have the addresses of both please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos broughton house gallery is located at 98 king street and cambridge artworks is at 5 greens road . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos i think broughton house gallery will work better for me . can you tell me the entrance fee , please ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos the broughton house gallery is free entrance . can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos no , i think that does it . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you , have a great day ! eos O O O O O O O O O general-greet
+bos i am looking for addengrookes hospital . eos O O O O O O O O Hospital-Inform
+bos the address is hills rd , cambridge with postcode cb20qq . eos O O O O O O O O O O O O N/A
+bos thanks , that 's all i need . good bye . eos O O O O O O O O O O O O general-bye
+bos thank you for contacting us . please let us know if you need anything in the future . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos hello , i 'm looking for places to go located in the south part of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos are you looking for any specific type of entertainment ? there is an art museum and cinema in the south part . would you like an address ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type,general-reqmore
+bos can i get the address for the cinema ? eos O O O O O O O O O O Attraction-Request+Addr
+bos it is located at cambridge leisure park , clifton way . did you want the phone number and postcode ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos please do give me the address and also if you could i am looking for a train as well to depart from cambridge and head down to london liverpool street . eos O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O Attraction-Request+Addr
+bos the cinema is at cambridge leisure park , clifton way . what day would you like to depart cambridge and at what time ? eos O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to go on sunday , sometime after 16:00. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos i have four trains leaving after 16:00 , the first at 17:59 , arriving at 19:27 , and then leaving at 2 hour intervals with the last at 23:59 arriving 1:27 monday . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O N/A
+bos i take the first one at 17:59. may i have the price and train id ? eos O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos sure , the train id for the 17:59 departure is tr7713 and the price is 13.28 pounds . would you like me to book you a ticket ? eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos yes i would like you to book a ticket and may i have the reference number please . eos O O O O O O O O O O O O O O O O O O O N/A
+bos your ticket has been booked and your reference number is xwbrqzht . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you for your help , that is everything i needed . eos O O O O O O O O O O O O O general-thank
+bos i 'm happy to be of service . enjoy the rest of your day ! eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should have a star of 4 and should include free parking eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos i have found 19 possible choices . do you have a specific area in mind ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos no , it just needs to be cheap . eos O O O O O O O B-Hotel-Inform+Price O O N/A
+bos how about leverton house ? it looks lovely . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos sounds good . can i get it for 7 people and 4 nights from thursday please ? eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos book another day or a shorter stay please eos O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos ok , try for 2 nights . eos O O O O O B-Hotel-Inform+Stay O O N/A
+bos wonderful . your booking was succesful . the reference number is 3hw0o0hd . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you so much for all of your help ! eos O O O O O O O O O O O general-thank
+bos you 're welcome . may i help with something else , like a restaurant or attraction ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos no that was all i needed . thanks again . eos O O O O O O O O O O O general-thank
+bos you 're most welcome . goodbye . eos O O O O O O O O general-bye
+bos i need to find the police station closest to me please . eos O O O O O O O O O O O O O Police-Inform
+bos the police station is at parkside , cambridge . eos O O O O O O O O O O N/A
+bos what is the address and phone number for that station ? eos O O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone
+bos the number is : 01223358966. the address is : parkside , cambridge . can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get the postcode ? eos O O O O O O O Police-Request+Post
+bos the postcode is cb11jg eos O O O O O N/A
+bos thank you very much for your help eos O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no , that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos you are welcome , have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos are there any hotels with a star of 4 i can stay at ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos yes , there are 21 4 star hotels to choose from , do you have a price range in mind that you 'd prefer ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos yes , are there any in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i found 11. would you like to specify an area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area
+bos do n't care . i am looking for free parking at the hotel though . which ones have that ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 5 hotels would you like a certain area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area
+bos just pick one of the hotels . i just want a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos might i suggest the limehouse . they offer free parking and free internet . they are located in the north at 78-80 milton road . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , please . i also need a train on tuesday . eos O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos i can help you with that , but first , i 'll need more info . what are your departure and arrival locations ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos tuesday after 08:00 , please . leaving cambridge for birmingham new street . eos O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos if you want to depart after 8:00 , i can get you on the 8:01 out of cambridge . it will arrive at 10:44. eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O Train-OfferBook
+bos okay . i need to book that for one person . please let me know the reference number . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos the booking of tr2164 was successful , the total fee is 75.09 gbp payable at the station . reference number is : nxksu2zz . is there anything else i can help you with ? eos O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos that should be all . thank you . eos O O O O O O O O O general-thank
+bos have a wonderful day ! eos O O O O O O general-bye
+bos i am looking for a train . the train should depart from peterborough and should arrive by 13:00. eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O N/A
+bos we have the tr6932 arriving in cambridge at 11:38. does that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos only if it leaves on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos yes , tr4669 goes from peterborough to cambridge on thursday . would you like to book tickets on this train ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O Train-OfferBook
+bos yes i would like tickets for 2 people and the reference number please . eos O O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos alrighty , your booking was successful ! the total fee is 33 gbp payable at the station , reference number ln7isgwv . is there anything else i can help you with today ? eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O general-reqmore
+bos yes . i am also looking for museums to go to in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are many fine museums in cambridge , do you have a preferred area or price range ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Price
+bos not really . can you give me a list of museums ? eos O O O O O O O O O O O O O N/A
+bos the broughton house gallery is a museum in south cambridge and the cost of admission is free . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee O N/A
+bos fantastic . could you provide me with the phone number for that museum ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for the broughton house gallery is 01223314960. can i help with anything else today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos that should be it thank you eos O O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos yes , i am looking to book a train to cambridge this thursday . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there are a number of trains to cambridge . what is your departure location please ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from leicester . i need to reach cambridge by 21:45. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos train tr8530 leaves leicester at 19:09 and arrives in cambridge at 20:54. does that sound good ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O O N/A
+bos yes , i will also need the price please . eos O O O O O O O O O O O Train-Request+Price
+bos sure . the price is 37.80 pounds and the id is tr8530 . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O N/A
+bos great thanks and i 'm also looking for places to go in town which should be in the centre . can you please help ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos the all saints church is free eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee N/A
+bos that sounds interesting ; can you suggest something else ? eos O O O O O O O O O O O N/A
+bos how about cambridge contemporary art , they are also free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O N/A
+bos sure , could you provide me the address for that ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos the address is 6 saint edward 's passage . is there anything else i can help with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos no , i have everything i need . eos O O O O O O O O O N/A
+bos great . have a great day . eos O O O O O O O O general-bye
+bos i would like a restaurant in centre city serving spanish food . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos la raza is a spanish restaurant in the city centre that is in the cheap price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos please give me la raza 's address and postcode . please give me la raza 's phone number . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address for la raza is 4 - 6 rose crescent , and the postcode is c.b 2 , 3 l.l . la raza 's phone number is 01223 464550. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you ! eos O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos goodbye ! eos O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i want to find an expensive restaurant in the east part of town . what is the phone number and type of food ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food
+bos grafton hotel restaurant serves british food , is in the east part of town and in the expensive price range . their phone number is 01223 241387 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos ok , thank you . eos O O O O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos i am looking for a cheap restaurant in the west part of town . could i get the address and phone number please ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos la margherita is an italian restaurant in the west part of town that is cheap . would you like their address and phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore
+bos yes , please . eos O O O O O N/A
+bos thank you . eos O O O O general-bye
+bos we want info about a particular attraction , christ 's college . eos O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O N/A
+bos christ 's college is located on saint andrew 's street . for additional information , the phone number is 01223334900. it has free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O O N/A
+bos what area is that in ? eos O O O O O O O Attraction-Request+Area
+bos it 's right in the center of town . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A
+bos can you help me find a restaurant as well ? eos O O O O O O O O O O O Restaurant-Inform
+bos sure , i can help you with that . what kind of food were you looking for ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos what was christ 's college 's address please ? eos O O O O O O O O O O Attraction-Request+Addr
+bos yes , christ 's college is on saint andrew 's street . what type of food would you like to eat at the restaurant ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O O O O Restaurant-Inform,Restaurant-Request+Food
+bos i 'm sorry , i 'm so confused and stressed from planning this trip . i do not need a restaurant , i need a train for saturday . eos O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O N/A
+bos where are you departing from and where would you like to go ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm departing london liverpool street on saturday and i want to be in cambridge by 13:45. eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos train # tr4330 leaves at 11:39 and arrives in cambridge at 13:07. would you like to book a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos no , that will be all for today . thank you so much ! eos O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . please call back if there 's anything else we can do for you . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos is there any expensive restaurants in town serving australian food ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , there are no australian restaurants . would you like another type of food ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about asian oriental food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos kymmoy is an expensive asian oriental restraunt in town . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos what is the phone number and area ? eos O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone
+bos kymmoy is in the centre of town and the phone number is 01223 311911. may i help you with anything else ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos thank you , i have all i need . goodbye ! eos O O O O O O O O O O O O general-bye
+bos you 're welcome . thanks for your call ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap restaurant in the south part of town . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos nandos is a portuguese restaurant in the south of town and is in the cheap price range . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos can i have the address and phone number ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 3-34 saint andrews street , and the phone number is 01223 327908. do you need anything else ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O general-reqmore
+bos no , thank you goodbye eos O O O O O O general-bye
+bos have a wonderful day and enjoy your food . eos O O O O O O O O O O general-bye
+bos i would like a restaurant in the south part of town that serves jamaican food eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O N/A
+bos there are no restuarants on the west side of town the serves jamaican food . is there another type of food you woluld like ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Food
+bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos peking restaurant serves chinese food , it is in the expensive price range , and it is in the south part of town . would you like the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O general-reqmore
+bos just their address , please . eos O O O O O O O Restaurant-Request+Addr
+bos the peking restaurant is at 10 homerton street city centre . can i be of further help ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos no thank you . goodbye . eos O O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos hi , i need a place to stay in the north please . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos absolutely . there are two hotels and a number of guesthouses in that area . do you have a preference ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type I-Hotel-Inform+Area O O O O O O O O Hotel-Select,general-greet
+bos i 'd like a moderately priced place that offers free parking and wifi . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos i have many to choose from do you prefer a guesthouse or hotel with these amenities ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A
+bos i 'd prefer a hotel . eos O O O O B-Hotel-Inform+Type O O N/A
+bos we have two places , ashley hotel and lovell lodge , would you like more info on either of those ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O general-reqmore
+bos i 'd be interested in the ashley hotel . i would like places to go around the area that are multiple sports attractions . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are no matches for multiple sports in the north , i can look up something else . also wanted to double check , do you still want info on ashley hotel ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos how about you look for a type of boat . eos O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos there is the riverboat georgiana in that area . there is no entrance fee listed , but would you like the phone number ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes , please give me the phone number . that sounds great ! eos O O O O O O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223902091. eos O O O O O B-Attraction-Inform+Phone N/A
+bos thank you . that 's all . eos O O O O O O O O general-thank
+bos thanks for using our service today . have a good day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to eat . something moderately priced , in the center . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos yes , there are lots of options for you . what type of food are you looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't really have a type of cuisine in mind . maybe you could recommend someplace moderately priced and in the centre of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can recommend the yippee noodle bar it is asian oriental . does that sound ok ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O general-reqmore
+bos sounds great , can you book it or 2 people at 15:30 om monday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ugf14fpi . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i am looking for some places to go in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O N/A
+bos you are in luck . the center has colleges , architecture , boats , museums , concert hall , nightclubs , park , swimming pool , and theatres . which one appeals to you ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O general-reqmore
+bos please select your favorite and then give me the phone number and entrance fee information eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos i would suggest holy trinity church . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds great , can i please have their phone number and information about their entrance fees ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos their phone number is 01223355397 and it is free to enter . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O N/A
+bos free is the best price , thank you , that is all i need eos O O O O O O O O O O O O O O O general-thank
+bos okay , great . have a wonderful trip . goodbye . eos O O O O O O O O O O O O general-greet
+bos i need a taxi to arrive by 16:45 to take me to the parkside police station . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos where would you like the taxi to pick you up ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos i actually need to be picked up from the parkside police station . sorry about taht . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A
+bos that 's okay . where is your destination ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i am wanting to go to stansted airport train station . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos your taxi booking is a yellow volkswagen with the contact number of 07339912841. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A
+bos that 's all i need thanks eos O O O O O O O general-thank
+bos are you sure there 's nothing else i can assist you with today ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , i 'm good for today . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos hey , are there any interesting attractions in towncentre today ? eos O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos great saint mary 's church is an architecture location in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A
+bos great . what is the phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Phone
+bos the phone number is 01223350914. eos O O O O O B-Attraction-Inform+Phone N/A
+bos thank you , are there in korean restaurants in the centre area ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there is little seoul located at 108 regent street city centre . would you like to book a table there ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos no thanks . i do need the phone number and post code . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos sure ! their phone number is 01223308681. their postcode is cb21dp . anything else i can help with ? eos O O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos thanks . i will need a taxi to get from the church attraction to the restaurant , please . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Attraction-Inform
+bos what time would you like taxi to pick you up from the church ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i 'd like to leave at 11:45. can i have the contact number and car type please ? eos O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car
+bos a grey vw will pick you up , and the contact number is 07216248494. can i help you with anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that is all , thank you ! eos O O O O O O O O O general-thank
+bos you are very welcome . good day . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for somewhere in south cambridge with multiple sports attractions . eos O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are none available , do you have another attraction ? eos O O O O O O O O O O O O Attraction-Request+Type,Attraction-NoOffer
+bos okay . can you search for some entertainment in the south part of town ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos i have two places . nusha and tipin . which would you prefer ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Select
+bos i would like nusha . can you give me the phone number and address for nusha ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address for nashua is unit g6 , cambridge leisure park , clifton road . phone number is 01223902158. eos O O O O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O N/A
+bos i also need an irish restaurant that is expensive . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A
+bos what area would you like ? eos O O O O O O O Restaurant-Request+Area
+bos the area does n't matter . eos O O O O O O O N/A
+bos i 'm not seeing any expensive irish restaurants . is there a different type of food you might want ? eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food
+bos how about one that serves mediterranean food . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos la mimosa is located in the centre and is expensive . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A
+bos that sounds great ! can you check and see if we can get a reservation on sunday at 11:15 ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos for how many people ? eos O O O O O O Booking-Request+People
+bos i 'll need a table for 3 people please . eos O O O O O O O B-Restaurant-Inform+People O O O N/A
+bos i was able to book a reservation for three people at la mimosa for sunday at 11:15. your reference number is 49pn9e3w . is there anything else i may help you with ? eos O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that will be all today , thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need to leave from cambridge on wednesday . can you help me find a train ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O N/A
+bos we have several that fit the bill , do you have a destination ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Dest
+bos i would like to go to ely , and arrive by 17:45. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos do you have a time you would like to leave ? eos O O O O O O O O O O O O Train-Request+Leave
+bos i want to leave as late as possible and still arrive by 17:45. eos O O O O O O O O O O O O O O N/A
+bos i can book you on the tr6745 leaving at 15:50 and arriving at 16:07. eos O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive N/A
+bos that sounds wonderful ! eos O O O O O N/A
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos i do n't need a ticket , i just need to know the price and travel time , please . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos that train will leave at 15.50 and arrive at 16:07. the cost is 4.40 pounds . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A
+bos great . i also need a multiple sports attraction in the centre of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i dont happen to have any multiple sports venues in the centre . would you like me to find something else ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O general-reqmore
+bos what about architecture in the centre ? eos O O O B-Attraction-Inform+Type O O O O N/A
+bos i recommendvlittle saint mary 's church do n't let the name fool you , they are large and have a lot to see , would you like more information ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos can i get the address , please ? eos O O O O O O O O O Attraction-Request+Addr
+bos the address is little saint mary 's lane . is there anything else you need to know ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos it was nice talking to you . if you need assistance in the future , please do n't hesitate to text us again . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hi , i would like info about museums i could visit on the west side . eos O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O N/A
+bos sure , there are several . most are free . my favorite one with free admission is kettle 's yard on castle street . it is on the west side , is that area ok ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Select
+bos that one sounds great . can you give the address and hours ? eos O O O O O O O O O O O O O O N/A
+bos the address is castle street and the phone number is 01223748100. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone N/A
+bos great , thanks ! i also need a place to stay , i 'd prefer a guesthouse . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i found 24 guest houses for you . any particular area you have in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Area
+bos yes please . the north side of town and only 4 star guesthouses please . eos O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos there are 8 guesthouses on the north side of town . may i suggest acorn guest house or arbury lodge guesthouse ? both are moderate price range with 4 stars . which would you like ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Price O O O O B-Hotel-Select+Stars O O O O O O O O N/A
+bos the acorn please . can you book that ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos sure , how many days will you be staying and how many people in the room ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos actually , i 'll hold off on booking for the moment , but could i also get information about a taxi . eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos sure what would you like to know ? eos O O O O O O O O O general-reqmore
+bos first of all does the guesthouse have free internet ? that is important . first things first . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yes it has free parking and internet . eos O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos okay . i need a taxi between the hotel and the museum . eos O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i would like to leave the museum by 16:00 , please . eos O O O O O O O O O O O O O N/A
+bos ok to be clear what is your destination and your departure locations ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos do n't you have access to my previous requests ? it would be from kettle 's yard to the acorn guest house and i need to leave by 16:00. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos yes expect a red ford to pick you up and his contact number will be 07816413809. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone N/A
+bos sounds great ! i think i have everything i need now . thanks for all your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos please let us know if we can assist you in the future . have a great trip to cambridge . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for something fun to do in the south part of town . do you have any suggestions on a great attraction ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos you could check out the byard art museum . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos sure , can i learn more about it ? eos O O O O O O O O O O N/A
+bos it 's a museum on king 's parade . there 's no entrance fee . the phone number is 01223464646 to check their current attractions . eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O N/A
+bos thank you , are there any expensive restaurants in that same area ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos yes , what kind of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos the restaurant should serve turkish food . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos there is none that serves turkish food , can we look elsewhere ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O Restaurant-Request+Area
+bos how about chinese food ? are there any available for that ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos yes , there are two restaurants available . the good luck chinese food takeaway and the peking restaurant . are these suitable ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Restaurant-Select
+bos let 's go with peking restaurant . can you book a table for 6 at 18:30 on monday , please ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos i am sorry , i am unable to make that reservation . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos could you try for satrday then ? eos O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : m4co18oy . can i help you further ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i also need a taxi that will get me to the restaurant by 18:30 eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos alright i successfully booked a taxi for you . it will be a yellow toyota and the contact number is 07183586929. is there anything else you need ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos thanks so much for all of your help ! eos O O O O O O O O O O general-thank
+bos please contact us anytime . good bye . eos O O O O O O O O O general-bye,general-greet
+bos what type of food does the oak bistro in cambridge serve ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos the oak bistro serves british food . would you like to book there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O O O O Booking-Inform
+bos yes , please book a table for 5 on saturday at 16:45. may i get the reference number for that once you 've booked it please ? eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O N/A
+bos are you sure this is the location you are looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Area
+bos what do you mean ? do you have another suggestion ? eos O O O O O O O O O O O O N/A
+bos no , it just seems as though our system is experiencing an error . can you please restate your restaurant requirements ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the oak bistro for 5 people on sunday at 16:45. also i am looking for a 3 star hotel in the expensive price range with free parking . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O N/A
+bos you 're booked at the oak bistro ( ref # qujhqimg ) . there are two hotels available : one in centre and one in south . do you have a preference ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Ref O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Select
+bos no preference as long as it has 3 star , expensive price range , and free parking . i need it booked for 5 people for 5 nights starting sunday . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O N/A
+bos i 'm sorry , neither hotel is available for that booking . would you like me to try a different day or shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos is it available for 2 nights then ? eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos great your reference number is dk2czk2p . eos O O O O O O B-Booking-Book+Ref O N/A
+bos thanks . i 'll also need a taxi from the hotel to the restaurant . i need to make sure i get there by the 16:45 reservation . eos O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O N/A
+bos i have booked your taxi as well . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos could i get the contact number and type of car for the taxi please . eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos the car is a yellow tesla . contact number : 07951091729 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you . do i need a reservation number for the taxi ? eos O O O O O O O O O O O O O O Taxi-Inform
+bos no you do not need a reservation number for the taxi . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i almost forgot ; i need the hotel name , lol . eos O O O O O O O O O O O O O Hotel-Inform
+bos of course ! your reservation is at the gonville hotel . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O N/A
+bos thank you so much for your help today . eos O O O O O O O O O O general-thank
+bos no problem , you have a lovely day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap restaurant in the centre . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos i have 15 different restaurants matching your preferences , would you like a specific type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos no , any one will be fine . will you pick one and send me the phone number and postcode ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number to j restaurant is 01223307581. eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Phone N/A
+bos thank you ! i 'm actually looking for places to go in town , some type of entertainment . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos how about nusha ? it 's in the south . eos O O O B-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O N/A
+bos that sounds great . can i get the postcode and is there a entrance fee ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i do n't have any information on the entrance fee , but their postcode is cb17dy . can i help you with anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , i need a taxi to get from the restaurant to nusha . eos O O O O O O O O O O O O B-Taxi-Inform+Dest O O N/A
+bos okay , what time would you like to arrive in nusha ? eos O O O O O O O O O O O O O Taxi-Request+Arrive
+bos no , i need a taxi from nusha to the restaurant . eos O O O O O O O B-Taxi-Inform+Depart O O O O O N/A
+bos okay , what time do you need the taxi for ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos it should leave by 08:15 eos O O O O O B-Taxi-Inform+Leave N/A
+bos i booked you a grey audi from nusha to j restaurant , to pick you up at 8:15. contact number is 07366723589. is there anything else i can do ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , thank you . that 's all i need today . eos O O O O O O O O O O O O O general-thank
+bos i hope you have a great stay . goodbye . eos O O O O O O O O O O O general-bye,general-greet
+bos can you help me find a train leaving on tuesday going to cambridge ? eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A
+bos sure , where are you leaving from and any certain departure or arrival times ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave
+bos i 'm leaving from birmingham new street after 18:30 eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O N/A
+bos i have the tr6741 leaving at 18:40 how many tickets would you like ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-Request+People
+bos great ! can you book for 4 people , please ? i 'll need the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos absolutely . four tickets have been booked for this route and your reference number is 6yc0wn0e . is there anything else i can help you with ? eos O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yeah i am also looking for a hotel by the name of lovell lodge . eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos lovell lodge is a moderately-priced 2-star hotel in the north area of town . they 're located at 365 milton road , cb41sr . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Post O O O O N/A
+bos you are thorough , i would like to book my group a 4 night stay there , please . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos what day will you be arriving ? eos O O O O O O O O Booking-Request+Day
+bos i want this to be on tuesday eos O O O O O O O O N/A
+bos how many are in your group ? eos O O O O O O O O Booking-Request+People
+bos four people please . eos O O O O O N/A
+bos okay that booking was successful . your reference number is jgzhqjd7 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . that 's all for now . good bye . eos O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos get me information about kettle 's yard please eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos certainly ! kettle 's yard is a museum located on the west side of town . their address is castle street and their phone number is 01223748100. is there anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos do they charge an entrance fee ? eos O O O O O O O O Attraction-Request+Fee
+bos they do not charge an entrance fee . can i help with anything else ? eos O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos thanks , can i have the post code , please ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos sure . the postcode is cb30aq . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a train that leaves after 11:45 going to ely . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O N/A
+bos are you departing from cambridge ? eos O O O O O O O Train-Request+Depart
+bos yes on thursday eos O O O B-Train-Inform+Day N/A
+bos ok , tr5216 leaves at 11:55 would you like more info or a booking ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos can you please book me for 3 people ? eos O O O O O O O O B-Train-Inform+People O N/A
+bos you are all set , the reference number is v0hledjw , can i help with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos you have answered all my questions . i appreciate it . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos have a lovely day too. ! eos O O O O O O O general-bye
+bos find me a moderately priced french restaurant eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O N/A
+bos sorry , i could n't find any restaurants that match that . eos O O O O O O O O O O O O O Restaurant-NoOffer
+bos what about an indian restaurant in the same price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos that i can do . there are four restaurants available that meet the criteria . i 'd recommend meghna . would you like to book a table ? eos O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos you 're very welcome . have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos actually , i 'm also looking for a train . i 'll need it to go to cambridge on sunday . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O N/A
+bos there is a train leaving london kings cross at 05:17. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos i 'm looking for one that arrives by 16:15 , ideally . eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos train id tr6578 will be perfect for you . it will be arriving cambridge from london liverpool street by 15:07 except if you do not want to depart from london liverpool street . eos O O O B-Train-Inform+Id O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Arrive O O O O O O O O O O O O O O N/A
+bos perfect book for 5 people eos O O O O O B-Train-Inform+People N/A
+bos booking was successful , the total fee is 66.39 gbp payable at the station .reference number is : gaz4rcn9 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you that is all i need . eos O O O O O O O O O general-thank
+bos ok great , have a wonderful day . eos O O O O O O O O O general-bye
+bos hi , i 'm looking for an expensive restaurant in north cambridge . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O N/A
+bos there are a few to choose from . the cuisine includes asian oriental , chinese , oriental and french . which do you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select
+bos i need it to be in the north and expensive . eos O O O O O O O O O O O O N/A
+bos how about the hotpot ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name N/A
+bos sure . what kind of food do they serve ? what is the postcode and phone number ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Food
+bos the hotpot serves chinese foods and the phone number is 01223366552 while their zip code is cb41ep . is there another thing you might want to know ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos i would like some information about rosa 's bed and breakfast . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos rosa 's bed and breakfast is located in the south area , it is in the cheap price range and has a 4 star rating . would you like their phone number ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O general-reqmore
+bos that 's fine . could i ask you to book a room for me ? i need it for one person for four nights , starting on thursday . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A
+bos the reference number is 0xwiwmi1 can i assist with anything else ? eos O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O general-reqmore
+bos no thats it thanks for your help . eos O O O O O O O O O general-thank
+bos you are welcome . have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos can you tell me about cineworld cinema ? i 'd like a train into cambridge on thursday leaving around 09:00 also . i 'll be leaving from stratford . what is the fair ? thank you . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , one at a time . cineworld cinema is located at cambridge leisure park , clifton way , in the south part of town . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O N/A
+bos can i have the postcode and phone number , please ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the postcode is cb17dy and the phone number is 00872208000. now , let 's check on that train . eos O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O Restaurant-Inform,general-reqmore
+bos thank you . again , i will be leaving from stratford around 09:00 going to cambridge and i would like to know the fair also . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm sorry , there seems to be an error . would you please restate your requirements ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos forget the train for now , i need a 3 star guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos the alpha-milton guest house is located in the north with postcode cb41xa and is 3 stars . its phone number is 01223311625. would you like me to book this ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Post I-Hotel-Recommend+Post O O B-Hotel-Recommend+Stars O O O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform
+bos yes , please book it for me . eos O O O O O O O O O N/A
+bos can you tell me what day you are wanting to start your stay ? eos O O O O O O O O O O O O O O O Booking-Request+Day
+bos actually i do n't want to book yet , i just am looking for the postcode and area of a guesthouse with 3 stars and moderately priced . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O Hotel-Request+Area
+bos the alpha-milton guesthouse is a 3 star guesthouse located in the north . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O N/A
+bos great . can i have the postcode for the aplha-milton guesthouse ? eos O O O O O O O O O O O O O Hotel-Request+Post
+bos certainly . the postcode is cb41xa . can i help you with anything else ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O general-greet,general-reqmore
+bos thanks for everything ! thats all i needed . eos O O O O O O O O O O general-thank
+bos you are all set , have a good time . eos O O O O O O O O O O O general-bye,general-greet
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're welcome . have a great stay . eos O O O O O O O O O O general-welcome,general-bye
+bos can you get me information on a restaurant called j restaurant ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos it 's an asian oriental restaurant in the centre of town . want me to book it for you ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes , i need a table for 3 people . eos O O O O O O O O B-Restaurant-Inform+People O O N/A
+bos excellent , and what day and time ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos sunday at 12 please eos O B-Restaurant-Inform+Day O O O N/A
+bos reference number is : ez8l6j51 . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore
+bos are their any swimming pools in the east ? eos O O O O O O O O B-Attraction-Inform+Area O N/A
+bos yes , there is a swimming pool at abbey pool and astroturf pitch . would you like the address and phone number ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore
+bos actually , just give me the postal code and entrance fee . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos sure ! the postcode is cb68nt and the entrance fee is not known . eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos i would also like to book a taxi from the pool to the restaurant eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i can take care of that for you . do you have a time you plan on leaving the pool ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i just need it to arrive to the restaurant before our reservation . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos your taxi is booked . the contact number is 07780999958 and it will be a white toyota picking you up . is there anything else you need ? eos O O O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O general-reqmore
+bos no thanks . i got everything i needed . take care . bye . eos O O O O O O O O O O O O O O O general-bye
+bos i hope you have everything you need . eos O O O O O O O O O general-greet
+bos can you help me find a train ? eos O O O O O O O O O Train-Inform
+bos yes , i can help you . what station will you be leaving from and what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'll be leaving from cambridge and going to broxbourne . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos when will you be traveling ? eos O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos on monday , and i need to arrive by 12:15 eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos tr5971 departs at 11:01 and arrives by 12:01. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos i do n't need to book at this time , but can i get the travel time for that route ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos of course ! the duration of the trip is 60 minutes . can i help you with anything else today ? eos O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore
+bos are there any cinemas in the centre of town ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos yes the is vue cinema would you like their information ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O general-reqmore
+bos i am coming to cambridge and would like to dine at a chinese restaurant . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Restaurant-Request+Price
+bos price does n't matter but it needs to be in the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are 10 chinese restaurants in the centre . would you like to narrow it down by price or would you like me to suggest one ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,general-reqmore
+bos suggest one and i need a reservation for 7 people at 17:00 on friday and the reference number . i also would like information on cambridge and county folk museum . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Restaurant-Request+Ref
+bos alright , i have your booking . your reference number is : e44gis9d . i hope you like charlie chan 's ! the c & c folk museum is on the westside , address 2-3 castle street . eos O O O O O O O O O O B-Booking-Book+Ref O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A
+bos that is everything that i need , thanks for your help . eos O O O O O O O O O O O O O general-thank
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos i need to find a train from cambridge to ely that leaves after 09:00 eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i will be traveling on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos i have tr8399 leaving cambridge at 9:50 and arriving at 10:07 in ely . would you like to book that ? eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O Train-OfferBook
+bos what is the travel time and price ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos it is a short trip , just 17 minutes and the cost is 4.40 pounds . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos i also need somewhere to sleep eos O O O O O O O N/A
+bos i 'd be happy to help . may i ask what price range and area of town you are looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i need a 4 star hotel . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos there are more than 20 hotels that are 4 star . is there a certain part of town that you would like to stay in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos how about something in the expensive price range with free wifi ? eos O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price
+bos sure , i recommend university arms hotel in the centre , would you like me to make a reservation for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos book it for 7 people and 5 nights starting from wednesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos you are booked into university arms hotel . your reference number is wrrf425a . how else may i help you ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that will be all , thanks for all of your help eos O O O O O O O O O O O O general-thank
+bos you are most welcome , enjoy the rest of your day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you ! have a great day . eos O O O O O O O O O general-thank
+bos you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a train to cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos sure , what time would you like to arrive ? eos O O O O O O O O O O O Train-Request+Arrive
+bos as long as i leave london kings cross after 21:15 , i 'm flexible with arrival time . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O Train-Request+Arrive
+bos the tr1581 leaves at 21:17. do you want to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos what is the arrival time for tr1581 ? eos O O O O O O O O O Train-Request+Arrive
+bos the arrival time is 22:08. is there anything else i can help you with today ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore
+bos what is the price ? eos O O O O O O Train-Request+Price
+bos the price per ticket s 23.60. may i help you with anything else ? eos O O O O O O B-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos we want to have some fun ! eos O O O O O O O O N/A
+bos okay , there are lots of attractions in town . do you have a preference on type or area ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos not really sure but i 'd like it to be in the centre of town . do you have any suggestions ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos there 's 44 attractions in the centre . i suggest old schools . it is an architecture attraction that is free eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Fee O O O N/A
+bos that sounds nice . can you give me their address and phone number , please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos would you like the information for all saints church ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name general-reqmore
+bos do you have their address ? eos O O O O O O O Attraction-Request+Addr
+bos the address of all saint 's church is jesus lane . old schools is in trinity lane . i 'm so sorry , i 'm not sure which you wanted . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O O Attraction-Select,general-greet
+bos i just need the phone number of all saint 's church , and then i 'll be all set . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223452587. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos that 's all actually . thanks so much . see ya ! eos O O O O O O O O O O O O O general-thank
+bos you are welcome . before you go , do you need help with a restaurant or taxi ? eos O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no i rather enjoy walking . thanks . goodbye . eos O O O O O O O O O O O general-bye
+bos great , please let us know if you need any further assistance . good bye . eos O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos hi , i need a train out of london liverpool street on monday eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what time did you want to leave london liverpool or arrive in cambridge ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O Train-Request+Arrive,Train-Request+Leave
+bos i want to leave after 12:15 eos O O O O O O B-Train-Inform+Leave N/A
+bos tr6226 will leave at 13:39 , would that work for you ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O N/A
+bos sure . can i get the arrival time and how long it will take ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos the arrival time is by 15:07 and it will take 88 minutes . can i book that for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook
+bos not right now . however , i do need to find an expensive restaurant to dine at in the centre of town . any suggestions ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos kymmoy looks like a good choice . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A
+bos please reserve a restaurant for five people at 19:15 on monday eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : dwleyvav . is there anything else i could help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos it has been a pleasure , have a great day . goodbye eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i looking for some information on a restaurant called gandhi . eos O O O O O O O O O O O O Restaurant-Inform
+bos the gandhi is a cheap indian restaurant in the center of town , located at 72 regent street city centre , cb21dp . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos book for 6 people at 15:00 on teusday eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A
+bos i was able to book your table for 6 on tuesday at 15:00. the reference number is : aftppx46 . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref N/A
+bos thank you that is all i need . eos O O O O O O O O O general-thank
+bos thank you , can i help you with anything else ? eos O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for college attraction in the centre of town . what are my options ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos there are 13 , christ 's college , corpus christi , downing college , emmanuel college , and many others . does any of those interest you ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O Attraction-Select
+bos can you give me the postcode , entrance fee , and phone number of christ 's college ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos postcode is cb23bu , telephone number is 01223334900 and entrance is free eos O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O N/A
+bos i also need a taxi . eos O O O O O O O Taxi-Inform
+bos i need to know your destination and the time you want to live or arrive eos O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest
+bos i need to get to christ 's college from the gandhi restaurant . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos your taxi is a red lexus , contact number 07433308115. can i do anything else for you today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos i think that is all i will need . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos hello , i 'd like some information on a train departing from cambridge on saturday . eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A
+bos i am sure i can help you with that . where will you be traveling to , and is there a special time you would like to depart ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i am going to stevenage on saturday . eos O O O O O B-Train-Inform+Dest O O O N/A
+bos at what time do you wish to depart or arrive ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should leave after 09:15. i 'm not particular on arrival time . eos O O O O O O B-Train-Inform+Leave O O O O O O O O N/A
+bos i have train tr7542 leaving at 9:21 and arriving at 10:10. would you like to make reservations for that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes please . i will have a party of 7. may i please get the reference number as well ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos yes , i will provide a reference number . eos O O O O O O O O O O Train-OfferBook
+bos can i have the reference number ? eos O O O O O O O O Train-Request+Ref
+bos your reference number is 3tx311fg . eos O O O O O B-Train-OfferBooked+Ref O N/A
+bos great . can you find me a place to go in the west ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos is there a certain type of attraction you 'd like ? eos O O O O O O O O O O O O Attraction-Request+Type
+bos i have no preference . can you just make a recommendation and provide the address , postcode , and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos clare hall is a great college to visit . their address is on herschel road . postcode is cb39al . their phone number is 01223332360. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O N/A
+bos thank you for the information . eos O O O O O O O general-thank
+bos you 're welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that will be all for today ! thank you for the help ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a train leaving cambridge and arriving by 11:45 eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos ok , do you know what your destination is ? eos O O O O O O O O O O O Train-Request+Dest
+bos yes , i am going to ely . eos O O O O O O B-Train-Inform+Dest O O N/A
+bos i have a train that leaves at 7:50 monday morning to to to ely . does this interest you or is there another day you had in mind ? eos O O O O O O O O B-Train-Inform+Leave B-Train-Inform+Day I-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Select
+bos i would like to leave on friday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos is there a certain time on friday ? eos O O O O O O O O O Train-Request+Leave
+bos i need to arrive by 11:45. eos O O O O O O O N/A
+bos i have the tr8792 which you will arrive at 10:07. how many ticket please ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O Train-Request+People
+bos i would like a ticket for 8 people . eos O O O O O O O O B-Train-Inform+People O N/A
+bos you will need to pay a fee of 35.2 gbp at the station and your reference number number 7089l1rt . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i am also looking for a place to stay . the hotel should include free wifi and should include free parking.the hotel should have a star of 4. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos we have 19 options that meet your criteria . would you like to narrow it down by area or price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos price does n't matter . i need a reservation for 8 people , 3 nights starting tuesday . if that day fails , the sunday and the reference number . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O N/A
+bos arbury lodge guesthouse is supposed to be nice , as long as you 're ok with a guesthouse rather than a hotel . would you like me to book that one ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please , for 8 people , for 3 nights , starting tuesday ! eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A
+bos you 're all set ! your reference number is ygf92atc . can i assist you with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos enjoy your stay . eos O O O O O general-bye
+bos i am looking for a hotel in north cambridge eos O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O N/A
+bos there are 2 hotels in the north . i recommend ashley hotel , at 74 chesterton road . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A
+bos i need them in the cheap range eos O O O O O O O O N/A
+bos both hotels in the north are moderately priced , would you like me to look for a cheap hotel in a different area of cambridge ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos no , thank you . i 'd like more information on the ones in the moderate price range . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the ashley hotel telephone number is 01223350059 and the adress is 74 chesterton road . would you like me to book a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Booking-Inform
+bos do they have free parking and wifi ? eos O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos yes they are included in both eos O O O O O O B-Hotel-Inform+Choice Hotel-Inform+Parking
+bos great , i 'll book tuesday-sunday night so that i leave on monday . eos O O O O O O O O O O O O O O O N/A
+bos am i booking for you only or are there others ? eos O O O O O O O O O O O O Booking-Request+People
+bos no that 's all sure you get address and entrance fee . eos O O O O O O O O O O O O O Hotel-Request+Addr,Attraction-Request+Fee
+bos the address is 74 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos can you let me know the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee
+bos it is a hotel . there is no entrance fee , but the price range is moderate . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos can you tell me if they have free parking and internet ? eos O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos yes the ashley hotel has both free internet and free parking . can i help you with anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos i 'd also like some information on a park near the hotel . eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos milton country park is a very nice park . what would you like to know ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O general-reqmore
+bos i want the address and entrance fee information eos O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the milton country park is free to get into , and the address is milton country park , milton . a bit redundant , i know . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks ! can you book a taxi to pick me up at 11:00 at the hotel and take me to the park ? eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O N/A
+bos a blue volkswagen is reserved for you . the phone number is 07990624686. will there be anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O N/A
+bos thanks that will be all i 'm needing today . goodbye . eos O O O O O O O O O O O O O general-bye
+bos have a great trip . goodbye . eos O O O O O O O O general-bye
+bos i need a train leaving on saturday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos where are you traveling from ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge . eos O O O O O B-Train-Inform+Depart O N/A
+bos and where were you wanting to travel to ? eos O O O O O O O O O O Train-Request+Dest
+bos i am leaving leicester and coming to cambridge . eos O O O O O O O O O O N/A
+bos what time are you leaving ? eos O O O O O O O Train-Request+Leave
+bos i would like to arrive by 20:15 so whenever i need to leave to get there on time is fine . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Leave
+bos tr2515 can get you there by 19:54 would you like me to book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos i do n't need to book today , but can i get the departure time and travel time please ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos train tr2515 departs leicester at 15:09 arriving at cambridge at 16:54 on saturday . the travel time is 105 minutes . can i book you tickets on this train ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos you know , i 'm not ready to book yet . could you also give me some information on the hobsons house ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what information are you looking for ? eos O O O O O O O O N/A
+bos i would like to know how many stars the hotel is , what type of hotel it is , and i need their phone number please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone,Hotel-Request+Type
+bos yes they are 3 star , and phone number is 01223304906 eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Phone O N/A
+bos i 'm looking for trains that will be leaving on sunday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos please tell me your destination so i can give you options and cost . eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos i would like to depart from london kings cross and i 'm going to cambridge . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O O N/A
+bos there are 10 results , all costing 18.88 pounds . would you like to depart or arrive at a certain time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 12:00. eos O O O O O O O N/A
+bos i will book it for you , is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos i do n't need it booked , just forward me the train id , travel time and departure time please . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave
+bos yes , of course . the train id is tr3478 , it will depart at 9:17 , and take 51 minutes to reach its destination at cambridge . can i assist you with anything else ? eos O O O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Dest O O O O O O O O O O O O O general-reqmore
+bos yes please . i am looking for a museum to visit while i am in town . may i have the address and post code for your favorite ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the broughton house gallery is in the centre . the postcode is cb11ln and the address is 98 king street . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thank you . that was all i needed . eos O O O O O O O O O O general-thank
+bos okay , you 're oh so welcome ! have a wonderful visit ! eos O O O O O O O O O O O O O O general-welcome
+bos i need a train that goes to norwich . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos great . on which day will you be traveling ? eos O O O O O O O O O O O Train-Request+Day
+bos i will be leaving on sunday eos O O O O O O B-Train-Inform+Day N/A
+bos where will you be coming from ? eos O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from cambridge . is there a train that can get there before 17:15 ? eos O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O N/A
+bos yes , there is one that departs at 5:36 and arrives at 6:55 will that work ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O N/A
+bos that will work , can you book me seats for 7 and let me know the reference number ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 98.56 gbp payable at the station .reference number is : ygmyzll2.anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos i 'm also looking for something to help kill some time on the west side of town . do you have any recommendations ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos sure what type of attraction were you looking for ? eos O O O O O O O O O O O Attraction-Request+Type
+bos i do n't have a preference . you pick . eos O O O O O O O O O O O N/A
+bos the lynne strover gallery is located at 23 high street , fen ditton . their phone number is 01223295264. the admission is free . would you like help with something else ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee O O O O O O O O O O O general-reqmore
+bos what type of attraction this ? eos O O O O O O O Attraction-Request+Type
+bos it is a museum . eos O O O O B-Attraction-Inform+Type O N/A
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos the postcode is cb30aq . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos great , thanks . you answered all my questions and were very helpful . have a good day . bye . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos happy to be of help . goodbye . eos O O O O O O O O O general-welcome,general-bye
+bos please find me a good chinese restaurant on the east side eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos i show one chinese restaurant in the east , yu garden . shall i make reservations for you ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform
+bos no at this time i would just like their postcode . eos O O O O O O O O O O O O Restaurant-Request+Post
+bos okay , no problem ! their postcode is cb58pa . would you like help with anything else ? eos O O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , i want to find a hotel with free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos do you have an area you 'd like to stay in ? and what is your price range ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i would like to stay in the east . i do not have a price range . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos the carolina bed and breakfast is a moderately prices hotel rated 4 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A
+bos can you book a room for me ? eos O O O O O O O O O N/A
+bos sure , what day and how many people ? eos O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos friday for 2 people . we 'll be staying for just 2 nights eos O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos when will you be arriving ? eos O O O O O O O Booking-Request+Day
+bos friday and can i get the reference number too please ? eos O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful . reference number is : d0ozc26n . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos could you fax me the reference number , as well as any fees for additional amenities ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos sure , the reference number is d0ozc26n . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'll also need a taxi that will commute between the two places . i 'd like to leave the hotel at 08:45. eos O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos ok , i have booked you a taxi , it is a yellow toyota and you may reach them at 07319585629. is there anything else ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos that is everything that i need . eos O O O O O O O O N/A
+bos thanks for inquiring with us eos O O O O O O general-bye
+bos ok. thanks for your help . goodbye . eos O O O O O O O O O general-bye
+bos welcome anytime you need help eos O O O O O O general-welcome
+bos can you help me find a train going to cambridge ? eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i have many trains available . what is your departure site ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart
+bos i will be leaving from birmingham new street on saturday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos did you have a time in mind ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i 'm looking to travel after 12:45 eos O O O O O O B-Train-Inform+Leave O N/A
+bos i have tr8390 leaving at 13 40shall i book it ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O Train-OfferBook
+bos sure , that will work . no need to book , but can i please get the price of the ticket ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos yes the price is 60.08 pounds per ticket . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos thank you . could you also let me know what whale of a time is and its entrance fee ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Request+Fee
+bos whale of a time is an entertainment venue in the west . i do n't have any information on the entrance fee , but their phone number is 01954781018. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O N/A
+bos great that 's all i needed today , thank you . eos O O O O O O O O O O O O general-thank
+bos alright , have a great day . eos O O O O O O O O general-bye
+bos i need a place to stay in the north please . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are 13 places to stay in the north . do you have any other criteria ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos i do n't want to have to pay for parking . eos O O O O O O O O O O O O N/A
+bos i have 5 different gueshouses listed . for what day and for how many please ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos for 3 people starting on wednesday and staying 2 nights . eos O O O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos there are 11 hotels available actually . would you like to narrow it to a specific price range or star rating ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars
+bos just a guesthouse in the north with free parking . i 'll need a reference number then too please . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i was able to get you in at archway house . your reference number is wumuz0jx . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that 's all i need today . thanks ! bye ! eos O O O O O O O O O O O O general-bye
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos hi , i 'm looking for a place that offers free internet and parking . eos O O O O O O O O O O O O O O O O N/A
+bos we have quite a few like that . i could recommend home from home , a moderately priced guesthouse in the north . or are there other factors that matter ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O O O O O O O O general-reqmore
+bos just free wifi and free parking . moderate priced and should be a guesthouse please . eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type O O O N/A
+bos if you tell me when you will be staying , how many people and for how many days , i can book you at he home from home ? eos O O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos there will be 5 of us staying for 2 nights . we would like to start on sunday . eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry , there were no rooms available . perhaps you 'd like to find another hotel ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about a different hotel in the same price range ? eos O O O O O O O O O O O O Hotel-Inform
+bos i was able to book you into kirkwood house . your reference number is ano69rvp . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos oh , wait , i think i made a mistake , we 're actually arriving on friday , not sunday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O N/A
+bos i was able to book a guest house called acom guest house . it is moderately priced and has internet and parking . reference number is 0ra8y7gs . would that work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes that 's great . thanks so much ! eos O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos thanks again for your help eos O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i would like a guesthouse , four star . eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos the allenbell is a 4-star guesthouse in the east . would you like to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos does it include free parking ? eos O O O O O O O N/A
+bos it includes free parking . would you like to book a room at this hotel ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , please book it for 1 person and 3 nights starting from sunday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 'm very sorry . that booking was unavailable . would you like to find another hotel ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos sure . any guesthouse in the same price range would be fine . eos O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i have booked you a room at the autumn house . their address is 710 newmarket road . phone number is 01223575122. reference number is : yu3moahh . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Ref O O O N/A
+bos thank you for the reference number yu3moahh . goodbye . eos O O O O O O O O O O O Hotel-Request+Ref
+bos let us know if you need further help . eos O O O O O O O O O O general-bye
+bos i need a hotel with free parking , thanks ! eos O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos the gonville hotel includes free parking and is in the center . would you like to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos does it have a 4 star rating ? eos O O O O O O B-Hotel-Inform+Stars O O N/A
+bos no it only has 3 stars , would you like me to find you something else ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O general-reqmore
+bos yes , i want to stay somewhere nice , 4 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos huntingdon marriott hotel is a nice place and is a 4 star hotel.would you like me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform,Hotel-Select
+bos i want some information on the university arms hotel please eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the university arms hotel is an expensive hotel in the centre with internet and parking . would you like me to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes . i need rooms for 5 people for 5 nights , starting wednesday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos unfortunately , the hotel is unavailable at that time . would you like me to find another hotel ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos are there any listings for a moderately priced hotel in that area ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos a and b guest house is moderately priceed.would you like me to book you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Booking-Inform
+bos i am looking for a hotel that gives me free parking and free wifi . eos O O O O O O O O O O O O O O O O N/A
+bos we have many with those features . do you have any other preferences to narrow it down , such as price range or location ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos oh , i would like a guesthouse that is moderately priced please . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A
+bos there are many , can i get the area you are looking for to narrow it down a bit ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't care about the area . as long as i can have it booked for 3 people starting on tuesday for 5 nights . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O N/A
+bos i have the arbury lodge in the north that meets your needs . would you like me to book a room there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos yes , please book arbury lodge for me . eos O O O O O O O O O O N/A
+bos the booking was successful , reference number is pohit2co . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you ! that 's all for today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos have an enjoyable stay . thank you for calling the cambridge towninfo centre . good bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i need a guesthouse rental that has free parking . eos O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos sure , we have 21 guesthouses that offer free parking . do you have a price range you 're looking for or some part of town you want to stay in ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos i would like in the cheap price range in the west . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A
+bos i found one guesthouse that meets that criteria . it is finches bed and breakfast . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos book it for me and i need the address , thank you . eos O O O O O O O O O O O O O O N/A
+bos the address is 144 thornton road . i need to know when your stay is going to be and for how many please ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos 4 people . starts from saturday , 4 nights . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O N/A
+bos i am sorry but finches bed and breakfast is solidly booked . do you want me to search for another guesthouse ? eos O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O B-Hotel-Select+Type O O general-reqmore
+bos yes please another hotel in the same price range if possible . eos O O O O O O O O O O O O O Hotel-Inform
+bos i am not finding any other cheap places to stay in the west . maybe a better price point ? moderate or expensive maybe ? eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O Hotel-NoOffer
+bos how about cheap in any area please ? eos O O O O O O O O O N/A
+bos okay i was able to get you into the alexander bed and breakfast in the city center and the reference number is qw52l6ex . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Booking-Book+Ref O N/A
+bos great , thank you very much for your help ! eos O O O O O O O O O O O general-thank
+bos so glad we were able to get you booked . have a great day . good-bye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a guest house that offers free parking . eos O O O O O O O O O O O O O N/A
+bos i have located several guesthouses with free parking . can you tell me the area you would like to stay in and the price range ? that would help narrow our search . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos sure . i would like it to be in the south and in the expensive price range . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos i 'm sorry , there are no matched in the south in that price range . the south only has moderate and cheap . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i will take a moderate guest house with parking then . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i would like to recommend aylesbray lodge guest house , would that be alright with you ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Select
+bos yes , five people four nights , starting from monday on . eos O O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos that was n't available but i booked you at the bridge guest house . it has everything you were looking for . the reference number is 1amm7m53 . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O B-Hotel-Inform+Ref O O Booking-NoBook
+bos thank you , that is all . eos O O O O O O O O general-thank
+bos okay enjoy your stay . eos O O O O O O general-bye
+bos i am looking for a guesthouse with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos we have 21 guesthouses that offer free parking . do you want to stay in a certain part of town , or a certain price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking
+bos yes i would like a place in the north and in the moderate price range . eos O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A
+bos we have 7 guesthouses that meet your requests . can i book a room for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Booking-Inform
+bos i need a hotel starting thursday for 3 nights for 2 people . eos O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O N/A
+bos would you like me to book the archway house ? it is a 4 star guesthouse with free wifi and parking . eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes please , if it is available for thursday for 3 nights for 2 people eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A
+bos i am afraid that was unsuccessful . would you like me to find another hotel ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos can you try another hotel in the same pricerange ? eos O O O O O O O O O O O Hotel-Inform
+bos i booked for you a room in hamilton lodge which is in the same pricerange . your reservation number is cft39hl4 . do you need anything more ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O B-Hotel-Inform+Ref O O O O O O O O general-reqmore
+bos that would be all , thanks for assistance ! eos O O O O O O O O O O general-thank
+bos sure , pleasure all mine . enjoy your stay ! eos O O O O O O O O O O O general-bye
+bos yes , i am looking for a hotel please . i would need free wifi and free parking . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O N/A
+bos there are 29 hotels with free wifi and parking , do you have a preference on location or price range . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i do n't have a preference but i would like it to be 4 stars ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos we have to narrow it down . there are 19 hotels . what price range are you looking for ? eos O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price
+bos any price range is fine . i just need a reservation for 3 people for 5 nights starting on saturday . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i was able to book at the alexander bed and breakfast . your reference number is jldxhek8 . is there anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos no that is all i needed today . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! thanks for using cambridge towninfo centre ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos hey , i 'd like to find a hotel in the north , today . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A
+bos i have 13 hotels in the north . what type of hotel did you want ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i want one with moderate prices that has free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i have five hotels that match your requests . eos O O O B-Hotel-Inform+Choice O O O O O O N/A
+bos do they include wifi ? eos O O O O O O N/A
+bos yes all of them do . may i recommend something to you ? eos O O O O O O O O O O O O O O Hotel-Recommend,Hotel-Inform+Internet
+bos i am open to any hotel that matches my requests . i need it booked for 1 person , 3 nights starting thursday eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos okay . i would like to recommend the acorn guest house . eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos ok can you book that for me and get me a confirmation number eos O O O O O O O O O O O O O O N/A
+bos may i please have your details ( name , id , phone number , email ) so i can go ahead and make the booking for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos you have all the information you need . eos O O O O O O O O O N/A
+bos i made the booking for you . your confirmation number is dn8diw5t . what else can i do for you ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i need a train . eos O O O O O O Train-Inform
+bos i 'm going to need more information than that . where will you be departing from , and what is your destination ? and do you have a date and time in mind ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart,Train-Request+Dest,Train-Request+Leave
+bos i will be leaving from cambridge after 15:45 eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos okay , and where are you traveling to ? eos O O O O O O O O O O Train-Request+Dest
+bos i 'm traveling to kings lynn and need to leave after 15:45 eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O N/A
+bos there are a number of trains that leave after 15:45. the one closest to the time is tr1911 leaving at 16:11. what day would you like to travel ? eos O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Request+Day
+bos i 'll need the to take the train on tuesday . i 'll need it for the same number of people as my hotel reservation . eos O O O O O O O O O B-Train-Inform+Day O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos your 1 ticket booking on the tr1911 train was successful , the total fee is 9.8 gbp payable at the station . your reference number is : o8bn9kxh . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O N/A
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos that will be all . thank you for your help . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i need a train that is departing from cambridge and is leaving after 12:15. eos O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A
+bos sure , let 's narrow down your search . what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest
+bos i need to go to stansted airport . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos okay we have a lot of trains that meet your requests , is there a specific time you want to get to the airport by ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos no , i just need to leave cambridge after 12:15 on tuesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos how many people in your party ? eos O O O O O O O O Train-Request+People
+bos i am not sure yet . what are the prices for tickets ? eos O O O O O O O O O O O O O O Train-Request+Price
+bos the cost per ticket for that train route is 10.10 pounds . can i help you book any tickets ? eos O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos no not at that time.im also looking for a guesthouse to stay in that includes free parking in the expensive price range eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Price O O Train-Request+Price
+bos i 'm sorry but there are no guesthouses that match your request , would you like a hotel or a different price range ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O O Hotel-Request+Type,Hotel-Request+Price
+bos how about moderate ? eos O O O B-Hotel-Inform+Price O N/A
+bos there are several options would you like to be more specific on what you need ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O N/A
+bos i have no more specific needs . can you select your favorite and tell me their area , if they have internet , and how many stars they have ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Internet
+bos bride guest house is in the south part of town and is in the moderate price range . it is rated 3 stars and has free internet and parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos ok that 's all the information i need , thank you for your time . eos O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos i need a guest house to stay in . what do you have ? eos O O O O O O O O O O O O O O O N/A
+bos i can definitely help you with that . how about we start with a price range you prefer ? or maybe an area you prefer ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i do n't really have a preference . i just need free wifi . eos O O O O O O O O O O O O O O O N/A
+bos how about the a and b guest house in the east ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O N/A
+bos yes i 'd like to book that for 1 , starting monday for 3 nights . also could i have the reference number for that ? eos O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O O O O O O O N/A
+bos booking was successful.reference number is : cp66efs7 . will there be anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i also need a train to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos i can help you find one . first of all , where are you going to be departing from ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i need a train form cambridge on monday arriving at leicester by 12. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A
+bos the earliest is tr8631 , departing cambridge at 05:21 , arriving leicester , 07:06. would you like to book a ticket , or perhaps a later time would be better ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos later time . book for the same amount of people though . eos O O O O O O O O O O O O O N/A
+bos how about tr2192 , it leaves cambridge at 09:21 and arrives at 11:06 , will this be better for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes that is fine and a reference number please eos O O O O O O O O O O N/A
+bos it has been booked the reference number is owa1681u eos O O O O O O O O O B-Train-OfferBooked+Ref N/A
+bos thank you so much . that is all i need for today . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i am trying to find out about trains that arrive in cambridge eos O O O O O O O O O O O O B-Train-Inform+Dest N/A
+bos there are quite a few trains coming into cambridge . where will you be departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O Train-Request+Depart
+bos i want to arrive by 16:15 eos O O O O O O B-Train-Inform+Arrive N/A
+bos okay . first , let 's find out you 're departing from . eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from stevenage and going to cambridge . eos O O O O O O B-Train-Inform+Depart O O O O O N/A
+bos there 's a train running every day leaving at 13:54 and arriving at 14:43. did you have a particular day in mind ? eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Day
+bos i am looking to travel on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos the latest train arrives by 14:43 would you like me to book that for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos that should work ! i will also need a place to stay . i am looking for a guesthouse in the centre of town , in the expensive range . it should include free wifi as well . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos i am terribly sorry no guesthouses are available , how about a hotel stay instead ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A
+bos sure , let 's look at hotels instead , then . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i found two hotels do you want the detail information for the hotels ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O N/A
+bos do either of them have free parking included ? eos O O O O O O O O O O Hotel-Request+Parking
+bos yes , they both offer free parking . eos O O O O O O O O O Hotel-Inform+Parking
+bos could you provide the details ? eos O O O O O O O N/A
+bos the gonville hotel is on gonville place and is rated 3 stars . the university arms hotel is 4 stars and it 's on regent street . would you like to book a room ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform
+bos yes , this seems alright . go ahead and book it . eos O O O O O O O O O O O O O N/A
+bos will you be needing the room for monday ? eos O O O O O O O O O O Booking-Request+Day
+bos no , actually , i 'm not ready to book yet . that is all i need for today . thanks . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos their phone number is 01223351241 if you would like to book later . eos O O O O O B-Hotel-Inform+Phone O O O O O O O O N/A
+bos thank you . i will call back when i am ready to finish my booking . eos O O O O O O O O O O O O O O O O O general-thank
+bos we 'll be here to assist you when you 're ready . bye for now . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm trying to find a train from cambridge that arrives by 20:30. eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O N/A
+bos okay , what is your destination ? eos O O O O O O O O Train-Request+Dest
+bos my destination is stansted airport . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos great , what day would you like your train for ? also , would you like to leave by a certain time ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i need the train for monday . departure time does n't matter , as long as i arrive by 20:30. eos O O O O O O B-Train-Inform+Day O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos no problem , the tr6539 train should arrive by 20:08 , would you like to make a booking . eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no , can you find a guesthouse for me with a 4 star rating ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos how about tr6539 on monday ? it arrives by 20:08. eos O O O B-Train-Inform+Id O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos that would be great . what is the total travel time of the train ride ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos this trip is about 28 minutes . now we can get to finding you a guesthouse . what area would you like me to look for ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos east please . something moderately priced ? eos O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A
+bos there are three moderately priced guesthouses in the east . i would recommend either carolina bed and breakfast or warkworth house . would you like me to book one of them ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos yes , let 's try the carolina bed and breakfast for four nights starting thursday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos im sorry that day is unavailable , would a shorter stay work or any other day or place ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos how about 2 nights ? eos O O O O B-Hotel-Inform+Stay O N/A
+bos two nights works ! your reference number is 1v6rixrj . is there anything else i could do for you ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos okay great , no that 's everything i needed . eos O O O O O O O O O O O N/A
+bos enjoy your stay ! eos O O O O O general-bye
+bos thank you . good bye . eos O O O O O O O general-bye
+bos you 're welcome , have a great stay . eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i am looking for a hotel in the east of cambridge with a 4 star rating . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O N/A
+bos i do n't have any hotels that are 4 star in that area but i do have some guesthouses . would you be interested in taking a look at any of them ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Select
+bos yeah , is there one in the moderate price range and includes wifi ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos a and b guest house is located in 124 tenison road eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos can we book that for 2 people on monday for 4 nights ? eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos you are booked with a reference number of ei4tcieu . can i be of further assistance ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , i am also looking for a train to cambridge that leaves after 15:15. eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos i can help with that . where will you be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos i need a train departing from bishops stortford leaving after 15:15 for cambridge on the same day as the booking for the hotel . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O B-Train-Inform+Dest O O O O O O O O O O O N/A
+bos i have train tr0465 that will depart at 15:29 and will arrive by 16:07. do you think this would work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos okay that sounds great , i need to book it for the same number of people as my hotel . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok. i booked two tickets for you on train tr0201 . your reference number is 960inqqh . eos O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref general-greet
+bos thank you very much ! good bye . eos O O O O O O O O O general-bye
+bos you 're so welcome . have a beautiful day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a train leaving on monday after 18:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos there are a lot of trains running then . did you have a particular station you were going to or leaving from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos yes , i need to travel from kings lynn to cambridge . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i have train tr1978 that departs at 19:11 and arrives by 19:58. do you think that would be a good fit for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos that would be great can you get me 4 tickets for that ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos that has been booked . your reference number is sgezxo5v . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i would also need a place to stay in a guesthouse with free parking eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos the allenbell is an affordable guesthouse in the area . how does that sound ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Booking-Inform
+bos is it cheap ? and do they offer free parking ? eos O O O O O O O O O O O O N/A
+bos they have free parking and internet . is there anything else you would like to know ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos can you book it for the same people for 5 nights starting on the same day eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i have that reservation made for you the reference number is 2u1nu0bi . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . that is all for now . eos O O O O O O O O O O general-thank
+bos its been a pleasure to serve you . eos O O O O O O O O O general-bye
+bos i a , looking for an expensive place to stay on the north side of cambridge . eos O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i 'm sorry , i have n't found any matches , would you like me to look for something else ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos i am looking for a 4 star hotel and i need free internet and parking . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O N/A
+bos the huntingdon marriott is an expensive 4 star hotel in the west , does that sound ok ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A
+bos i really wanted to be on the north side of town . how about a moderately priced hotel instead ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i am sorry but there is not a 4 star hotel at a moderate price in center area of the city . eos O O O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Area O O O O N/A
+bos in cambridge ? non at all , that 's hard to believe . i need to book a hotel that is moderately priced with a 4 star rating . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos i am not finding any . could you try telling me another criteria to search for you ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos i need a moderate priced hotel in the north part of town with free parking and a 4 star rating . eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are no hotels that match that criteria , but there are 6 guest houses . would a guest house work for you ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O N/A
+bos can you try again please . i was looking for a hotel , north area , expensive , 4 star with free parking . if not a moderate price would be good . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos i have many moderately priced guesthouses . would that work for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A
+bos i need to book it for 7 people and 2 nights from saturday . eos O O O O O O O O O O O O O O O N/A
+bos the only 4 star hotels are in the west and centre , and they 're either cheap or expensive - nothing moderately priced . would you like to try a different price point ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O Hotel-Request+Price
+bos i need one that is moderate priced . can you look again ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i 'm sorry for the confusion . may i suggest the acorn guest house , which is moderately priced , in the north , with 4 stars , and free parking ? eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O O O O O O O Hotel-Recommend+Parking
+bos yes thank you , sorry to be a trouble . i need to book for 7 people and 2 nights starting on saturday . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no trouble ! i 've booked you for 7 people at 2 nights starting saturday , at the acorn guest house located at 154 chesterton road . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Day O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O general-reqmore
+bos can i get the reference number for that reservation , too ? eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos actually , it looks like there was an error , and the booking was not successful , would you like to try a different day or length of stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos could you try another in the moderate price range ? eos O O O O O O O O O O O N/A
+bos sure , i can ! eos O O O O O O general-welcome
+bos actually , i 'm sorry -- can you first try booking that same hotel for just one night starting from saturday ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful . your reference number is bd4av5kn . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes i 'd like to book a train from kings lynn to cambridge on saturday that leaves after 12:00 eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A
+bos there are several to choose from . the tr1152 leaves at 12:11 and arrives by 12:58. does that sound suitable ? i can book you some tickets if you 'd like . eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O Train-OfferBook
+bos thanks . that 's all i need . eos O O O O O O O O O general-thank
+bos have a good day . eos O O O O O O general-bye
+bos i am looking for a place to go in town . i would like to find a museum . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos do you have a preference for the area of town you wish to visit ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos the centre would be great eos O O B-Attraction-Inform+Area O O O N/A
+bos the centre is abounding in museums . there are 11 options all with no entrance fee . do you have a particular interest ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O Attraction-Request+Type
+bos could you recommend one to me and provide their phone number and entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos primavera 's phone number is 01223357708. the entrance is free . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee O O N/A
+bos can you give me the address to museum and the schedule a taxi to take me there . eos O O O O O O O O O O O O O O O O O O O N/A
+bos the address is 10 king s parade . at what time would you like the taxi ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i apologize . i do not need a taxi . what i do need is a restaurant in the same area as the museum , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , i can help you with that . what kind of food were you looking for ? eos O O O O O O O O O O O O O O O O O O O general-welcome,Restaurant-Request+Food
+bos i 'm looking for a restaurant that serves world food . do you see anything for that ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos i have nothing with world food . do you have another preference ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O N/A
+bos well , how about a restaurant that serves gastropub food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 3 places available . do you have a preference on price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price
+bos yes , an expensive place would be fine . thank you eos O O O O O O O O O O O O general-thank
+bos the backstreet bistro is a nice place , do you want their number ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O N/A
+bos hi there . can you help me find a train leaving on friday ? eos O O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos please tell me what town are you departing from and what is your destination ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos on friday , i would like to arrive in cambridge by 16:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there are over 100 trains available , could you please provide a departure location ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart
+bos i would like to leave from london kings cross . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos ok i have one leaving by 05:17 , tr5219 , would that be fine ? eos O O O O O O O B-Train-Inform+Leave B-Train-Inform+Id O O O O O O O N/A
+bos do you have one that arrives a little closer to 16:45. i do n't want to get in too early . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos tr8842 will get you there at 16:08. may i book it for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , i need it for 8 people . i 'm also looking for a guesthouse type hotel with free parking in the moderate range . eos O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos do you have a preference for the number of stars or the area ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars
+bos may i have a reference number for that train , please ? eos O O O O O O O O O O O O O Train-Request+Ref
+bos your reference number is rrnttr7z . we also have quite a few guesthouses , do you have an area you 'd like ? eos O O O O O B-Train-Inform+Ref O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Area
+bos for the guesthouse , do you have one in the moderate price range that includes free parking ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos there are 12 options for moderately priced guesthouses , any area preference ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O Hotel-Request+Area
+bos the area does n't matter . i just need one with rooms available for 3 nights starting on friday . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos for how many people ? eos O O O O O O Booking-Request+People
+bos i need it to be for 2 people . eos O O O O O O O O O O N/A
+bos the acorn guest house on 154 chesterton road should be sufficient , shall i reserve a room for you now ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes , please , and i 'll need the reference number . eos O O O O O O O O O O O O O N/A
+bos i was unable to book that room for you . can we try a shorter stay or a different place perhaps ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos sure , please try 2 nights . eos O O O O O B-Hotel-Inform+Stay O O N/A
+bos the booking was still unsuccessful . would you like to try a different day ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos could we please try a different hotel that is close to the acorn guest house ? eos O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i checked with all 7 guesthouses in the north and none are available for even a one day stay starting friday . could we try a different day ? eos O O O O O O O O O O O O O O O O O O O O O B-Booking-NoBook+Day O O O O O O O O Booking-Request+Day
+bos well i guess i 'm out of luck , unless there are hotels in adjoining towns i could try . eos O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos sorry , we only work with places in cambridge . eos O O O O O O O O O O O Hotel-NoOffer
+bos i am so sorry , can we start over with the guesthouse ? i do need a moderate , but for 8 people . still arriving friday for 3 nights . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O N/A
+bos i could not book a room for that number of nights on those days in that area . perhaps try a different area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos please try 2 nights on friday and see if that works . for a guesthouse , please . eos O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O N/A
+bos your room is booked at acorn guest house for 8 people and 2 nights starting on friday . reference number is 3m1i4q7s . anything else i can help with ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that should be all i need . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos it was a pleasure being of service . enjoy your stay in cambridge and call again if you need any further assistance . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for the parkside police station eos O O O O O O O O O Police-Inform
+bos parkside police station is located in parkside , cambridge , within the postcode of cb11jg . may i help with something else ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , can you please provide their phone number and physical address ? eos O O O O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone
+bos the phone number is 01223358966. we have already given you the physical address.. eos O O O O O O O O O O O O O O N/A
+bos well , gee , so you have . thank you so much for your help . bad attitude or not . bye now . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a nice day ! eos O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the type of guesthouse and does n't need to include internet eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos there are many guesthouses that meet your criteria . do you have a pricerange in mind ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Request+Price
+bos i 'm looking for something that would be in the middle price point . eos O O O O O O O O O O O O O O O N/A
+bos i have located 15 guesthouse types in the moderate price range . do you have a preference for a particular area of town ? eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Area
+bos maybe the south ? eos O O O B-Hotel-Inform+Area O N/A
+bos we have two in the south , a 4 star and a 3 star . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Select
+bos i do n't care about that . eos O O O O O O O O N/A
+bos how about the bridge guest house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes the bridge guest house has free wifi . can i book it for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes . there will be six of us staying for two nights . eos O O O O O O O O O O O O O O N/A
+bos what day did you want to check in ? eos O O O O O O O O O O Booking-Request+Day
+bos we are actually checking in starting on tuesday . eos O O O O O O O O B-Hotel-Inform+Day O N/A
+bos i was able to book the bridge guest house for 6 people starting tuesday for 2 nights . is there anything else i can help you with ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Booking-Book+People O B-Booking-Book+Day O O B-Booking-Book+Stay O O O O O O O O O O O general-reqmore
+bos yes , can i have a reference number please ? eos O O O O O O O O O O O Hotel-Request+Ref
+bos of course . reference number coimdb7b . can i help with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos nope , that 's all i need for today . thank you ! eos O O O O O O O O O O O O O O general-thank
+bos thank you as well , let us know if you need help with anything else . eos O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is located in hills rd , cambridge . post code cb20qq . the phone number is 01223245151 eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-greet
+bos does the hospital have a transplant high dependency unit ? eos O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos it certainly does . the telephone number is 01223216811. may i help you with anything else ? eos O O O O O O O O O O O O O O O O O O N/A
+bos you have answered all of my questions . thank you very much ! have a good day ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . have a nice day ! eos O O O O O O O O O O O O O O general-bye
+bos hi ! i 'm looking for the nearest police station . eos O O O O O O O O O O O O Police-Inform
+bos the nearest station is parkside police at parkside , cambridge . eos O O O O O O O O O O O O N/A
+bos may i get the phone number ? eos O O O O O O O O Police-Request+Phone
+bos the phone number for the police is 01223358966. eos O O O O O O O O O N/A
+bos enjoyed your services . keep that up eos O O O O O O O O N/A
+bos thank you so much . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos your welcome . no that should do it goodbye eos O O O O O O O O O O general-bye
+bos okay , enjoy the rest of your day then ! eos O O O O O O O O O O O general-bye
+bos i 'd like to book a taxi to take me to cineworld cinema from gonville hotel eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos what time frame would you like this to happen in ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd need to arrive by 15:45 please . eos O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos booking completed ! booked car type : yellow toyotacontact number : 07598718295 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos ok thanks , that 's all i need ! eos O O O O O O O O O O general-thank
+bos can i do anything else for you today ? eos O O O O O O O O O O general-reqmore
+bos that 's it , thank you eos O O O O O O O general-thank
+bos you 're welcome , have a great day . bye ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i have just been robbed and i am looking for assistance . eos O O O O O O O O O O O O O N/A
+bos would you like the phone number for the parkside police station , or are you in a different area ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes . please give me the number for the parkside police station so i can report the robbery . eos O O O O O O O O O O O O O O O O O O O O Police-Inform
+bos the number you 're looking for is 01223358966. eos O O O O O O O O O N/A
+bos thank you , that 's all i need . good bye . eos O O O O O O O O O O O O O general-bye
+bos i 'm sorry to hear about your situation . good luck . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i need to catch a train in london king 's cross to ride into cambridge . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos i can help with that . what day and time were you looking to depart ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i want to leave on monday after 12:45. eos O O O O O O B-Train-Inform+Day O O N/A
+bos there is a train available on 14:12. eos O O O O O O O B-Train-Inform+Leave N/A
+bos that is fine . can you provide the arrival time , train id , and travel time . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos i do apologize , train tr3194 would leave at 13:17 , not 14:12. the travel time would be 51 minutes . would you like me to book this train for you ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O Train-OfferBook
+bos yes can you please book it . eos O O O O O O O O N/A
+bos i have booked your train . london king 's cross to cambridge at 13:17 on monday . eos O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O N/A
+bos thank you ! that sounds excellent ! i am also craving british food . are there any moderately priced british restaurants there ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos we have four in the centre area and one int he west , any preferences ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O Restaurant-Request+Area
+bos not really , i 'll just need to book it for the same day for 4 people . eos O O O O O O O O O O O O O O O O O O O N/A
+bos what time would you like the reservation ? eos O O O O O O O O O Booking-Request+Time
+bos i would like it at 15:00 on the same day . eos O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos very well , i 've booked you at restaurant one seven for 4 people at 15:00 on monday . would you like the booking reference number ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O general-reqmore
+bos yes of course i want the reference number ! why would n't i ! eos O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos sorry about that , the reference number is 5f63afcu eos O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your time . eos O O O O O O O general-thank
+bos i 'm glad i could help you today . have a great trip . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos hi , i am searching for a nice thai restaurant in cambridge centre eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos the only thai restaurant located in centre cambridge is bangkok city . would you like the address ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore
+bos yes please . get me their phone number and postcode too . eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos bangkok city 's address is 24 green street city centre , postcode cb23jx , phone number 01223354382. can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes . i need to book a train for tuesday . eos O O O O O O O O O B-Train-Inform+Day O O N/A
+bos there are many trains that run on tuesday , can you give me departure and arrival destinations to help narrow the search ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos yes . i would like to depart from birmingham new street and arrive in cambridge by 14:45. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there are trains every hour at :40 after beginning at 5:40. what time would you like to leave ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave
+bos i need to arrive by 14:45 any time is fine . eos O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos there is a train leaving birmingham new street at 11:40 and arriving in cambridge at 14:23. does that work ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-Select
+bos how much will the trip cost ? eos O O O O O O O O N/A
+bos the price of that trip would be 75.10 pounds and the train id is tr9708 . would you like to book a ticket for that ? eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos not just yet . what was the travel time for that trip ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos it 's a long one - the total travel time on that train is 163 minutes . did you need any further assistance today , perhaps a hotel or restaurant ? eos O O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O O O O general-reqmore
+bos no , thank you . eos O O O O O O general-thank
+bos you are welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos hello . i 'm looking for a hotel on the north end of town with a 4 star rating . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos i can assist you with finding a place to stay , but first , i can tell you we have no 4-star hotels on the north side of town in our database . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O N/A
+bos nothing in the north , four star ? i need that and cheap with free parking . eos O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos sorry , i do n't have anything 4 star in that area . would you like to try another area ? eos O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O Hotel-Request+Area
+bos i really need something in the north that has 4-stars . can you double check ? i would even take a guesthouse if there is one . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O N/A
+bos i have found a guesthouse , worth house , that meets all your criteria ( north , cheap , 4 stars , free parking ) . would you like help booking this guest house ? eos O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no , can i please just have the post code of that hotel for now ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos yes . the postcode is cb41da . is there anything else i can help you with today ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i need a train as well . eos O O O O O O O O Train-Inform
+bos what day and time would you like to take the train ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i 'd like to leave on sunday with an arrival time by 08:30. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A
+bos no problem , there are many trains for sunday . from which station will you be leaving and your destination ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'll be leaving cambridge going to leicester please . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O N/A
+bos there is tr9187 that arrives at leicester by 08:06. will that work for you ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , make it for 3 people and i need a reference number . eos O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i have your tickets booked , and your reference number is knxjt4pr . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you , that 's all i need ! eos O O O O O O O O O O general-thank
+bos enjoy your trip ! eos O O O O O general-bye
+bos i need a place to stay in cambridge . it should be either a hotel or guesthouse with 1 star and moderate price range . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos there are actually no 1-star accommodations anywhere in cambridge . eos O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O N/A
+bos okay , how about 2 stars ? it does need to include free parking . eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos ashley hotel is a nice 2 star hotel . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O N/A
+bos how about a hotel with 4 stars instead ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos at 4 stars you have many options . what part of town would you like to stay in ? eos O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to stay in a good part of town . can you please give me the phone number ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos the alexander bed and breakfast is located in the centre . the phone number is 01223525725. eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O O B-Hotel-Inform+Phone O N/A
+bos what 's their address ? eos O O O O O O Hotel-Request+Addr
+bos the address is 56 saint barnabas road eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos what hotel type is that ? eos O O O O O O O Hotel-Request+Type
+bos it is a guesthouse . want me to book it ? eos O O O O B-Hotel-Inform+Type O O O O O O O Booking-Inform
+bos no thank you . i do need help finding places to go in town . i 'm looking for entertainment in the centre of town . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos i dont see any entertainment in the center of town . could i try a different area for you ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area
+bos how about a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos there are several available . do you have a preference on if there is a fee or free ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Price
+bos free would be preferable . i also need a taxi . eos O O O O O O O O O O O O Taxi-Inform
+bos okay , christ 's college is free admission . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O N/A
+bos i would also like to book a taxi to and from the hotel that leaves by 13:30. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay ! just to clarify , from where will you be departing ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet
+bos i am so sorry . i do n't know where my head has been . i need to leave the hotel by 13:30 , going to christ 's college . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A
+bos great ! i have booked a taxi for you . the car will be a yellow audi , and the contact number is 07663388074. can i help with anything else ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-greet,general-reqmore
+bos you have been of great help thank you eos O O O O O O O O O general-thank
+bos i am glad . thanks you too . eos O O O O O O O O O general-welcome,general-bye,general-greet
+bos can you help me find a train going to peterborough , with a departure time after 21:15 ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O N/A
+bos sure , where are you departing from ? eos O O O O O O O O O Train-Request+Depart
+bos my departing is from cambridge eos O O O O O B-Train-Inform+Depart N/A
+bos do you have a specific time you need to arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive
+bos no i do not have an arrival preference . eos O O O O O O O O O O N/A
+bos alright how about the tr8131 ? eos O O O O O B-Train-Inform+Id O N/A
+bos what time does that leave . i would like to make a booking . eos O O O O O O O O O O O O O O O N/A
+bos it will leave at 21:34 is that okay ? eos O O O O O B-Train-Inform+Leave O O O O general-reqmore
+bos yes , can you please book it for 7 people ? eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos i have booked your seats here is the information : booking was successful , the total fee is 115.5 gbp payable at the station .reference number is : wfkvrsvf . eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos are there any theatres in town ? eos O O O O B-Attraction-Inform+Type O O O N/A
+bos there are a few in the centre . i always recommend adc theatre located on park street . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A
+bos is that the newest theatre ? i want to visit some local places . eos O O O O O O O O O O O O O O O N/A
+bos i do n't know if it is the newest theater . would you like directions to it or information on another attraction ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos give me the entrance fee and area of any theater please . eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee
+bos adc theatre is in the city center on park street ; i am not sure about the entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos great . thank you . eos O O O O O O general-thank
+bos may i help you with a booking for a restaurant or lodging ? or have i answered all your questions for today ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no thank you . have a nice day , goodbye . eos O O O O O O O O O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos hello , i 'd like some information on a train going to cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos sure ! where are you departing from ? eos O O O O O O O O O Train-Request+Depart,general-greet
+bos i am leaving stevenage on thursday and i want to arrive by 10:15. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A
+bos i have a train on saturday that leaves cambridge on saturday at 07:54 and arrives at 08:43. eos O O O O O O O O O O O O O O O O O O N/A
+bos i need the train thursday eos O O O O O B-Train-Inform+Day N/A
+bos there is one leaving at 5:54 , yes i will book it for you and provide a reference number eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos i need to find a restaurant that serves weish food in the centre of town please . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos i 'm sorry , but there are no restaurants that match your criteria . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos yes , are there any weish restaurants in the cheap price range that are in north cambridge ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i 'm sorry , but there are no welsh restaurants in all of cambridge . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A
+bos can you change my food preference to chinese then ? i still want to be in the cheap range and center of town . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i found 3 options for you : charlie chan at regent street city centre , rice house at 88 mill road city centre , and golden house at 12 lensfield road city centre eos O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos please book a table for 4 at charlie chan . eos O O O O O O O B-Restaurant-Inform+People O O O N/A
+bos i can not book a reservation for you until i know what time and day your planning on going there . eos O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i apologize . i would like a table for 4 at 16:45 on wednesday . please tell me my reference number , if you do n't mind . eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O N/A
+bos i have confirmed your reservation at charlie chan 's on wednesday at 16:45 for four . the reference number is yhxa6wcs . is there anything else you need help with ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a train to cambridge arriving by 11:30. eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O N/A
+bos there are 420 trains that meet those criteria . where are you departing from and on what day ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos it should be on wednesday as well , and depart from the stansted airport eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are 6 trains that will arrive prior to 11:30. do you prefer a particular arrival time ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Arrive
+bos yes i need to arrive by 11:30 as i stated earlier . eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos i found one that arrives by 9:52 it is tr3828 , would you like to book that ? eos O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O O O O Train-OfferBook
+bos sure that sounds good , i will need 4 tickets please , and the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos booking was successful , the total fee is 40.4 gbp payable at the station . reference number is : 67wht21l . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos perfect , thank you ! eos O O O O O O general-thank
+bos you 're welcome . can i help you with anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , thank you . that 's all i need today . eos O O O O O O O O O O O O O general-thank
+bos thank you for using our service . have a wonderful day ! eos O O O O O O O O O O O O O general-bye
+bos hello , we 're planning on staying in cambridge and would like to know if you have a train that departs around 12:00 from cambridge proper . eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , can you tell me where you would like to travel to and what time ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos i 'll be going to london kings cross on friday . i need to arrive by 12:00 eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos the tr1502 puts you in london kings cross at 11:51 , will that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , please book that for 5 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos i was able to book you 5 tickets for that train . your reference number is xnqn9bn0 . is there anything more i can assist you with ? eos O O O O O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'd like to find someplace to stay with free wifi in the centre of town , please . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos alexander bed and breakfast is a cheap location . shall i book ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O Booking-Inform
+bos i am actually looking for something in the more expensive range and it should also include free parking . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are two locations in the expensive range , gonville hotel is a 3 star hotel and university arms hotel which is a 4 star hotel , which location would you prefer ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Select
+bos put me in the university arms , same group of people for 3 nights starting tuesday . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i have booked that for you . your reference number is 3jp83pax . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos that is great . thank you . that is all for now . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day too eos O O O O O O O O O O general-welcome
+bos you have been most helpful . are there any colleges in the area with free admission . or other attractions available close by ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes , there are several colleges in the city centre . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O N/A
+bos thanks once again eos O O O O general-thank
+bos have a great day , thanks eos O O O O O O O general-bye
+bos i 'm looking for something to do in the west . what would you recommend ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos do you have any particular type of attraction in mind ? if not , try visiting the lynne strover gallery at 23 high street , fen ditton . do you need more information ? eos O O O O O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O Attraction-Request+Type,general-reqmore
+bos yes . i need the phone number please . eos O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223295264. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i also need a train that will arrive by 18:15 and should leave on monday . eos O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O N/A
+bos where is your departure site ? eos O O O O O O O Train-Request+Depart
+bos i will be departing from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A
+bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest
+bos i will be traveling to birmingham new street and i need tickets for 7 people . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A
+bos tr5435 leaves cambridge at 15:01 and arrives in birmingham at 17:44. would you like to book this one ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , i 'd like to book 7 tickets . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was successful , the total fee is 525.69 gbp payable at the station . your reference number is yj11d57e . can i help you with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos great that 's all i needed . thank you . bye . eos O O O O O O O O O O O O O general-bye
+bos glad to help , have a good trip ! eos O O O O O O O O O O general-bye
+bos hi , can you help me find a train from cambridge to birmingham new street ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos sure i can help you get tickets , any particular day and time that you had in mind ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos yes . i want to leave on tuesday , after 9:15. eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos tr4567 will leave at 10:01 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O N/A
+bos thank you that will work fine for me and my husband eos O O O O O O O O O O O O general-thank
+bos would you like me to book 2 tickets for you on tr4567 ? eos O O O O O O O O B-Train-OfferBook+People O O O B-Train-OfferBook+Id O N/A
+bos the booking will be for only one person , and can i please have a reference number as well ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos yes . the booking was successful , the total fee is 75.09 gbp payable at the station . reference number is : dzj8ve7a . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i 'd also like to find a 4 star hotel with free wifi , please . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 3 hotels which are 4 stars , two in the west and one in the centre . is there an area which you prefer ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos oh , i completely forgot to mention that i will also need a hotel that has free parking . any of the 7 you said have this option ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos huntingdon marriott hotel , the cambridge belfry and university arms hotel all meet your needs . would you like to book one of these ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos can you please tell me the price range and post code of the cambridge belfry ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price
+bos the huntingdon marriott postcode pe296fl and the university arms postcode cb21ad are expensive , but the cambridge belfry postcode cb236bw is cheap . which one do you prefer ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Post I-Hotel-Inform+Post B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos can you tell me your favorite of those 3 and let me know what are of the city that one is in ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos my favorite is huntingdon marriott hotel , it is located in the west area . would you like me to book this one ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O Booking-Inform
+bos no , i just need to know the price range , postcode and area . eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Price
+bos it is in the expensive price range , postcode is pe296fl , and it is in the west part of town . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A
+bos got it ! thanks a lot . that 's it for today . have a nice day . bye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train to take me to cambridge departing from london liverpool street . eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos what day were you thinking of traveling on ? eos O O O O O O O O O O Train-Request+Day
+bos on thursday . i need to arrive by 20:45 eos O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A
+bos may i suggest train tr7360 arriving at 19:07 ? eos O O O O O B-Train-Select+Id O O B-Train-Select+Arrive O N/A
+bos that would be fine . i 'll need the travel time , departure time , and train id , please ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave
+bos as mentioned , it is tr7360 . it leaves liverpool on thursday at 17:39. it arrives at cambridge at at 19:07. the cost is 16.60 pounds per ticket . eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A
+bos what 's the duration of the trip ? eos O O O O O O O O O Train-Request+Duration
+bos the duration is 88 minutes . is there anything else i can help you with ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore
+bos yes , i also need a boat type of place to go in the north . eos O O O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O N/A
+bos we have riverboat georgina eos O O O O B-Attraction-Inform+Name N/A
+bos can you give me the phone number , address and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos yes , the address is cambridge passenger crusiers , jubilee house . their phone number is 01223902091. i 'm not sure about the entrance fee . you could call them and find out ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos okay . thank you for your time ! eos O O O O O O O O O general-thank
+bos before i let you go , has everything been resolved or are there other questions ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos have a great day . i am all set . goodbye . eos O O O O O O O O O O O O O general-bye
+bos welcome and thanks for using our services . eos O O O O O O O O O general-welcome
+bos i will be visiting cambridge soon and need a place to stay . i am looking for a guesthouse with at least a star 3 rating . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O N/A
+bos 4 guesthouses match your request and they 're all moderately priced . do you want to be in the north , south , or west side of town ? eos O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O O N/A
+bos what are my options on the west side of town ? eos O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos just one , the hobsons house is available . eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos ok , let 's go with that . ould you book it for 8 people starting wednesday ? i need 5 nights . eos O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O N/A
+bos you booking for hobsons house was successful , the confirmation number is bbsbey5b . can i help with anything else ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that will be all . thank you eos O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i am looking for a train for birmngham new street from cambridge eos O O O O O O O O O O O O B-Train-Inform+Depart N/A
+bos i can help you with that . first , a few more details . do you have a particular day and time frame you wish to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i would like to leave monday after 08:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos there is a train leaving at 09:01 for birmingham new street on monday , would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O Train-OfferBook
+bos yep thats great whats the arrival time on that train ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos that would be train tr1162 and the arrival time to birmingham new street is 11:44. would you be needing any tickets ? eos O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , that would be great . i am also looking for a place to stay , could you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have plenty of option . any place in particular ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Name
+bos it needs to be two stars and a type of hotel . expensive price range and free parking . eos O O O O O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Price O O O O O O O N/A
+bos there is one hotel that meets your requirements . it is the express by holiday inn cambridge in the eat part of town . it does have free internet and parking . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos great ! i would like to make a reservation for 6 people for 3 nights , beginning on friday . is that possible ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O N/A
+bos great ! you 're booked with reference number uj60o9bf . is there anything else i can do for you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that was everything i needed . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos i 'm happy to help . have a nice day . bye . eos O O O O O O O O O O O O O O general-bye
+bos i would love to go to some place that has boats . eos O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos sure , what part of town will you be in ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos it does n't matter . eos O O O O O O N/A
+bos i would recommend the cambridge punter , located in the centre of town at 251a chesterton road . do you need anything else ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos could i get the postcode , area and phone number ? i also need information on a restaurant called sitar tandoori . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone
+bos they are in the centre . postcode is cb41as . phone number is 07807718591. sitar tandoori is an expensive indian restaurant in the east . eos O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos can you book a table for me ? eos O O O O O O O O O N/A
+bos yes , i can . can you tell me what day for the reservation , how many guests and the time ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos actually do n't book the table . just give me the phone number and the food type please . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos it is 07807718591 and serves indin food eos O O O O O O O O N/A
+bos thank you for booking that . eos O O O O O O O general-thank
+bos anything else i can assist you with today ? eos O O O O O O O O O O general-reqmore
+bos no , i 'm good . thank you for your time and do n't work too hard . bye ! eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure to help . have a good night . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am new here . i need a place to stay with free wifi eos O O O O O O O O O O O O O O O N/A
+bos okay ! what price range are you looking for ? eos O O O O O O O O O O O Hotel-Request+Price
+bos cheaper the better free wifi too eos O B-Hotel-Inform+Price O O O O O N/A
+bos i have 10 locations with free wifi in the cheap price range . do you have a particular area in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos no particular area , whatever you suggest . eos O O O O O O O O O N/A
+bos okay well i suggest the alexander bed and breakfast in their center . would you like me to make a booking for you ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform
+bos yes please book 2 nights for 5 people , starting on saturday . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O N/A
+bos i have booked the alexander bed and breakfast for 2 nights starting on saturday for 5 people . the reference number is uciownwv . anything else i can help you with ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos that 's it . thank you , goodbye ! eos O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for places to go in town . the attraction should be in the type of museum and should be in the west . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A
+bos i love kettle 's yard , located on castle street . and admissions is free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee O O O N/A
+bos what is it address and how do i get there ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos address is castle street . do you need a taxi or bus ? eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos i would prefer to take a taxi . id like one to pick me up around 1 pm . eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos okay . where do you need to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos never mind , i do n't need a taxi . i actually need a hotel . eos O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos anything in particular and when are you planning your stay ? eos O O O O O O O O O O O O Hotel-Request+Name
+bos i 'm looking for aylesbray lodge guest house . i 'll be staying on wednesday . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A
+bos would you like me to book that for you ? eos O O O O O O O O O O O Booking-Inform
+bos yes , please . can you make a reservation for wednesday for 2 people , 2 nights ? eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O N/A
+bos your booking was successful . the reference number is rvq25tea . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , you have been most helpful . i look forward to visiting . thank you so much . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are very welcome ! have a wonderful trip and enjoy ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a hotel in the north eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area N/A
+bos there are 11 guesthouses and 2 hotels . did you have a preference ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Request+Type
+bos it should be a hotel . i do n't care if it has parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos i have two moderately priced ones for you to choose from . would you like a recommendation ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O O O O general-reqmore
+bos please pick one for me . the wife just `` politely requested '' that we change our mind on the parking , can you pick one that includes free parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos both have free parking . i suggest the lovell lodge . it 's a good place . phone is 01223425478. would you like me to book it for you ? eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Phone O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes please . i 'll need it booked for saturday , for 4 nights , and 3 people . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A
+bos your booking is confirmed . 3 people arriving on saturday and staying for 4 nights . your reference number is : 4xaiwckt . can i assist you with anything else ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Day O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos my wife and i thank you . that would be it eos O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos umm you too , as much as i have enjoyed the chat , i think this is the end of the dialogue . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos this is the end eos O O O O O general-bye
+bos hi , i am looking for information on sitar tandoori restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos sitar tandoori servers indian food and is in the east its expensive . phone number is 01223249955 post code is cb19hx eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O N/A
+bos great thank you for all your help . eos O O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos yes , actually , can you book me a setting for 5 people at 18:00 on thursday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos your are all booked ! your reference number is 2x4lvw0r . is there anything else i can do for you ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for places to go in the centre . eos O O O O O O O O O O O O O O O N/A
+bos can you tell me what you are looking to do so i can better serve you and are looking to pay an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Price,Attraction-Request+Type
+bos any park or historical building would be good . can you give me the name and telephone number of an attraction ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos holy trinity church is an architectural attraction in the centre . the phone number is 01223355397. would you also like the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O O O O N/A
+bos yes please . and get me a taxi for that commute . eos O O O O O O O O O O O O O Taxi-Inform
+bos when would you like to the leave for the holy trinity church ? eos O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to arrive at the restaurant by 18:00 , and i would like a contact number and car type . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car
+bos the car is a white audi and the contact number is 07963242512. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A
+bos thanks , i do n't need any further assistance . bye ! eos O O O O O O O O O O O O O general-bye
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'm looking for a hotel called alexander bed and breakfast eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos yes , alexander bed and breakfast is a guesthouse located in the centre . it is in the cheap price range . is there anything else you need to know ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O general-reqmore
+bos i 'd like to book the alexander b and b for 6 people , 5 nights , and starts on thursday . can i have a reference number , please ? eos O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref
+bos done ! your reference number is 45nr6jnn . do you need help with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train on tuesday and leaving after 19:30 eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A
+bos i can look into that for you - where would you like to go ? eos O O O O O O O O O O O O O O O O Train-Request+Dest
+bos where i 'd like to go is probably different than where i have to go , but i plan on going to stansted airport . eos O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos tr0768 leaves at 19:40. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O general-reqmore
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos tr0768 leaves at 19:40 , arrives by 20:08. the duration is 28 minutes . is there anything else ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no . i am all set . eos O O O O O O O O N/A
+bos have a great day then ! eos O O O O O O O general-bye
+bos i need a place to stay eos O O O O O O O N/A
+bos sure , do you have an area you want to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i would like to stay in the north . i need free wifi . i 'd like to stay in a moderately priced guesthouse please . eos O B-Hotel-Inform+Internet O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O N/A
+bos how about kirkwood house ? they are located at 172 chesterton road . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos that should work . can you reserve enough space for 8 people starting on monday , for five nights ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O N/A
+bos okay , your booking as complete ! your reference number is lq3h9rzr . can i be of any further help ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i would like to book a place to dine as well . eos O O O O O O O O O O O O O N/A
+bos i can help with that . is there a certain type of cuisine or price range you are interested in ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos i do not have a preference on the type of food but it does need to be near the hotel . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos there are 9 restaurants in the north . i recommend hakka . eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name O O N/A
+bos is hakka moderately priced ? eos O O B-Restaurant-Inform+Name B-Restaurant-Inform+Price O O N/A
+bos hakka is an expensive restaurant . would you like to book it or locate a different restaurant ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Restaurant-Request+Area
+bos i want somewhere in the same price range as my hotel actually . and i do n't care about food type but i want to know what kind of food it is eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos there is the nirala , a moderately priced restaurant at 7 milton road chesterton . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos is that in the north area ? eos O O O O O B-Restaurant-Inform+Area O O N/A
+bos yes it is in the north and it serves indian food . i also found golden wok in the north serving chinese food . which would you prefer ? eos O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select,general-reqmore
+bos can you suggest one , no wait , chinese sounds wonderful ! i love refried rice ! eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Hotel-Request+Ref
+bos you will love the golden wok then , would you like more information or a booking ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform,general-reqmore
+bos no booking needed today . in fact , i 'm all set . thanks for your help - goodbye ! eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . i am happy you 've enjoyed using our services . bye for now . eos O O O O O O O O O O O O O O O O O O O general-welcome
+bos can you help me find a train arriving by 12:45 going to birmingham new street ? eos O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what city are you departing from ? eos O O O O O O O O Train-Request+Depart
+bos i 'm leaving from cambridge eos O O O O B-Train-Inform+Depart O N/A
+bos can you give me the day you are traveling ? eos O O O O O O O O O O O Train-Request+Day
+bos i 'm leaving on saturday . may i please have the travel time ? eos O O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Duration
+bos travel times for all trains on that route are 163 minutes . the tr2576 would get you to birmingham new street at 11:44. eos O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Id O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos thanks . can you also look up information on lovell lodge hotel ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the lovell lodge hotel is located in the north that is 2 stars . it has moderate pricing , free internet and parking . their phone number is 01223425478. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Phone O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos thank you for the info , that will be all . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos certainly ! are you looking for a place to stay , a restaurant , attraction information , or do you need transportation ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need a train that leaves after 15:45 on wednesday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos where will you be leaving from and what is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i want to go to stansted airport . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos those trains leave every hour . there are trains that meet your specifications . the earliest would leave at 16:40 and arrive at the airport by 17:08. eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O N/A
+bos i also need suggestions for places to go . i 'm interested in seeing colleges in the north . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are no colleges in the north . would you like a different area or a different type of attraction ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos could you please try for something in the boat category ? eos O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos the riverboat georgina in a boating place and is in the north eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area N/A
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos certainly ! what information do you need to know ? eos O O O O O O O O O O O general-reqmore
+bos i 'm looking for a moderately priced hotel in the west , and i 'll need wifi while i am there eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos i would suggest this one the cambridge belfry . eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos perfect , thank you . that 's all i need for now . eos O O O O O O O O O O O O O O general-thank
+bos you 're certainly welcome . eos O O O O O O general-welcome
+bos i appreciate your time . goodbye . eos O O O O O O O O general-bye
+bos please let us know if there 's anything else we can do for you . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a hotel called the autumn house , can you give me some information about it ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos sure . autumn house is a guesthouse located in the east and has a 4 star rating . anything else you 'd like to know about autumn house ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what is the price range ? eos O O O O O O O Hotel-Request+Price
+bos the price range is cheap . would you like me to book you a reservation ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos i will think about it . is there anyway you can book me a train ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos i sure can ! i need some information to help find you the right one . can you tell me where you are going to and where you are departing from ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm going to stevenage from cambridge . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos when would you like to arrive or depart and what day ? eos O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i want to leave cambridge on tuesday , after 21:30. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos tr3300 departs from cambridge on tuesday at 23:21 and arrives in stevenage by 24:10. the price is 12.80 pounds per ticket . would you like me to book this for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O Train-OfferBook
+bos i do n't need a booking just now , thank you . in fact , that 's everything i needed today . eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos ok great ! if there 's nothing else , i hope you have a great day ! eos O O O O O O O O O O O O O O O O O O general-greet
+bos no , there is nothing else . thank you , have a great day ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . please remember us for all of your future travel needs . eos O O O O O O O O O O O O O O O O O O O O general-greet
+bos i need to find a moderately priced restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos the curry prince is in the moderate price range , and it is on the east part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos can you send me the address and the phone number of this restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yes , the curry prince is located at 451 newmarket road fen ditton and their phone number is 01223 566388. can i help you with anything else ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that will do it , thank you very much . eos O O O O O O O O O O O O O general-thank
+bos thank you . good bye eos O O O O O O general-greet
+bos i 'm looking for information on train times , can you help ? eos O O O O O O O O O O O O O O Train-Inform
+bos yes , i can help you with trains . where are you departing from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos i 'll be leaving stansted airport to cambridge after 16:15 on wednesday . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos tr1342 leaves at 16:42 would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O N/A
+bos yes . can you book a single ticket for me ? eos O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : 8mksm72e . have you anything else i can help ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes , i need a place to have dinner . i 'm thinking italian and expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O N/A
+bos there are 5 locations . did you have a preferred area of town ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area
+bos the restaurant should be in the centre eos O O O O O O O B-Restaurant-Inform+Area N/A
+bos i recommend caffe uno . can i book for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O Booking-Inform
+bos yes . book for 1 at 20:15. eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : ltn9ktvq . anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that 'll be all , thank you ! eos O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a swimming pool . eos O O O O O O O O O N/A
+bos sure , which part of town are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos the area does n't really matter , can you pick a popular me for me ? eos O O O O O O O O O O O O O O O O O N/A
+bos parkside pools is centrally located and their address is gonville place . is there anything else i can help you with today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O general-reqmore
+bos i 'm looking for a sri lankan restaurant . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i 'm sorry . i 'm not able to find anything that meets your criteria . would you like to try a different type of food ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos hmm , what about chinese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos sure i 've found an expensive place named yu garden in the east , would you like me to book something ? eos O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O O O O O O O O Booking-Inform
+bos yes , i 'd like to take my husband there at 11:30 on wednesday . eos O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos booked ! the table will be reserved for 15 minutes . your reference number : 5r5c75zp . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos i 'd also like to book a taxi from the pool to the restaurant that arrives by the reservation time . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos sure . what time would you like to leave ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos as long as it arrives by 11:30 it doesnt matter when it leaves eos O O O O O O O O O O O O O O N/A
+bos would you like me to reserve it for you . eos O O O O O O O O O O O Train-OfferBook
+bos yes , please . i 'll need the contact number and car type . eos O O O O O O O O O O O O O O O Taxi-Request+Car
+bos you 're all set ! it 's a grey volvo . if you need to contact the driver for any reason , the contact number is 07174343971. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O N/A
+bos thank you , you were a great help . that 's all i needed . eos O O O O O O O O O O O O O O O O general-thank
+bos welcome and have a great day eos O O O O O O O general-welcome,general-bye
+bos have great day too eos O O O O O N/A
+bos i 'll be going now . good-bye eos O O O O O O O O general-bye
+bos hi , i 'd like a listing for a mediterranean restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos la mimosa is a nice restaurant in the centre of town which serves mediterranean food in the expensive price range . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price O O O N/A
+bos that sounds wonderful . can you help me book a table for 2 people at 18:00 on wednesday ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i am sorry i can not reserve a table for that time . maybe another ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos can i book a table for 17:00 instead ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A
+bos i 'm sorry . that time is unavailable as well . eos O O O O O O O O O O O O Booking-NoBook
+bos can you help me find a train going to stevenage and leaving thursday instead ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos there are ten trains available . can you give me a little more detail about your trip ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O N/A
+bos i am going to stevenage on thursday and need a ticket leaving cambridge anytime after 15:30 please eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A
+bos the train leaves every 2 hours starting at 17:21. would you like me to book a ticket on any of the 4 trains available after 15:30 ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O B-Train-OfferBook+Choice O O B-Train-OfferBook+Leave N/A
+bos yes , please can i book for two people at 17:21 ? eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos the booking was successful the total price is 25.6 that can be paid at the station . reference number is ud72ltgu eos O O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos i also need a train going to stevenage on thursday leaving cambridge after 15:30 for the same group of people . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O N/A
+bos i 've done that for you . if you need additional help ask away . if not have a good one ! eos O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i 'd like a train to london kings cross to arrive by 21:15. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos sure , which day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day
+bos i am travelling on thursday and going to cambridge . eos O O O O O B-Train-Inform+Day O O O O O N/A
+bos might i suggest train tr6595 leaving cambridge at 19:00 and arriving at london kings cross at 19:51. would that work for you ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , that does work . could you book it for 1 person please ? eos O O O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos okay , i went ahead and reserved your ticket for train id tr6595 . the cost will be 23.6 gbp payable at the station , and your reference number is gktt3otz . eos O O O O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos that 's everything i needed . thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-bye
+bos i need to find a train going to stansted airport and departing on thursday . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos the train id is tr7966 eos O O O O O B-Train-Inform+Id N/A
+bos how much is a ticket ? eos O O O O O O O N/A
+bos the train ticket will cost you 10.10 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos does that train arrive by 16:45 , i need to be there by then . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos the tr7966 is the first train of the day , arriving at 6:08. the latest train arriving before 16:45 would be the tr9427 arriving at 16:08. would you prefer that ? eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O Train-Select
+bos do either of those trains depart from cambridge ? i 'd like to leave from there if possible . eos O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O N/A
+bos tr7966 does depart from cambridge and arrives at 6:08. the latest train from cambridge to stansted airport on thursday arrives at 10:10. it is train tr6242 . which do you prefer ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Arrive I-Train-Inform+Arrive O O B-Train-Inform+Id I-Train-Inform+Id O O O O O Train-OfferBook
+bos the 10:10 would work for me ! eos O O O O O O O O N/A
+bos alright , how many tickets do you need ? eos O O O O O O O O O O Train-Request+People
+bos i can get my own ticket , thank you . how much will it cost ? eos O O O O O O O O O O O O O O O O O general-thank
+bos the fare is 10 pounds 10. may i help you with anything else ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O general-reqmore
+bos no , that 's all thanks eos O O O O O O O general-thank
+bos thanks i have enjoyed the service eos O O O O O O O general-bye
+bos the converstion is about the train ticket book eos O O O O O O O O O Train-Inform
+bos you 're welcome . have a great trip ! eos O O O O O O O O O O general-bye
+bos i am looking for a restaurant . the restaurant should be in the centre and should be in the cheap price range eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A
+bos ok , i have 15 options for you , in many cuisines . do you have a cuisine preference , or would you like me to recommend a restaurant ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference . what would you suggest and can you provide me with the address and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos how about the rice house ? it is located at 88 mill road city centre and their number is 01223367755. eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Phone O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you for using our services . is there anything else we can help you with ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos what hospitals are located in town ? eos O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located on hills rd , cambridge . eos O O O O O O O O O O O N/A
+bos great . can i get the phone number , address , and postcode please ? eos O O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos sure ! the phone number is 01223245151 , the address is hills rd , cambridge , and the post code is cb20qq . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks that 's all i need for now ! eos O O O O O O O O O O general-thank
+bos you 're welcome . i hope everything is okay ! eos O O O O O O O O O O O general-bye
+bos quick , find a hospital for me ! eos O O O O O O O O O Hospital-Inform
+bos the local hospital is addenbrookes hospital their telephone number is 01223245151. eos O O O O O O O O O O O O N/A
+bos what is the postcode eos O O O O O Hospital-Request+Post
+bos post code is cb20qq . eos O O O O O O N/A
+bos is there valet parking at the hospital ? eos O O O O O O O O O Hospital-Inform
+bos i 'm sorry , that information is not available . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , that was everything , thank you . eos O O O O O O O O O O general-thank
+bos you are quite welcome . have a nice day . eos O O O O O O O O O O O general-bye
+bos i need a information of hospital in town , please . eos O O O O O O O O O O O O Hospital-Inform
+bos certainly ! addenbrookes hospital is located on hills rd , cambridge in postcode cb20qq . is there a specific department you need ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that will be all . good bye . eos O O O O O O O O O O O general-bye
+bos thank you for allowing me to help you today . eos O O O O O O O O O O O general-bye
+bos i need a taxi to come to gallery at twelve a high street by 4:00. eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos ok , where do you need to go ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i want to the gallery at twelve high street . eos O O O O O O O O O O O N/A
+bos i 'm sorry , can you confirm if you 're leaving from or going to gallery at twelve a high street ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i am departing from the junction and going to gallery at twelve . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos you 'll be picked up at the junction , to gallery at twelve a high , by 4:00. your auto is a grey skoda , contact number : 07355269466. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O N/A
+bos okay thank you ! eos O O O O O general-thank
+bos you 're welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you . eos O O O O O O O O O O O general-thank
+bos ok , thank you for contacting us and have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos i want a taxi to come to the junction to take me to kambar . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest O N/A
+bos i would be happy to book that for you , what time would you like to arrive ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive
+bos at 3:30 pm eos O O O O N/A
+bos you 've been booked . expect a blue volkswagen to get you to kambar by 3:30. their contact number is 07466224734. can i help with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that 's everything . thanks ! eos O O O O O O O O O general-thank
+bos you are most welcome ! eos O O O O O O general-bye
+bos have a great night ! goodbye ! eos O O O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'd like for a taxi to take me to autumn house from travellers rest eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos sure thing ! what time do you want to leave ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to arrive by 07:00 , what time i leave is okay . eos O O O O O O B-Taxi-Inform+Arrive O O O O O O O O N/A
+bos there 's a grey skoda that will be picking you up . you can contact the driver at 07605689057. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O B-Taxi-Inform+Phone O O N/A
+bos hi , i need to get a taxi out of kohinoor . eos O O O O O O O O O O B-Taxi-Inform+Depart O O N/A
+bos and when would you like to leave or arrive by ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to leave after 07:45. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos i 'd love to help ! where are you going ? eos O O O O O O O O O O O O Taxi-Request+Dest
+bos i am going to allenbell eos O O O O O B-Taxi-Inform+Dest N/A
+bos your booking is complete , a black toyota will pick you up . the contact number is 07768938666. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O N/A
+bos thats perfect that you for your help eos O O O O O O O O N/A
+bos you 're welcome . do you have any other concerns ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos i do n't . i appreciate your help . goodbye for now . eos O O O O O O O O O O O O O O general-bye
+bos ok , i 'm glad i was able to assist you . if there ever is anything else do n't hesitate to contact us . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a restaurant the serves austrian food in the centre . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry , but no restaurants match your criteria . would you like to broaden your search ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos what about something in the expensive price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos there are 33 expensive restaurants in the center of town , but no austrian ones . in fact , there are no austrian restaurants in all of cambridge . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O N/A
+bos ok , how about an expensive italian restaurant around the centre ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos would you like to book don pasquale pizzeria ? it matches all of your latest criteria . eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O N/A
+bos yes . i 'd also like their phone number please . eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos don pasquale pizzeria 's phone number is 01223350106 , what date , time , and number of people would you like to book ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos that 's all the info i need on the pizzeria . i also need a train to leave after 20:15 and depart from stansted airport . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos the first train leaves from stanstead airport on friday at 20:24. would you like me to book it for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos actually i need a train on sunday , please . eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos alright , i have the earliest on sunday leaving at 20:24 from stansted airport . should i book this train for you ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O Train-OfferBook
+bos what is the arrival time in cambridge ? eos O O O O O O O B-Train-Inform+Dest O Train-Request+Arrive
+bos the 20:24 train from stansted arrives in cambridge at 20:52. it 's a quick , 28-minute trip ! eos O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time O O O O N/A
+bos what is the name of the stop where i need to get off for the restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos the train stop is cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos should i book this train for you ? eos O O O O O O O O O Train-Inform
+bos there are 4 trains available one leaves at 20:24 would that work for you ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O O O O Train-Select
+bos i will just need the arrival time please . eos O O O O O O O O O O Train-Request+Arrive
+bos the arrival time for tr2021 is 20:52. eos O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive N/A
+bos please book that train for me . eos O O O O O O O O Train-Inform
+bos i would be happy to book tr2021 for you . the cost is 8.08 a ticket . how many tickets will you need ? eos O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O Train-Request+People
+bos that 's actually all i need this afternoon . thank you very much . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . feel free to contact us again if you need any more information . eos O O O O O O O O O O O O O O O O O O general-welcome
+bos i am looking for a place to stay . the hotel should be in the cheap price range and should be in the east eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are no cheap hotels in the area but three cheap guesthouses . are those ok , or did you want me to run another search ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O general-reqmore
+bos i think a 4 star guest house would be good . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos autumn house is located at 710 newmarket road . want me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Booking-Inform
+bos no , i do n't need a booking , just the phone number please . eos O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos certainly , the phone number is 01223575122. is there anything else i can help you with today ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos yes information regarding a particular restaurant called michael house cafe . eos O O O O O O O O O O O O Restaurant-Inform
+bos michael house cafe is located in the centre area and serves european food . would you like to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform
+bos no just the address if you have it eos O O O O O O O O O Restaurant-Request+Addr
+bos yes the address is st. michael 's church trinity street city centre . eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos great . i would like you to book a taxi for me . i want to leave the restaurant by 9:45 and head back to the hotel . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos your taxi has been booked . it will be a grey bmw and the contact number is 07956996955. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos that is . thanks for your help ! eos O O O O O O O O O general-thank
+bos thank you for calling . i hope you enjoy your stay in cambridge . please call again if we can assist you with anything else ! goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos what trains arrive in cambridge by 10:30 ? eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos where are you traveling from and on what day ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i am traveling from kings lynn on sunday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos please give me your day and time of departure to help me to narrow down to a suitable result . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i do n't have a departure time . i just need to be in cambridge by 10:30. eos O O O O O O O O O O O O O O O O O O N/A
+bos i suggest the tr8092 that will arrive in cambridge at 08:58. this will give you ample time . do you want me to book this ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook
+bos please book for 5 people , i will also need the reference number . eos O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos ok. the total fee is 39.2 gbp payable at the station . your reference number is wvsmpoew . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i am also looking for a moderately priced italian food restaurant . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A
+bos i found prezzo in the moderate price range in the west part of town eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos great can i just get their address ? eos O O O O O O O O O Restaurant-Request+Addr
+bos sure , prezzo is located at 21 - 24 northampton road postcode cb30ad , would you also like their phone number ? eos O O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos no , the address is fine . thank you very much for your help ! eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos you 're quite welcome ! is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that 'll be all . thank you , again . eos O O O O O O O O O O O O O general-thank
+bos it was great conversing with you today . have a great day ! goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos howdy , it would help me a great deal if you could please get me some information about the alexander bed and breakfast eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos it is a cheap guest house located in the centre . you want their phone number ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O general-reqmore
+bos i would like the address please . eos O O O O O O O O Hotel-Request+Addr
+bos they are located at 56 saint barnabas road . do you need help with anything else today ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos could you provide me with the star rating of the alexander bed and breakfast ? eos O O O O O O O O O O O O O O O O N/A
+bos they are 4 stars . does that work for you ? eos O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Select
+bos yes , that is perfect ! can you also find a restaurant in the centre ? i 'm looking for mediterranean , but not too expensive . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos the gardenia is your best bet . it 's cheap , but fantastic . would you like to book a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos i need the phone number , address , and postcode eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223356354. eos O O O O O B-Restaurant-Inform+Phone N/A
+bos i need the address and postcode . i need a taxi to pick me up at the hotel by 19:00. i need the contact number and car type please . eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type,Restaurant-Request+Post,Restaurant-Request+Addr
+bos the gardenia is located at 2 rose crescent city centre . their post code is cb23ll . i can help you with the taxi . where are you departing from ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i will be departing the hotel by 19:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos i was able to book that for you . be expecting a yellow skoda . should you need to reach them , please call 07153240944. eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos great , thanks for your help ! eos O O O O O O O O general-thank
+bos thank you anything else you need help with today ? eos O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you very much for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos i glad we could assist you today . feel free to contact us anytime , and have a pleasant trip . eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a cheap restaurant in the center of the town . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos we have lots of cheap places in the center of town , but i recommend the river bar steakhouse and grill . eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos want to book a table for 5 people at 12:00 on sunday and a confirm number place eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number : p5u2xrzd . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i also need a place to stay eos O O O O O O O O N/A
+bos i can help with that . do you have a preference for price range and area of town ? hotel or guesthouse ? eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Request+Price,Hotel-Request+Area
+bos i would like the guesthouse to be the same price range as the restaurant . i need it to include free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O N/A
+bos el shaddai fits your requirement . its located at 41 warkworth street they have free parking and wifi . phone 01223327978. would you like me to book for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes . i want a reservation for 4 nights starting sunday . eos O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos do you want reservations for 5 people , the same as the restaurant ? eos O O O O O O O B-Booking-Inform+People O O O O O O O N/A
+bos yes that would be great . also i ; ll need the reference number . eos O O O O O O O O O O O O O O O O N/A
+bos your booking was successful . your reference number is uvchn707 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you very much ! goodbye ! eos O O O O O O O O general-bye
+bos you are quite welcome ! bye , have fun ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information in cambridge eos O O O O O O O O N/A
+bos i can definitely help you . are you interesting in lodging , transportation , entertainment or perhaps some place to eat ? eos O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos can you tell me about an attraction called primavera ? eos O O O O O O O O O B-Attraction-Inform+Name O N/A
+bos primavera is a free museum in the centre , their address is 10 king s parade . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for information on trains departing from cambridge on thursday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos there are a lot of trains to choose from . would you like to narrow it down by destination , departure time , or arrival time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 19:30 and arrive at london kings cross . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos you are booked your ref number is o2uqs7k8 eos O O O O O O O O B-Train-OfferBooked+Ref N/A
+bos i actually did n't want to book yet , but that 's ok. i just needed to know how much the ticket costs . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the price for tr0720 is 23.60 pounds . can i help you with anything else today ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos that is all , thank you ! eos O O O O O O O O general-thank
+bos i apologize for your early booking and hope you have a safe trip ! eos O O O O O O O O O O O O O O O general-bye
+bos i was told about a beautiful college called saint catharine 's . could i get some information on it ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos it is in the centre part of town at king 's parade , and entrance is free . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , i 'd like to know the postcode , please ? eos O O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb21rl . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yeah , are there any restaurants serving italian food near the college ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos yes , there are 9 ! what price range would you like ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price
+bos i 'm splurging , let 's go with an expensive one ! eos O O O O O O O O O O O O O N/A
+bos okay how about the stazione restaurant and coffee bar ? it is in the expensive price range . would you like me to make a reservation for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O O O Booking-Inform
+bos yes , that would be great . we will be dining on saturday at 11:00. it will be 6 people . eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O O O N/A
+bos i 've made those reservations and your reference number is 8fmz4vce . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you are welcome . eos O O O O O general-welcome
+bos i need a train from stevenage to cambridge eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A
+bos there are 70 results . is there a certain day and time you 'd like to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to leave on saturday and arrive by 18 ; 30 eos O O O O O O B-Train-Inform+Day O O O O O O N/A
+bos tr0545 can get you there by 16:43 , would you like me to book a ticket ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please get me 5 tickets for that eos O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 51.2 gbp payable at the station .reference number is : dzn9x4bu . is there anything else i can do for you ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for an expensive restaurant in the west . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 9 restaurants in the west that are considered expensive . you have a choice of thai , indian , british or european . which do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select
+bos i 'd love to have some indian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 5 indian restaurants that meet your needs . would you like for me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please ! can you make a reservation at your favorite for the same group of people at 21:00 on the same day as the train ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A
+bos ok , i 've booked you and your guests for saturday at tandoori place , 68 histon road chesterton , reference # 170zcnic . eos O O O O O O O O O B-Booking-Book+Day O O O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos enjoy your stay in cambridge eos O O O O O O general-bye
+bos i need a guest house which has free parking eos O O O O O O O O O O N/A
+bos what part of town do you want to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos no specific area . i would like it to have free wifi and 4 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos i have 16 entries that are a match . what area would you like the hotel in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos i am not particular as long as it has a 2 star rating , free wifi and is a guesthouse . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos i 'm sorry , can you just clarify whether you prefer 2 or 4 stars ? eos O O O O O O O O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A
+bos sure , i need a 4 star guesthouse with wifi and parking . the area does n't matter . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos how about the archway , its moderately prices and has free wifi and parking ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that sounds good . i 'd like to book a room for 2 people starting on saturday and lasting 5 nights . eos O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O N/A
+bos alright , you 're all booked . your reference number is jakfvtlq . can i help with anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i 'm looking for info on soul tree nightclub . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it 's located in the centre . here 's the phone number 01223477900. the address is 1-6 corn exchange street eos O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos can you tell me what type of attraction this is and the entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos sure . soul tree nightclub is a nightclub attraction . the entrance fee is 4 pounds . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos thank you so much for your help . that was all i needed . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i want to find a guesthouse place to stay with a 3 star rating . eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are four to choose from . do you prefer the north , south , or west ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O N/A
+bos any area is fine i just need info for anyplace where a booking is available . eos O O O O O O O O O O O O O O O O O N/A
+bos can i get your booking information so i can check them for availability ? eos O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes i need it for 3 people for 5 nights starting from monday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos the hamilton lodge has availability . i went ahead and booked that stay for you . i can always cancel if you change your mind . your reference number is xfd6zaft . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos can i cancel the reservation with you ? eos O O O O O O O O O N/A
+bos i can not cancel the reservation but you can call to do so at 01223365664. eos O O O O O O O O O O O O O O B-Hotel-Inform+Phone O N/A
+bos i also need a train . leaving from cambridge . eos O O O O O O O O B-Train-Inform+Depart O O N/A
+bos may i ask what day you would be traveling ? and where are you wanting to go to ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos i can help you with that . are you wanting to come in by train ? eos O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos i 'm actually just looking for places to go in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos are you looking for a specific type of attraction ? eos O O O O O O O O O O O Attraction-Request+Type
+bos i believe i 'd like something in the entertainment area . is there anything like that ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos there are no options in the centre . would you like to try another area ? eos O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area
+bos is there anything interesting going on near the college ? eos O O O O O O O O O O O N/A
+bos i do n't have information on events only attractions . are you interested in visiting a college ? eos O O O O O O O O O O O O O O O O B-Attraction-Select+Type O O N/A
+bos yes please . i need the phone number of a college that you recommend . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Phone
+bos i recommend clare hall in the west . their phone number is 01223332360. anything else i can help with ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos i also need train tickets . eos O O O O O O O Train-Inform
+bos what is your destination and what time would you like to arrive ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive
+bos i would like to arrive by 17:15. eos O O O O O O O O N/A
+bos what day will you travel ? eos O O O O O O O Train-Request+Day
+bos i will be traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A
+bos can you tell me your departure and destination cities please ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos oh , silly me ! i guess that information would help , would n't it ? i need to depart from peterborough and arrive in cambridge , please . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos okay . the tr2526 would meet your criteria . would you like to book tickets ? if so , how many tickets would you like ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos what is the total travel time for train tr4526 ? eos O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 50 minutes eos O O O O O O B-Train-Inform+Time N/A
+bos that is all i need , thank you , goodbye ! eos O O O O O O O O O O O O general-bye
+bos no problem . have a great day . eos O O O O O O O O O general-welcome,general-bye
+bos can you get me information on a restaurant called golden house ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos golden house is a cheap chinese restaurant in the center of town . their address is 12 lensfield road city centre , cb21eg . their phone number is 01842753771. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O N/A
+bos i 'd like to book a table for 3 at 20:00 on monday . i 'll need a reference number , please . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 4eytd9x9 . do you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , i do . i would like to find some interesting places to go while we are in town . perhaps , some sort of entertainment . any suggestions ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there are no entertainment attractions in the centre . can i try another type of attraction ? eos O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O O O O O O N/A
+bos how about a college ? eos O O O O B-Attraction-Inform+Type O N/A
+bos i have about 13 colleges in the centre of town . if i may , might i suggest pembroke college . they have a quite unique campus . there is also free admission . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A
+bos great . what 's the address for pembroke ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Addr
+bos it 's located on trumpington street , postcode cb2 1rf . would you like their phone number ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O N/A
+bos give me the entrance fee instead please . eos O O O O O O O O O Attraction-Request+Fee
+bos pembroke college has a no entrance fee . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos no , that will be it . you 've been very helpful ! eos O O O O O O O O O O O O O O N/A
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for places to go in town . the attraction should be in the centre and should be in the type of theatre . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type O O N/A
+bos i have 4 theatres in the centre area , adc theatre , cambridge arts theatre , mumford theatre , or the cambridge corn exchange . i can provide further details on any of them . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O N/A
+bos may i please have the address and phone number of one that you recommend ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the mumford theatre is located at anglia ruskin enterprise , east road and their phone number is 08451962320. do you need assistance with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay in a cheap price range . do you have any suggestions ? eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos sure , there are a lot of options , do you have a particular area of town in mind ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to stay in the north area , please . i need free parking also . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos how about worth house ? it 's lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A
+bos is it in the moderate price range eos O O O O O O O O N/A
+bos worth house is in the cheap price range , and offers parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O Hotel-Inform+Parking
+bos please book worth house for 3 people , for 3 nights starting on sunday . eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A
+bos booking was successful.reference number is : 9uq64z3m.is there any other thing i can help ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos nope , that 's all i need . eos O O O O O O O O O N/A
+bos okay , great . have a great day . eos O O O O O O O O O O general-bye
+bos can you help me find a place to stay while in cambridge in the north that has free wifi ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos we have about 12 different options for you . do you have a preferred price range ? or do you prefer a hotel or guest house ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Request+Price
+bos i would like one with 4 stars . eos O O O O O O O B-Hotel-Inform+Stars O N/A
+bos that narrowed it to eight choices . how about home from home ? it has free internet and parking . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet
+bos that sounds like a perfect fit . please book it for 4 nights starting this friday , for 3 people . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A
+bos i was able to book you for 4 nights for 3 people starting on friday . the reference number is : 0gljedpz . is there anything else you need ? eos O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People O O B-Booking-Book+Day O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i would like to find a hotel that has 4 stars and included free parking eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O N/A
+bos i have 3 hotels that meet your criteria , 2 are in the west and one is in the centre . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O N/A
+bos the hotel should have a star of 4 and should include free parking . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos university arms hotel has 4 starts and free parking . would you like me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , please . 8 people for 2 nights starting on saturday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : 1vqqlh6r eos O O O O O O O B-Booking-Book+Ref N/A
+bos thank you that is all i needed . eos O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos can you help me find a hotel called home from home ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos sure ! it is a guesthouse and has free wifi ! what other information do you need ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos they do have free parking yes eos O O O O O O O Hotel-Inform+Parking
+bos i am also looking for a train that goes to cambridge and leaves after 21:15. eos O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i 'm departing from leicester on monday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos i have train tr7658 that leaves at 22:09 and arrives in cambridge by 23:54. will that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O general-reqmore
+bos yes , can you make a reservation for 4 people on that train ? and what is the reference number for the booking please . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 151.19 gbp payable at the station .reference number is : ydyacfuz . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that is all i need , thanks . eos O O O O O O O O O general-thank
+bos i 'm glad i could help . eos O O O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos ok , can i help you with that ? maybe book you some travel or accommodations ? eos O O O O O O O O O O O O O O O O O O Booking-Inform
+bos actually , i need to find a restaurant . eos O O O O O O O O O O Restaurant-Inform
+bos there are many restraunts in cambridge , what exactly are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food
+bos i am looking for a cheap portuguese place . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos we have two . would you prefer one in the south or the centre ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos i 'll go with whichever one you recommend . i just need to know the area , postcode , and phone number . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Phone
+bos i highly recommend nandos . they are located on the south side of town . their postcode is cb17dy and their phone number is 01223327908. is there anything else you need ? eos O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , i need a train , i 've got to get to king 's lynn . eos O O O O O O O O O O O O O O O O O O Train-Inform
+bos where are you departing from , and what day ? do you have a spcific time you need to leave or arrive by ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day,Train-Request+Depart
+bos i would like to depart from cambridge on wednesday and arrive in king 's lynn by 09:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A
+bos there are 4 trains that meet your criteria , departing at 05:11 , 06:11 , 07:11 , or 08:11. which one would you like me to book ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-Select,Train-OfferBook
+bos the departure does not matter . i just need 6 tickets . eos O O O O O O O O O O B-Train-Inform+People O O N/A
+bos i booked you on the tr1574 . your reference is z6dsqlfy and 58.8 gbp is due at the station . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Id O O O B-Train-Inform+Ref I-Train-Inform+Ref B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos hope you have a wonderful day . goodbye . eos O O O O O O O O O O general-bye
+bos i want a place to stay eos O O O O O O O N/A
+bos there is a lot of choice . do you have any preferences ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O general-reqmore
+bos yes , i 'm looking for a 3-star guesthouse in a moderate price range . i do need free parking , too . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos there are 3 guesthouses with that criteria available , one each in the south , north and west . do you have an area preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos no but i need internet . eos O O O O O O O Hotel-Request+Internet
+bos all three also have free internet . which area would you be interested in ? i can help you book your stay . eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Booking-Inform,Hotel-Inform+Internet
+bos can you tell me the name of the one that is in the west , because i am also looking for something to do in the west . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the name of the guesthouse in the west is hobsons house . can i book that for you ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos not right now . can you help me find something to do in the west area ? eos O O O O O O O O O O O O O O O O O O N/A
+bos what type of activities are you interested in ? musems ? parks ? colleges ? eos O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O Attraction-Request+Type
+bos i 'm not sure.. can you recommend something ? eos O O O O O O O O O O N/A
+bos churchhill college is in the west at storey 's way and has no entrance fee . shall i book that one for you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O Booking-Inform
+bos no thank you . i just wanted to know what things there were to do . visiting a a college sounds like fun . thanks for all your help today . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos did you want me to look up another college ? eos O O O O O O O O O O O general-reqmore
+bos no , i am all set . thanks for your help . bye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! bye ! eos O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay . the hotel does n't need to include internet and should include free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos do you have any other constraints , such as location or price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos the location and price range do n't matter to me . i want a guesthouse with 4 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O N/A
+bos we still have a lot of great options to choose from . can i recommend the alexander bed and breakfast in the centre of town ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A
+bos sure , that sounds fine , as long as you 're sure it has free parking . eos O O O O O O O O O O O O O O O O O O N/A
+bos it does offer free parking . would you like me to book it for you ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos book for 1 people for 5 nights starting thursday and get me the reference number please eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O Hotel-Request+Ref
+bos alexander bed and breakfast - 56 saint barnabas road cb12de phone - 01223525725 eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos and the reference number ? eos O O O O O O Hotel-Request+Ref
+bos i 'm sorry about that . your reference number is 4psp6fib . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i 'd also like to find a cinema in the west side of town . do you know of any in that area ? eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O N/A
+bos i 'm sorry but there are n't any cinemas in the west . would you like to try another location . eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area
+bos let 's try for a museum in the west instead eos O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos the west is home to 7 museums . entrance fees are either free or 3.50 pounds . i personally recommend kettle 's yard . eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A
+bos that works , can you please provide the address for me ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos kettles yard is located on castle street . is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos yes . i would like a taxi from the hotel to the museum please . eos O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos okay , i need to know when you would like to leave the hotel and when you 'd like to arrive at the museum please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to leave the hotel by 10:30. eos O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos your vehicle is a black volvo and they cbr at 07186950865 any other questions ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O general-reqmore
+bos no that 's all i need . have a good night . eos O O O O O O O O O O O O O N/A
+bos thank you for using our service . eos O O O O O O O O general-greet
+bos i am looking for a place to stay . the hotel should have a star of 4 and should include free parking . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos do you have an area or price range in mind ? and do you want a hotel or a guesthouse ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O Hotel-Request+Area,Hotel-Request+Price
+bos price does n't really matter , but the centre of town might be better . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price
+bos i have a cheap guesthouse and an expensive hotel in the center . i recommend the hotel - the university arms . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you provide the address please ? eos O O O O O O O O Hotel-Request+Addr
+bos it is located on regent street . anything else i can help you with today ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos what was their price range again , please ? eos O O O O O O O O O O Hotel-Request+Price
+bos it is in the expensive price range . eos O O O O O B-Hotel-Inform+Price O O O N/A
+bos i am also looking for a place to go in the centre eos O O O O O O O O O O O O O N/A
+bos what type of attraction are you interested in ? eos O O O O O O O O O O Attraction-Request+Type
+bos nothing in particular . what do you recommend ? eos O O O O O O O O O O N/A
+bos great saint mary 's church has wonderful architecture if you like that kind of stuff . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos i also want to book a taxi eos O O O O O O O O Taxi-Inform
+bos your taxi is booked . your car is a blue honda and contact number is 07090663777. anything else you need ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos that 's it for today . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos thanks again have thank you for all of your help today eos O O O O O O O O O O O O general-bye
+bos can you help me find a train to cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i sure can ! where are you departing from ? eos O O O O O O O O O O O Train-Request+Depart
+bos i need to leave kings lynn on tuesday after 15:15. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos we have eight trains leaving for cambridge that day after 15:15. is there any time you prefer ? eos O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Dest O O O O O O O Train-Request+Leave
+bos no , as long as it 's after 15:15. what times are available ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O N/A
+bos trains leave at the following times : 16:11 , 17:11 , 18:11 , 19:11 , 20:11 , 21:11 , 22:11 , and 23:11. which would you prefer ? eos O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-Select
+bos the 16:11 train would be fine . i 'll need the booking for four people . can i also have the reference number please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 39.2 gbp payable at the station . reference number is : 86prm3m8 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i also need reservations for thanh binh . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos what day and time would you like the reservation for ? also , how any people ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos i want to reserve a table for tuesday for 4 people at 20:45. eos O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A
+bos your reservation for 4 people at thanh binh this tuesday at 20:45 was successful . your reference number is : ab4v9svp . eos O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , that 's all i needed for today . eos O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos can you help me find a hotel called limehouse ? thanks . eos O O O O O O O O O B-Hotel-Inform+Name O O O N/A
+bos limehouse phone number is 01223300552. would like you to make a reservation ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform
+bos yes book for 8 people for 2 nights starting on tuesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : iv8nujou . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos no , that should be it . thanks so much . eos O O O O O O O O O O O O general-thank
+bos thanks for letting me assist you . have a great day ! eos O O O O O O O O O O O O O general-bye
+bos can you find a restaurant called rajmahal . eos O O O O O O O B-Restaurant-Inform+Name O N/A
+bos sure . it 's an indian place in the east area of town . what would you like to know about it ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos that 's all i need to know . can you reserve me a table for 3 saturday at 18:00 ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : 1xcdmw6o . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , thanks . i 'm also interested in attending a theatre on the west side . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos i 'm afraid there are n't any theatres on the west side . most of our theatres are in the city centre . is there something else i can look up for you ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O general-reqmore
+bos what entertainment choices are in the west ? eos O O O O O O O B-Attraction-Inform+Area O N/A
+bos sorry , i could n't find anything in the west . eos O O O O O O O O B-Attraction-NoOffer+Area O O O N/A
+bos ok are there any attractions in the west you recommend ? i need a phone number for whatever you chose . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos there are several museums in the area . would that interest you ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O general-reqmore
+bos yes , i love museums . eos O O O O O O O N/A
+bos what side of town would you like to be on ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos in the west if there are any there ? eos O O O O O O O O O O N/A
+bos how about the kettle 's yard , there phone # is 01223748100 and they are on castle street . admission is free too . does this work ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos yes i also need a taxi to arrive there by 18:00 from the theater . eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos booking completed ! booked car type : red fordcontact number : 07059574947 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O N/A
+bos thats everything i needed thanks for the help ! eos O O O O O O O O O O general-thank
+bos i 'll be here any time . eos O O O O O O O O general-bye
+bos is there a train that leaves after 08:15 on wednesday ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos what is your destination station ? eos O O O O O O O Train-Request+Dest
+bos i 'm going from leicester to cambridge . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos tr1672 departs at 09:09 and arrives by 10:54. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , please book it . eos O O O O O O O N/A
+bos will i be booking just one seat or do you require multiple seats on the train ? eos O O O O O O O O O O O O O O O O O O Train-Request+People
+bos just 1 seat . i 'll need the price . eos O O O O O O O O O O O Train-Request+Price
+bos it costs 37.80 pounds . if that 's acceptable to you , i 'll go ahead and book it for you . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no , that wo n't be necessary . can you also help me find a place to stay at ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , do you know what you 're looking for ? eos O O O O O O O O O O O O Hotel-Request+Name
+bos free parking and very expensive money is no object located in the north eos O O O O O O O O O O O O O B-Hotel-Inform+Area N/A
+bos ashley hotel is moderately priced and in the north . would you like me to book this hotel for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos yes , i 'll need a room for 7 people for 3 nights on the same day . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos your hotel booking was successful . your reference number for your 3 night stay for 7 people is qf2dzgma . eos O O O O O O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+People O B-Booking-Book+Ref O O N/A
+bos i am looking for a train headed to london liverpool street . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i can help ! what day are you traveling ? eos O O O O O O O O O O O Train-Request+Day,general-greet
+bos on tuesday - the train needs to arrive by 14:45 too . eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O N/A
+bos five trains match your request . the first train leaves at 05:59. do you want a seat on this train or do you want to see additional departure times ? eos O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , i do want a seat on the train . please give me the train 's id . eos O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos that would be train tr7299 . would you like me to book you passage ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook
+bos not right now , thanks . i am also looking for some places to go in the west area of town . what attractions do they offer there ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos there are colleges , entertainment venues , and museums in the west . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O N/A
+bos oh , a museum would be lovely ! what kind are available ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O N/A
+bos there are 7 museums in the west . one has an entrance fee and the rest are free . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos can you give me the postcode for one of the art museums ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos certainly . the lynne strover gallery 's postcode is cb30aq . can i help you with anything else ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O O general-greet,general-reqmore
+bos no thanks , you made the trip planning much easier for me . eos O O O O O O O O O O O O O O general-thank
+bos thank you so much for calling ! enjoy your trip ! goodbye ! eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hi , i 'm looking for information about finches bed and breakfast . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos finches is a cheap guesthouse located in the west . it has a 4-star rating and offers both free internet and free parking . would you like more info or to book ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos can you book for 5 people and 5 nights starting from tuesday for me ? eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos how many rooms will you book ? eos O O O O O O O O Booking-Request+People
+bos we need five rooms please . eos O O O O O O O N/A
+bos your rooms are reserved . reference number 9fxei63v . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos great ! can you also recommend a fun attraction to visit in the town centre ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos sure , do you have a preference for a museum/college/architecture , etc ? eos O O O O O O O O O O O O O O Attraction-Request+Type
+bos not really , which place is your favorite ? eos O O O O O O O O O O N/A
+bos i enjoy old schools . it is free and i love the architecture . would you like more information on it ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O general-reqmore
+bos yes , please . what is the address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos its address is on trinity lane and its postal code is cb21tt . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post O N/A
+bos thanks ! can you also book a taxi for me ? i need to leave the old schools attraction by 15:30 and head to the hotel . eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O O O N/A
+bos not a problem , a grey honda will pick you up then , and the contact number is 07551850448. anything else today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O general-reqmore
+bos that is all . thank you very much . eos O O O O O O O O O O general-thank
+bos okay great , have a good day ! eos O O O O O O O O O general-greet
+bos i need a guesthouse , with parking that is free . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i would recommend the acorn guest house . would you like a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform
+bos i would like a guesthouse in the west that is 3 stars . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O N/A
+bos with that criteria , i only have one option . it would be the hobsons house . it is moderately priced and offers free parking and wifi . would you like to book ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos entrance fee , address , and phone number eos O O O O O O O O O N/A
+bos phone is 01223304906. address is 96 barton road . there is no entrance fee . eos O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O N/A
+bos okay . can you book the hobsons house for 4 people and 5 nights starting on saturday ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos you got it ! booking was successful . reference number is : inxji4jd . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , thanks , sorry for the confusion earlier ! can you help me find a train , too , please ? i 'm traveling from bishops stortford to cambridge on the same day as my hotel reservation . eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O O O N/A
+bos i have several trains that fit that description . what time would you like to travel ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i need to arrive in cambridge by 19:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos i now have seven results . to help narrow it down more , what time would you like to depart ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos whatever gets me an arrival time closest to 19:15 eos O O O O O O O O O O N/A
+bos i have tr 3474 from bishops stortford to cambridge arriving at 18:07. will that work ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O N/A
+bos what is the travel time of that train ? eos O O O O O O O O O O Train-Request+Duration
+bos the travel time is 38 minutes . is there anything else i could help you with today ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O general-reqmore
+bos that is all for now . thanks eos O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos hello ! i am planning my trip to cambridge and need information on places to stay . eos O O O O O O O O O O O O O O O O O O general-greet
+bos ok id be happy to help with that would you like a guesthouse or hotel eos O O O O O O O O O O O O O O O B-Hotel-Select+Type N/A
+bos i do n't have a preference . i would like a room with a 0 star and free parking eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos okay there is city centre north b and b would you like me to book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos i prefer one in the east . how about a 4 star hotel with free parking there instead ? eos O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos there are no 4 star hotels in the east section of town that offers free parking . would you like to search for a guesthouse ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O B-Hotel-Select+Type O O N/A
+bos yes that is fine i need the price range as well . eos O O O O O O O O O O O O O Hotel-Request+Price
+bos i have several options in the cheap or moderate price range with parking and wifi . how does the leverton house sound ? eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos what is the price range of the leverton house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Price
+bos it 's cheap . would you like me to book a room for you ? eos O O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos yes please . i also need a train that leaves after 9:00 on sunday eos O O O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos can you please tell me how long your stay at the leverton will be ? what day will you be checking in and how many people ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos actually , i apologize no need to book , i was just gathering information . but i do need information on a train from leicester to cambridge . eos O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A
+bos tr1079 leaves at 09:09 would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A
+bos that works for me . eos O O O O O O N/A
+bos is there anything else i can help you with today , bookings or more information ? eos O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos can you tell me the price of the train ticket , please ? eos O O O O O O O O O O O O O O Train-Inform
+bos the price of the train is 30.24 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you so much , that 's all i need . eos O O O O O O O O O O O O general-thank
+bos you are very welcome ! i hope you have a wonderful visit . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i hope so . can i call any time ? eos O O O O O O O O O O O N/A
+bos we are available anytime , enjoy the rest of your day . eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for the kings hedges learner pool . can you give me their contact info ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A
+bos kings hedges learner pools phone number is 01223353248 , they are located at jedburgh court , kings hedges , cb42xh . can i help with anything else ? eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , what area of town is that exactly ? eos O O O O O O O O O O O Attraction-Request+Area
+bos it is in the north of the city , would you like help with anything else ? eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos no that is all i need today . thank you very much ! eos O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! goodbye ! eos O O O O O O O O general-bye
+bos i am looking for a train leaving after 16:15 on friday . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos where will you be traveling from and to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos the train should depart from cambridge and arrive at leicester . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos okay . the tr0094 meets your criteria . would you like more information or would you like to book tickets ? eos O O O B-Train-Inform+Id O O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos book for 1 person and get me reference number eos O O O O O O O O O O Train-Request+Ref
+bos okay , your ticket is booked ! reference number uywwvhk8 . can i be of any further help ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes please . i 'm looking for a good museum in town . can you suggest one that you like ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A
+bos are you looking for one in a particular area ? eos O O O O O O O O O O O Attraction-Request+Area
+bos yes , the west please . eos O O O B-Attraction-Inform+Area O O O N/A
+bos we have quite a few in the west , how can i help you ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O N/A
+bos can you please provide me a list of museum options ? eos O O O O O O O O O O O O N/A
+bos we have five museums in the west area . i would recommend the lynne strover gallery . would you like information on some of the other museums ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O N/A
+bos can you give me the postcode , entrance fee , and address of one ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos the lynne strover gallery is located at 23 high street , fen ditton , postcode cb30aq , and is free . may i help you with something else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos no thanks that is enough for today eos O O O O O O O O general-thank
+bos you 're welcome ! bye ! eos O O O O O O O general-welcome,general-bye
+bos are there places in town centre of architectural interest ? eos O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are many churches and old schools in town , what would you like to see ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O N/A
+bos surprise me . what are the entrance fees ? eos O O O O O O O O O O Attraction-Request+Fee
+bos all saints church is beautiful , and , better yet , it 's free ! eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Open O O O O O N/A
+bos that sounds great , thanks so much for your help ! eos O O O O O O O O O O O O general-thank
+bos you are very welcome . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you . that 's all i needed . eos O O O O O O O O O O O general-thank
+bos thank you , have a nice day . goodbye . eos O O O O O O O O O O O general-bye
+bos i 'm looking for a train that arrives by 10:15 and departs from ely eos O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart N/A
+bos no problem ! what day would you like to leave ? eos O O O O O O O O O O O O Train-Request+Day,general-greet
+bos tuesday , going to cambridge please . eos O B-Train-Inform+Day O O B-Train-Inform+Dest O O O N/A
+bos any departure time in mind ? eos O O O O O O O Train-Request+Leave
+bos the train should leave on tuesday and should go to cambridge and arrive by 10:15 eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos the tr8685 arrives by 5:52 and costs 4.40 pounds . can i book some seats for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos please for 8 people . eos O O O O B-Train-Inform+People O N/A
+bos your booking was successful . the total fee is 35.2 gbp pounds payable at the station and your reservation number is 1obf5wf2 eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos great thank you i also am looking for some place to go in the centre of town . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos the broughton house gallery is located at 98 king st and has free admission . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A
+bos thank you , that sounds fine . i see you have included the address and the entrance fee . that 's all i need . thanks very much . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos you 're welcome . have a great day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i need a recommendation for some entertainment in the city . eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i 'd be happy to help you . whale of a time is in the west side of town , and funky fun house is in the east . would you like more information ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos do you have anything else closer to the centre of town ? or perhaps a theater ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos the cambridge arts theatre is in the centre area . would you like more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O general-reqmore
+bos yes please , can i have the phone number and entrance fee . eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos sure . the phone number is 01223503333 , but i 'm not sure of the fee . eos O O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O N/A
+bos that 's all i need . thank you for your assistance ! eos O O O O O O O O O O O O O general-thank
+bos you are very welcome ! have fun ! goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me about the attractions in the center of town ? eos O O O O O O O O O O O O O O Attraction-Inform
+bos there are numerous attractions . we have museums , colleges , nightclubs are more ! what are you interests ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type
+bos could you recommend a nice park ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos the cambridge university botanic gardens are very nice . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos oh , that sounds great . can i get their phone number please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes , it 's 01223336265. can i do anything else for you ? eos O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i am also looking for a hotel called finches bed & breakfast . what is the area , hotel type and price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type
+bos finches bed and breakfast is a guesthouse in the west and has a cheap price range . would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos no , that 's all for today . goodbye . eos O O O O O O O O O O O general-bye
+bos enjoy your stay here ! eos O O O O O O general-bye
+bos can you tell me about a place called primavera ? eos O O O O O O O O O B-Attraction-Inform+Name O N/A
+bos absolutely ! primavera is a museum in the centre . would you like me to give your their address and telephone number ? eos O O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O general-reqmore
+bos you say it is a museum ... can you tell me more about the exhibitions that are currently showing ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately , we do n't have that information available . i am sure if you call them they can provide that information to you . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for a train going to stansted airport and leaving form cambridge eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Depart N/A
+bos there are trains almost every hour ; do you have a departure or arrival time in mind ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i need one on wednesday that arrives by 13:15 , is there anything available ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos there are five trains that fit the criteria , would you like me to book it for you ? eos O O O B-Train-OfferBook+Choice O O O O O O O O O O O O O O O O Train-Inform
+bos i need a travel time and train id for the last train to arrive at stansted airport before 13:15. eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive Train-Request+Duration,Train-Request+TrainID
+bos the train id is tr0644 . it leaves at 12:40 and arrives at 13:08 for a total travel time of 28 minutes . eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos perfect ! that is all i needed . thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a gueshouse that includes free parking . eos O O O O O O O O O O O O N/A
+bos there are quite a few . do you want to stay in a particular part of town ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'm open to suggestions . what 's the best one you have in the moderate price range ? eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos do you have preference in star rating ? eos O O O O O O O O O Hotel-Request+Stars
+bos no preference for stars so long as it 's got free parking and no more than moderate price eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos bridge guest house is nice . it 's a moderately priced 3 star guesthouse in the south . would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos sounds great . can you also provide me with information on trains from cambridge to norwich ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos there are many trains from cambridge to norwich each day . what day and time do you prefer ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i would prefer tuesday and to arrive by 9:45 eos O O O O B-Train-Inform+Day O O O O O N/A
+bos is there a time you would like to leave ? eos O O O O O O O O O O O Train-Request+Leave
+bos no preference as long as it arrives by 9:45. i will need to book for 3 people . can you also please send the reference number ? eos O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos i have booked the tr8498 . the total fee will be 52.8 gbp , which is payable at the station . your reference number is azlxajjc . eos O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thank you that is it for today eos O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train to london liverpool street . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i found 70 trains , when would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Arrive
+bos i need to leave on thursday and arrive no later than 09:45. eos O O O O O O B-Train-Inform+Day O O O O O O N/A
+bos train tr6332 will arrive at 19:27. would you like tickets for that train ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos first , what is the price ? eos O O O O O O O O Train-Request+Price
+bos they are 16.60 pounds each eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thanks , but lets back up . i need to arrive much earlier , no later than 09:45. are there any trains that get there in time ? eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O N/A
+bos tr4127 arrives at 07:27 eos O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A
+bos sounds good . can you give me it 's departure time , travel time , and price ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos to get price i need to know how many tickets you will need to book ? eos O O O O O O O O O O O O O O O O O Train-Request+People
+bos i do n't really need to book at this time . i would just like to get the price and travel time for that route please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos each ticket is 16.60 gbp and the travel time is 88 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you and what attractions are near therte ? eos O O O O O O O O O O Attraction-Inform
+bos do you know what area you 're looking for an attraction in ? eos O O O O O O O O O O O O O O Attraction-Request+Area
+bos no certain area , but i 'm looking for a museum . eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are many lovely museums in cambridge . are you looking for something in particular , like art , or technology , or archaeology ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O N/A
+bos no just a museum . can you give me an address and postcode to one or more than one of them for me please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos i have 23 options , i need us to narrow it down a bit so we can decide which address to give you eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos got any science related museums ? if so , give me one of those . eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos there 's the cambridge museum of technology . it 's 5 pounds for entrance . would that work ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A
+bos could you give me their address and postcode please . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos yes , their address is the old pumping station , cheddars lane , and their postcode is cb58ld . eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O N/A
+bos great thank you . i think that is all i needed help with . take care and goodbye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . have a great time ! goodbye ! eos O O O O O O O O O O O O O O O O general-bye
+bos could you help me with planning my trip ? i need a train . eos O O O O O O O O O O O O O O O Train-Inform
+bos i can absolutely help you . can you tell me your departure and arrival stations ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet
+bos yes , on sunday i 'll be departing from cambridge and going to stevenage . i 'd like to leave after 17:00. eos O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O N/A
+bos train tr7729 would probably fit your needs . it leaves at 17:21. eos O O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Leave O N/A
+bos can i book the train for 4 people please ? and can ai get a reference number ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos okay . your reference number is 2oj4idvl . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , i 'm look for a places to go while i 'm in town . could you find me an attraction in the east part of town ? eos O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos there are ten attractions in the east . do you have a type of attraction you want to see ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos can you make a suggestion ? eos O O O O O O O N/A
+bos sure the funky fun house is entertainment in the east . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O N/A
+bos that sounds perfect . what is the phone number ? and is there an entrance fee ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the phone number is 01223304705. unfortunately i do n't have any information about the fee . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos no thanks . that would be all i needed . thanks . bye . eos O O O O O O O O O O O O O O O general-bye
+bos goodbye , i hope you enjoy your trip ! eos O O O O O O O O O O general-bye,general-greet
+bos i need a plcae to stay with free parking no interned is needed eos O O O O O O O O O O O O O O N/A
+bos do you have a price range or a location in mind ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes , it needs to be in the east and be a cheap hotel . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A
+bos the only places that meet your requirements are guesthouses . is that alright ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type O O O O O Hotel-Select
+bos that is okay with me . what is one of them ? eos O O O O O O O O O O O O O N/A
+bos they are all cheap , located on the east , and get 4 stars . allenball is located at 517a coldham lane . would you like more information ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars B-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos does it have free wifi ? eos O O O O O O O N/A
+bos the allenbell actually does have internet . are you interested in booking a room ? eos O O B-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos book it for 7 people and 5 nights starting from saturday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos okay , your books was successful and your reference number is e1wol6yh . is there anything else i can help you with today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you find a restaurant called riverside brasserie for me , please ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos got it right here they serve modern european food would you like to reserve a table ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform
+bos yes , 11:15 7 people on saturday . eos O O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A
+bos your all set conf # is lxvwb431 , anything else for you today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos that will be all thank you for your help . eos O O O O O O O O O O O general-thank
+bos you are welcome . let us know if there is anything else you need . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos actually , i do need a taxi , please . i need to get from the hotel to the restaurant for that reservation . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos your taxi is book . the car is a black tesla and the contact number is 07856554811. do you assistance with anything else ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos we hope you enjoy your time in the city . bye . eos O O O O O O O O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos perfect ! what would you like to know ? our history , our vision for the future , or perhaps just book a train or hotel room ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore,Train-OfferBook
+bos i will be needing a place to stay on the north side of town . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are 13 places to stay in the north side of town . do you have a price range ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Price
+bos no . give me recommendation . eos O O O O O O O N/A
+bos acorn guest house is a great location . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos is it expensive with free wifi ? eos O O O O O O O O N/A
+bos it is moderately priced . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A
+bos does it also include free wifi ? eos O O O O O O O O N/A
+bos yes , the wifi is included . eos O O O O O O O O Hotel-Inform+Internet
+bos that sounds good , i would like to book that one . eos O O O O O O O O O O O O O N/A
+bos when will you begin your stay ? eos O O O O O O O O Booking-Request+Day
+bos book it for the same group of people and 2 nights starting from the same day . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos sure , which group of people and the same day as what ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos sorry . for 3 people , starting monday . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos i 've successfully booked a room for your group , the reference number is 1ibwhb5j . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you , that 's all i need . eos O O O O O O O O O O general-thank
+bos you are welcome eos O O O O general-welcome
+bos bye . have a good time . eos O O O O O O O O general-bye
+bos if you need any further assistance , please let us know . good-bye . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay on the westside that offers free wifi . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos what price range would you prefer , moderate , cheap , or expensive ? eos O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A
+bos i do n't care about the price , and the hotel does n't need to have free parking . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos would you prefer one with internet ? eos O O O O O O O O Hotel-Request+Internet
+bos yes wifi internet please . eos O O B-Hotel-Inform+Internet O O O N/A
+bos how about finches bed and breakfast ? eos O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O N/A
+bos that is fine , is it in the east ? eos O O O O O O O O O O O N/A
+bos no , finches is in the west . are you looking for a place in the east ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Select+Area O O O N/A
+bos no i am looking for a place in the west . eos O O O O O O O O O O O O N/A
+bos when will you be staying and for how long and how many people will be in your party . eos O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos i need to stay 3 nights staring from sunday and 3 people will be in my party . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O O O N/A
+bos i 'm sorry , i was unable to book the finches for you . i can check in the different area or price range , if you like . eos O O O O O O O O O B-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos can you find another hotel in the same pricerange ? eos O O O O O O O O O O O Hotel-Inform
+bos the the cambridge belfry is also in the same pricerange would you like me to check booking there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos yes , please . make sure it 's for 3 people and 3 nights starting on sunday and i need the reference number . eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i have made successful booking there . your reference number is : 1pldtxkh . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you for all your help today . eos O O O O O O O O O general-thank
+bos thank you . eos O O O O general-bye
+bos hello ! i am looking for places to stay in cambridge . can you help me with this ? eos O O O O O O O O O O O O O O O O O O O O general-greet
+bos there are several guesthouses where would you like it and what price range ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like an expensive place in the north . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A
+bos unfortunately , i do not have any expensive hotels or guesthouses in the north . would you like me to check a different area or price range ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos can we try to find one that is in the east please ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i have one , would you like me to book it ? eos O O O O O O O O O O O O O Booking-Inform
+bos yes , for one person and four nights on thursday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos i do apologize , but it looks like it 's all booked . perhaps try a shorter stay or another start day ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos could you try to book it for one night instead ? eos O O O O O O O O O O O O N/A
+bos i was able to book express by holiday inn cambridge . 1 day with 1 person . your reference number is xln3932a . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks . i also need a train to leicester . can you help with that ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos sure ! first , can you confirm that you are departing cambridge ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos yes . i would like to leave at 15:15 on friday . eos O O O O O O O O B-Train-Inform+Leave O O O O N/A
+bos i have a train to leicester departing friday at 15:21. does that work for you ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Ticket O O O O O O Train-Select
+bos yes , can i get the reference number ? eos O O O O O O O O O O N/A
+bos booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : 1wotpnye . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos are there any british restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos oh yes i have quite a few . did you have a preferred price range in mind ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price
+bos i 'd like an expensive restaurant please . eos O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i found three restaurants : fitzbillies restaurant , the cambridge chop house , or midsummer house restaurant . would you like a table booked ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos i want to make a booking at fitzbillies restaurant . it will be for 8 people on friday at 12:00. eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i am sorry but they do not have any seating for 8 people at that time . would you like to try another day or time ? eos O O O O O O O O O O O O O B-Booking-NoBook+People O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos can we make it for 11:00 ? eos O O O O O O B-Restaurant-Inform+Time O N/A
+bos sure , you 're booked at 11:00 with reference number thsw3fkf . the table will be reserved for 15 minutes . may i help with anything else ? eos O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-reqmore
+bos thanks , that 's all i need . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome . enjoy ! eos O O O O O O O general-bye
+bos yes can you tell me something about the cow pizza kitchen and bar ? eos O O O O O O O O O O O O O O O N/A
+bos yes sure . i can tell you it serves gastropub food fare and is located at corn exchange street and their telephone number is 01223308871. would you like me to make a reservation for you ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos no thank you , that 's all i need . eos O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos yes i would like to find spanish food in the center of town . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos you 're in luck i have two options for you . one is in the cheaper price range , the other is listed as moderately priced . do you have a preference ? eos O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Restaurant-Select
+bos let 's go with the cheap one . i 'll need a table for 7 on sunday at 12:15 please . eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A
+bos unfortunately the booking was not successful . eos O O O O O O O O Booking-NoBook
+bos can you try on saturday , 7 people , at 12:15 eos O O O O O B-Restaurant-Inform+Day O O O O O O N/A
+bos yes , you 're booked for saturday with reference number v54fg5x2 . the table will be reserved for 15 minutes . may i help with anything else ? eos O O O O O B-Booking-Book+Day I-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thanks for your help ! eos O O O O O O O O O O O O O O general-thank
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos hi there . i am hoping you could help me find a british restaurant in town . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos sure we have quite a few . do you have a price range or area in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos yes i am looking for something moderately priced . eos O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos okay , and do you prefer a certain area of town ? there are four in the centre and one in the west . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-Request+Area
+bos yes , the one in the west please . eos O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos the one in the west is saint johns chop house . its located at 21-24 northampton street . can i make a reservation for you ? eos O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos yes , i would really appreciate that . can you get me a table for 5 on sunday at 16:45 ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos i 'm afraid they 're fully booked for 16:45 sunday . perhaps a different time or day ? eos O O O O O O O B-Booking-NoBook+Time B-Booking-NoBook+Day O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos is there anything an hour earlier or an hour later on that same day ? eos O O O O O O O O O O O O O O O O N/A
+bos no , unfortunately . both an hour earlier and an hour later , they 're booked . eos O O O O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O N/A
+bos let 's try a different restaurant . eos O O O O O O O O Restaurant-Inform
+bos what is available in the centre area at 16:45 for a party of 5 ? eos O O O O O O O O O O O O O O O O N/A
+bos sure , when you find something , make the booking and give me the reference number . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have you booked at a british place in the center of town . restaurant one seven , reference code 5k83e181 . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Booking-Book+Ref O O O N/A
+bos thank you , that is all i need . bye . eos O O O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i 'm looking for a restaurant , in the moderate price range , in the southern part of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos pizza hut cherry hinton and restaurant alimentum both meet your criteria . would you like a table at one of these ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O B-Restaurant-Select+Choice I-Restaurant-Select+Choice I-Restaurant-Select+Choice O N/A
+bos how about restaurant alimentum for 8 people on wednesday at 16:30 ? that would be good . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A
+bos your booking was successful . reference number 6nol39q9 . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes i also need a place to stay . i would prefer a guesthouse . that 's the only thing that really matters . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos there are 24 guesthouses . would you like to narrow this down by price range , area , star rating , or amenities ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking
+bos i specifically want free parking and do n't mind if there is no internet . eos O O O O O O O O O O O O O O O O N/A
+bos that narrows it down to 21 places . is there a price range , area , or star rating you 're looking for ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area
+bos how about a place with free parking and free wifi ? eos O O O O O O O O O O O O N/A
+bos certainly , acorn guest house , alexander bed and breakfast , allenbell , and archway house are all four star rated . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O N/A
+bos great i need 8 people for 3 nights starting wednesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos ok , i 've booked you at the allenbell guesthouse 517a coldham lane for three nights starting wednesday for 8 guests . your reference number is 1e099y11 . is there anything else ? eos O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Booking-Book+Stay O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos is this acceptable ? is there anything else i can help you with ? eos O O O O O O O O O O O O O O O N/A
+bos will you be needing further assistance today ? eos O O O O O O O O O general-reqmore
+bos no . thank you that is all i needed . eos O O O O O O O O O O O general-thank
+bos your welcome ! have a good day ! goodbye . eos O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am looking for a restaurant serving chinese food in the centre part of town . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are several chinese restaurants in the centre area . what price range are you considering ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos i am looking for something expensive . eos O O O O O O B-Restaurant-Inform+Price O N/A
+bos how about hk fusion located at 21 burleigh street city centre ? would you like me to book ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O Booking-Inform
+bos that sounds great ! yes , please ! book a table for 3 people at 15:45 on friday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : cdbqymui . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that will be all . thank you very much ! eos O O O O O O O O O O O general-thank
+bos you are welcome . enjoy the meal . bye . eos O O O O O O O O O O O general-bye
+bos i need information on a restaurant called saffron brasserie please . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos absolutely . it is an indian restaurant located in the centre . it is in the expensive price range . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i would like to book a table for 5 people at 17:45 on wednesday . also could you give me the reference number ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref
+bos i was able to book you a table at the restaurant . it will be reserved for no more than 15 minutes . is there anything else i may help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos yes i 'll also need a place to stay as well as a reference number for my reservation . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos there are several guesthouses/hotels that are available . what price range are you looking for ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price
+bos i am not looking for a specific price range but i do need it to have free wifi and free parking . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 25 lodging options that have both free wifi and parking , do you have an area in mind to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos i would like a guesthouse on the east side of town . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A
+bos there are 5 such places . do you have a preferred price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price
+bos no , i 'll take the address for the first one listed . eos O O O O O O O O O O O O O O Hotel-Request+Addr
+bos sure thing - the allenbell is located at 517a coldham lane , cb13js . is there anything else i can help you with today ? eos O O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos no , thank you ! that 'll be all for today ! eos O O O O O O O O O O O O O general-thank
+bos alright , have a nice day . eos O O O O O O O O general-bye
+bos i 'm looking for a place to stay in cambridge that has free wifi and free parking . eos O O O O O O O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast can acommodate your request . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos is it also a guesthouse type of hotel ? eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos yes , that 's correct . would you like to book a room ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos yes , please book it for 5 nights starting on wednesday for 2 people total . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O N/A
+bos i was n't able to complete your booking for that time frame . would you be able to stay a different amount of nights ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos how about four nights instead of five ? eos O O O O O O O O O N/A
+bos i was able to successfully book you for four nights at the alexander bed and breakfast , and your reference number is hy6o0mqh . eos O O O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O N/A
+bos thank you ! do you have the reviews and address for the j restaurant near there ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos here is the address for the j restaurant , 86 regent street city centre . i currently do not have reviews of the restaurant avialable . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O N/A
+bos i would like a reservation for 2 at 12:45 please . eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A
+bos no problem . and what day will that be for ? eos O O O O O O O O O O O O Booking-Request+Day
+bos that will be on friday for 2 please . eos O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O N/A
+bos i am sorry , but they do not have an available spot at that time , would you like me to book a reservation for any day or time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos no thank you , i 'll try for something else . eos O O O O O O O O O O O O general-thank
+bos is there a different date or time you 'd like me to check for you ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos no that is the only date and time i have available . are you sure you do n't have anything for wednesday at 12:45 ? eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O N/A
+bos yes i was able to make your reservation for 2 for wednesday at 12:45. your reference number is x3qcmwy3 . eos O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos thank you very much . that 's all i need today . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos thank you for calling . eos O O O O O O general-bye
+bos i am looking for a moderately priced chinese restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos there are a great number of chinese restaurants in town ! is there a specific area you 'd like me to check in , or do you have a price range in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos how about the center in a moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos jinling noodle bar will meet your needs . would you like to make a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , please . do they have any openings on monday at 17:45 ? there will be 2 of us . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O O O O O N/A
+bos unfortunately there are no tables at that time , do you have another time ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos hmm , well ok. how about at 16:45 instead ? eos O O O O O O O B-Restaurant-Inform+Time O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : jz0q7bt0 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that will be all . eos O O O O O O O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i 'm looking to try new restaurants in the cambridge area , specifically a place called j restaurant . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos i have found the place you are looking for . it is located at 86 regent street city centre , would you like me to book a reservation ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos could you tell me what type of food they serve and their postcode ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food
+bos j restaurant serves asian oriental food and their post code is cb21dp . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Post O N/A
+bos i am also looking to stay at a hotel called finches bed and breakfast . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i 've found that . it 's a cheap , 4-star guesthouse in the west . they offer free internet and parking . would you like me to book this accommodation for you ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , please book it for 8 people for 5 nights starting monday . could you send me the reference number once it is booked ? eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i have made your reservation . your reference number is 699vvzvv . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no that 's it ! thank you very much for all the help and information ! eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for using our service . eos O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i 'd like some help looking for a particular restaurant . the name of the restaurant is darrys cookhouse and wine shop . i 'd like to know where it 's located and how expensive . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O N/A
+bos certainly it is in the expensive price range and it is located at 40270 king street city center . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos perfect , could you make a reservation for 7 people at 17:00 on sunday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos unfortunately there are no reservations available at that time . would you like me to look for another restaurant ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , please look for a different restaurant in the same area and price range as darrys cookhouse . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos how about erania . it 's a european resturant at free school lane city centre . eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos what is the address , please ? eos O O O O O O O O N/A
+bos their address is free school lane city centre , would you like me to book that for you ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes , please book that for the same party and time on sunday . eos O O O O O O O O O O O O O O O N/A
+bos thank you . good-bye eos O O O O O general-bye
+bos cambridge has a college that is in the centre . i would like to know more eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos there are 13 colleges in the centre area of cambridge . did you have a particular one in mind ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Name
+bos no , but can you tell me the address for the best one to visit ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure , christ 's college is on saint andrew 's street and the postcode is cb23bu . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O N/A
+bos thanks . could you also help me find a place to eat ? eos O O O O O O O O O O O O O O general-thank
+bos sure ! what kind of food do you want ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i would like gastropub food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos what about royal standard ? it 's lovely eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos is that in the moderate price range ? eos O O O O O O O O O N/A
+bos it is in the expensive range . however , the cow pizza kitchen and bar is in the moderate range . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A
+bos sure , that works . what is the area , postcode and phone number for the cow pizza kitchen and bar ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Phone
+bos 01223308871 is the number and the postcoade and address is cb23qf corn exchange street eos O B-Restaurant-Inform+Phone O O O O O O O O O B-Restaurant-Inform+Post B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thanks so much ! eos O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no that was all i needed . thank you so much . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find an expensive asian oriental restaurant to dine at ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A
+bos the are two expensive asian oriental restaurants available . saigon city in the north area , and kymmoy in the centre area . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos kymmoy in the centre area is great . would you book a table of 8 people at 11:15 on thursday for me ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos it is not open then , shall i try another time or another place to eat ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,general-reqmore
+bos let 's try another restaurant . eos O O O O O O O Restaurant-Inform
+bos i have booked you at saigon city in the north area , 52 mill road city centre . your reference number is 2obvxf1o . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Ref O O O N/A
+bos okay great that is all i need at the moment . eos O O O O O O O O O O O O N/A
+bos it was my pleasure . thank you for using cambridge towninfo centre . you have a great day ! eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a cheap restaurant in the west part of the city please . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there is an italian or vietnamese restaurant . which do you prefer ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select
+bos it does n't matter . i need to be able to seat 8 people on tuesday at 17:00. eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i was able to book you at thanh binh , your reference number is h0k8xfpq . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos ok great thank you . have a great day ! eos O O O O O O O O O O O general-thank
+bos thanks ! i hope you have a great day ! eos O O O O O O O O O O O general-bye
+bos can you find me a restaurant with a moderate price range ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos that will be no problem . we have 31 moderately priced restaurants in the city . is there a cuisine you 'd prefer ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos i 'll just take the first one on the list . can you make a reservation for 6 at 15:30 on saturday ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i 've book you at lan hong house , located at 12 norfolk street city centre . your reference number is xpq6j119 . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Booking-Book+Ref O O O O N/A
+bos thank you so much ! eos O O O O O O N/A
+bos may i help you with anything else such as lodging or area attractions ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no thank you . thank you for your help . eos O O O O O O O O O O O general-thank
+bos let us know if you need help , good day . eos O O O O O O O O O O O O general-bye,general-reqmore
+bos i am looking for a caribbean restaurant in the centre of the city . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos regretfully , there are no caribbean restaurants in the centre . would you like to try something else ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos are there any caribbean restaurants in any other part of town ? eos O O O O O O O O O O O O O Restaurant-Inform
+bos i am sorry there are none in any area of town , is there another type of food you would be interested in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos sure , a turkish restaurant in the moderate price range would be great . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i have 2 turkish restaurants in the centre . the anatolia or efes restaurant are both moderate . would you like me to book one for you ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes , book me the anatolia for 8 people at 12:00 on friday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i 'm sorry , there are no available seats at that time . would you like to try efes restaurant ? eos O O O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O Booking-NoBook
+bos yes please try booking that . eos O O O O O O O N/A
+bos yes i was able to get you into that restaurant and your reference number is 46al3f0c . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Ref N/A
+bos great ! thank you so much for your help . that will be all . eos O O O O O O O O O O O O O O O O general-thank
+bos okay . great . enjoy your lunch . eos O O O O O O O O O general-bye
+bos i 'd like to find a hotel with free wifi and free parking , please . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos i can help you find this information ! did you have a particular area of town in mind ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos cambridge , in the east with a 4 star rating i am sparing no expense . eos O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos there are lots of 4 star lodgings , but they are all guesthouses rather than hotels , and they all have cheap or moderate prices . would one of those be okay ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Select
+bos yes i just am looking to get the phone number of one . eos O O O O O O O O O O O O O O Hotel-Request+Phone
+bos allenbell 's phone number is 01223210353. eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O N/A
+bos thank you so much . i would also like help finding a train to cambridge on tuesday . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there are 202 trains coming into cambridge on tuesday . where will you be departing from ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O Train-Request+Depart
+bos i will be leaving leicester and would like to arrive by 20:45 in cambridge . eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A
+bos i have train tr6932 leaving at 6:09 and arriving by 7:54. would you like me to book it ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos i will book it later but can you tell me the price per ticket . eos O O O O O O O O O O O O O O O O Train-Request+Price
+bos yes . the price per ticket is 37.80 pounds . is there anything else i can assist you with today ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O general-reqmore
+bos no i think that 's all i need right now , thanks so much . eos O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! goodbye . eos O O O O O O O O general-bye
+bos i am looking for a restaurant in the centre of town that serves kosher food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , but there are no restaurants in the center of town that offer kosher food . would you like me to check another area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos are there any kosher restaurants in the city at all ? eos O O O O O O O O O O O O Restaurant-Inform
+bos i 'm sorry . there are none . eos O O O O O O O O O Restaurant-NoOffer
+bos alright . can you find me an indian food restaurant instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos sure , there are 22 indian places in the city . do you have a price range you 're looking for ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos something expensive please . eos O O O O O N/A
+bos how about the curry garden in the city center ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A
+bos sounds perfect . can you book a table for 3 at 19:15 on thursday ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i 'm sorry i was unable to do so . would you like to try another restaurant ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes . just make sure it is something in the expensive range . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i was able to book you into the curry garden , an expensive indian restaurant in the city center and your reference number is dhf9vbts . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Booking-Book+Ref O O N/A
+bos okay great . that is all i need . thank you . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant named panahar . eos O O O O O O O B-Restaurant-Inform+Name O O N/A
+bos ok. would you like me to make a reservation at panahar ? eos O O O O O O O O O O O B-Booking-Inform+Name O N/A
+bos yes , for five people . eos O O O O O O O N/A
+bos ok for what day and time please ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos that information is at 13:45 on sunday . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos the booking was unsuccessful . is there another time you would like me to look for ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos is there another restaurant in the area for us at this time within the same price range ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos there are 33 restaurants that satisfy your preferences . are you keen on eating a particular cuisine ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have any preferences . pick one you like . eos O O O O O O O O O O O O O N/A
+bos i booked you a table in kymmoy . they serve asian oriental cuisine . your reference number is w8m1hz59 . eos O O O O O O O B-Booking-Book+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you ! have a nice day ! eos O O O O O O O O O general-thank
+bos you are welcome . enjoy your evening ! eos O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm traveling to cambridge soon and would love to visit a concerthall in the centre of town . can you help ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos the man on the moon is a concerthall in the centre of town . would you like the address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O general-reqmore
+bos yes , and could you give me the phone number too ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos oh of course ! their number is 01223474144. eos O O O O O O O B-Attraction-Inform+Phone O general-greet
+bos and the address is ? and while we 're talking about location , are there any 3-star hotels close to it ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos the man on the moon 's address is 2 norfolk street , postcode cb12lf . there is one hotel in that area with 3 stars , the gonville hotel . would you like a reservation ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos do they have free wifi ? if yes , please book for 2 people for 1 night . thank you for your help . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos they do have free wifi ! for which day would you like the reservation ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Internet
+bos i actually do n't need a reservation just yet , but could i have the postcode and phone number for the gonville ? and is that a hotel or a guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the gonville is indeed a hotel . their postcode is cb11ly . you can reach them by phone at 01223366611. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Post O O O O O O O B-Hotel-Inform+Phone O O N/A
+bos thanks , i also need a taxi to go the hotel . i want to leave the man on the moon at 16:15. can you get me the contact number and car type ? eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type
+bos i was able to book that taxi for you . be looking for a grey skoda . if you need to reach them , please call 07709163859. anything else i can help with ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no that is it thank you ! that was all the info i needed ! thank you and have a good day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy to help . have a lovely day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for trains for thursday . eos O O O O O O B-Train-Inform+Day O O N/A
+bos sure . where are you headed ? eos O O O O O O O O Train-Request+Dest
+bos i 'm going to cambridge . eos O O O O B-Train-Inform+Dest O O N/A
+bos we have 202 trains heading to cambridge on thursday . where would you be departing from ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O Train-Request+Depart
+bos i am leaving from peterborough . eos O O O O O B-Train-Inform+Depart O N/A
+bos do you have time you would like to leave or arrive ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive by 21:15. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos would you like an early morning departure ? or is there a more convenient departure time for you ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos it does not matter . please go ahead and book a train and provide the price and departure time . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos i have booked tr7094 and leaves 07:19 with a price of 16.50 pounds eos O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket N/A
+bos im also looking for an expensive hotel in the west . eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A
+bos the only hotel that came up is huntingdon marriott hotel on kingfisher way , hinchinbrook business park , huntingdon do you want me to book it ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform
+bos do they have free wifi ? i also prefer that it have 2 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos huntingdon marriott hotel does have internet but it has 4 stars . do you want to book there or prefer something else ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Select
+bos can you find me a place in the centre of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos we have lots of attractions ! something more specific you are looking for ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type
+bos what do you recommend ? i will need the address . eos O O O O O O O O O O O O Attraction-Request+Addr
+bos how about all saints church ? the address is jesus lane . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos perfect . i also need a train departing from cambridge and arriving by 17:30. eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos there are many trains that meet your criteria . would you like to narrow it down by day , destination , or departure time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Day
+bos yes , tuesday going to london liverpool street . eos O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos i have a train that arrives at 17:27. could i book that for you ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , please . i need a booking for 2 people . will you send me the reference number ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos i successful booked your train the total fee is 33.2 gbp payable at the station and thereference number is : vjvyh5lc . may i further assist you . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore
+bos i 'm looking for a hotel to stay at . i want it to be at least 2 stars and in the center of town . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A
+bos i have a 3 star hotel and a 4 star hotel both in the centre . would you like to book one of them ? eos O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos do you have anything that is 2 star rated in the centre ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos we got none . can i help you with anything else ? eos O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos i am not finding a 2 star in the centre . are you sure there is not another type of hotel you would like ? eos O O O O O O O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O O O Hotel-Request+Type
+bos i do need a place to stay , so are there any 4 star hotels available ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos i have 2 options - one is cheap and one is expensive . which price range would you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select
+bos cheap will work . can you book it for wednesday ? 1 person , 2 nights . i 'll need the reference number too . eos O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O O O O O O N/A
+bos i was able to book a room at alexander bed and breakfast , your reference number is vwf48izm . is there anything else i can help with ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train . it should depart cambridge after 14:15 and arrive in norwich on friday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos tr8314 departs cambridge at 14:36 and arrives in norwich at 15:55. would you like me to book a ticket for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes please . for 1 person . eos O O O O O B-Train-Inform+People O O N/A
+bos 1 ticket on tr8314 has been booked . your total is 17.6 gbp , which you can pay at the station . your reference number is : h0js8rmf . eos O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thanks , that was all i needed today . goodbye . eos O O O O O O O O O O O O general-bye
+bos thank you for calling . have a great day ! goodbye . eos O O O O O O O O O O O O O general-bye
+bos can you help me book some train tickets ? eos O O O O O O O O O O Train-Inform
+bos sure ! where are you departing from and what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving from cambridge . eos O O O O O B-Train-Inform+Depart O N/A
+bos i 'll need to get some more information . can you tell me your destination and when you will be travelling ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am going to bishops stratford at 12:45 on thursday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos you would like to leave bishops stratford at 12:45 ? eos O O O O O O B-Train-Select+Depart I-Train-Select+Depart O B-Train-Select+Leave O N/A
+bos yes , on thursday . can you book me a train for 3 people please ? eos O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+People O O O O N/A
+bos okay the tr 2929 leaves at 11:29 and arrives at 12:07. would you like me to book this ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes one ticket to hogwarts please ? eos O O O O O O O O N/A
+bos ah , sorry , unfortunately there are no trains leaving to hogwarts after september 1st . eos O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart B-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O N/A
+bos i am sorry , poor joke . i am leaving cambridge going to bishops storford , leaving after 12:45 on thursday , need 3 tickets and ref number eos O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+People O O O O O O O N/A
+bos booking was successful , the total fee is 30.29 gbp payable at the station . reference number is : 2wi5y9kv . anything else i can do ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes i am looking for a place to stay that includes free wifi and is a guesthouse in the expensive price range with free parking as well . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos there are no guesthouses that fit your needs . would you like a hotel ? there are several available . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O B-Hotel-Select+Type O O B-Hotel-Select+Choice I-Hotel-Select+Choice O O O N/A
+bos how about one that is cheap ? eos O O O O O O B-Hotel-Inform+Price O N/A
+bos there are several cheap guesthouses in all areas of cambridge . do you have an area preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos i am not looking in any specific area . a cheap guesthouse with free wifi and parking would be great . can you recommend one ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos absolutely ! i recommend autumn house . would you like a reservation ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform
+bos yes i would like a reservation . thank you . eos O O O O O O O O O O O N/A
+bos i can help with that ! i just need to know your arrival date , the number of people that will be staying , and how many nights you 'd like to stay . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform
+bos thanks , i need for 3 people for 2 nights . arrival is on tuesday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O N/A
+bos sure i have your reservation and the reference number is zysdxl09 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for all your help . that is all for now . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , let me know if i can assist with anything else . eos O O O O O O O O O O O O O O O O general-welcome
+bos i need to find a restaurant called taj tandoori eos O O O O O O O O O B-Restaurant-Inform+Name N/A
+bos nice place . it is located at 64 cherry hinton road , cherry hinton . can i book a table for you ? eos O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos yes . i need a place for 3 on wednesday at 17:15. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos great ! that booking was successful and your reservation number is k1t4ic74 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need a hotel in moderate price range and star rating of 0. eos O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars N/A
+bos cityroomz matches those requirements . would you like the phone number , or a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O general-reqmore
+bos does it have free parking ? eos O O O O O O O N/A
+bos i 'm afraid it does not offer free parking . would you like to book a room ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos is there anywhere else which would offer free parking ? eos O O O O O O O O O O O N/A
+bos not with those criteria . we could start a new search if you like . eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about a cheap hotel with free parking ? eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have two guesthouse available . they both offer free parking and are 0 stars . one is in the north and one in the centre ? do you want a specific area ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos the area does n't matter . can you pick one and book a room for 3 people for 5 nights on wednesday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos i was able to book you at el shaddai . your reference number is : 4whotorj . eos O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O B-Booking-NoBook+Ref O O N/A
+bos can i get a taxi from the hotel to the restaurant , i would like to arrive shortly before the booking time . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked your taxi . your car is a blue volkswagen , they can be reached at at 07653689405 if you have any questions . can i assist you with anything else ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore
+bos no , i am all set for today . you have been very helpful . thanks . bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service . good-bye ! eos O O O O O O O O O O general-bye
+bos i need a place to stay out in cambridge . can you help me book one ? eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos i just need more information to find the perfect place for you . what area are you interested in staying in and the price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i need a hotel with free parking and a four star rating . should also be in the east . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i do not have anything there . any other place you might like or criteria ? eos O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Area
+bos yes try the north please . eos O O O O B-Hotel-Inform+Area O O N/A
+bos how about acorn guest house ? it 's lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A
+bos is it available for 7 people for 4 nights starting from friday ? eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : 98h31lt2 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks ! i think that 's all i need , but let me check with my wife . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos ok. please let me know if you need anything else . eos O O O O O O O O O O O O general-reqmore
+bos ah , she reminded me , i need a train to cambridge that arrives by 17:45. can you recommend one , please ? eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from leicester on friday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos the tr4351 from leicester to cambridge on friday departs at 15:09 and arrives at 16:54. there are some that are earlier as well . shall i book it for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-OfferBook
+bos i do n't need it booked at this time . thanks for the information . eos O O O O O O O O O O O O O O O O general-thank
+bos can i look up anything else for you ? eos O O O O O O O O O O general-reqmore
+bos no thanks , i do n't need anything else right now . have a great day though ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you , too . thank you for calling . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train departing from broxbourne after 20:15. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos there are 28 available train rides from broxbourne to cambridge . the earliest leaves at 20:32 daily and the latest leaves at 23:32. what day would you like to ride ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Day
+bos let 's do that 20:32 on wednesday please eos O O O O O O B-Train-Inform+Day O O N/A
+bos how many tickets do you need ? price is 17.90 pounds . eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O Train-Request+People
+bos 1 please with the arrival time and train id . eos O O B-Train-Inform+People O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos booking was successful , the total fee is 17.89 gbp payable at the station . your train id is tr6477 , and your reference number is k43gmvmx . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i 'll need to know the arrival time , please ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos it will arrive at 21:32. eos O O O O O B-Train-Inform+Arrive N/A
+bos a need a park in centre and need a phone number and entrance fee eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the cambridge university botanic gardens is the only park in centre , the phone number is 01223336265 and the entrance fee is 4 pounds . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos thank you . i think that 's it for today . eos O O O O O O O O O O O O general-thank
+bos well thank you and i hope you have a wonderful day ! eos O O O O O O O O O O O O O general-bye
+bos i 'm trying to find a good museum in town . eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are a multitude of museums in town . what side of town are you in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area
+bos i am open to any side of town ! eos O O O O O O O O O O N/A
+bos would you be interested in broughton house gallery ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos that would be great . can i get the postcode , please ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos sure . the postcode is cb11ln . is there anything else i can answer for you today ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no , that 's all . you 've been a great help , thanks . i 'm sure my visit will be fun . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos is there a train from cambridge that arrives by 13:45 ? eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos i found several trains that meet your criteria . would you like to narrow your search by picking a particular day or a certain destination ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i will be travelling on friday and want to arrive at stansted airport by 13:34. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos i am seeing several options for you . do you have a preferred departure time ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos no , as long as it arrives before 13:45 on friday , it 's fine . eos O O O O O O O O O O O O O O O O O N/A
+bos i would recommend tr0188 which arrives by 13:08. would you like to book a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos no thank you but i do need to know the price . eos O O O O O O O O O O O O O Train-Request+Price
+bos the price is 10.10. can i help you with anything else ? eos O O O O B-Train-Inform+Ticket O O O O O O O O general-reqmore
+bos can you help me find a place to stay in the south ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos what is your price range ? what number of stars do you prefer ? 3 or 4 ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O Hotel-Request+Price,Hotel-Request+Stars
+bos i would prefer 3 stars . eos O O O O O B-Hotel-Inform+Stars O N/A
+bos there are two 3 stars in that area . one is a guesthouse and the other is a hotel . would you like for me to make a recommendation ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos i 'll take the hotel . please book for 2 people starting on monday for 4 nights . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful.reference number is : xurzlo9g . can i help with anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos thank you for your time that is all i needed today . eos O O O O O O O O O O O O O general-thank
+bos well thank you for calling . eos O O O O O O O general-welcome
+bos hi there . i am looking to find a train to get me to cambridge . can you help with that ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos yes i can where will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart
+bos i will be leaving from birmingham new street on sunday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have several options on sunday starting at 05:40 and leaving every hour . do you have a particular departure or arrival time in mind ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Select
+bos do you have a train leaving sunday at 19:00 ? eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos starting at 19:40 there are trains every hour through 23:40. would you like to book a seat on one ? eos O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos what time does it arrive and whats its id ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos tr2026 arrives by 22:23 eos O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A
+bos thank you . i 'm also looking for places to go in town . what do you have in the way of cinemas , in the center ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos there is the vue cinema in centre off of east road . would you like me to check what is playing and book tickets ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos no , if you can give me the entrance fee , phone number , and postcode , i 'll do it myself . eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos they are located at the grafton centre , east road . their postcode is cb11ps . unfortunately , i do not have the entrance fee . but , you can contact them at 08712240240 for that info . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you for the information . eos O O O O O O O general-thank
+bos is there anything else i can help you with , today ? eos O O O O O O O O O O O O O N/A
+bos that is all , goodbye . eos O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for a train from cambridge eos O O O O O O O O B-Train-Inform+Depart N/A
+bos certainly , where is your destination ? eos O O O O O O O O Train-Request+Dest
+bos my destination is norwich . eos O O O O B-Train-Inform+Dest O N/A
+bos there are 133 trains do you have a day and time you 'd like to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i need to leave saturday after 17:00. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos i have one leaving cambridge at 17:36 and arriving in norwich at 18:55. would you like to book it ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos what is the train id and price ? eos O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr4018 and the cost of the journey will be 14.08 pounds . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A
+bos that 's everything i needed to know thanks . eos O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hello . i need a train ticket on a train going from cambridge to ely . eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos what day would you like to travel , and at what time do you want to leave ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i 'd like to travel on saturday , but i do n't want to leave until after 19:30. eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Leave O O O N/A
+bos tr7349 will depart cambridge at 19:50 on saturday , arriving in ely at 20:07. will that work ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O N/A
+bos yes please book a seat for me . and can you tell me if there are any african restaurants in ely near the train station ? eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A
+bos your seat has been booked for the tr7349 , reference number is er5d744w . i can look up african restaurants in cambridge but not ely . eos O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O N/A
+bos what is the price and travel time for that train ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time is 17 minutes and it will cost you 3.52 pounds . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos great that 's all the info i needed today thank you . eos O O O O O O O O O O O O O general-thank
+bos i 'm happy to be of service . enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O general-bye
+bos can you tell me about the j restaurant ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos the j restaurant serves cheap asian oriental food in the centre of town . their phone number is 01223307581. the address is 86 regent street city centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos can you make reservations for 6 at 14:30 on thursday ? eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos yes i certainly can ! your reservation was successful and your booking reference is 5f3kbh78 . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos you have been very helpful . thank you . goodbye . eos O O O O O O O O O O O O general-bye
+bos glad to help . have a great day and enjoy your meal . good bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos yes , can you tell me information on cambridge lodgings ? we are looking for free wifi and a nice guesthouse . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos sure . what area and price range are you looking for ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet
+bos i do n't really care about area or price range , the most important thing for me is free wifi in a guesthouse that has free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 've got over 20 guesthouses that will work with those requirements . would you like me to book a moderately priced 4 star ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O B-Hotel-Select+Stars O O Booking-Inform
+bos as long as it has free wifi and parking then yes . eos O O O O O O O O O O O B-Hotel-Inform+Internet O N/A
+bos i would recommend the acorn guest house on the north side of town . it has 4-stars . should i book this ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Inform+Stars O O O O O O Booking-Inform
+bos yes . please book it for 8 people for 5 nights starting from sunday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos ok. you 're all set for the acorn guest house on sunday . the reference number is rlsl7bti . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O general-greet,general-reqmore
+bos can i get a train from leicester to cambridge ? should be on that same sunday and i 'd need it to arrive by 20:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O N/A
+bos there are several trains you can choose from . train tr1079 leaves at 09:09 and arrives at 10:54. would you like to book it or try another ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos you can book that one . i need the booking for 8 people . could i get a reference number ? eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos i 've booked your tickets . the reference number is 3enda3ic . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great ! thanks for your help today . i 'm all set . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos thanks for using our service . take care . bye bye . eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos greetings . i 'd like some information about vue cinema . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos the vue cinema is located in the centre of the city and the phone number is 08712240240. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone N/A
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos the postcode is cb11ps . can i help you with anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos yes i am looking for an oriental restaurant that is relatively cheap . any suggestions ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos dojo noodle bar , and j restaurant are both located in the centre area . would you like more info on either of these ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O N/A
+bos yes i would love to hear about either . eos O O O O O O O O O O N/A
+bos both are in the centre of town and in the cheap price range . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A
+bos what is the phone number and address for dojo noodle bar ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the phone number is 01223363471 and the address is 40210 millers yard city centre . eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos wonderful , now i will need a taxi to commute between the two . i want to leave the cinema by 20:45 to get to the restaurant . eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos ok , not a problem ! you will be looking for a yellow volkswagen and the taxis phone number is 07352155369. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O N/A
+bos thanks so much ! eos O O O O O general-thank
+bos is there anything else i can do for you today ? eos O O O O O O O O O O O O general-reqmore
+bos that is everything ! thank you for all your help ! eos O O O O O O O O O O O O general-thank
+bos have a good day ! eos O O O O O O general-bye
+bos hi , i need to get in from king 's lynn to cambridge eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos there are 133 trains making that trip , do you have a day and time you want to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i 'm looking to leave friday after 21:15 , if you could book me a reservation for that time period that would be great . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O N/A
+bos tr0672 departs at 22:11. can you tell me how many tickets you need ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+People
+bos i need 2 please . eos O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 19.6 gbp payable at the station . reference number is : 4j73xcbg . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you . that is all i need . eos O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos hello , i need a train to take me to kings lynn and i really need to arrive by 10:30. can you help me ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos absolutely ! where are you departing from ? eos O O O O O O O O O Train-Request+Depart,general-greet
+bos i 'll be leaving from cambridge on thursday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos i have train tr1855 that will get you there at 9:58 , would you like me to book a ticket ? eos O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no , but could you tell me the price ? eos O O O O O O O O O O O Train-Request+Price
+bos that should cost you 9.80 pounds eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A
+bos okay , thank you . i would also like to get info on a hotel called city centre north b and b. eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos its a relatively cheap guesthouse on the north side that offers internet and parking eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos sounds good . can you book a room for 4 people for me . for 5 nights starting saturday . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos i completed your booking reference number is : q4hj6wrg . do you need anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos no , that 's all i need today . thank you for all your help ! eos O O O O O O O O O O O O O O O O O general-thank
+bos happy to be of service , and i hope you enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A
+bos sure , where will you be boarding and what day would you like to leave ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i will board at king 's lynn , before 13:30 on tuesday . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A
+bos i have 8 routes which will arrive in cambridge by 13:30. they leave hourly on the :11 from 05:11 to 12:11 , lasting 47 minutes . would you like to book ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook
+bos i would like the train that arrives closest to 13:30 please . i will also need the departure time . eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Leave
+bos tr8699 departs tuesday at 12:11 and arrives in cambridge at 12:58. would you like to book it ? eos O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos no , i am not sure i am traveling just yet . thanks for the information , i am all set for now . have a nice day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos okay , is there anything else i can help you with ? eos O O O O O O O O O O O O O general-reqmore
+bos no . goodbye . eos O O O O O general-bye
+bos thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos hi ! do you have any indian food on the east side ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos i have four indian places , do you have a price range in mind ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Price
+bos no , i do not , any place will do . i 'd like to find a table for three at 12:45 on monday . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos unfortunately there are no tables available matching that , do you have another time ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos ok , how about 11:45 , also i would like to know the name of the restaurant . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O N/A
+bos ok i have a table for three booked at 11:45 at curry prince . it is in the east side of town . your reference number is l8gt5j3i . eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Time O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Booking-Book+Ref O O O N/A
+bos okay that is wonderful . that is all i need . eos O O O O O O O O O O O O N/A
+bos great , is there anything else i can do for you today ? eos O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need , thank you for your help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre , and enjoy the rest of your day ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for an inexpensive restaurant in the west section of cambridge . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i have an italian place and a vietnamese , which would you prefer ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Select
+bos i would actually prefer some cheap lebanese food if possible ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i am sorry i have no results for restaurants serving lebanese food in the west . would you like to find another type of cuisine ? eos O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Food
+bos ok , maybe we can try the vietnamese one you mentioned . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos okay would you like me to make a reservation ? eos O O O O O O O O O O O Booking-Inform
+bos um , i think i 'll just take the postcode and the name for now thanks . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos the vietnamese restaurant is called thanh binh and is located in the cb30af postcode . is there anything else i can do for you ? eos O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos nope , that is all i needed . thank you so much ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for choosing cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O general-bye
+bos hi , i am looking for a train that will be arriving by 16:00 in cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O N/A
+bos what day and from where ? eos O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i am leaving friday from kings lynn . eos O O O O B-Train-Inform+Day O O O O N/A
+bos we have a train departing from kings lynn , friday at 15:11 which will be arriving at 15:58. the price is 9.80 pounds and the total duration of the trip would be 47 min . would you like me to book this for you ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook
+bos thank you for all the information . i would like to book this . eos O O O O O O O O O O O O O O O general-thank
+bos consider it done . it has been booked . anything else ? eos O O O O O O O O O O O O O Train-OfferBooked,general-reqmore
+bos yes , can you also help me find a hotel that has free parking and is expensive ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos sure ! let 's narrow it down a bit . any preferences on location or star rating ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos i would like a 4 star hotel . location is n't important , just quality hotel . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A
+bos sure thing ! there are 21 four star hotels . do you have any other needs , like internet , parking , or price range or style ? eos O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Internet
+bos i would like it to have free parking and internet . eos O O O O O O O O O O O O N/A
+bos the huntingdon marriot and the university arms are both expensive 4-star hotels with free internet and parking . is either of these of interest to you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos the university arms sounds good . i 'd like to book 4 nights for 1 person , beginning on friday . and i 'll need the reference number , please . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos you booking was successful . your reference number is xwzq8gba . what else can i help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that should be it , thanks ! eos O O O O O O O O general-thank
+bos you are welcome . thank you for using our service ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train arriving in cambridge by 20:45. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos there are many trains arriving at cambridge by 20:45. where would you be departing from , and on which day ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i will be departing from stansted airport on wednesday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what time would you like to depart from stansted airport ? eos O O O O O O O O O O O O Train-Request+Leave
+bos the departing time is flexible , i just need to get to cambridge by 20:45 please and may i have the price as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos i have a train arriving in in cambridge at 5:52pm on that day . the price is 10.10 pounds . will this work for you ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day I-Train-Inform+Day O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O N/A
+bos yes . i am also looking for a place to stay . eos O O O O O O O O O O O O O N/A
+bos your train reference number is 4fq0oynj . as for lodging , what type of establishment , price range , or area can i look for ? eos O O O O O O B-Train-Inform+Ref O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area
+bos i would like a three star hotel that is expensive . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O N/A
+bos there are 2 hotels matching that criteria : gonville hotel and the lensfield hotel . eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos ok , i need rooms for 7 people for 4 nights , starting on wednesday . can you tell me which of the two hotels are available then ? eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos the gonville hotel is available , and your reference number is 7js42213 . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O N/A
+bos oh ! great . thank you , that 's all i need today . eos O O O O O O O O O O O O O O O general-thank
+bos i 'm glad i could be of help , enjoy your stay ! eos O O O O O O O O O O O O O O general-bye
+bos i need a cheap restaurant that serves creative food . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos we do n't have any of those , sad to say . want to broaden the search ? eos O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about any restaurants that serves creative food . eos O O O O O O O O O O Restaurant-Inform
+bos i 'm sorry , i 'm not finding any creative restaurants . would you like to try a different cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Food
+bos ok , well what do we have in the north area ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are several good options for dining in the north area . do you have a preference for price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos how about a cheap indian restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos there is one cheap indian restaurant in the north , royal spice . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos no , i can do that . could you give me the phone number ? also , the address with postcode ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure . the number there is 01733553355. eos O O O O O O O B-Restaurant-Inform+Phone N/A
+bos what about the postcode and the address ? eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos they are located at victoria avenue chesterton . postcode is cb41eh . anything else you need ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O general-reqmore
+bos no , that 's all . thank you ! eos O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your day . eos O O O O O O O O O general-bye
+bos hi , i 'm actually looking to stay at a luxury guesthouse . eos O O O O O O O O O O O O O O N/A
+bos the arbury lodge guesthouse should work out for you . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos does it have a rating of 4 stars ? eos O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos the arbury does have 4 stars . it is moderate priced . would you like that one ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O N/A
+bos yes please that sounds good . eos O O O O O O O N/A
+bos i need booking information , how many people , what day , and how many days you would like to stay . eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i am looking to stay for 1 person , 4 nights , starting wednesday . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry , but they do n't have a room for that long . would you like to shorten your stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos sure , let 's try 2 nights instead . eos O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos great ! that worked and your confirmation code is 4mi69wkv . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos excellent ! now , what can you tell me about the da vinci pizzeria ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos it is located at 20 milton road chesterton and offers italian food at low cost . would you like me to make a booking ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos sure and i would like the address also . thanks eos O O O O O O O O O O O Restaurant-Request+Addr
+bos absolutely , i have made the booking and the address is 20 milton road in chesterton . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Book,general-reqmore
+bos no , that 's all i need today . thanks for all your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos oh , wait , i do n't think i completed the booking at da vinci pizzeria we were talking about . if you 'd still like it i 'll need a time , day , and number of people . eos O O O O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos no that 's ok. i just needed the address , no booking . thank you ! eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos you are welcome . if you need anything in the future , please let us know . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos have a great day ! thank you for your help ! eos O O O O O O O O O O O O general-thank
+bos your very welcome ! enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye
+bos i 'd like a train leaving from norwich and arriving by 17:15 , please . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O N/A
+bos certainly ! first , can you confirm the day you are traveling and the destination you are traveling to ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i 'll be going to cambridge on saturday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos sure how many tickets ? first train leaves at 05:16 and the last 09:16. do you have specific time in mind ? eos O O O O O O O O O O O O B-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+People,Train-Request+Leave
+bos the train should depart from norwich and should arrive by 17:15. for 4 people eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O B-Train-Inform+People N/A
+bos how about tr1156 , it will depart norwich at 15:16 and will arrive in cambridge at 16:35 ? does this work for your schedule ? eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O O O O O O N/A
+bos that should work , can i please get a reference number ? also , i am looking for a place to stay in the moderate price range that is 4 stars . eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O B-Train-Inform+People O O O O N/A
+bos booked ! fee is 56.32 gbp payable at the station . reference number : g5dhghzv . also do you have an area preference for the hotel ? eos O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , but i would prefer a guest house . eos O O O O O O O O O O O N/A
+bos we have 33 total entries that match you criteria , location varying from north , south , and east . would you like any more information on them ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore
+bos just any moderate guest house with 4 stars that you recommend . i need it for 3 nights for my group . for the same day we are traveling . eos O O O O O O O O B-Hotel-Inform+People O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O N/A
+bos i 've booked your group rooms at the acorn guesthouse for saturday , staying 3 nights . reference number is 8y6xq1pm . need anything else today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that was all thank you . eos O O O O O O O O general-thank
+bos thank you for using our service . have a great day . eos O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for something to do in town . are there any place like college i can visit in the centre of town ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are 13 of them . downing college on regent 's street is free , you might be interested in it . do you have any specific needs ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O O general-reqmore
+bos how about the phone number ? eos O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223334860. is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes i also need a train leaving after 12:45 from cambridge eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart N/A
+bos where are you wanting to go to and what day ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i would like to go to norwich and leave on a saturday . eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O N/A
+bos there is a train that leaves at 13:36 and arrives at 14:55 , can i book you for that ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , please . i need 8 tickets and my reference number please . eos O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i have 8 tickets booked for you and your reference number is 90ijj88b . eos O O O O B-Train-OfferBooked+People O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos that should be it ! thank you for your assistance ! eos O O O O O O O O O O O O general-thank
+bos thank you for contacting us today , have a nice day . eos O O O O O O O O O O O O O general-bye
+bos hello , we 're planning on a trip to cambridge and would like lodging info . can you tell us if there is a hotel in the economical range near the centre ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O N/A
+bos unfortunately , there are no economical hotels in the centre of cambridge . would you like to look in a different area ? eos O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O Hotel-Request+Area
+bos really ? not even a guest house ? eos O O O O O O O O O N/A
+bos yes , there are no accommodations available that fit that criteria . would you like to choose something else ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos i 'm looking for a cheap hotel in the centre . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A
+bos there are two cheap guesthouses located in the centre . my recommendation would be alexander bed and breakfast . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos sounds great ! can you book it for 5 people and 4 nights starting from monday ? eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos your booking was successful at the alexander bed and breakfast . the reference number is f9vva2gl . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos thank , you goodbye eos O O O O O general-bye
+bos welcome , have a lovely day too . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a 4 star hotel with free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos okay , there are a lot of places that might work for you . do you have a certain area in mind ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes , i 'd like to stay in the east and also need free parking . eos O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos i found 5 hotels for you ! the allenbell looks nice , would you like to book that ? eos O O O O B-Hotel-Inform+Choice O O O B-Booking-Inform+Name O O O O O O O O O O O N/A
+bos is the allenbell a hotel or a guesthouse ? eos O O O B-Hotel-Inform+Name O O O O O O N/A
+bos the allenbell is a low cost guesthouse . eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A
+bos okay , i do n't need any more information about that . i am interested in a restaurant located near the hotel . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos there are several restaurants in the east what type of food would you like ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food
+bos the type of food does n't matter , but i would like a moderately priced restaurant . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O Hotel-Request+Type
+bos rajmahal is a nice moderate price restaurant around there serving indian food . does that sound good ? i would be happy to book a reservation for you . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos great can you make a reservation for 1 person at 19:45 on monday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos it is booked then . could i try another day or another time ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos can you check to see if they could accommodate me at 18:45 on monday ? i just need a small table for one . eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A
+bos your table is reserved . your reference number is q2g0ohlc . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos i could also use a taxi that can get me from the allenbell to rajmahal . i need to get to the restaurant by 18:45. eos O O O O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos i booked you a red tesla taxi , the contact number is 07912598182. anything else i can help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , you have done quite a bit for me today . thank you for your help . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye
+bos i want to find a brazilian restaurant that is cheap . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A
+bos i 'm very sorry , there are no results for cheap brazilian restaurants . would you like to try for a different type of cuisine ? eos O O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos do you have any restaurants in the centre ? eos O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos i have 5 different cheap restaurants in the centre . three are chinese restaurants , and the other two serve asian oriental . do you have a preference ? eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select
+bos how about a italian restaurant located in the centre eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area N/A
+bos there are three in that area . pizza hut city centre , ask , and zizzi cambridge . is there any more information you 'd like about any of them ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O general-reqmore
+bos no , which one would you recommend ? eos O O O O O O O O O N/A
+bos i 've heard that ask is one of the best in town . can i reserve you a table there ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos book a table for 1 on friday at 19:45 please . i 'll need to have the reference number . eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref
+bos your reference number is jdboodv3 . eos O O O O O B-Booking-Book+Ref O N/A
+bos excellent . i 'm also looking for the allenbell hotel . do they have free parking and what type of hotel are they ? eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Type
+bos they are a guesthouse hotel with parking . want to book ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , i need the room for one guest only . thank you . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A
+bos i have booked allenbell guesthouse for 1 person . you did n't mention how many days , but that can be taken care of there . you 're all set ! eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos alright . thanks for the help . eos O O O O O O O O general-thank
+bos you are welcome . thank you for using our service . goodbye ! eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for a moderately priced restaurant in the north part of town eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are two restaurants ; chinese and indian that are moderately priced . do you have any preferences ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price
+bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos okay , how about the golden wok ? they serve chinese food in the north part of town and are moderately priced . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A
+bos that will be good . could you give me their address ? eos O O O O O O O O O O O O O Restaurant-Request+Addr
+bos golden wok is located at 191 histon road chesterton and its phone number is 01223350688. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos and also postcode please ? eos O O O O O O N/A
+bos their postcode is c.b 2 , 1 u.j . eos O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos no . that 's all i want . thank you eos O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for calling us today . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need the phone number and post code of a restaurant in the east part of town . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos ok. is there a specific restaurant you are looking for ? eos O O O O O O O O O O O O Restaurant-Request+Name
+bos moderately priced restaurant . eos O B-Restaurant-Inform+Price O O O N/A
+bos curry prince is moderately priced and in the east part of town . alternatively , so is rajmahal . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos what is the phone number and postcode of curry prince ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223 566388 and the postcode is cb58jj . eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're welcome . goodbye ! eos O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant in the expensive price range that serves australasian food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no restaurants matching your requests . may i help you find a different type of restaurant ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos i 'd like to find some mediterranean food and need to know their address and phone number . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there is an expensive restaurant that serves mediterranean food located at thompsons lane fen ditton . their phone number is 01223 362525. eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you ! eos O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i am looking for a restaurant serving mediterranean food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos la mimosa is an expensive restaurant in the city centre that serves mediterranean food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos is there another venue ? eos O O O O O O N/A
+bos there is the gardenia if you 're looking for a cheap restaurant . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the gardenia is located at 2 rose crescent city centre and their phone number is 01223 356354. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're welcome , good bye eos O O O O O O O general-welcome,general-bye
+bos i do n't care about the price . thank you goodbye . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos i need the address , phone number and postcode for a moderately priced restaurant serving international food . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos how about the varsity restaurant , they are located at 35 saint andrews street city centre , postcode c.b 2 , 3 a.r , phone number is 01223 356060. eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post I-Restaurant-Recommend+Post O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i would like a restaurant that serves brazilian food eos O O O O O O O O B-Restaurant-Inform+Food O N/A
+bos there are no restaurants matching that description . would you like a different type of food ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos korean might work . are there any of those ? eos O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos little seoul serves korean food . it 's an expensive restaurant that is located in the city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos may i have the telephone number ? eos O O O O O O O O Restaurant-Request+Phone
+bos the number is 01223 308681. can i help you with anything else ? eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos i am looking for a moderately priced restaurant in the north part of town . i would also like the address and phone number . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there is an indian and a chinese restaurant that are both moderately priced in the north area . would you like the address and phone for one of those ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Select,general-reqmore
+bos yes , i would like the address and phone number for each . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the golden wok is located at 191 histon road chesterton , and there address is 01223 350688. the nirala is located at 7 milton road chesterton , and their phone number is 01223 360966. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you eos O O O general-thank
+bos you 're welcome . eos O O O O O general-welcome
+bos hello , i am looking for a restaurant in any area that serves danish food . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry but there is no matching records found that fits your requests . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos what about international food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there are three restaurants that serve international food . would you like a specific price range ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price
+bos i do not have a preference . eos O O O O O O O O N/A
+bos bloomsbury restaurant is in the centre and serving international food and it is a moderate price is there anything i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore
+bos can i get the phone number and postcode , please ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos bloomsbury restaurant 's phone number is 0871 942 9180 , their postcode is c.b 2 , 3 d.t eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A
+bos thank you bye bye eos O O O O O general-bye
+bos have a nice day ! eos O O O O O O general-bye
+bos i am looking for a restaurant on the eastern side of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos pizza hut fen ditton is moderately priced and at the east side of the city . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos is there another one as well ? eos O O O O O O O O N/A
+bos yes there are 8 more . what type of food do you want ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food
+bos is there anything british available ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos there is one restaurant serving british food on the east side of town . their name is grafton hotel restaurant . would you like their contact information ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O general-reqmore
+bos what is the address and postcode ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos grafton hotel restaurant is located at grafton hotel 619 newmarket road fen ditton , in postal code c.b 5 , 8 p.a . would you like me to find any additional information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , i think that does it . thank you for the info . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for calling us today . eos O O O O O O O O O O O O general-welcome,general-bye
+bos goodbye . eos O O O general-bye
+bos goodbye eos O O general-bye
+bos i 'm looking for a restaurant in the centre area in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O N/A
+bos there are 21 places to dine at with moderate pricing , do you have a preference for cuisine type ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food
+bos yes i would like european food . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 2 to choose from . they are both good , but i like the galleria personally . there are also a few that serve modern european food . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos no , i 'll try the galleria . can you book a table there for 2 at 15:30 on tuesday , and please provide me with the reference number ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : t7qj1wb2 . anything else you need ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos yes . i am also looking for a place to stay that 's in the same area as the restaurant with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have 2 guesthouse and 2 hotels in the centre . do you have a preference or a price range in mind today ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Select
+bos a 2 star would be good . i do n't care about price range . eos O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos i 'm sorry , we do n't have any 2 star hotels or guest houses in that area . would you like to try something else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about guesthouses with 0 stars ? eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A
+bos i have the el shaddai guesthouse . it is cheap and in the centre of town . it has free parking and internet . would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes . please book for tuesday for 2 people , 2 nights . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O N/A
+bos i apologize but i was unable to book the el shaddai for that day and stay duration . would you be willing to book starting another day or shortening your stay ? eos O O O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos how about 1 day stay ? eos O O O O B-Hotel-Inform+Stay O O N/A
+bos your 1 day booking was successful . your reference number is ihd90ocu . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need a taxi to go between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos booking completed . a red toyota will pick you up and take you to the restaurant . contact number for them is 07965351585. anything else i can help you with ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that 'll be all . thanks a lot for all your help . bye ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos i would like to visit some of the architecture here in town . can you help me with this ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos i can indeed . we have several churches and a school renowned for their architecture . great saint mary 's church charges visitors 2 pounds , but the rest are free . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you give me information on a free one and i 'd need to know what area of town it is in please . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos all saints church is free and it 's in the centre , located at jesus lane . their number is 01223452587. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Price I-Attraction-Inform+Price O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O N/A
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos you are very welcome . was there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , thank you , that 's all i need today . bye . eos O O O O O O O O O O O O O O O general-bye
+bos have fun ! goodbye ! eos O O O O O O general-welcome,general-bye
+bos can you find me a train from cambridge to leicester ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos there are several what day and time do you want to leave or arrive ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i 'd like to leave on wednesday and should arrive by 13:00 eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A
+bos the tr2176 leaves cambridge at 09:21 and gets into leicester at 11:06. will that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A
+bos what is the price of that train ? eos O O O O O O O O O Train-Request+Price
+bos the price is 37.80 pounds . would you like to go ahead a book a seat ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos yes , i would like to book a seat on that train . thank you . eos O O O O O O O O O O O O O O O O O Train-Inform
+bos just to clarify , am i booking just one ticket or more ? eos O O O O O O O O O O O B-Train-Select+People I-Train-Select+People O N/A
+bos yes . also findme primavera 's phone number eos O O O O O O O O O Attraction-Request+Phone
+bos booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : 2z3lq075 . what else did you need ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thanks . i am also looking for the primavera . it is an attraction . eos O O O O O O O O B-Attraction-Inform+Name O O O O O O O N/A
+bos yes its a very nice attraction . eos O O O O O O O O N/A
+bos can i get their phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223357708. can i help with something else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos no . that will be all . thank you . eos O O O O O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-welcome,general-bye
+bos i would like to take a train from cambridge to kings lynn . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what day and time ? eos O O O O O O Train-Request+Leave,Train-Request+Day
+bos leave after 17:00 on sunday . eos O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos train 8665 leaves cambridge at 17:11 and arrives in kings lynn at 17:58. how does that sound ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O Train-Select
+bos great . please book it for 4 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos i have booked that for you ! the reference number is c63rmsdc and you will owe 31.36 at the station . do you need anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos i would also line places to go that is entertainment and should be in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O N/A
+bos i 'm sorry , there are no such places . can i change your search criteria ? eos O O O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer
+bos yes there is . i saw it in the pamphlet . check again please . eos O O O O O O O O O O O O O O O O N/A
+bos i apologize . i have doubled checked and there is no entertainment venues in the centre . the entertainment venues that i do have are located in the east , south and west . eos O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A
+bos i 'm quite sure that there are colleges in the centre of town . can you ask a manager to help you look ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay there is the christ 's college located at saint andrew 's street and it 's free . also corpus christi college , king 's parade cost 2 pounds . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos i want a train that is leaving from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A
+bos sure , i can definitely help you with that . when were you wanting to depart ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i 'm not sure . how long is the train ride ? i would like to arrive by 13:45. eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos tr5154 takes 88 minutes and leaves 05 : 59. is that fine with you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Select
+bos is there another train on monday that would get me to kings lynn closer to 13:45 ? eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A
+bos the tr7430 arrives in kings lynn at 12:58. it is 9.80 pounds . would you like me to book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos all i needed was the info on travel times , can you also help me find an attraction called clare hall ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Train-Request+Duration
+bos clare hall is a college located in western cambridge . it 's located on herschel road . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos no that will be all thank you . eos O O O O O O O O O general-thank
+bos happy to be of help . goodbye . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a college in the west in town . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos i have 5 colleges in the west area . queens ' college , magdalene college , clare hall , clare college , and churchill college , is there any other information that you need ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O general-reqmore
+bos can i have the address and postcode for magdelene college ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos yes of course . the address is magdalene street and the phone number is 01223332138. is there anything else i can help you with ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos what 's the postcode ? eos O O O O O O Attraction-Request+Post
+bos the postcode is cb30ag . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos no that will be all thank you so much . eos O O O O O O O O O O O general-thank
+bos thank you ! goodbye . eos O O O O O O general-bye
+bos i 'm interested in places to in the centre . eos O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos i recommend old school architecture . its in trinity l ; ane . can i give you the address eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos yes and also the entrance fee and phone number . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos admission is free and the phone number is 01223332320 eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone N/A
+bos can you also help me find a train ? eos O O O O O O O O O O Train-Inform
+bos absolutely ! what day would you like to travel and where are you departing from ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day,general-greet
+bos thursday and going to ely ! eos O B-Train-Inform+Day O O O B-Train-Inform+Depart O N/A
+bos what time would you like to arrive by and what time would you like to depart by ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave pretty early so i can spend the day . i would also like to have dinner there so sometime after 8pm . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have that you are going to ely thursday by 8pm . where are you departing from and when would like to arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive
+bos i am departing for bishops stortford . i need to arrive by 10:15. no departure preference . eos O O O O O O O O O O O O O O O O O O N/A
+bos would you like me to book it for you ? eos O O O O O O O O O O O Train-OfferBook
+bos i just need the train id and the departure and travel times please . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos yes i have the tr1923 that leaves cambridge at 09:50 and arrives in ely by 10:07. eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos okay . thank you for your information . eos O O O O O O O O O general-thank
+bos you are welcome . thank you for calling . eos O O O O O O O O O O general-welcome,general-bye
+bos could you help me find a place to go ? i 'd like to find some architecture . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos yes i have 5 architecture sites in the centre 4 are churches and one is old schools . would you like information on any of them ? eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O general-reqmore
+bos what is the postcode for your recommended one ? you choose . eos O O O O O O O O O O O O O Attraction-Request+Post
+bos old schools is a great place for architecture . it 's free to get in . it 's located on trinity lane and their postcode is cb21tt . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Type O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O O O O N/A
+bos that sounds perfect . thank you very much ! eos O O O O O O O O O O general-thank
+bos is there anything else i could help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no that will be all for now . eos O O O O O O O O O N/A
+bos no problem . glad to help . eos O O O O O O O O general-bye
+bos thank you very much . eos O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos hi i need to know which train will take me to cambridge on monday , can you help me ? eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O N/A
+bos there are 202 potential matches for your criteria . where would you be coming from that day ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing kings lynn after 12:00 eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos yes i have a 13:11 that arrives in cambridge from kings lynn by 13:58. would you like me to book that for you ? eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos what is the price please ? eos O O O O O O O Train-Request+Price
+bos tr0415 leaves at 17:58. can i help you book ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos i will need the price , travel time , and train id first please . also looking for a park to go in town . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos train tr4329 has a travel time of 47 minutes with a cost of 9.80 pounds . i 'd be happy to book that for you . eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos that 's okay , can you tell me about parks in town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos we have 5 parks throughout the city , 2 in the south , 1 in the north , east , and centre . would you like more information on any of these ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos which one is in the east ? eos O O O O O O B-Attraction-Inform+Area O N/A
+bos in the east we cherry hinton water play park , it is free to enter . would you like the phone number or address ? eos O O O B-Attraction-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos if i could just get the phone number that would be great . eos O O O O O O O O O O O O O O Attraction-Request+Phone
+bos sure ! it 's 01223446100. can i help you with anything else ? eos O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that will be all for today . thank you ! eos O O O O O O O O O O O O O general-thank
+bos no problem . thanks for using cambridge towninfo . goodbye . eos O O O O O O O O O O O O general-bye
+bos hello , i would to know about some places to go in cambridge . i 'd like to do something on a boat , if possible . eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos ok , there are four options . two are in the centre , one is in the east and one is in the north . eos O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A
+bos let 's try the one in the north . what is the entrance fee ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Fee
+bos i have a listing for riverboat georgina in the north is that okay ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A
+bos yes , can i get the postcode and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos yes , the postcode is cb43ax and the entrance fee is not known at this time . eos O O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos thank you i also need a train that will depart from cambridge and should go to leicester . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A
+bos i have several trains available . what day will you be traveling and when would you like to leave and arrive ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i need the train to leave after 13:00 on monday . tell me if any fit this description . i need to know the arrival time and train id as well . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos train tr6799 leaves cambridge at 13:21 and arrives at leicester at 15:06. will that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , that 's perfect ! could i have the arrival time and train id please ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos the train id number is tr6799 and the arrival time is 15:06. is there anything else i can assist you with today ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore
+bos no thank you , looking forward to my time here . have a great day . eos O O O O O O O O O O O O O O O O O general-thank
+bos yes , please enjoy your time in cambridge . thanks for letting me help you today . bye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a train that leaves cambridge after 9:45 pm ? thanks . eos O O O O O O O O O O B-Train-Inform+Depart O O O O O O N/A
+bos i can help with that . what is the destination and what day would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i am going to bishops storford on wednesday . i actually need to leave after 21:45 though . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O N/A
+bos i do not have any trains that match your request . eos O O O O O O O O O O O O Train-NoOffer
+bos that 's disappointing . can you recommend a taxi or bus service ? eos O O O O O O O O O O O O O O Taxi-Inform
+bos i can set you up for bus tr9984 , they leave at 23:29 and the price is 10.10 pounds , are you ok with that ? eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-Select
+bos okay . can you also tell me about a museum to go to in the centre ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A
+bos of course , there are actually eleven to choose from . eos O O O O O O B-Attraction-Inform+Choice O O O O O N/A
+bos can you make recommendation ? eos O O O O O O N/A
+bos i like the museum of archaelogy and anthropology . it is located at the university of cambridge . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos thank you , can i have the post code for that museum . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Post
+bos yes , the postcode is cb23dz , can i assist with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos that is all i needed . thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place called the holy trinity church . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos it is located in market street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos can i get information on area and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee
+bos the holy trinity church is in the centre of town and the entrance fee is free ! want more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee O O O O O general-reqmore
+bos can you tell me what trains go to bishops storthford and leave on saturday ? eos O O O O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos we have ten trains every two hours starting at 05:29 , any time preference ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Request+Leave
+bos i need it to depart after 11:15. eos O O O O O O O B-Train-Inform+Leave N/A
+bos tr0121 departs at 15.29 would you like me to book it eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos i want a place to stay in the east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos i have 6 guesthouses and 1 hotel on the east side . what 's your price range ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price
+bos does n't matter too much . i 'd like a 4 star property , though , and would prefer one of the guesthouses . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i 'd recommend allenbell on 517a coldham lane . would you like me to book a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform
+bos could you give me their phone number ? i would like to verify that they have free parking . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos allenbell does have parking and the phone is 01223210353. can i help with anything else ? eos O B-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Phone O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos yeah , i need something to eat . i 'm starving . eos O O O O O O O O O O O O O N/A
+bos in what area of town ? eos O O O O O O O Restaurant-Request+Area
+bos i 'm looking for australian food in the moderate price range , any area is fine . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i 'm sorry , we do not have any australian restaurants in the moderate price range . would you like to choose an alternate food type ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd also like to try a turkish restaurant . is that possible ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos i 'm sorry but the only restaurants in that part of town serve either asian food or african food . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i do n't mind changing the area . i just need moderate pricing and want something that serves turkish food . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i have 2 choices for you . anatolia is one and the other is efes restaurant . which do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Restaurant-Select
+bos lets try anatolia . eos O O O B-Restaurant-Inform+Name O N/A
+bos ok great and when would you like a table booked ? eos O O O O O O O O O O O O Booking-Request+Day
+bos for 4 people at 17:45 on friday please . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O N/A
+bos ok , you have a table for 4 on thursday at 17:45. reference number is : g684td29 . can i help with anything else ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that will be all . thank you for your help ! goodbye eos O O O O O O O O O O O O O O general-bye
+bos it 's been a pleasure to help you . eos O O O O O O O O O O general-bye
+bos i need a train leaving on saturday after 5:30 pm eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos what is your departure site and destination ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am departing from stevenage and going to cambridge . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos just to clarify , you want to leave after 05:30 ( am ) , or 17:30 ( 5:30 pm ) ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos after 17:30 please eos O O B-Train-Inform+Leave O N/A
+bos there is a train that leaves at 17:54. eos O O O O O O O O B-Train-Inform+Leave N/A
+bos the train should go to cambridge and should depart from stevens . once you find the train you want to make a booking for 8 people . eos O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos there are 4 trains that meet your specifications . they run every two hours . the first one leaves at 17:54 and the last at 23:54. what would you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Request+Leave
+bos i think i would be interested in the 17:54 and i need to book it for 8 people . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+People O N/A
+bos okay tr2442 is booked for 8 people at 17:54 on saturday . it will cost 81.92 gbp in total , and your reference number is cctyhuu8 . eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos i 'm also looking for a restaurant that serves north american food , in the expensive range . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A
+bos gourmet burger kitchen is perfect for you . it is in the center and is in expensive price range . could you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos yes . that would be great . make it for saturday for 8 people at 20:30. eos O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A
+bos table for 8 at gourmet burger kitchen , arriving at 20:30. they can hold your table for up to 15 minutes , only . your reference number is : acovvezm . eos O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Time O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thank you , that is all i needed . eos O O O O O O O O O O general-thank
+bos have a good visit . eos O O O O O O general-bye
+bos i 'm looking for someplace to get british cuisine in the center of town . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos great , i have five options for you in the moderate to expensive range . eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A
+bos oh , i really need something cheap . eos O O O O O O B-Restaurant-Inform+Price O O N/A
+bos i do not have anything in that price range for british . another criteria perhaps ? eos O O O O O O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A
+bos could you try an italian place please ? eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i have 3 in that price range and area . may i recommend zizzi cambridge ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos yes , that would be great ! could you please book a table for 5 people at 16:45 on saturday ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos your table is reserved and your reference number is mgcsvpom . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thank you . i also need a train from stansted airport to cambridge that will arrive by 11:30. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O N/A
+bos there are six , which day would you like to travel ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day
+bos saturday . i would like to arrive by 11:30. eos O B-Train-Inform+Day O O O O O O O O N/A
+bos i have one leaving at 10:24 and arriving at 10:52. the rate is 8.08 pounds each . would like me to make reservations for 6 ? eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-OfferBook+People O O N/A
+bos yes please make a reservation for 5 people and give the phone number eos O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos i booked 5 tickets . there is no phone number , but the reference number is rgmosm2h . eos O O O O B-Train-OfferBooked+People O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos that is all i need , thank you for your help . eos O O O O O O O O O O O O O general-thank
+bos happy to help . have a great day . eos O O O O O O O O O O general-bye
+bos i need to find a place to dine in at in cambridge later . eos O O O O O O O O O O O O O O O N/A
+bos we have a variety of choices . if you can specify your price range eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price
+bos give me something cheap . eos O O O O B-Restaurant-Inform+Price O N/A
+bos there are 22 great restaurants to choose from . is there a specific area in town you are looking for ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos area of town does n't matter , but i would like to try north indian food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry i ca n't find any north indian restaurants , would you like to try something else ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about a portuguese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos none in our records . maybe if you could change the area . eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos the area does not matter . eos O O O O O O O Restaurant-Request+Area
+bos there are 2 portuguese restaurants to choose from , one on the south and one in the center , both in the cheap price range . would one of those work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i would like the area , address , and postcode for the one in the centre please . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr
+bos nandos city centre is in the centre of town at 33-34 saint andrews street , with the postcode cb23ar . may i help with something else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos i am needing to find a place to stay . i would like something 4 star rated and cheap . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Price O O N/A
+bos there are 30+ accommodations matching that criteria . do you have a particular area you are interested in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the east please . eos O O B-Hotel-Inform+Area O O N/A
+bos ok great . there are three locations . i highly suggest the leverton house . would you like to book a room ? eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos book for 2 people and 4 nights from friday please eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : 8gxhks3a eos O O O O O O O B-Booking-Book+Ref N/A
+bos i also need a taxi . eos O O O O O O O Taxi-Inform
+bos where are you travelling from/to ? eos O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i would be leaving the hotel by 10:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos before i can request the taxi i need to know where you are going . eos O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos from the hotel to the restaurant . please give me the contact number and car type after you book it . eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos okay great . i have your reservation and you should expect to see a yellow volvo and their contact number will be 07739732329. is there anything else ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos that is all for now . thank you for all your help . eos O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for a place to stay in cambridge . eos O O O O O O O O O O O O N/A
+bos we have 33 locations to stay , do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Internet
+bos i 'd like a moderately priced hotel in the south , with free wifi . eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos bridge guest house is your choice . its located in 151 hills road . can i give you the address eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O general-reqmore
+bos you just gave me the address . does it have free parking ? eos O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr
+bos yes , both free internet and free parking . can i help you with anything else today ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos i 'm looking for a chinese restaurant as well . is there anything near the hotel ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A
+bos there are 3 chinese restaurants in the south . two are in the expensive range and one cheap . do you have a preference ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Select
+bos i really need that to be in the south . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos yes , i have the lucky star if you would like a cheap option , or there are two more expensive options . do you have a preference ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Select+Choice B-Restaurant-Select+Price O O O O O O O O O O N/A
+bos the lucky star would be just fine . i need the postcode please . eos O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb17dy . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos thanks . yes , i will need a taxi from the hotel to the lucky star restaurant . eos O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos what time would you like to arrive at the restaurant ? eos O O O O O O O O O O O O Taxi-Request+Arrive
+bos i 'm not sure i just need to leave the hotel by 17:00. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos a blue tesla has been booked for you . the contact is 07250562643 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks for all of your help , i 'm all set now . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos good bye , have a great day . eos O O O O O O O O O general-bye
+bos i am looking for a restaurant servicing chinese food in the center of cambridge . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos there are 10 places that are fantastic choices . do you have a particular price range or would you like a suggestion ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i do n't have a price range so you can give a suggestion . eos O O O O O O O O O O O O O O O N/A
+bos i recommend charlie chan . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos sounds good . please reserve for 4 people on monday at 14:45 eos O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos i have booked your table here is the information-booking was successful . the table will be reserved for 15 minutes.reference number is : 2d7rzwaj . any other help today ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i also need a train from stevenage to cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos great , what day and time will you be traveling ? eos O O O O O O O O O O O O Train-Request+Day
+bos i need the train on the same day that i booked the restaurant , monday , and i need to arrive by 10:15. eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A
+bos is there a time you would like to leave by ? eos O O O O O O O O O O O O Train-Request+Leave
+bos no , i just need to be there by 10:15. i need that booked for 4 people as welk . eos O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O N/A
+bos booking successful . the fee will be 51.2 gbp and your reference number is 92r9tak8 . eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks for all of your help , you should get a raise , your really good at this ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you so much , hope you have a great visit . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos any fancy restaurants in town ? eos O O O O O O O Restaurant-Inform
+bos we have tons of options ! whats your favorite type of food ? eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i was looking for chinese food . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos we have several restaurants serving chinese food in town . what price range and part of town would you prefer ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i would like expensive chinese food located in the centre of town please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O N/A
+bos you can try sesame restaurant and bar at 17 hills road city centre . the phone number is 01223358899. would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform
+bos yes , please book it for 2 people on sunday at 17:15. eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time N/A
+bos i made those reservations and your reference number is dl52iymd . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos alright great , that 's all i need thank you ! eos O O O O O O O O O O O O general-thank
+bos you are very welcome . enjoy your dinner . eos O O O O O O O O O O general-welcome
+bos i want to book a reservation at darrys cookhouse and wine shop in cambridge eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos what time and date would you like the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos for 8 people at 17:00 on sunday and i need a confrmation number please , thank you . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos please note your table will be available for 15 minutes . reference wusjyus6 . anything else i can do for you ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i also need a train going to cambridge i need to arrive by 12:15. eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A
+bos there are many trains throughout the day going to cambridge . where are you departing from , what day do you want to travel , and what time do you want to leave ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i would like to find a 1 star hotel to stay at that includes free parking . do you know of any ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O N/A
+bos there is no match for those criteria eos O O O O O O O O Hotel-NoOffer
+bos well could we look for a hotel in the moderate price range ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are many in the moderate price range . what area of town would you like to be in ? guesthouse or hotel ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Request+Area
+bos that does not matter but i want it to have 4 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i would recommend the ayelsbray lodge guest house , would you like me to book you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos not yet . could i get the address ? eos O O O O O O O O O O Hotel-Request+Addr
+bos yes its 154 chesterton road , is there anything else ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O general-reqmore
+bos i also need to find somewhere to eat . eos O O O O O O O O O O N/A
+bos we a many great restaurants in town ! is there a particular type of cuisine you would like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i really just want a place in the centre that is also moderate in price eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O N/A
+bos would you like to try an asian restaurant ? eos O O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A
+bos sure ! could you book it for 8 people at 12:15 ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A
+bos what day would you like that booking for ? eos O O O O O O O O O O Booking-Request+Day
+bos sorry , i would like that for thursday . eos O O O O O O O B-Restaurant-Inform+Day O O N/A
+bos the table will be reserved for 15 minutes at the yippee noodle bar.reference number is : syzp8ray . eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O N/A
+bos thank you . that is all for now . eos O O O O O O O O O O general-thank
+bos you are welcome . enjoy your visit to cambridge , bye eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'd like to stay at the warkworth house please . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos warkworth house is an excellent choice . shall i book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos yes please ! 2 of us will be staying starting on saturday for 5 nights eos O O O O B-Hotel-Inform+People O O O O O O O O O B-Hotel-Inform+Stay O N/A
+bos booking was successful . reference number is : az8epkau . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks for all of your help . eos O O O O O O O O general-thank
+bos you are welcome . do you need anything else ? eos O O O O O O O O O O O general-welcome,general-reqmore
+bos that is all for now . thank you so much ! eos O O O O O O O O O O O O general-thank
+bos glad i could help hope you have a great day . eos O O O O O O O O O O O O general-bye
+bos i need a place to stay that has free wifi . eos O O O O O O O O O O O O N/A
+bos what type of lodging would you prefer ? and do you care about price or area ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type
+bos i would like to stay in a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A
+bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i do n't have a preference . eos O O O O O O O O N/A
+bos do you have a preference on price range ? eos O O O O O O O O O O Hotel-Request+Price
+bos i would like someplace expensive . eos O O O O O B-Hotel-Inform+Price O N/A
+bos i 'm not finding anything meeting that criteria . would you like to try a moderately priced guesthouse ? eos O O O O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price B-Hotel-Select+Type O O O Hotel-NoOffer,general-reqmore
+bos what about an expensive hotel ? eos O O O O O B-Hotel-Inform+Type O N/A
+bos the gonville hotel is expensive with free wifi . shall i book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos what is their postcode ? eos O O O O O O Hotel-Request+Post
+bos the postcode for gonville hotel is cb11ly . what else can i help you with today ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos that will be all , thank you . eos O O O O O O O O O general-thank
+bos you 're very welcome ! enjoy your stay ! eos O O O O O O O O O O general-welcome,general-bye
+bos hello , i would like to know about places to go in the south of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are a range of attractions you can visit in the south . these attractions include nightclubs , cinemas , museums and entertainment places . is there a specific type you would like ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Type
+bos what entertainment places are located there ? eos O O O O O O O O N/A
+bos the following entertainment venues in the south are nusha 01223902158 and tenpin 08715501010. is there anything else i can assist you with ? eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos what is the address of nusha ? eos O O O O O O O O Attraction-Request+Addr
+bos nusha can be found at unit g6 , cambridge leisure park on clifton road . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos yes , i need a 4 star place to stay with free wifi . do you have anything ? eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos yes there are many options to choose from . would you like me to book a room for you at one of these locations ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i 'd like it to be a guesthouse in the south , free wifi also , and 4 stars . whatever matches i need a room for 4 nights on tuesday for 8 people . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O N/A
+bos i can book you at the aylesbray lodge guest house . does that sound good ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O N/A
+bos sounds good ! go ahead and book it , please ! eos O O O O O O O O O O O O N/A
+bos we are currently full on tuesday would you like to book at another hotel ? eos O O O O O O B-Booking-NoBook+Day O O O O O O O O O N/A
+bos can i just try maybe 3 nights ? eos O O O O O O O B-Hotel-Inform+Stay O N/A
+bos nice it works . so the reference for your booking is 56e9mw1n . do you need further assistance ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes . can you also call me a taxi to connect between the two places ? i would like to leave the hotel at 14:00. eos O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos you are all set . your cab will be a blue volkswagen with a contact number 07961227809. is there anything else i can help ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no that 's all i need . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos you have a wonderful day ! eos O O O O O O O general-bye
+bos i am looking for a hotel in the north to stay in . can you help me with this ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos there are 13 hotels in the north . do you want a guesthouse or a proper hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i 'm looking for a proper hotel , please . if it had free wifi , well , i would n't complain about that either . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O N/A
+bos the ashley hotel is in the north and has both free internet and parking . would you care to go here ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , i want to book it for 6 people and 5 nights starting from sunday . may i also have the reference number ? eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos alright , your room is booked for the ashley hotel for 5 nights with 6 people . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Stay O O B-Booking-Book+People O O O O O O O O O O O O general-reqmore
+bos i would like to have the reference number for the room booking please . eos O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos the reference number is 75625428. anything else ? eos O O O O O B-Booking-Book+Ref O O O general-reqmore
+bos yes . i want to check out a college in the centre . eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos cambridge has many colleges in the center of town . downing college is nice , and it 's free to get in . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Fee O O O O O O O N/A
+bos that sounds great . can i get the address and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos it 's in the centre of town and it 's at cb21dq . eos O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O N/A
+bos i would now like to book a taxi from my hotel at 06 ; 15 going to the college . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i have confirmed your taxi a black lexus will be picking you up . their contact number is 07864379890. do you need further assistance ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos actually , can i get the street address of downing college before we go ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Request+Addr
+bos the address for downing college is regent street . have a great day . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O general-bye
+bos hello , i 'm looking for places to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are many attractions in the centre like museums , architecture , boating , and concerthalls . what are you interested in ? eos O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Type
+bos how about a boating attraction ? eos O O O O O O O Attraction-Inform
+bos there are two in the centre of town . scudamores punting co , and the cambridge punter . would either of those interest you ? eos O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Select
+bos could you give me the address for the cambridge punter , please ? i also need a place to stay , preferably somewhere cheap . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O Attraction-Request+Addr
+bos sure , the cambridge punter is lcoated at 251a chesterton road . the autumn house is in the cheap price range with 4 stars . would you like to book a room ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos does it offer free wifi internet ? eos O O O O O O O O N/A
+bos yes the autumn house does have free wifi . would like me to book a room for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes please . i will need the hotel for 4 people starting saturday for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos i have booked the hotel . the reference number is : k6wvg1o7 . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that is all i need today . thank you for the help . eos O O O O O O O O O O O O O O O general-thank
+bos great , thanks for using our service . have a great day . eos O O O O O O O O O O O O O O general-bye
+bos you too , goodbye ! eos O O O O O O general-bye
+bos thank you , and goodbye . eos O O O O O O O general-bye
+bos i need to find a train from ely to cambridge . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A
+bos what day and time would you like to travel ? eos O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos when would you like to arrive in cambridge on monday ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos i really just need to leave after 15:45. the arrival time does n't really matter . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O N/A
+bos should i book it for you ? eos O O O O O O O O Train-OfferBook
+bos yes for 5. all i would need is the reference number . eos O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i have booked 5 tickets for you on tr6645 . your reference number is szyj90el . what else can i assist with ? eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos thanks for being so helpful ! i appreciate your time . i 'm all set now . eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome , i am so glad to have been of service ! have a wonderful day now , bye ! eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive restaurant in the centre . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos i have many . could we narrow it down a bit by the type of cuisine you may be looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i 'd like to try indian cuisine . i a table for three at 15:45 on monday . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i ca n't seem to find a table that is available at that time . would you be interested in trying a different day or a different time slot ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos yes , let 's try for 14:45 instead . eos O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booking at curry garden was successful . the table will be reserved for 15 minutes . reference number is : 3hvuqftt . is there anything else i can help you with ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that was all i needed right now . thank you , goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome , enjoy your meal . eos O O O O O O O O O general-bye
+bos hi . have you heard of pizza hut city centre by chance ? i may want to eat there soon . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O N/A
+bos sure they are located at regent street city centre . would you like me to book you there ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos no , i just need the postcode and address please . is this an italian restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos pizza hut city centre is listed as an italian restaurant , yes . they are located at regent street city centre in postcode cb21ab . can i help you with anything else today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no that 's all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos glad we could help . please contact us again if you should have further questions or need a booking . thank you . eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking to stay at a guesthouse while i 'm in town . i do n't need internet access , so do n't worry about that . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the alpha-milton guest house is in the north and moderately priced . would you like to book a stay ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform
+bos i need something cheaply priced . eos O O O O O O O N/A
+bos we have 9 guesthouses that match your search . would you like to narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O N/A
+bos i do n't care as long as it 's a guesthouse located in the north for cheap . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O N/A
+bos may i suggest the worth house ? it is a cheap , 4 star hotel in northern cambridge . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A
+bos that 's fine . can i book it on monday for 4 nights for 7 people ? eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A
+bos i 'm sorry . it looks like the guesthouse ca n't be booked for your stay . there 's a 0 star guesthouse also in the north . would you like me to look there ? eos O O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-NoBook
+bos can you try booking again for 3 nights instead of 4 ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos your booking for 3 nights was a success ! your reference number is klpepned . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Stay O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . are there any cheap restaurants near the hotel as well ? eos O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos just to clarify , are you looking for a cheap restaurant in the north area of town ? eos O O O O O O O O O B-Restaurant-Select+Price O O O B-Restaurant-Select+Area O O O O O N/A
+bos yes . this restaurant should serve swiss food too . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry , there are no swiss restaurants in the north side of town . is there a different food choice you would like to try ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos i see . hmm . what about indian ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos how about the royal spice , it 's a cheap indian place in the north part of town . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos thank you , please provide the address and the postcode . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos no problem , address is victoria avenue chesterton , postcode cb41eh . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O N/A
+bos thank you . i would also like to book a taxi to get from the guesthouse to the restaurant . i would like to arrive by 17:30. eos O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos ok , i 've booked your taxi from worth house to royal spice . you will arrive by 17:30. anything else i can do for you ? eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O N/A
+bos yes i would like a contact number and car type please for my booking . eos O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos sure expect a grey volkswagen to pick you up and the contact number is 07554509101. is there anything else i can help you with today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos what is the maximum passenger accommodation of the volkswagen ? there will be 7 of us going to dinner . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos the model of the car was not given , so i am not sure , your best bet is to call the taxi company to make sure the vehicle can fit 7 passengers . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sounds like a plan . thank you for all of the help ! eos O O O O O O O O O O O O O O general-thank
+bos you are welcome ! enjoy your time here . eos O O O O O O O O O O general-welcome,general-bye
+bos i want to eat fine british food . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are restaurants that serve british food . what is your price range ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price
+bos i like expensive restaurants and would prefer something in the city centre . eos O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are 3 expensive restaurants in the centre of town that server british food . i would recommend the midsummer house restaurant . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos sounds great . please book a table for 3 at 20:00 on friday and give me the reference number . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O Restaurant-Request+Ref
+bos i was able to reserve a table . your reference number is 2slk6u5l . is there anything else you 'd like me to do ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , i think that covers everything . thanks so much for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos you 're quite welcome ! thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm trying to find information on a particular restaurant , it is called la margherita . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos la margherita is in the west , cheaply priced , located at 15 magdalene street city centre , and can be reached at 01223315232. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O N/A
+bos what kind of food do they serve there ? eos O O O O O O O O O O Restaurant-Request+Food
+bos it appears they serve italian food . would you like me to book you a table ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform
+bos no , that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're more than welcome ! eos O O O O O O O general-bye
+bos i am in center area and need a moderately priced restaurant please . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos yippee noodle bar on king street meets your requirements if you want asian oriental cuisine . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos actually i 'd like european food , please . eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos we have 4 options for you . would you prefer european or modern european ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A
+bos european , please . i want a table for 3 people at 13:45 on saturday . eos O O O O O O O O O O O O O O O O O N/A
+bos the galleria meets your needs . would you like me to book it for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , and can i get a reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref
+bos unfortunately the galleria does not have any openings at that time . would you like to try a different day or time ? eos O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos can you try 12:45 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos i was able to book a table for three at 12:45. eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time N/A
+bos can you give me the reference number for that please ? eos O O O O O O O O O O O O Restaurant-Request+Ref
+bos yes , the reference number is mu055fg9 . can i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O general-reqmore
+bos yes , i also need a hotel . it should be moderately priced , include free wifi and be in the centre of town . eos O B-Hotel-Inform+Internet O O O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos i have cityroomz in the center that is moderately priced and offers free wifi . would you like to book that ? eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos can you tell me what type of hotel this is please ? eos O O O O O O O O O O O O O Hotel-Request+Type
+bos it is a moderately priced hotel in the city 's centre . no stars . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O N/A
+bos can i get it 's postcode ? eos O O O O O O O O Hotel-Request+Post
+bos it 's located in postcode cb12tz . they can be reached at 01223304050 if you have more questions . would you like to book a room ? eos O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O Booking-Inform
+bos no that 's all the info i needed i need a taxi between the hotel and restaurant though to get me there by 12:45. eos O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos i was able to book a yellow audi . the contact number is 07525058220. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos okay , thank you , that 's all i need . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos hi there . i 'm trying to impress my girlfriend and was wondering if there might be a really nice british restaurant in town ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos is there a particular area in town or a particular price range you are targeting ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos not really , if you find a suitable one , please give me the postcode . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post
+bos grafton hotel restaurant is an expensive british restaurant you might enjoy . the postcode is cb58pa . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Post O O N/A
+bos thanks ! that 's all i need today . i appreciate your help . eos O O O O O O O O O O O O O O O general-thank
+bos we are happy to help . have all of your needs been met ? eos O O O O O O O O O O O O O O O general-reqmore
+bos indeed they have . eos O O O O O N/A
+bos i am glad we were able to assist you . have a good day and goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm traveling to cambridge and i 'm excited about tourist attractions . can you find me some boating attractions in the north ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A
+bos riverboat georgina is in the north . what information would you like ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O O general-reqmore
+bos could i please have the entrance fee , phone number and address ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is cambridge passenger cruisers , jubilee house post code cb43ax . the entrance fee is not stated.the phone number is 01223902091. can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay . can you recommend a guesthouse in the east ? eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos the a and b guest house matches your preferences . would you like me to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos does the a and b offer free parking ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos sorry , no there is no free parking . can i look for another ? eos O O O O O O O O O O O O O O O O Hotel-Inform+Parking
+bos yes please . i need a guesthouse in the east that includes free parking . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A
+bos i have 5 guesthouses in the east with free parking . three are cheap and two are moderate . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select,Hotel-Inform+Parking
+bos no i dont have any other than the free parking eos O O O O O O O O O O O N/A
+bos i think the allenbell guesthouse would meet your needs . would you like me to book a room for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos what is the star rating for the allenbell , and do they have internet ? eos O O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos the allenbell has a 4 star rating and offers free internet and parking . would you like me to book this for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos what is the postcode for the allenbell ? eos O O O O O O O O O Hotel-Request+Post
+bos they are in postcode cb13js . can i help with anything else today ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore
+bos that 's everything i needed , thank you ! eos O O O O O O O O O O general-thank
+bos you are very welcome ! enjoy your stay ! eos O O O O O O O O O O general-welcome,general-bye
+bos i want to get a train going to bishops stortford . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos and where will you be departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i 'll be leaving from cambridge on saturday , and i need to leave after 10:00. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O N/A
+bos i have train tr9383 departing from cambridge to bishops stortford on saturday at 11:29 , the cost of a ticket is 8.08 pounds . would you like me to book that for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook
+bos maybe . what 's the arrival time ? eos O O O O O O O O O Train-Request+Arrive
+bos the arrival time for tr9383 is 12:07. is that acceptable for you ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O general-reqmore
+bos no . i 'm looking for a particular attraction . eos O O O O O O O O O O O Attraction-Inform
+bos ok , what is the name of the attraction ? eos O O O O O O O O O O O Attraction-Request+Name
+bos it 's called gonville and caius college . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos gonville and caius is located in the city centre . would you like the address or phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos yes , could i also get the price for entry ? eos O O O O O O O O O O O O Train-Request+Price
+bos the address is trinity street and the phone number is 01223332400. the entrance fee is free ! eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O N/A
+bos what 's the postcode please ? eos O O O O O O O Attraction-Request+Post
+bos the postcode is cb21ta . how else can i help you today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos that 's all i needed ! thank you ! eos O O O O O O O O O O general-thank
+bos have a lovely day , goodbye ! eos O O O O O O O O general-bye
+bos i am looking for a restaurant that serves japanese food . i do n't care about the price range . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O N/A
+bos there is not a restaurant serving japanese food . would you like a different type food ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos is there anything in the area for chinese food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there is charlie chan in city centre eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos what is the address and phone number of charlie chan ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is regent street city centre , postcode c.b 2 , 1 d.b , and the phone number is 01223 361763 eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A
+bos thank you . that is all the info that i needed . good bye . eos O O O O O O O O O O O O O O O O general-bye
+bos thank you . eos O O O O general-bye
+bos a moderately priced restaurant in the north part of town , please . eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos the golden wok is a nice restaurant in the north part of town and is in the moderate price range . would you like their location ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos yes please . eos O O O O N/A
+bos the golden wok is located at 191 histon road chesterton eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos phone number ? eos O O O O N/A
+bos the golden wok 's phone number is 01223 350688. is there anything else i can help you with ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that 's it , thank you . good bye . eos O O O O O O O O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos i would like a cheap restaurant that serves greek food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos i can not locate a cheap greek restaurant . is there another one that you are interested in . eos O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos please check for italian food . i will also need the address and phone number . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there are 5 entries for italian food in the cheap price range . is there an area of town that works best for you north , centre , or west ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O Restaurant-Request+Area
+bos it does n't matter . eos O O O O O O N/A
+bos how about da vinci pizzeria ? it is located at 20 milton road chesterton and the phone number is 01223 351707. eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O N/A
+bos thank you . goodbye ! eos O O O O O O general-bye
+bos thank you for using our service , good bye . eos O O O O O O O O O O O general-bye
+bos could you recommend a restaurant that serves french food ? i 'll need the address , phone number and postcode . thank you . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos you would like a restaurant serving french food . do you have a preference to what area it is located ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't care . please give me address , phone number , and postcode . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i can recommend 2 restaurants serving french cuisine : cote , located at bridge street city centre c.b2 , 1 u.f , phone number 01223 311053 or restaurant two two located at 22 chesterton road chesterton , c.b 4 , 3 a.x , phone number 01223 351880 eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post I-Restaurant-Recommend+Post B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O O N/A
+bos thank you good bye eos O O O O O general-bye
+bos you are welcome . eos O O O O O general-welcome
+bos i want to book a taxi . eos O O O O O O O O Taxi-Inform
+bos sure , i can help you with that . where will you be departing from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet
+bos i want to leave from the train station . eos O O O O O O O O O O N/A
+bos can you tell me what time you would like to leave ? eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave london kings cross train station after 02:00 eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A
+bos okay , and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest
+bos oh , i 'm sorry i need to get to gallery at twelve a high street . eos O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , i do n't understand . what is the gallery name you want to travel too ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Name
+bos it 's called gallery at twelve a high street . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i have booked you a white ford.the contact number is 07064257037 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A
+bos perfect ! ! thank you for all your help . eos O O O O O O O O O O O general-thank
+bos got it , your booking has been completed ! look out for a blue tesla , contact number 07520411520. may i assist with anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that will be all . thank you . eos O O O O O O O O O general-thank
+bos reservation reserved , let me know if you need any more assistance with anything else . eos O O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos i 'm looking for a gastropub restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos the backstreet bistro serves gastropub food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O N/A
+bos can i have the address and postcode . eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the address is 2 sturton street city centre , c.b 1,2 q.a . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos thank you for using the cambridge restaurant system phone line . enjoy your meal ! eos O O O O O O O O O O O O O O O O general-bye
+bos i would like a cheap restaurant in the east part of town , please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos the only cheap restaurant in the east part of tow is the missing sock . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos address and phone number , please eos O O O O O O O Restaurant-Request+Phone
+bos the address for the missing sock is finders corner newmarket road and the phone number is 01223 812660. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you good bye eos O O O O O general-bye
+bos thank you for calling . goodbye . eos O O O O O O O O general-bye
+bos thanks so much . bye bye . eos O O O O O O O O general-bye
+bos have a nice day eos O O O O O general-bye
+bos hello . i 'm trying to find a restaurant that serves swiss food . can you recommend anything to me ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos unfortunately there are no restaurants that serve swiss food in this area . would you consider trying a different cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos oh okay . what are my choices for british food then ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are several restaurants that serve british food in this area . cotto has great food in a moderate price range . it is located at 183 east road city centre . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O N/A
+bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone
+bos their phone number is 01223 302010. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you . good bye eos O O O O O O general-bye
+bos a north part of town restaurant eos O O B-Restaurant-Inform+Area O O O O N/A
+bos do you have a price range preference ? we have several restaurants in the north part of town eos O O O O O O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O Restaurant-Request+Price
+bos i do not care about the price range but would like somewhere serving indian food . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there is a fairly cheap indian restaurant named royal spice in the north part of town . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos royal spice is located at victoria avenue chesterton and its phone number is 01223 360966. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos nope , that was all i needed . thank you . bye bye . eos O O O O O O O O O O O O O O O general-bye
+bos thank you . eos O O O O general-bye
+bos i am looking for a train for three people from the stansted airport to arrive by 12:45. i need to leave on thursday and go to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A
+bos what time would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos i do n't care when i leave i just want to arrive by 12:45 eos O O O O O O O O O O O O O O O N/A
+bos there is one that leaves at 11:24 on thursday . would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook
+bos yes , that would work . i need 3 tickets please . eos O O O O O O O O B-Train-Inform+People O O O O N/A
+bos your 3 tickets are booked , the reference number is c3vmmp9m and the total fee of 30.29 gbp is payable at the station . eos O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A
+bos thank you so much , that is it for today . eos O O O O O O O O O O O O general-thank
+bos glad i could help . hope you have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos you as well . goodbye . eos O O O O O O O general-bye
+bos good bye and enjoy your visit . eos O O O O O O O O general-bye
+bos i am looking for a nearby hospital with the neurosciences critical care unit department eos O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department N/A
+bos phone them through 01223216297 eos O O O O O N/A
+bos thanks , i also need the address and phone number . eos O O O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone
+bos addenbrookes hospital is at hills rd , cambridge in postcode cb20qq . their general phone number is 01223245151 and the neurosciences critical care unit 's number is 01223216297. can i help with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i know where to get care for my injury . thank you for helping me . goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos alright , goodbye now ! good luck ! eos O O O O O O O O O general-welcome,general-bye
+bos i need a taxi to take me to the cambridge punter please eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos i need a cab to take me to the cambridge punter with an arrival time of 02:00 eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Arrive
+bos i think you 're mistaken . i need a taxi going to cambridge punter eos O O O O O O O O O O O O O O O Taxi-Inform
+bos booking completed ! booked car type : grey skodacontact number : 07749752500 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos i 'm looking for a special place , can you help ? eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos i need just a little more information to help . i think all places in cambridge are special , and i would like to be able to narrow it down for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking specifically for saint john 's college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos sorry i dont have that in our list . is there something else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer
+bos okay , well i also need a train departing for cambridge on wednesday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos i have several trains headed to cambridge on wednesday . where will you be departing from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A
+bos the train will be leaving cambridge and going to london liverpool street . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are 10 trains running that route on wednesday . do you have a particular departure time in mind ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O O O N/A
+bos yes at 11 am , can you bnook the the one close to that time eos O O O O O O O O O O O O O O O O N/A
+bos how about the 11:59 that will arrive by 13:27 ? it is 16.60 pounds . eos O O O O B-Train-Select+Leave O O O O B-Train-Select+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos that will work can you book that for me . eos O O O O O O O O O O O N/A
+bos do i book only one ticket eos O O O O O O B-Train-OfferBook+People N/A
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Train-Request+Ref
+bos yes , please confirm how many tickets you would like me to book , just the one ? eos O O O O O O O O O O O O O O O B-Train-OfferBook+People O O O N/A
+bos no , please book for 8 people and can i get the booking reference number ? eos O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 132.8 gbp payable at the station . reference number is : 98nw4g1v . anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore
+bos that 's all i needed . eos O O O O O O O N/A
+bos wonderful , have a great day ! eos O O O O O O O O general-bye
+bos can you find me a taxi from backstreet bistro ? i ca n't leave until after 14:15. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Leave O O N/A
+bos ok , what is your destination ? eos O O O O O O O O Taxi-Request+Dest
+bos i want to be taken to cineworld cinema eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos when do you need to arrive ? eos O O O O O O O O Taxi-Request+Arrive
+bos by 15 00 and i need car type and contact number eos O O O O O O O O O O O O Taxi-Request+Car
+bos booking completed ! booked car type : black skodacontact number : 07336608269 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thanks for all your help . goodbye . eos O O O O O O O O O general-bye
+bos what time do you need to be at the cineworld cinema ? eos O O O O O O O O O O O O O Taxi-Request+Arrive
+bos hey there , i 'm craving chinese food . where in the centre can i find some ? eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos do you have a price range i can narrow it down with ? eos O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes moderate would work best for me . eos O O B-Restaurant-Inform+Price O O O O O O N/A
+bos jinling noodle bar looks like a good choice , would you like to try that ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes please with phone number eos O O O O O O Restaurant-Request+Phone
+bos jinling noodle bar is a moderately priced chinese place in the centre of town . their phone number is 01223566188. do you need a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Phone O O O O O O O Booking-Inform
+bos no , i can make one myself later . can you help me find a place to stay in the same area as the restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have several options in the center of town . the best is the university arms , which is 4 stars and expensive . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price O O O N/A
+bos i would like it have rating of 0 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos it looks like there is a guesthouse and a hotel that meet your criteria . do you have a preference ? eos O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Select
+bos a hotel that is a 0 star rating , would you like a booking eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos there is one named cityroomz in the centra area . it 's moderately priced . does that sound good ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Booking-Inform
+bos yeah , that 'll work . what 's the address ? eos O O O O O O O O O O O O Hotel-Request+Addr
+bos it is located in sleeperz hotel , station road , anything else for you today ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore
+bos give me a taxi from the hotel to the restaurant , i want to leave the hotel at 19:15. eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos booking completed ! booked car toyota : red teslacontact number : 07625387380 can i help you with anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , you have taken care of everything for me . thanks for being so helpful . bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos you are welcome . thank you for contacting the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i need information about places to stay that have a 4-star rating and offer free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there are many options available for you . in what area would you like to be located ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't mind the area . eos O O O O O O O O N/A
+bos i recommend the allenbell guesthouse . it 's 4 stars , but cheap ! eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price O O O O N/A
+bos what 's the address there , please . eos O O O O O O O O O Hotel-Request+Addr
+bos the address is 517a coldham lane . do you need anything else ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore
+bos i need to go eat eos O O O O O O N/A
+bos did you need help finding information on restaurants ? eos O O O O O O O O O O general-reqmore
+bos yes , i 'd like something cheap in the centre . eos O O O O O B-Hotel-Inform+Area O O B-Restaurant-Inform+Area O O O N/A
+bos i have 15 cheap restaurants in that area . what is your preferred food ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference for food . anything is fine . just cheap and in the centre . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos i recommend the golden house , if you like chinese . i 'd be happy to book a table for you . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O O O O O O O O O O O Booking-Inform
+bos book table for 3 saturday at 19:30 and need reference number . i want a taxi to go between the guesthouse and restaurant in time for reservation . contact number & car type ? eos O O O O O B-Restaurant-Inform+Day O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref,Taxi-Request+Car
+bos ok , your reference number for the restaurant is cfr1xesp . before i move on , did you need anything else regarding dining ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos thank you ! no , i just need to get a taxi that arrives before my reservation time , please . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i will be leaving the hotel eos O O O O O O O N/A
+bos booked . the taxi will be a blue volvo and the contact number : 07653266113 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you so much for your help . i think that 's all i need right now . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos welcome all the time eos O O O O O general-welcome
+bos thanks so much ! have a great day ! eos O O O O O O O O O O general-thank
+bos have a great time in cambridge . goodbye . eos O O O O O O O O O O general-bye
+bos i 'm looking for a train that goes to cambridge and arrives by 08:45. eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos i found 231 trains that fit your request . where will you be departing from ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Depart
+bos i will be departing from birmingham new street on tuesday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos tr0254 leaves at 05:40 , would you like me to book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos no thank you . please tell me about the ticket pricing and time of travel eos O O O O O O O O O O O O O O O O general-thank
+bos the price is 75.10 pounds and it is a 163 minutes ride . can i help you with anything else ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O general-reqmore
+bos please book 6 tickets and send me the reference number . eos O O O O B-Train-Inform+People O O O O O O O N/A
+bos booking was successful , the total fee is 450.6 gbp payable at the station .reference number is : g368b2vi . can i help with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O general-reqmore
+bos yes please . i need a 3 star hotel that offers free wifi eos O O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos i found two expensive hotels , one in the centre and one in the south of town . do you have a preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O general-reqmore
+bos i would like to stay in the centre of town please . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos what price range and what star rating are you looking for ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price
+bos i would prefer a 3 star rating , price range is n't important . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O Train-Request+Price
+bos okay there are two options , the gonville hotel and the lensfield hotel eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos i want the hotel located in the centre , as i stated before . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos the gonville hotel is in the centre of town . would you like me to book a room or is there anything i can assist you with ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos please just send me their postcode . thank you eos O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb11ly . eos O O O O B-Hotel-Inform+Post O N/A
+bos thank you for all your help . eos O O O O O O O O general-thank
+bos you are quite welcome . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos that is all that i need . eos O O O O O O O O N/A
+bos thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O general-greet
+bos i need a place to stay eos O O O O O O O N/A
+bos sure , do you have an area of town you want to stay in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to stay in the east . i 'm looking for a 4 star hotel . i do n't need any parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A
+bos okay , i recommend the autumn house . it is a guest house in the cheap price range . would you like me to book a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos no , thank you . eos O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos do you have any places that are hotels , not guest houses ? eos O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Parking O O O N/A
+bos there are n't any 4 star hotels available in the east . eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O N/A
+bos i guess i 'll book the guesthouse for 4 people , 4 nights starting wednesday . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry , after taking a second look , the autumn house is not located in the east area . would a & b guest house be okay ? it 's also 4-star . eos O O O O O O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O O O O O N/A
+bos yes . need it in the east . star of 4 and do not care about parking , but do need it to be a hotel not guesthouse . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i am sorry but there are no 4 star hotels in the east . is there another area you would like to look at or possibly reserve the guesthouse ? eos O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O B-Hotel-Recommend+Type O O Hotel-Request+Area
+bos sorry , im her husband , ill take over the call , my wife is a little picky and confused . please book the guesthouse , 4 people , 4 nights starting wednesday . eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O N/A
+bos okay that booking was successful and your reference number is syx1ad7l . eos O O O O O O O O O O O B-Booking-NoBook+Ref O N/A
+bos great ! i was also interested in finding a swimming pool in the north . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos sure , jesus green outdoor pool is a nice one . it is located between victoria road and the river . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos i 'm afraid i do n't have that information available . can i help you with anything else ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , can i have the address and postcode , please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos between victoria road and the river , cb43px . would you like to know more about the place ? eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i need their entrance fee please eos O O O O O O O Attraction-Request+Fee
+bos i 'm afraid that i do n't have that information . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos if that information is not available , then that 's all i need today . eos O O O O O O O O O O O O O O O O N/A
+bos thank you for calling cambridge towninfo centre ! it was a pleasure to help you , i hope you enjoy your time in camridge ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am planning a trip in cambridge and needs a train that will depart from cambridge on monday . can you help me book for one ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A
+bos okay ! what is your destination ? eos O O O O O O O O Train-Request+Dest,general-greet
+bos i 'm trying to get to peterborough eos O O O O O O B-Train-Inform+Dest O N/A
+bos there are multiple trains that depart for peterborough . what time would you like to depart at ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Leave
+bos i need to arrive in peterborough by 15:30. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos well , the tr7786 will get you there at 15:24. will that work for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O N/A
+bos can you tell me the travel time and price ? eos O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure ! travel time is 50 minutes and the price is 16.50. eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket O general-greet
+bos great i also need a place to stay with free wifi in the cheap price range eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O Train-Request+Price
+bos i have alexander bed and breakfast guesthouse at 56 saint barnabas road . they offer free wifi and parking . would you like me to reserve a room for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos hello , i would like some information on a hotel called the bridge guest house , please . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos it 's a moderately priced 3 star guesthouse located in the south . would you like me to make a reservation for you ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos please book a room for 2 people starting on saturday for 3 nights . i will need the reference number too . thanks . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref
+bos your booking was successful , your reference number is : ouf2uf6c . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i also need to find entertainment in the south . what is available ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos there are two leisure parks in that area , if you are interested in those . otherwise if you had something more specific in mind i 'd be more than willing to check . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that would be great . i need the phone number , address and entrance fee . eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos tenpin can be reached at the number 08715501010. the address is cambridge leisure park , clifton way , and entrance fee is unlisted eos O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O N/A
+bos okay , now i 'd like a taxi to take me from the hotel to tenpin . i want to leave at 07:30. please send the car type and contact number eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car
+bos i have you booked into a taxi , you can call them at 07622933733. eos O O O O O O O O O O O O O B-Taxi-Inform+Phone O N/A
+bos i will need to know the car type . eos O O O O O O O O O O Taxi-Request+Car
+bos the car that will be arriving is a grey bmw . eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos thanks . well , i guess that 's all i need today . thanks for your help . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos no problem , thanks for letting us help you plan your trip . have a great time ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm looking for information on a hotel called hobsons house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos hobsons house is a 3 star , moderately priced guesthouse in the west . would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Booking-Inform
+bos yes i need accommodations for 8 people for 3 nights starting from sunday . i will also need a reference number once the arrangements are made . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos okay . your reservation for 8 people , staying 3 nights , starting on sunday at hobson house was successful . the reference number is qgi4oah5 . is there anything else i can do for you ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos where would you like the train for and when did you want to travel ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i need to go to the stansted airport on wednesday . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos where will you leave from ? eos O O O O O O O Train-Request+Depart
+bos i 'm leaving from cambridge . eos O O O O B-Train-Inform+Depart O O N/A
+bos what time would you like to leave or arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to arrive at the airport by 13:15. can i get a departure time and also the travel time for a train ? thanks ! eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos tr1610 leaves at 5:40 and is a 28 minute trip . shall i book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O Train-OfferBook
+bos please find a museum in town . eos O O O O B-Attraction-Inform+Type O O O N/A
+bos cambridge offers many museums . is there a certain part of town you 'd like to look at for your search ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i do n't have a preference but can you suggest one and give me their address ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure the broughton house gallery has free admission and is located in centre at 98 king st postcode cb11ln eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post N/A
+bos thank you ! also , can you recommend a moderately-priced international restaurant , please ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos the varsity restaurant and bloomsbury restaurant are both in the centre of town and serve international food in the moderate price range . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos thank you for the info , that will be all . eos O O O O O O O O O O O O general-thank
+bos you 're welcome , goodbye . eos O O O O O O O general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos you really should be including something to search for instead of a general statement , what do you want me to search for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos wow , you are snippy for an info centre ! perhaps a museum . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos i apologize for my early snappiness . i 'd be happy to find a museum for you to visit while your here . is there a particular area of town you 'd like ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos no , i 'd just like to visit a museum , could you recommend one to me ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i highly recommend the lynne strover gallery in the west . they have free admission . they are located at 23 high street , fen ditton . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos thanks ! i also need a train to peterborough on saturday , please . i need to leave after 18:00. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O O N/A
+bos can i book it for you ? eos O O O O O O O O Booking-Inform
+bos please , i 'll need 3 tickets . eos O O O O O B-Train-Inform+People O O O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge . eos O O O O O B-Train-Inform+Depart O N/A
+bos tr5194 arrives in peterborough at 17:56. is that cutting it too close or would you like to book that one ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook
+bos no , i need to leave cambridge after 18:00. eos O O O O O O O O O O N/A
+bos i 've booked 3 tickets on the tr2569 departing at 18:34. the total is 39.59 gbp , payable at the station . reference # 6dx0oqtc . can i help with anything else ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos enjoy your stay in cambridge have a lovely day eos O O O O O O O O O O general-bye
+bos i need a taxi to come to cambridge museum of technology by 3:45. eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos of course , i just need to know your destination so i can book that for you . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i 'm going to cambridge museum of tehcnology eos O O O O O O O O O N/A
+bos what is the departure site ? eos O O O O O O O Taxi-Request+Depart
+bos i need to be picked up from don pasquale pizzeria . please give me a contact number and vehicle type to expect as well . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O N/A
+bos booking completed ! is there anything else i can do for you ? booked car type : red audicontact number : 07411902572 eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O N/A
+bos thanks that 's all for today . eos O O O O O O O O general-thank
+bos i need a taxi to take me from don pasquale pizzeria to cambridge museum of technology at 03:45. eos O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry my taxi has already been booked . thank you for your help . eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos there will be a red audi at don pasquale pizzera to take you to the cambridge museum at 03:45. contact number : 07411902572 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O B-Taxi-Inform+Phone O N/A
+bos i would like to visit a college in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos there are 13 colleges in the center , but i would recommend christ 's college . it 's at saint andrew 's street , postcode cb23bu , phone number 01223334900 , and the entrance fee is free ! eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O O O B-Attraction-Recommend+Fee O O O O O O O O O N/A
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos yes , can you help me locate a guesthouse that stay in that is also in the centre of town ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i have two , in the cheap range . are there any other criteria you would like me to narrow it by ? eos O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos yeah , i 'd like someplace with free wifi , please . eos O O O O O O O O O O O O O N/A
+bos i have found 2 guesthouses that are in the cheap range . one has 0 stars and the other has 4 stars . would you like for me to reserve one for you ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform
+bos i need the postcode too . eos O O O O O O O Hotel-Request+Post
+bos the alexander bed and breakfast has a postcode of cb12de . el shaddai guesthouse has a postcode of cb11eg . anything else i can provide ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O O O O O O general-reqmore
+bos i also need to take a taxi between the college and the guesthouse . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos when do you wan to leave or arrive by ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i want to leave christ 's college by 6:30. eos O O O O O O O O O O N/A
+bos alright , i 've got you booked in a blue volkswagen . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O N/A
+bos can you tell me the contact number for the taxi please ? eos O O O O O O O O O O O O O Taxi-Inform
+bos the number is 07841875956 , is that all you need ? eos O O O O B-Taxi-Inform+Phone O O O O O O O N/A
+bos yes it is , thank you for your help . eos O O O O O O O O O O O general-thank
+bos thank you for using our service . have a good day . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a concert hall in the east . eos O O O O O O O O O O O O N/A
+bos i am sorry but there are no concert halls in the east . there is one in the centre of town , though . do you want more information about it ? eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos how about a museum in the east ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are 4. cambridge artworks , cambridge museum of technology , gallery at twelve high st , and st barnabas press gallery . eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos thank you very much , could i have the phone number for each of those museums ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos cambridge artworks ' number is 01223902168 , cambridge museum of technology is 01223368650 , gallery at twelve a high street 01223295264 , and saint barnabas press gallery 01223902116. can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i 'd like to get some information on a restaurant in the same area , maybe serving indian food ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos we have 9 options in the centre for indian food , any preference on price range ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price
+bos i have no preference on the price range . eos O O O O O O O O O O N/A
+bos i would recommend saffron brasserie then , the atmosphere is fantastic . they are expensive . would you like to make a reservation there ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Inform
+bos yes please . book it for 2 on wednesday at 11:45. eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i was unable to make a reservation at the time you wanted . would you like to try another time eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos please try 10:45. eos O O O B-Restaurant-Inform+Time N/A
+bos the booking for 10:45 was successful , your reference number is x91ckccu . is there anything else i can do for you ? eos O O O O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i will need a taxi to go between the two places please . eos O O O O O O O O O O O O O O Taxi-Inform
+bos okay , when would you like to leave ? eos O O O O O O O O O O Taxi-Request+Leave
+bos i would like to arrive at 10:45. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos cambridge artworks please and going to saffron brasserie . eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O N/A
+bos you are all set , look for a grey bmw , the phone number is 07332820178 , can i assist with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , thats it thanks ! eos O O O O O O O general-thank
+bos i 'm pleased i could assist you . eos O O O O O O O O O general-greet
+bos thank you for your help ! goodbye ! eos O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos hi , i want to find out about the man on the moon attraction please . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos the man on the moon is a concerthall found in the center of town . do you need their address and contact details ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos yes can i get the postcode , and it 's a concerthall you said ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos yes it is a concert hall and the postcode is cb12lf . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Post O N/A
+bos excellent , i also need a cheap guesthouse , please . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A
+bos alexander bed and breakfast is in the cheap price range in the centre of town . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A
+bos i need free parking and wifi . eos O O O O O O O O N/A
+bos alexander b & b has both free wifi and parking . it also has 4 stars ! would you like to make a booking there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please . for 6 people for 3 nights starting on tuesday eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 'm afraid i could n't get you that booking . would you like me to try another place or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Area,Booking-Request+Stay
+bos how about for 2 nights instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A
+bos i 'm afraid that booking was also unsuccessful . would you like to try a shorter stay or another hotel or guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Type,Booking-Request+Stay
+bos please try for one night . eos O O O O O O O N/A
+bos i was successful in booking 1 night at alexander bed and breakfast on tuesday for 6 people . your reference number is r6fet1mj . can i help with anything else ? eos O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+People O O O O O O B-Booking-Book+Ref O O O O O O O N/A
+bos no that was it . thank you so much for your help . eos O O O O O O O O O O O O O O general-thank
+bos i 'm pleased i could assist you . eos O O O O O O O O O general-welcome
+bos hello , i 'm looking for attractions in the west , can you help me out ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos there are 13 attractions in the west area of town . is there a particular type of attraction you would prefer ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type
+bos i do n't have a preference . can you make a suggestion and provide the address ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos whale of a time is a great entertainment venue . they are located at unit 8 , viking way , bar hill . can i provide any additional information for them ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O N/A
+bos i 'm also need a restaurant that serves indian food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i have 22 that serve indian food . is there an area or price range you prefer ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i 'd like it to be an expensive place in the west , please . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos i have 5 options here . i would like to suggest tandoori palace . shall i go ahead with the booking ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes , there will be 8 of us on thursday at 13:15. eos O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : xjx7h5wz . anything else i can assist you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos great , that 's all i needed ! eos O O O O O O O O O N/A
+bos thank you for contacting cambridge towninfo centre . have a great time ! goodbye ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am visiting cambridge soon and am looking for someplace to go to while there , can you look up attractions for me ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos one of the best things about cambridge is all of our attractions ! did you have an area in mind or an attraction type so i can narrow my search ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos i 'm looking to have a little fun at a nightclub . eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos the entrance fee of the fez club is free . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O N/A
+bos fez club is good need postcode and phone number for it , also i want to go to expensive chinese restaurant . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the fez club is located in the center 8 market passage cb23hx , phone number 01223519224. now , i am searching for the expensive chinese restaurant . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos it does n't matter what area it 's in and i 'll be needing a table for monday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A
+bos i have about 17 different chinese restaurants . to narrow it down , do you have a preferred price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes , expensive please . eos O O B-Restaurant-Inform+Price O O O N/A
+bos okay . i have 9 restaurants in the expensive range . do you have a particular area you would like to be ? hakka is in the north and is very popular . eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O O O O O O O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Area
+bos that would be perfect can i get a reservation for 12:30 on monday for 3 people ? eos O O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O N/A
+bos i am unable to make a reservation . would you like to try a different time or date ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos how about 11:30 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : fsxm0kaq . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks ! i would also like a taxi between the two places . eos O O O O O O O O O O O O O O Taxi-Inform
+bos i was able to book that taxi for you . be looking for a yellow honda . if you need to reach them , please call 07598905692. anything else i can help with ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , thank you very much eos O O O O O O O general-thank
+bos you 're very welcome . have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i would like to get information about some tourist attractions in cambridge , especially those located in town . eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos we have many wonderful attractions in the area . is there a specific type of attraction or area you are looking for perhaps ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos i am looking for a nightclub in the centre and a phone number . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O Attraction-Request+Phone
+bos we have 5 nightclubs in the centre . would you like me to make a recommendation ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore
+bos yes , a suggestion would be very helpful along with the phone number so i can call them . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos i would recommend the ballare club . its phone number is 01223364222. is there anything else i can help you with ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a restaurant in the same area . i am looking for an expensive restaurant that serves scandinavian food . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are no scandinavian restaurants in the centre with an expensive price range . would you like to try a different type of food or price range ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos what about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i have 6 restaurants that meet your criteria . would the panahar work for you ? it 's at 8 norfolk street city centre . eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A
+bos that sounds great . please book it for 3 people on thursday at 16:30 eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i was able to book a table at panahar for 3 people on thursday at 16:30. the reference number is 5siqava eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref N/A
+bos thank you for your help ! i appreciate it ! goodbye . eos O O O O O O O O O O O O O general-bye
+bos you 're welcome . have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for an attraction in the center of town to visit . eos O O O O O O O O O O O O O O O O O Attraction-Inform
+bos we have quite a few interesting attractions in the center of town . is there anything in particular you would like to see ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Name
+bos i have no preference , i just need the address , postcode , and entrance fee . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos there are 44 different attractions here in cambridge . would you like me to pick one of them for you ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O N/A
+bos as long as it is in the centre of town , yes . eos O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there is the all saints church at jesus lane . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A
+bos can i get the adress , postcode , and entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos no problem . the address is jesus lane , postcode cb58bs and the entrance fee is free . what else can i help you with ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos i would like to book the alexander bed and breakfast , for three people and 2 nights starting on thursday . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos that booking was n't successful . would you like to try a different hotel ? eos O O O O O O O O O O O O O O O O Booking-NoBook
+bos can you try for 1 night instead ? eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos yes , i was able to book it for one night . your reference number is u4cz92u1 . is there anything else i can help you with ? eos O O O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you also book a taxi for me ? eos O O O O O O O O O O Taxi-Inform
+bos sure . what time would you like to leave or arrive by ? eos O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i 'm hoping to leave from the alexander by 09:30 please . eos O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos alright , i got a yellow toyota taxi to take you from the alexander to all saints church . the taxi contact number is 07449269313. anything else you need today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no thanks , that 's all . eos O O O O O O O O general-thank
+bos great , have a fantastic trip . thanks for choosing cambridge towninfo centre ! eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for info about riveboat georgina eos O O O O O O B-Attraction-Inform+Type O O N/A
+bos it is in the north area , the address is cambridge passenger cruisers , jubilee house . phone number is 01223902091 eos O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O N/A
+bos that 's all i needed thanks . eos O O O O O O O O general-thank
+bos thank you and have a great day ! eos O O O O O O O O O general-bye
+bos actually , can you help me find a restaurant ? an expensive one in the west . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos certainly . i recommend tandoori palace . they serve expensive indian food in the west . were you looking for reservations ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos no that does n't sound good , i need one that serves north african food . eos O O O O O O O O O O O O O O O O O N/A
+bos there are none that serve north african food eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O N/A
+bos can you search for one that has british food then ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are two british places , graffiti and travellers rest , do you have a preference ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select
+bos i will take graffiti . can you make a reservation for tuesday for 8 people at 14:30 please ? eos O O O O B-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A
+bos that time is unavailable . please choose another time ? eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos i need to find out if there 's a train going to stansted airport that leaves after 12:30. eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos we have a train leaving on friday by 12:40 from cambridge to stansted airpot but we need to know your departure point and date of departure to serve you better eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos yes i will be leaving on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos when would you like to arrive by ? eos O O O O O O O O O Train-Request+Arrive
+bos tuesday would be ideal for me . eos O O O O O O O O N/A
+bos the best fit for you from the search list is the 12:40 train leaving cambridge on tuesday to arrive stansted airport by 13:03. eos O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos that works , may i please have the reference number ? eos O O O O O O O O O O O O N/A
+bos actually , it will arrive by 13:08. does that work for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Select
+bos yes . i need it for 8 people . eos O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful . your reference number is 2qs7t2uc . do you need anything else ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos great i also need to stay at the university arms hotel eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos okay i can help with that ! what day would you like to check in and how long will you be staying ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos i want to stay for 3 nights starting from saturday . eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos ok great , and how many people will i be booking for ? eos O O O O O O O O O O O O O O Booking-Request+People
+bos there will be 8 of us . eos O O O O O B-Hotel-Inform+People O O N/A
+bos your room is booked , ref # xyqtb77q . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all i needed for today . have a good day eos O O O O O O O O O O O O O N/A
+bos wonderful ! i hope you enjoy your trip . eos O O O O O O O O O O general-bye
+bos i 'm looking information about a train in cambridge . needs to arrive by 21:00 and leave on tuesday . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A
+bos where will you be traveling from and to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i will be going from ely to cambridge . eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A
+bos tr1537 will arrive at 19:52. would you like a ticket on that train ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos not just yet . can i get the cost and departure time ? eos O O O O O O O O O O O O O O Train-Request+Leave
+bos tr1537 will be leaving at 19:35 and the ticket is 4.40 pounds . would you like a ticket for this train ? eos O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos yes . i am also looking for a 3 star hotel in the north . eos O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos i 'll be happy to assist you with finding a hotel . would you like to get the train tickets first ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform,Train-OfferBook
+bos no , i do n't need train tickets right now . eos O O O O O O O O O O O O Train-Inform
+bos i have a hamilton lodge available in the north , with a 3 star rating . it 's moderately priced . it 's located at 156 chesterton road . will this work for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos is it a guesthouse ? i do n't want to stay at a hotel . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos yes it is . would you like me to book that for you . eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos does it include free parking and wifi ? eos O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i have one guesthouse with both wifi and free parking at hamilton lodge . does this work for you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos what is the price and how many stars does the guesthouse have ? eos O O O O O O O O O O O O O O Train-Request+Price
+bos the hamilton lodge has 3 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O N/A
+bos sounds great , thanks ! that 's all i need today . goodbye ! eos O O O O O O O O O O O O O O O general-bye
+bos glad to be of help . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hello ! i 'm looking for a train . can you help ? eos O O O O O O O O O O O O O O Train-Inform
+bos i 'd be happy to help with your request , first i 'll need to know where you are departing/arriving and what day will you be departing ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Day
+bos i 'll be leaving leicester on wednesday and i need to arrive in cambridge by 21:30. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos train tr2052 leaves cambridge at 19:09 and arrives in leicester at 20:54. would you like me to book you a ticket or would you prefer something earlier ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Train-Select,Train-OfferBook
+bos yes , please book that train for 5 people . eos O O O O O O O O B-Train-Inform+People O O N/A
+bos your booking went great ! here is your reference number xgbqhc6y . is there anything else i can help with ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a place to stay , preferably somewhere with free wifi . can you assist me with that ? eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i can help with that . are you staying at in a specific area of town and do you have a price range in mind ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i ned it to be a hotel in the west please . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A
+bos i would recommend the 4 star hungtington marriott hotel . it does have free parking and internet . would you like to make a reservation ? eos O O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please book the hotel for 5 people starting wednesday for 4 nights . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful your reference number is : zk23hsl9 . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , i think that 's all for today . you 've been a great help . thanks . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you goodbye eos O O O O general-bye
+bos i 'm just looking for great saint mary 's church . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos that 's a great choice ! it is an architecture attraction in the centre of town at market square , postcode cb23pq . the phone number is 01223350914 and the entrance fee is 2 pounds . eos O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos thank you so much ! you gave me all the information i need today . i appreciate your time . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome
+bos good bye . eos O O O O general-bye
+bos thank you for contacting us . eos O O O O O O O general-bye
+bos oh my ! i totally forgot that i also need to find a place to stay . can you find me an expensive place that is 3-star rated ? eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O N/A
+bos we have the gonville hotel and the lensfield hotel available . which would you like to book ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform
+bos can i book one with free parking ? eos O O O O O O O O O N/A
+bos both have parking , so you 'll be set . would you like me to try the gonville ? how many nights were you interested in ? eos O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Parking
+bos i would need a room for 5 nights , for 4 people please . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos what day would you like to check in ? eos O O O O O O O O O O Booking-Request+Day
+bos monday would be great . eos O B-Hotel-Inform+Day O O O O N/A
+bos alright , i have your room at the gonville booked . reference number is : c66m3fwq . can i help you with anything else today ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos nope , that should be all , thanks ! eos O O O O O O O O O O general-thank
+bos you 're welcome . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you find me a three star place to stay ? eos O O O O O O O O O O O O N/A
+bos sure , what area are you thinking of staying ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i do n't have an area preference but it needs to have free wifi and parking at a moderate price . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i 'll recommend hamilton lodge . their phone number is 01223365664 eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Phone O O N/A
+bos okay sounds great , can you book a room for me ? eos O O O O O O O O O O O O O N/A
+bos sure i can . how many people in your party and for how many nights ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos actually , i do n't need a room right now , but i do need a train . i 'll be heading out to king 's lynn on sunday . eos O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos fantastic , do you know your travel times ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i was hoping to leave from cambridge some time after 10:00. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A
+bos there is a train that leaves at 10:11. would you be interested in more information or would you like to book it now ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook
+bos can you book tickets for 4 people please ? eos O O O O O O O B-Train-Inform+People O O N/A
+bos your booking was successful . your reference number is 5rlfjogz in case you need it . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos that is all i need to know . thank you . good day . eos O O O O O O O O O O O O O O O general-thank
+bos thanks for letting us assist you today ! eos O O O O O O O O O general-bye
+bos find me a museum , please . eos O O O O B-Attraction-Inform+Type O O O N/A
+bos there are 23 museums . do you have an area as a preference ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area
+bos i just need the area and address for one of them . eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos i have the broughton house gallery in the centre at 98 king street eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thank you so much . i also need a place to dine in the centre that serves chinese food . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A
+bos i have 10 place in the centre . did you have a price range you were looking at ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Price
+bos i would like the cheap price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i recommend the rice house . would you like me to reserve a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes , please book me a table for 8 on monday at 19:30. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos unfortunately , i could not book the rice house for that day and time . is there another day or time that would work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos can you try a half hour earlier or later and see if they have anything available ? eos O O O O O O O O O O O O O O O O O O N/A
+bos no luck , would you like me to try something else ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , please find another cheap restaurant for that amount of people at that time . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A
+bos i was unable to book any cheap chinese restaurants , do you have another preference for time ? eos O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos i am really needing to find a cheap restaurant that serves chinese food that is located in the centre . would you mind double checking ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos i have the charlie chan . it is a chinese restaurant in the centre that is cheap . would you like me to make you a booking ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price O O O O O O O O O O O O Restaurant-Inform,Booking-Inform
+bos sure for 8 people at 19:30 on monday please . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos my apologies , i am still not finding availability . perhaps another day or a different time slot ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos we 're on a tight schedule and 19:30 is the only time we can all meet . can we try one more restaurant ? not rice house or charlie chan . eos O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have successfully booked your reservation at golden house , your reference number is 0d4nxzfq . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Booking-Book+Ref O O N/A
+bos i also need a taxi to commute between the hotel and the museum . eos O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos sure , i can help you with that . what time would you like to depart or arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive,general-greet
+bos i just want to make sure we arrive by the reservation time to the restaurant . eos O O O O O O O O O O O O O O O O O N/A
+bos booking completed ! booked car type : yellow fordcontact number : 07311583269 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos that is all . thank you for your help . eos O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre ! have a good day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for places to go in town i prefer a college . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos how about magdalene college ? they 're in the west side , and they have no entrance fee . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos that sounds perfect . what is their address ? eos O O O O O O O O O O Attraction-Request+Addr
+bos their postcode is cb30ag an the entrance is free . eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee N/A
+bos okay what 's their address ? eos O O O O O O O Attraction-Request+Addr
+bos the address is magdalene street . would you like the phone number also ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A
+bos no on the phone number . i now need help finding a cheap restaurant in the centre of the town . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are many restaurants , do you know what sort of food you 're looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i have no preference on type of food . eos O O O O O O O O O O N/A
+bos would you like dojo noodle bar ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos sure . can i get the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone
+bos yes , their phone number is 01223363471. would you like me to book a table for you ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform
+bos no , i was just curious . i am also looking for a taxi between those two places . eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos i would be happy to help with that . which is your departure site , and what time would you like the car ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos i would like to go from the dojo noodle bar to magdalene college . i want to leave the restaurant by 12:15. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O N/A
+bos i 've booked a car to take you from dojo to magdalene college . the vehicle is a white honda , the contact number is 07882764497. do you require anything else ? eos O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no that was it . thanks for your help . eos O O O O O O O O O O O general-thank
+bos we hope to help you again . eos O O O O O O O O general-bye
+bos where can i find a restaurant located in the cambridge centre ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are 69 restaurants in centre . what type of food and price range ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i 'm actually looking for an attraction in the center of town . eos O O O O O O O O O O O O O O Attraction-Inform
+bos there are 44 attractions in the centre , what type of attraction are you interested in ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type
+bos the attraction should be in the centre.i need the entrance fee , phone number , and attraction type eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type
+bos i would suggest all saints church . it is an architecture attraction . their phone number is 01223452587 and the entry is free . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O O O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee O N/A
+bos thank you for the information . i do have one other request . i am looking for information on a restaurant that caught my attention called fitzbillies . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos fitzbillies is a fine british restaurant located at 51 trumpington street city centre in postcode cb21rg . would you like to book a table there ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform
+bos yes . i would like it for 1 . 15:15 on tuesday . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos ok. i have your table booked for tuesday at 15:15. your reference number is b6ijh1nd . they will hold the table for 15 minutes . eos O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O N/A
+bos great ! can you also book me a taxi from all saints church to fitzbillies by 15:15 ? eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Arrive O O N/A
+bos you bet ! the car type i booked for your taxi is a white volvo and the contact number is 07738755446 eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos great . thank you so much ! eos O O O O O O O O general-thank
+bos i 'm happy to be of service . enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a nightclub in town please . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are several nightclubs in town . i recommend ballare . it is found in the center of town . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A
+bos okay , could you tell me he postcode and the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos sure thing ! entry fee is 5 pounds and postcode is cb23na . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Post O O N/A
+bos i would also like to eat in the center of town . eos O O O O O O O O O O O O O N/A
+bos we have many dining options available in city centre . do you have a price range or style of food you would prefer ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos are there any steakhouses in the centre ? eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos unfortunately not . do you want to broaden your search ? eos O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos can you find something with italian food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos oh , great choice . i love italian too . there are several options . how about zizzi cambridge ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O N/A
+bos that sounds great , what 's the price range for zizzi cambridge ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Price
+bos zizzi cambridge is relatively cheap , but the food is sublime . would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Booking-Inform
+bos that sounds great , please do . eos O O O O O O O O N/A
+bos i 'd be happy to . can you tell me a date , time and how many people in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos it will just be for me on wednesday . i would like it to be for around 4pm . eos O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is : uwzs9jsu . eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i would love a taxi eos O O O O O O Taxi-Inform
+bos i can help with that . what is your departure site , destination , and the time you need it ? eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest
+bos i want to depart the restaurant at 05:00 to go to the attraction eos O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A
+bos a yellow tesla will pick you up , and the contact number is 07267272725. can i help with anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no , i believe that 's all i need today . thanks for your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos have a great day . enjoy your trip . goodbye . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay in the south of town . it does n't need to have free parking . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos there are 4 hotels that are in the area you are looking for . would you prefer a 3 or 4 star rated hotel ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Select+Stars O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't care about the star rating as long as it 's expensive . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos the lensfield hotel is the only expensive hotel in the south area . would you like any more information on this location ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Choice I-Hotel-Recommend+Choice I-Hotel-Recommend+Price O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O general-reqmore
+bos that is perfect can you book that for me please . eos O O O O O O O O O O O O N/A
+bos the lensfield hotel is located in the south . it has a 3 star rating and is expensive . there is free parking and internet . i have booked it for you . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Book,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos thank you . can you make sure that it 's for 5 people staying for two nights , starting saturday ? also , would you mind sending me the reference number ? eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O N/A
+bos you 're all set the reference is pgx293wd . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos i 'd also like to try a restaurant a friend mentioned . the nirala ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos the nirala is an indian restaurant on the north side , 7 milton road chesterton . phone number is 01223360966. would you like me to book a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform
+bos yes i 'd like a reservation for 5 at 19:30 , please . eos O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos sure , i can make a reservation , is that going to be on saturday ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos yes , the same day . can i get the reference number , please ? eos O O O O O O O O O O O O O O O O N/A
+bos your table has been successfully booked for saturday . your reference number is mxdosqaq . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no that is all . thank you ! eos O O O O O O O O O general-thank
+bos okay ! thank you for calling . eos O O O O O O O O general-welcome,general-bye
+bos i 'm looking for moderately priced rooms . i 'm willing to pay for parking , though . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos what area of town are you looking to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't matter to me . is there anything available ? eos O O O O O O O O O O O O O N/A
+bos well , we have three hotels , the ashley , cityroomz , and lovell lodge , as well as fifteen guesthouses . would you like to know about any of them ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O general-reqmore
+bos no i diffidently want a hotel . ashley sounds good can i book a stay on thursday ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos sure , how many people and how many days do you want to stay ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i need 3 people for 5 nights starting thursday eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A
+bos booking was successful.reference number is : 3uj7212u . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i also need a train leaving the same day as hotel eos O O O O O O O O O O O B-Hotel-Inform+Type N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving london kings cross . i need to be in cambridge by 15:45. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there is a 13:17 that would arrive by 14:08. would that work ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O general-reqmore
+bos that 's perfect ! please make a booking for 3 and provide the reference number once you 're done . thanks ! eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O N/A
+bos your reservation for 3 tickets on the tr2512 train at 23.60 person was successful , the total fee is 70.8 gbp payable at the station . your reference number is : 1mkw1zct . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks for all your help ! that will be all . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for using our service today ! eos O O O O O O O O O general-greet
+bos i want to find a chinese restaurant in the east . do you know of any ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos there is one , yu garden , and it is expensive . does that appeal to you ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos sure , can i please have the phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone
+bos phone is 01223248882. would you like me to book a table for you ? eos O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform
+bos no thanks , but i would like to find a place to stay . i need a 4-star place with free parking . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i have about 19 hotels that are 4 star . may i know your preferred area , type and budget so i can narrow down the search for you to choose from . eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area
+bos i do want a hotel , not a guesthouse , and i would like someplace expensive . eos O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos great ! there are two options for you . huntingdon marriott hotel or university arms hotel eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos let 's go with the university arms hotel . i 'd like it for 2 people starting sunday . we 'd like to stay for 3 nights . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos you 're all set . your reference number is : k9ly95gd . is there anything else i can do for you today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos nope that is all thanks for all of your help ! eos O O O O O O O O O O O O general-thank
+bos thank you for calling . eos O O O O O O general-bye
+bos i am looking for a restaurant named meghna . eos O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos meghna has indian cuisine and is found on the west end . can i make a reservation for you ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos what is the price range for meghna ? eos O O O O O O O O O Restaurant-Request+Price
+bos meghna is in the moderate price range . is there anything else i can do for you ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O general-reqmore
+bos yes , i need a train leaving cambridge . eos O O O O O O O B-Train-Inform+Depart O O N/A
+bos sure ! first , i need to know your destination and what day you want to travel . eos O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos heading to norwich on tuesday eos O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos there are several trains that day , is there a certain time you 'd like to leave by ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos i would like to leave after 15:16 eos O O O O O O O B-Train-Inform+Leave N/A
+bos train tr6524 leaves at 15:36 on tuesday . would you like me to book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook
+bos no , but i would like the price , arrival time , and travel time , please . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive
+bos the price is 17.60 pounds and you would arrive by 16:55. the total travel time is 79 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you so much for all the information ! that 's all i 'll need today , thanks again . eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos welcome to cambridge eos O O O O general-greet
+bos thanks and i look forward to my stay eos O O O O O O O O O general-thank
+bos am sure you will enjoy eos O O O O O O general-bye
+bos can you help me find a place to stay in the east ? it does not need to include internet . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos okay ! what is the price range that you would like ? eos O O O O O O O O O O O O O Hotel-Request+Price
+bos price is n't an issue for me , but the hotel should be four stars eos O O O O O O O O O O O O O O O O N/A
+bos a and b guest house is a nice option eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos nice ! does it have free wifi ? eos O O O O O O O O O N/A
+bos yes it certainly does . eos O O O O O O Hotel-Inform+Internet
+bos that 's great , can you make a booking for ? eos O O O O O O O O O O O O N/A
+bos sure ! how many people for your stay , when would you like to start your stay , and how long would you like to stay for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos i will be arriving friday and i need it for 2 nights for 1 person . eos O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A
+bos i booked you a room at a and b guest house for friday . your reference is 2wb08p38 . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you and yes . i 'd like a train from cambridge to leicester for sunday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos there are several trains matching your criteria . is there a specific time you would like to arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos i need to arrive by 20:15 , please . eos O O O O O O B-Train-Inform+Arrive O O O N/A
+bos tr9187 arrives by 08:06. will that be fine with you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A
+bos what time does it leave , and how long is the ride ? eos O O O O O O O O O O O O O O Train-Request+Leave
+bos the train leaves at 6:21 and the duration is 105 minutes . eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you . that is all for today . eos O O O O O O O O O O general-thank
+bos great . i hope you have a lovely day . eos O O O O O O O O O O O general-bye
+bos i would like a hotel to stay in while i visit cambridge . eos O O O O O O O O O O O O O O Hotel-Inform
+bos sure , what part of town do you prefer ? eos O O O O O O O O O O O Hotel-Request+Area
+bos we 're visiting the south part of town , so let 's stick with that area . eos O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos my favorite place in the south is the aylesbray lodge guest house . would you like me to book a room for you ? eos O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos i need it to be a 4 star guesthouse with free parking . does this fit our needs ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A
+bos aylesbray lodge guest house is a 4 star and is in the south of town eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A
+bos i actually only want a guesthouse if there is not a 4 star hotel with free parking available in the south eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos the aylesbray lodge guest house fits your criteria . would you like to make a booking ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos no , i do n't need a reservation right now , but i do need their phone number , postcode , and address . eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos 01223240089 cb17sr 5 mowbray road . is there something else i can help you with ? eos O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore
+bos i would like to visit a museum in the west . are there any museums i can see ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos there are quite a few ! i recommend kettles yard or the cafe jello gallery . both have free admission . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Choice B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A
+bos ok. let me think about it . that will be all for today . goodbye eos O O O O O O O O O O O O O O O O general-bye
+bos thank you for calling cambridge towninfo centre ! we are happy to serve you and hope you have a wonderful time in cambridge ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a european in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A
+bos we have 5 european restaurants . in what area of town would you like to dine ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't mind but i would like the place to be moderately priced . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos ok , i am going to recommend the galleria restaurant in the centre , would you like me to reserve a table for you ? eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Restaurant-Inform,Booking-Inform
+bos thank you . can you give me the phone number and postal code too ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the postcode is cb21uw and the phone number is 01223362054. would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O N/A
+bos no , thanks . i do need some information on vue cinema , please . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos it is located in centre and on the grafton centre , east road eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos can i have their phone number please ? eos O O O O O O O O O Attraction-Request+Phone
+bos 08712240240. do you need anything else ? eos O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos can i have a taxi , please ? i want to leave vue cinema at 14:45. eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O N/A
+bos okay and what is your destination ? eos O O O O O O O O Taxi-Request+Dest
+bos we will go from the vue cinema to the galleria restaurant . we will leave vue cinema at 14:45. please provide the contact number and car type after you book , please . eos O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type
+bos grey skoda is the car and the contact number is : 07851810998. may i help you with something else ? eos O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A
+bos no , that 's all i needed today . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a wonderful trip ! eos O O O O O O O O O O O general-welcome
+bos hi , i 'm looking for a train that leaves on thursday and arrives by 18:30 eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A
+bos sure , which stations will you be using ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos from cambridge to stansted airport . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are 13 trains that match your needs . the first train leaves at 05:40. do you want a ticket on this train or one that leaves later ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-OfferBook
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos glad i could be of help . eos O O O O O O O O general-welcome
+bos actually i do need the train id and travel time please . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos travel time will be 28 minutes for any train . the one closest to your arrival time is the tr5579 , which departs cambridge at 17:40 eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A
+bos can you also get me the postcode for nandos restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name O O Restaurant-Request+Post
+bos cb17dy is the postcode . would you like to dine there ? eos O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform
+bos thank you i will think about it . eos O O O O O O O O O general-thank
+bos great . is there anything else ? eos O O O O O O O O general-welcome,general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train going to cambridge that 'll leave after 12:15. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A
+bos what day of the week do you want to travel eos O O O O O O O O O O O Train-Request+Day
+bos trusday , i need to leave by the london liverpool street station . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos the tr3257 leaves at 13:39 for 16.60 pounds . would you like me to book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes . also , what will be the arrival time ? and , what is the train id ? thanks so much ! eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos the train is number tr3257 . it arrives in cambridge at 15:07. how many tickets would you like ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-Request+People
+bos i am , also looking for a place to stay . the hotel should be in the north and should be in the moderate price range eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O N/A
+bos we have 11 places to stay in the north . do you prefer a guesthouse or hotel ? and do you need internet or parking ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Select+Type O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i 'd prefer a guesthouse . a 4 star one , if possible . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos there are 7 guesthouses available in the north that are moderately prices and four stars . would you like to book one of these rooms ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos do any have both free parking and internet ? if so , i 'll need their phone number . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Internet
+bos the limehouse meets your needs including internet and wifi , shall i book you or provide more info ? eos O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore
+bos can i have their phone number , please ? eos O O O O O O O O O O Hotel-Request+Phone
+bos sure , it is 01223300552 eos O O O O B-Hotel-Inform+Phone O N/A
+bos no , that is all i need . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using our services . have we met all of your needs today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos yes thanks , that will be all . eos O O O O O O O O O general-thank
+bos it was a pleasure to help today . have a good afternoon . bye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i will be flying into stanstead airport on wednesday and need to connect with a train to cambridge from there , can you help me ? eos O O O O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos sure , what time are you looking for ? eos O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i 'd like to leave after 13:30. eos O O O O O O B-Train-Inform+Leave O N/A
+bos there is a train from stansted airport to cambridge on wednesday at 14:24. the trip will take 28 minutes and cost 10.10 pounds . do you want to book now ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos yes please get me 8 tickets . eos O O O O O O B-Train-Inform+People O N/A
+bos i have booked 8 tickets . the total for that is 80.8 gbp and is payable at the station . your confirmation code is c7d09svq . eos O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you . can you also help me find a museum to visit ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos in what area would you like the museum to be ? eos O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Area
+bos in the west please , i am open to suggestions just let me know what the postcode , entrance fee a number are . eos O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos i would suggest kettle 's yard . they are on castle street in the west . they offer free entrance . their address is 23 high street , fen ditton . their phone number is 01223748100. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O N/A
+bos kettle 's yard sounds great . may i have the postcode please ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Post
+bos sure . the postcode is cb30aq . it is free to enter . would you like further information ? eos O O O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos no , that should be all i need . thank you so much ! eos O O O O O O O O O O O O O O O general-thank
+bos thank you enjoy your day . eos O O O O O O O general-welcome,general-bye
+bos please find a place to go in the north . eos O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos if you 'll be in the north , i recommend taking a ride on the riverboat georgina . eos O O O O O O B-Attraction-Recommend+Area O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos what is the postcode ? eos O O O O O O Attraction-Request+Post
+bos riverboat georgina is located in the north area , its postcode is cb43ax . would you like to know the address , as well ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos i just need the postcode . eos O O O O O O O Attraction-Request+Post
+bos is there any other information i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a place to dine . i want it to be expensive and in the north area . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are five places in north , which are expensive what type of food do you want ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Food
+bos it does n't matter . something that you would recommend . eos O O O O O O O O O O O O N/A
+bos i recommend the restaurant two two . it 's a french restaurant located at 22 chesterton road . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos i like that can you book a table for 5 people at 15:15 on tuesday . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos your table has been booked . the reference number is 2uymg55p . is there anything else i can do for you ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i do n't need anything else , thanks . eos O O O O O O O O O O general-thank
+bos thanks for choosing our service , have a lovely day . eos O O O O O O O O O O O O general-bye
+bos i need a hotel for tonight please . eos O O O O B-Hotel-Inform+Type O O O O N/A
+bos i can help you with that . do you have a particular price point you are looking for ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos it does n't matter but i do need free parking . eos O O O O O O O O O O O O N/A
+bos i have several hotels matching your request available . what part of town would you prefer ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i have no preference on the part of town , but i do need free wifi as well . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , that narrows it down to 8 options for you . any other preferences ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars
+bos i would like it to be a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A
+bos well there are 21 of those spread across town so i recommend the arbury lodge guesthouse on the north side . would you like me to book it ? eos O O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O O O O Booking-Inform
+bos yes can you please ? eos O O O O O O N/A
+bos what day would you like me to book the hotel for ? eos O O O O O O O O O O O O O Booking-Request+Day
+bos i apologize for not mentioning it before , please book it starting sunday for 1 person for five days ? eos O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A
+bos you 're all set for sunday . your reference number is nivmcdk1 . is there anything else i can help with ? eos O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos thanks . can you give me some information on all saints church ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos sure . what sort of information do you require ? eos O O O O O O O O O O O general-reqmore
+bos i just need the entrance fee and postcode , please . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos admission is free and their post code is cb5 8bs . what else can i help you with today ? eos O O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos i also need a taxi that will leave all saint 's church by 08:45 eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos and where will the cab need to take you ? eos O O O O O O O O O O O Taxi-Request+Dest
+bos i need it to take me back to the hotel room i just reserved eos O O O O O O O O O O O O O O O N/A
+bos no problem . i 've got a taxi booked for you . eos O O O O O O O O O O O O O Taxi-Inform
+bos i 'm not psychic , so i will need to know what kind of car to look for , also the phone number please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Phone
+bos i apologize . the annual psychics convention is next week . they 're very particular about being allowed to sense the information . it 's a yellow skoda with contact number 07621484267. eos O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O N/A
+bos thank you . eos O O O O general-thank
+bos you 're welcome . is there anything else we can help you with today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you for helping me . eos O O O O O O O general-thank
+bos is there anything else you need ? eos O O O O O O O O general-reqmore
+bos i am looking for theatres to go to in the south . can you help me find one ? eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos the junction theatre on clifton way is in the south . would you like the phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos yes and the postcode . eos O O O O O O Attraction-Request+Post
+bos their phone number is 01223511511 and the post code is cb17gx . was there any other information you needed ? eos O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos yes , i am also looking for a restaurant in the expensive price range . i would like it in the same area . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos how about frankie and bennys ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos sure . please book for 2 people on friday at 11:45. eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : vhxlhpz1 . is there anything else i can help with today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all i need . thank you so much . good-bye . eos O O O O O O O O O O O O O O O O general-bye
+bos so happy we could be of help today . enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos my friends told me to look into a restaurant called the gandhi , could you please give me some information on it ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A
+bos the gandhi is located at 72 regent street city centre . phone number is 01223353942 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O N/A
+bos thank you . and about how much is dinner there ? eos O O O O O O O O O O O O general-thank
+bos the ghandi is considered an inexpensive restaurant . would to see about booking a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos not at the moment , but i need some info on cherry hinton water play . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos cherry hinton water play is a park located at cherry hinton hall , cherry hinton road , postcode cb18dw . would you also like the phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O N/A
+bos no , that is all the information i need at this time . thank you . eos O O O O O O O O O O O O O O O O O general-thank
+bos have a nice day ! eos O O O O O O general-bye
+bos call you tell me if there are any museums in camberidge ? eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there are some wonderful museums here . did you have a particular area of town you would like to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't care about the part of town . eos O O O O O O O O O O O N/A
+bos there 's broughton house gallery in the centre . it 's free to enter . i can get their contact info if you like . or we can find something else . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform,general-reqmore
+bos yes can i get the contact info please ? eos O O O O O O O O O O N/A
+bos you can reach them at 01223314960 and the address is 98 king street . may i help with anything else today ? eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore
+bos the gallery is in a good location . would you mind making the booking for the soonest they have a guide available ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry but i ca n't make any bookings for attractions . i can only book taxis , restaurants , trains , buses , and hotels for you . you 're welcome to call the gallery though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos okay . what 's the entrance fee ? eos O O O O O O O O O Attraction-Request+Fee
+bos there is no entrance fee , it 's free ! eos O O O O O O O B-Attraction-Inform+Fee O O O N/A
+bos great , i 'm also looking for info on the gonville hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos yes the gonville hotel is a 3 star hotel in the centre . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O N/A
+bos great i need to book a stay for 8 people for 3 nights starting on saturday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos great , your reference # is dsp4jsss , anything else for you today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i need a taxi to commute between the places . i want to leave the hotel by 10:00. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos to book a taxi i need the following information travel time , departure site and destination site . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Depart
+bos i 'll need to leave the hotel by 10:00 please ! eos O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos you have a black toyota booked for 10:00 leaving from gonville hotel . you can contact them at 07356285200. is there anything else i can hell you with ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that will be all for now . thank you for all your help . eos O O O O O O O O O O O O O O O general-thank
+bos do you need me to look up anything else for you ? eos O O O O O O O O O O O O O general-reqmore
+bos no thank you that is all i need . eos O O O O O O O O O O general-thank
+bos glad to have been of help . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a hotel quick , can you make it happen ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos definitely ! do you have an area or price range in mind ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet
+bos yes , i 'd like to stay in the east part of town . i prefer something expensive also . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i have the express by holiday inn cambridge . 15-17 norman way , coldhams buisness park . would you like to book there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes that would be great , thank you . eos O O O O O O O O O O general-thank
+bos when would you like your booking for ? eos O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i need it booked for 3 people for 5 nights starting saturday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos your reservation has been made for 3 people , 5 days beginning saturday . your reference number is : ux99d4xr . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos i would also like a place to go in the same area as the hotel . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos what sort of place are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos what is the postcode for the hotel ? i would also like to visit a museum . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Attraction-Inform+Type O O Attraction-Request+Post
+bos the hotel postcode is cb13lh . there are 4 museums in the area i recommend cambridge museum of technology . it cost 5 pounds but there are free art museums . eos O O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A
+bos that technology museum sounds interesting . do you have the postcode , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos yes its cb13ef can i help you with anything else ? eos O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos can you help me find a park to visit in cambridge ? eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos is there a specific area you 'd like to visit a park in ? eos O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i have no area preference . can you suggest a park for me ? thanks a lot eos O O O O O O O O O O O O O O O O O O general-thank
+bos my suggestion would be the cambridge university botanic gardens . the do charge 4 pounds for entrance but it is by far worth it . they are located on bateman street . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos okay , what area is that in ? eos O O O O O O O O O Attraction-Request+Area
+bos it 's in the centre area . eos O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A
+bos great , thanks . also , can you tell me a little about a restaurant called la mimosa ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos sure , that 's a mediterranean restaurant located in the centre area . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos yes , and can i get a phone number and area ? eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos 01223362525. would you like me to book you a table ? eos O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform
+bos actually , no i do n't . eos O O O O O O O O N/A
+bos okay , is there anything else i can help with today ? eos O O O O O O O O O O O O O general-reqmore
+bos that was all i needed today , thank you so much . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos we are going to the centre for a night out . hear you have some great attractions can you help me find something fun ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O N/A
+bos there are many churches in that area . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos i 'd prefer something more geared towards nightlife . maybe a club ? eos O O O O O O O O O O O O O O N/A
+bos ive got five choices here kambar is the club that is recently popular , would you like more information ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos yes . what is the entrance fee ? eos O O O O O O O O O Attraction-Request+Fee
+bos the entrance fee for the kambar is 5 pounds . can i help you with anything else today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos i 'd also like to know the postcode . eos O O O O O O O O O O Attraction-Request+Post
+bos the entrance fee is 5 pounds . will there be anything else today ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos yes , i 'd also like some help finding a hotel . eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos i can help with that . is there an area in town in which you prefer to stay ? perhaps a price range as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos it should be a guest house . and i need wifi and parking eos O O O O O O O O O O O O O O N/A
+bos do you have a preference in area or price range ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos can you look for a guesthouse in the centre with free parking ? eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos i found two guesthouses matching your criteria . i would recommend the alexander bed and breakfast which is 4 stars and priced cheap . do you need a booking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O B-Hotel-Recommend+Price O O O O O O O O Booking-Inform
+bos yes . please book for a party of 7 for saturday . we 'll be staying 3 nights . eos O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O N/A
+bos your room has been booked . your reference number is igltxned . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you that would be all i need for today eos O O O O O O O O O O O general-thank
+bos by the way the zipcode for the kambar is cb23qb . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O N/A
+bos hello . i am looking for a cheap guesthouse to stay in in cambridge . can you help ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos yes . there are three cheap 4 star guesthouses . there is one in the centre and two in the east . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area O general-greet
+bos i need one that includes free wifi . eos O O O O O O O O O N/A
+bos ok , i have several . do you have a particular area in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to have you make a reservation at the one in centre ( providing it has free wifi too ) starting on wednesday . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes it has fre wifi , how many people staying and how many nights please ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People,Hotel-Inform+Internet
+bos there will only be 1 person . eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos how many nights will you be needing ? eos O O O O O O O O O Booking-Request+Stay
+bos i 'll be staying for our nights . eos O O O O O O O O O N/A
+bos would you like that booked ? eos O O O O O O O Booking-Inform
+bos yes , one person , 4 nights starting wednesday . reference number for that , parks to visit . area , address and phone number and a taxi to arrive at 17:00 , contact number and car type . eos O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Ref,Attraction-Request+Addr
+bos the reference number for that is : dxzbh03x . would you like a park near the hotel ? we will need more information to book the taxi , where will it be departing from and arriving to ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,general-reqmore
+bos yes , i would like a park near the hotel . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos there are five parks . the cambridge university botanic gardens is located in the centre , just like the hotel . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O O O N/A
+bos that sounds great ! can i please have the address and phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos they are located on bateman street i do n't know the exact address and their phone number is 01223336265. is there anything else i can help with today ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i had mentioned i will need a taxi between the park and the hotel . eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos i am sorry i need a time to schedule the cab please eos O O O O O O O O O O O O O Taxi-Request+Leave
+bos i wouold like to leave the cambridge university botanic gardens by 17:00 eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A
+bos it 's all booked . be expecting a yellow volvo . please call 07681935909 if you need to reach them . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos that is all , thanks . eos O O O O O O O general-thank
+bos i hope you have a good trip . have a nice day . goodbye . eos O O O O O O O O O O O O O O O O general-bye,general-greet
+bos hello there . i am traveling to cambridge and am most looking forward to trying some of your local restaurants . can you help me find a good one ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos i can definitely assist you . did you have a type of cuisine or price range in mind ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet
+bos something moderately priced . i do n't have a cuisine preference . eos O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos i have 31 moderately priced options available . do you have a particular area you 're interested in ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yeah , preferably in the center of town . eos O O O O O O O O O O N/A
+bos there are 21 different options in the centre of town . if you are looking for a great recommendation , i suggest the cow pizza kitchen and bar . they serve amazing food . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O general-greet
+bos excellent that sounds great . i 'm also looking for something to do . can you find me an attraction in the same area of the cow pizza kitchen ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos we have lots of attractions in the centre . what type are you looking for ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Type
+bos any that you willrecomend . i also want a taxi eos O O O O O O O O O O O Taxi-Inform
+bos i recommend the holy trinity church on market street . can you give me a day and time you need a taxi ? i can get one for you . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i need the taxi to commute between the restaurant and attraction . i need to leave the attraction by 04:30. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos i have the taxi reserved for you . it will be a white honda . the contact number is 07053284393. can i help with anything else today ? eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos thats all i need today , thank you . eos O O O O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-welcome,general-bye
+bos how are you doing ? are there any european restaurants in the city center ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos yes , there are 8. what is your price range ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Price
+bos can i get the name and address of one of the most inexpensive ones ? eos O O O O O O O O O O O O O O O O N/A
+bos the phone number to the river bar steakhouse and grill is 01223307030 and the address is quayside off bridge street . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A
+bos thanks so much . i am also looking for places to go in town . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos what type of place are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos i would like to see colleges . can you please recommend one with no entrance fee , and let me know the area . thank you . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos churchhill college is free and in the west part of town eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area N/A
+bos thank you . that was all i needed . eos O O O O O O O O O O general-thank
+bos it was a pleasure assisting you . have a wonderful night . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hello . i need to get to the airport from my hotel . eos O O O O O O O O O O O O O O Hotel-Inform
+bos when do you want to leave ? eos O O O O O O O O Taxi-Request+Leave
+bos i am looking for places to go in the east side of town . do you have any suggestions ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos there are ten different attractions on the east side of town , could i recommend the funky fun house entertainment attraction ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Type O O N/A
+bos that 's sounds great . can i have the telephone number ? i 'm also looking for a place to dine in the expensive price range in the same area , any suggestions ? eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number for funky fun house is 01223304705. there are 5 expensive restaurants in the east . do you have a cuisine preference ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food
+bos i 'd prefer a place that serves indian food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are two restaurants like you want the pipasha restaurant and sitar tandoori . do you have a preference as to which one you would like to book ? eos O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O O O O O N/A
+bos i 'm not ready to book yet . can you give me the postcode for sitar tandoori ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Post
+bos the postal code for sitar tandoori is cb19hx . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post O N/A
+bos i would like to book a taxi to take me from sitar tandoori to funky fun house at 21:30. can you provide a contact number and the car type ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car
+bos a red lexus will pick you up from sitar tandoori at 21:30. your contact number is 0735340742. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O B-Taxi-Inform+Phone N/A
+bos thanks ! that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos thank you ! have a nice day ! eos O O O O O O O O O general-bye
+bos i 'm looking for a train that departs from birmingham new street . it should arrive by 18:30. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O N/A
+bos there is one arrives at 17:23 and another at 18:23. what day are you traveling ? eos O O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Arrive O O O O O O Train-Request+Day
+bos i am leaving on tuesday for cambridge . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A
+bos i have train tr5630 leaving at 15:40 and arriving at 18:23. would that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos that sounds great . thanks . eos O O O O O O O general-thank
+bos did you need tickets for that train ? eos O O O O O O O O O Train-OfferBook
+bos not right now , but thanks for asking . i was wondering if there are any parks on the south side of town , though . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos on the south side we have wandlebury country park at wandlebury ring , gog magog hills , babraham . the admission is free , are you interested ? eos O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O O O O O N/A
+bos may i have their postcode , please ? eos O O O O O O O O O Attraction-Request+Post
+bos yes , wandlebury country park 's postcode is cb223ae . eos O O O O O O O B-Attraction-Inform+Post O O O N/A
+bos thanks . i think that 's everything i need ! eos O O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . please remember us for all of your future travel needs . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need the address and phone number of a restaurant in the south part of town . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O Restaurant-Request+Addr
+bos there are nine restaurants in the south part of town . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos chiquito restaurant bar is in the south part of town . it 's address is 2g cambridge leisure park cherry hinton road cherry hinton , and it 's phone number is 01223 400170. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O N/A
+bos can you tell me what kind of food they serve ? eos O O O O O O O O O O O O Restaurant-Request+Food
+bos chiquito restaurant bar serves mexican food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos i want one in the moderate priced range . what is the price range of chiquito restaurant ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O N/A
+bos i 'm afraid chiquito restaurant bar is expensive . pizza hut cherry hinton is a moderately priced italian restaurant in the south . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O N/A
+bos what is the address for pizza hut cherry hinton ? eos O O O O O O O O O O O Restaurant-Request+Addr
+bos their address is g4 cambridge leisure park clifton way cherry hinton . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos sorry what is the area again ? eos O O O O O O O O N/A
+bos it is located in the south part of town eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i need to get to cambridge after 19:30 eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A
+bos there are more than 300 trains that arrive in cambridge after 19:30. what day were you looking to travel and from where ? eos O O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Day
+bos i 'd be leaving from london liverpool street on saturday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos yes i have a train leaving from liverpool street that will arrive in cambridge at 19:39. would you like me to book that for you ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos how long is the travel time , and what is the price for that train please ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos sure , the travel time is 88 minutes , and the price is 13.28 pounds . would you like to book it , if so how many riders will there be ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos no that 's ok , i 'll book it later if i need to . can you tell me anything about a lodging place named `` a and b '' something ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure . it 's called a and b guesthouse , found on 124 tension road and is in the moderate price range . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O general-greet
+bos i 'd like to go ahead and book that for 1 person , 4 nights starting on saturday night . i will need the reference number once it 's made . eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos you have been successfully booked and the reference number is l1m02mwf . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , indeed . that will be all . thank you . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . have a very nice day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm trying to find an irish restaurant that can provide me with some unique fine dining . i expect this to be expensive , can you give me some options ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos i do not have any expensive irish eateries , could we try something else ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O O O O O N/A
+bos any european restaurants ? cost doesnt matter . eos O O B-Restaurant-Inform+Food O O O O O O N/A
+bos there are 5 restaurants eraina is available in the centre of town . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A
+bos can you recommend me one that 's expensive ? and book the table for 6 people at 14:00 on tuesday . thanks ! eos O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos okay i was able to book you at eraina at 14:00 on tuesday for 6 people . your reference number is 2ocxgnup . eos O O O O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Day O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . have a great day ! eos O O O O O O O O O O O general-thank
+bos would you like the address for the restaurant ? eos O O O O O O O O O O N/A
+bos nope . got everything i need . eos O O O O O O O O N/A
+bos have a great day ! eos O O O O O O general-bye
+bos i would like to find a moderately priced restaurant in the west part of town . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos meghna is an indian restaurant that meets your criteria . would you like their location ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O general-reqmore
+bos west part of town . eos O B-Restaurant-Inform+Area O O O O N/A
+bos meghna is located in the west part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos can you please let me know the address ? eos O O O O O O O O O O Restaurant-Request+Addr
+bos the address is 205 victoria road chesterton . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos are there any other moderately price restaurants in the west part of town ? can i get the address for another one ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Addr
+bos prezzo is a moderately priced italian restaurant in the west part of town . it is located at 21-24 northampton road . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i need a restaurant eos O O O O O Restaurant-Inform
+bos in what part of town ? eos O O O O O O O Restaurant-Request+Area
+bos east and expensive eos O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price N/A
+bos there are several restaurant matches in this area . would you like british , indian , gastropub , or chinese ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A
+bos address and phone number for the chinese restaurant eos O O O O O O O B-Restaurant-Inform+Food O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos here you go , 01223 248882 , 529 newmarket road fen ditton . anything else today ? eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore
+bos no , this is it . thank you eos O O O O O O O O O general-thank
+bos wait . how about that british restaurant ? where is it located ? eos O O O O O B-Restaurant-Select+Food O O O O O O O O N/A
+bos is there a welsh restaurant in the north part of town ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i am sorry no welsh restaurants in the north part of town . eos O O O O O O O O O O O O O O Restaurant-NoOffer
+bos thank you , good bye . eos O O O O O O O general-bye
+bos thank you good bye eos O O O O O general-bye
+bos i 'd like to find a restaurant that serves swiss food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos im sorry there are no restaurants offering swiss food in your area . eos O O O O O O O O O O O O O O Restaurant-NoOffer
+bos is there any restaurants that serve vietnamese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos thanh binh serves vietnamese food . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore
+bos what 's the address ? eos O O O O O O Restaurant-Request+Addr
+bos thanh binh 's address is 17 magdalene street city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i would like a moderately priced steakhouse restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos there are no moderately priced steakhouse restaurants . would you like to change your query ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos how about moderately priced british food ? eos O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos there are four options in centre and one option in west . do you have a preference on the area ? eos O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Area
+bos can you give me the phone numbers please eos O O O O O O O O O Restaurant-Request+Phone
+bos do you want the phone numbers to restaurant one seven ? eos O O O O O O O O O O O O general-reqmore
+bos okay , so may i have the number please ? eos O O O O O O O O O O O N/A
+bos restaurant one seven 's phone number is 01223 337766. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos have a nice day eos O O O O O general-bye
+bos i 'm looking for a restaurant that serves swedish food eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no restaurants that serve swedish food . are you interested in some other type of food ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , how about north american food . i will also need the address , phone number , and postcode . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos there is one location that servies north american food . it is and expensive restaurant in the centre of town . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos what is the address , phone number , and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the gourmet burger kitchen 's phone number is 01223 312598 , they are loated at regent street city centre , and there post code is .c.b 2 , 1 a.b eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for using our system . good bye eos O O O O O O O O O O general-bye
+bos i am looking for a restaurant that serves caribbean food and in the moderate price range . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O N/A
+bos there is not a caribbean restaurant in the moderate price range . would you like a different restaurant ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Name,Restaurant-NoOffer
+bos are there any spanish restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos yes . la tasca is a nice spanish restaurant in the moderate price range . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A
+bos what is the address , phone number , and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos la tasca is located at 14 -16 bridge street and the postcode is c.b 2 , 1 u.f . their phone number is 1223 464630. may i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos thank you good bye . eos O O O O O O general-bye
+bos you 're welcome , goodbye . eos O O O O O O O general-welcome,general-bye
+bos hello , i am looking for a restaurant that serves spanish food in the centre of town . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos la raza is a cheap spanish restaurant in the centre of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos what is the phone number and postcode ? eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number to la raza is 01223 464550 and its postcode is c.b 2 , 3 l.l eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos okay . thank you , goodbye . eos O O O O O O O O general-bye
+bos have a great day and enjoy your food . eos O O O O O O O O O O general-bye
+bos thank you . eos O O O O general-thank
+bos enjoy your day ! eos O O O O O general-bye
+bos i 'd like to find an east side restaurant that is expensive . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O N/A
+bos there are five restaurants matching your request . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos chinese food sound good . eos O B-Restaurant-Inform+Food O O O O N/A
+bos yu garden serves chinese food , is in the east part of town and is in the expensive price range . would you like their location ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos what is their address and postcode ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos yu garden chinese east expensive 01223 248882 529 newmarket road fen ditton c.b 5 , 8 p.a eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you and good bye eos O O O O O O general-bye
+bos i am traveling to cambridge and i 'm looking for an attraction called downing college . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos downing college is located in the centre of town on regent street , postal code cb21dq . is there anything else i can do for you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no thank you . that is all . eos O O O O O O O O O general-thank
+bos ok , thank you and have a wonderful day . eos O O O O O O O O O O O general-bye
+bos wait , i just realized i am hungry for european food . are you still there ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos i have 11 european restaurants to choose from . eos O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos i need something in the moderate price range in the centre of the city . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos hotel du vin and bistro is a moderately priced restaurant in the center of town . would you like to book a table there ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos yes , please . table for 8 at 15:45 on sunday eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos sure . i booked that for you and your reference number is fglqtg48 . is there anything else i can do for you ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos no , that is all . thank you . eos O O O O O O O O O O general-thank
+bos no problem ! eos O O O O general-bye
+bos please help me find somewhere to eat in the centre eos O O O O O O O O O O B-Restaurant-Inform+Area N/A
+bos you could try the yippee noodle bar , which is asian oriental , and priced moderately . it is located at 40428 king street city centre . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A
+bos that sounds great . can i get a postcode ? thanks ! eos O O O O O O O O O O O O O Restaurant-Request+Post
+bos the postcode is cb21rq . would you like me to make a reservation ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform
+bos i 'm not ready to book yet . thanks , i will give you a call back . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos alright . sounds good . i look forward to your call . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 've been injured and i need a hospital near me , one with a coronary care unit department please ! eos O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O N/A
+bos the closest hospital is addenbrookes hospital . the phone number for the coronary care unit is 01223217297. eos O O O O O O O O O O O O O O O O O O N/A
+bos may i have the full hospital address and their main phone number , please . eos O O O O O O O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone
+bos the hospital address is hills rd , cambridge . the main telephone for the hospital is 01223245151 eos O O O O O O O O O O O O O O O O O O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i am looking for a place to stay . the hotel should have a star of 4 and should include free parking eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos the cambridge belfry fits your request . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos sorry . i prefer a guesthouse . does the cambridge belfry meet that requirement ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos i apologize , it does not . do you have a specific price range in mind ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos yes , it should be in the cheap price range . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos how about allenbell ? it looks lovely . eos O O O B-Hotel-Recommend+Name O O O O O N/A
+bos sounds interesting ! what area is it in ? eos O O O O O O O O O O Hotel-Request+Area
+bos the allenbell is in the east area . would you like a reservation ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos do they have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes , the allenbell meets all your needs . shall i book the guesthouse for you ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos wait , first let me know : do they have internet access ? eos O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yes , the allenbell has internet service . would you like me to book this location for you ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos i do n't need a booking yet . i do need the postcode , though . eos O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the postcode for the allenbell is cb13js . is there anything else i can help you with today ? eos O O O O O B-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos could you also please tell me the area that is in ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos sure , the allenbell guesthouse is located in the east . can i help with anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O general-reqmore
+bos no , i think that 's all i need . thank you for your help today . eos O O O O O O O O O O O O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos i need a taxi leaving after 10:30. eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos i 'd be happy to assist you today , but first i 'll need to know your departure and destination locations ? eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need to be picked up from sitar tandoori and i am going to clare hall . and i need the car type and contact number . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O Taxi-Request+Car
+bos when do you need to arrive ? eos O O O O O O O O Taxi-Request+Arrive
+bos i do n't have a specific time just need to leave after 10:30 eos O O O O O O O O O O O O O O N/A
+bos okay your booking is complete . you have a red bmw coming to get you and a contact number of 07717590121. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone N/A
+bos that 's great . thank you . eos O O O O O O O O general-thank
+bos you 're welcome . enjoy your visit to cambridge ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a taxi to come after 19:30. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos where would you like to be picked up from ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i am in wandlebury country park . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos where will you be going to ? eos O O O O O O O O Taxi-Request+Dest
+bos i 'll be going to meze bar restaurant . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos you are booked on a red lexus . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A
+bos great . can i get a contact number ? eos O O O O O O O O O O N/A
+bos yes , your contact number is 07236149315. do you need other bookings ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , thank you for your help . eos O O O O O O O O O general-thank
+bos you 're quite welcome . contact us again anytime ! bye . eos O O O O O O O O O O O O O general-bye
+bos hi . i 'm looking for a train . can you help me ? eos O O O O O O O O O O O O O O O Train-Inform
+bos what is your departure site ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from bishops stortford . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are trains from bishops stortford every couple of hours . what day will you be traveling , and i 'm assuming you 're heading to cambridge ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos sorry , i am coming from cambridge and going to bishops . on tuesday , and i want to get there by 15:45 eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos there are 5 trains that i can book for you . do you have a preferred departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave
+bos no i do not . i just need to arrive at 15:45. eos O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos i 've found tr2771 leaving cambridge at 13:29 and arriving at 14:07. the price is 10.10 pounds . can i book this train for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos what is the total travel time for the train ? eos O O O O O O O O O O O Train-Request+Duration
+bos it 's 38 minutes . would you like to book it ? eos O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook
+bos yes can you please and send me the reference . eos O O O O O O O O O O O N/A
+bos how many tickets will you be needing ? eos O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i will only be needing one ticket . eos O O O O O O O O O N/A
+bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : chxfl1aj . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i would also like a hotel in the area . eos O O O O O O O O O O O Hotel-Inform
+bos which area could you like the hotel to be located at ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos i would prefer it in the centre and to be 0 stars . eos O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O N/A
+bos el shaddai is a guesthouse in the cheap range ; cityroomz is a hotel in the moderate price range . which one do you prefer ? eos O O O O O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Select
+bos i would prefer one that has free parking and internet . eos O O O O O O O O O O O O Hotel-Request+Internet
+bos i would recommend the el shaddai . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A
+bos do they have internet , and can you provide the postcode & price range ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Internet
+bos el shaddai has both internet and parking . they are in the cheap pricerange . the postcode is cb11eg . would you like me to book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos not at this time , thank you . eos O O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , that 's all , thank you ! eos O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for a hotel called avalon . eos O O O O O O O B-Hotel-Inform+Name O O N/A
+bos the avalon hotel is located in the north area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A
+bos does it have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes , it has internet . eos O O O O O O O Hotel-Inform+Internet
+bos great . thanks for the information . i 'm also looking for a train that departs from norwich for cambridge on sunday that will arrive by 11:15. can you help with that ? eos O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O O O O O O N/A
+bos tr0996 departs norwich at 9:16 and arrives at 10:35 in cambridge . eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A
+bos please book me . eos O O O O O N/A
+bos your booking was successful . the cost for the ticket is 14.08 gbo and your reference number is gt4jl5ra . may i help you with anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i actually need 5 tickets on that train , please . eos O O O O O B-Train-Inform+People O O O O O O N/A
+bos i have corrected the booking for 5 people . your new reference number is r6qp0vxm . is there anything more i can help with ? eos O O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no , that 's it . thank you ! eos O O O O O O O O O O general-thank
+bos we are happy to help . thanks for using our service . have a great day ! eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos hi . i was wondering if there are any eastern european type restaurants in the south part of the city ? eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos unfortunately , there are no eastern european restuarants in the south part of the city . is there anything else you want ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O general-reqmore
+bos i 'm looking for an expensive eastern european place in the south . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos unfortunately , i do n't happen to have any listing that meets what you were looking for . would you like me to try either a different area or type of restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos certainly , we have two expensive chinese restaurants the good luck chinese food takeaway , and peking restaurant . would you like a reservation at one , if so for how many ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select,Booking-Request+People
+bos i would like a reservation for 2 to the peking restaurant . eos O O O O O O O O O O O O O Restaurant-Inform
+bos ok , and what day and time would you like that reservation ? eos O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i 'd like to make a reservation for saturday at 11:45. and there has been a change in plans , i will be dining alone . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O N/A
+bos your reservation is complete . would you like anything else ? eos O O O O O O O O O O O O Booking-Book,general-reqmore
+bos can i get the reference number for that reservation ? eos O O O O O O O O O O O Restaurant-Request+Ref
+bos yes , the reference number is knl2j63q . eos O O O O O O B-Booking-Book+Ref O O N/A
+bos excellent . that is everything ! eos O O O O O O O N/A
+bos awesome . enjoy your meal . eos O O O O O O O general-bye
+bos i am looking for a train that departs from bishops stortford and arrives by 12:15. eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos i can book you for an arrival time by 12:07 on friday , is that a good time ? eos O O O O O O O O O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Day O O O O O O O N/A
+bos does that train leave from cambridge ? i need something on sunday . eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A
+bos train tr1478 departs from bishops stortford and arrives in cambridge by 12:07 , would you like me to book this train for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook
+bos yes , i would need a booking for 3 people . eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 24.24 gbp payable at the station . reference number is : g32o0xha . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you ! i 'm also looking for a cheap hotel . it does not need to have free parking . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A
+bos certainly , there are ten hotels . do you have a preference of type , or area ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area
+bos yes i would like to stay on the east side of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos we have 3 for you to choose from . do you have any further preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O general-reqmore
+bos yes , is there one that has free parking ? eos O B-Hotel-Inform+Parking O O O O O O O O O N/A
+bos i have 3 of them that offer free wifi in the east . i have the autumn house , leverton house and allenbell . would you like more info on one of those ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes book the autumn house for 3 people for 5 nights starting sunday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos you 're all set , you 're booking reference is 8ed0yd26 . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 's all . thank you ! eos O O O O O O O O O O general-thank
+bos okay thank you very much for calling ! eos O O O O O O O O O general-greet
+bos that was great service , good day to you . eos O O O O O O O O O O O N/A
+bos we are happy to help . thank you for using our service . eos O O O O O O O O O O O O O O general-bye
+bos i 'd like to find a place to go . something in the south . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 8 attractions in the south . would you like to visit a nightclub ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O B-Attraction-Select+Type O O N/A
+bos yes , what nightclub would you recommend ? can you tell me the address , including the postcode , and the entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos the place is at 22 sidney street . the postcode is cb23hg . we do not have information on the entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos are you sure that you can not find the entrance fee for me ? and i am also looking for bridge guest house . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Attraction-Request+Fee
+bos i 'm sorry , an entrance fee is not provided . would you like to book a stay at bridge guest house ? eos O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O N/A
+bos yes , i would like to book a stay for 1 person , starting monday and for 5 nights . eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O N/A
+bos your room has been booked at the bridge guest house for 5 nights starting monday . your reference code is 7vm9fipc . is there anything else i can do to help you ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i also want to get a taxi from the hotel to the nightclub . i want to leave by 18:30. could you help me with that ? eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O N/A
+bos certainly , i have booked a taxi for you , a yellow bmw will pick you up . their contact number is 07443195347. do you need any further assistance ? eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos that 's all i need ! thank you ! eos O O O O O O O O O O general-thank
+bos you 're very welcome . enjoy your visit ! eos O O O O O O O O O O general-welcome
+bos hi , i need to book a taxi to go to funky fun house . i need to leave after 8:45. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A
+bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart
+bos the taxi should depart from the cambridge punter eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos alrighty . i have a grey ford for you with the contact number 07266756209. anything else you need ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos no thanks , just needed a taxi . have a great day ! eos O O O O O O O O O O O O O O Taxi-Inform
+bos thanks , i hope you have a wonderful day as well ! eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for a hotel in the expensive price range . internet is not necessary . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos we have 5 hotels that meet your request . is there a specific area you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i need a place in the east , please . eos O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos that would be express by holiday inn cambridge . would you like to book that ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos um , no thank you . i think that 's all i need for today ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service . have we met all of your needs ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , actually i do need to book the holiday inn cambridge as long as it has free wifi . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos the holiday inn cambridge has internet but i do not have any information on whether or not it is wifi or free . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O Hotel-Inform+Internet
+bos can we go ahead and book that for 5 people for 3 nights starting on saturday ? eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos okay , i have you booked for three nights starting on saturday . your reference number is pdms5wa1 . eos O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , do you know of any colleges near the hotel ? eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos unfortunately i 'm not finding any colleges near the hotel on the east side of town . would you like me to expand my search to another area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O Attraction-Request+Area
+bos how about a swimming pool in the same area ? eos O O O O O O O O O O O N/A
+bos yes ! the abbey pool and astroturf pitch is on the east side of town , at pool way , whitehill road , off newmarket road . can i help with anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos can i get the entrance fee and phone number for the abbey pool please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos their phone number is 01223902088 , and their entrance fee is not listed in our system at this time . eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos ok. that 's all i need then . eos O O O O O O O O O N/A
+bos great . thank you very much for contacting cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i am looking for an expensive hotel to stay that includes free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O N/A
+bos i have many that meet your demands . do you have a part of town you prefer to stay in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no anywhere would be fine but i would like a guesthouse with free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos it seems there are not any locations that fit that criteria . is there anything you could change regarding your preferences ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about a moderately priced guesthouse instead of expensive ? eos O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos the acorn guest house meets all of your preferences . would you like me to book a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . i 'll need the room for three nights starting on tuesday . eos O O O O O O O O O O O O O O O O O N/A
+bos could you tell me how many people will be staying ? eos O O O O O O O O O O O O Booking-Request+People
+bos just one person please . eos O O O O O O N/A
+bos i was unable to book that for you . would you like to change the length of your stay ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay
+bos could you see if they have 2 nights starting on tuesday ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos yes , i was able to book for 2 nights . your reference number is qd303gci . eos O O O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O N/A
+bos i 'm also looking for a museum in the centre of town . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos i have 11 museums in the centre of town available , do you have a preference ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Select
+bos i do n't really have a preference . anything is fine . eos O O O O O O O O O O O O O N/A
+bos you might enjoy the broughton house gallery located at 98 king street . is there any other information you need ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O general-reqmore
+bos thanks . i just need the entrance fee for that gallery please . eos O O O O O O O O O O O O O O Attraction-Request+Fee
+bos it is free to visit . is there anything else i can do for you ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos no that was it ! thank you so much . eos O O O O O O O O O O O general-thank
+bos great ! have a lovely trip ! goodbye ! eos O O O O O O O O O O general-bye,general-greet
+bos i 'm looking for a train . the train should arrive by 21:30 and should go to bishops stortford . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i would like to travel on monday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos there are 8 trains that match your search . shall i choose one to book ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-OfferBook
+bos yes , please choose the one closest to my arrival time . eos O O O O O O O O O O O O O N/A
+bos i recommend the tr8244 which leaves at 19:29. how many seats do you want me to reserve for you and your party ? eos O O O O B-Train-Select+Id I-Train-Select+Id O O B-Train-Select+Leave O O O O O O O O O O O O O O O Train-Request+People
+bos i actually only want the price , but can you make sure that the train is leaving from cambridge . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O Train-Request+Price
+bos yes that leaves from cambridge and there are many other times with an earlier departure time if you 'd like . the price is 10.10 pounds . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos that is perfect thank you very much for all of your help . you have a wonderful day . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos i need to find information on home from home . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos sure , it is a moderately priced 4 star guesthouse located in the north . free parking and internet . would you like to make a booking ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please . there will be 2 of us staying for 4 nights , and we 'll arrive on sunday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O N/A
+bos i booked you and your reference number is : lkdt8r8b . is there anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos that is great . thanks . eos O O O O O O O general-thank
+bos can i help with anything more ? eos O O O O O O O O general-reqmore
+bos no , that will be all today . thanks a bunch ! eos O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i want to book a taxi . eos O O O O O O O O Taxi-Inform
+bos ok , where are you leaving from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i need to go from rajmahal to queen 's college at 1:30 , please . eos O O O O O O B-Taxi-Inform+Depart O O O O O O O O O N/A
+bos i have booked you a car . it will be a white skoda . the contact number is 07861610827. may i assist you with something else ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos thanks that 's all . have a good one . eos O O O O O O O O O O O general-thank
+bos thank you . have a good day ! eos O O O O O O O O O general-bye
+bos i 'm looking for a popular museum in the area . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos there are 23 museums in the area . do you have a particular part of town you are interested in ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'm interested in the centre of town . eos O O O O O B-Attraction-Inform+Area O O O O N/A
+bos yes i have several . i have contemporary art , anthropology and others . any type intrigue you ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O Attraction-Select
+bos can you please provide me the entrance fee , phone number and address of a contemporary art museum in the centre of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos broughton house gallery museum is free and their phone number is 122 331 4960. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone N/A
+bos what is the address of that museum ? eos O O O O O O O O O Attraction-Request+Addr
+bos broughton house gallery is located at 98 king street . is there any other information you need ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos i am also looking for a hotel called alpha-milton guest house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the alpha-milton guest house is located at 63 milton road postcode cb41xa . the phone number is 01223311625. would you like me to create a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform
+bos is there a suite available for 2 people for 5 nights starting friday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos yup there is ! eos O O O O O N/A
+bos okay , go ahead and book it and get me a reference number . eos O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos the booking was successful and your reference number is : sq1lqgmu . is there anything else i can assist you with . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos nope . i think i 'm all set . eos O O O O O O O O O O N/A
+bos thank you for using our service . have all of your needs been met ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos yes , they have . goodbye ! eos O O O O O O O O general-bye
+bos it was my pleasure to help ! have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train leaving cambridge heading to leicester eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A
+bos there are quite a few options for this trip . what day would you like to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on tuesday , please . eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos there are 19 entries that match that response . do you have a preference for time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave
+bos yes . i would prefer to arrive as close to before 21:30 as possible . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos tr8207 arrives at 21:06. would you like to book this train now ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no , i do n't want to book it . could i get the departure time , though ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos it will depart at 19:21 eos O O O O O B-Train-Inform+Leave N/A
+bos thank you very much , could you help me find a place to stay ? i am looking for somewhere in the south and it needs to have free parking . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos there are 4 different hotels in that area with free parking , did you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos i do n't but the hotel does n't need to include internet . eos O O O O O O O O O O O O O O N/A
+bos the lensfield hotel is a three star rated hotel with free parking and internet . shall i book this for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that would be great . i 'll need it booked for 1 person for 5 nights starting on thursday . will you provide me with the conformation number when that is complete ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O O O O O O N/A
+bos booking was successful . your reference number is 52b5wq2u . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . that was all i needed today . eos O O O O O O O O O O O O O general-thank
+bos we are happy to help . thank you for using our service . have a great day ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a taxi from great saint mary 's church to cocum at 04:15 eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest O B-Taxi-Inform+Leave O N/A
+bos your car is a grey ford , contact number is 07864543066. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos thank you . that is all i needed . eos O O O O O O O O O O general-thank
+bos you 're very welcome . have a safe ride . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay in cambridge . i am wanting it to have free parking and 4 stars . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos there are 19 options that meet your criteria . let 's narrow it down a bit . what part of town would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it does n't matter , but i would like something with free wifi . eos O O O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast is in town centre , cheaply priced with a 4 star rating . it also offers free parking and wifi . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , i need to create a booking for 5 people . we will be staying for 5 nights starting from thursday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry but booking was unsuccessful . would like to try another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos can you try for 4 nights ? eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos great , you 're booked for 4 nights with reference number 3vumbfz0 . may i help you with anything else ? eos O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos we are interested in some boating attractions in and around cambridge . can you suggest a few ? and we love fishing . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos there are 4 results for boating attractions . are you looking for the centre area ? if not there is also one in the east and one in the north . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos no preference ! can you recommend me one and give me their area , entrance fee if they have one , and their address ? thanks ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr
+bos i can book you with scudamores punting co located in the centre area . the entrance fee is ? and the address is granta place , mill lane . is that fine ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O Attraction-Inform+Fee,Booking-Inform
+bos that should be great ! what about the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry but the entrance fee is not listed . but here is there phone number if you wish to contact them 01223359750. what else can i assist you with ? eos O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no . that covers it . thanks . eos O O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant called mahal of cambridge . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos sure , that 's a great cheap indian restaurant in the centre of town . what information do you need ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A
+bos could you see if you can get me a table for 5 there at 12:00 on friday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos yes , i reserved that table for you . reference number 196sqora . can i be of further assistance ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thank you for reserving it , and just to make sure ... can you please confirm the time and date of the booking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos that booking was made for friday for a party of 5 at 12:00. was that correct ? eos O O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O N/A
+bos yes , that 's correct . thank you . eos O O O O O O O O O O general-thank
+bos can i assist you with anything else today ? eos O O O O O O O O O O general-reqmore
+bos no , that 's it . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos thank you . goodbye ! eos O O O O O O N/A
+bos i 'm trying to get a taxi please eos O O O O O O O O O Taxi-Inform
+bos sure ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Depart
+bos i want to leave after 05:45 eos O O O O O O B-Taxi-Inform+Leave N/A
+bos okay , great . and where will you be traveling to and from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos the pick up place will be wandlebury country park and the drop off at curry prince eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos alright , you are all set - your car is a grey bmw , contact number 07365045410 eos O O O O O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O B-Taxi-Inform+Car O O N/A
+bos that 's great , thank you for your help . eos O O O O O O O O O O O general-thank
+bos thank you too . i hope you have a great day . eos O O O O O O O O O O O O O general-greet
+bos i am looking for a train . eos O O O O O O O O Train-Inform
+bos alright , where will you be leaving from , or where are you heading ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos the train should go to cambridge and should depart from stansted airport . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos alright , i have many options for you depending on the day of the week or times you wish to travel . do you have a preference ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,Train-Request+Arrive
+bos leaves at 1900hrs , arrives on sunday and booked fir one person.get me the reference number too eos O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : 70mpluw8 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos i need to book at taxi to take me from the fez club to the cambridge punter . eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos sure ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive
+bos i actually need to leave after 05:30. eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos your booking is complete . a yellow ford will be picking you up . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A
+bos that 's great , before you go , could i get the contact number for the taxi , please ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos the contact number is 07857775322. eos O O O O O B-Taxi-Inform+Phone N/A
+bos thank you so much for your help . have a great day ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , i 'm glad i could help . if you need anything else feel free to ask . eos O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos please book me a taxi to come to rajmahal by 22:30. eos O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A
+bos sure ! where are you coming from ? eos O O O O O O O O O Taxi-Request+Depart
+bos i want to depart from rajmahal , not go to there . eos O O O O O O O O O O O O O N/A
+bos ok , what is your destination ? eos O O O O O O O O Taxi-Request+Dest
+bos i 'll be heading to restaurant two two eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos booking completed ! booked car type : black toyotacontact number : 07452807807 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos there are hotels with free wifi and parking , right ? eos O O O O O O O O O O O O N/A
+bos yes there are plenty . what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area
+bos the hotel should be in the centre and should be in the type of guesthouse . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type O N/A
+bos there are two hotels that fit that criteria . i would recommend alexander bed and breakfast , it has four stars . eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A
+bos book it for 1 people and 4 nights starting from tuesday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A
+bos i 'm sorry , your booking was unsuccessful . would you like to book another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos how about wednesday ? eos O O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : qhr6uo6i . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-welcome
+bos i 'm looking for train that go to cambridge that leaves on tuesday . eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O N/A
+bos sure . where are you departing from ? eos O O O O O O O O O Train-Request+Depart
+bos i 'm leaving from norwich and would like to leave after 12:15 , please . eos O O O O B-Train-Inform+Depart O O O O O O O O O O O N/A
+bos there are twelve possible trains leaving after 12:15. should i book you on one of them ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos i am sorry . i need the train to leave after 21:15 from norwich . are there any available ? eos O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O O N/A
+bos tr7935 leaves at 21:16 and arrives by 22:35. is that okay ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O N/A
+bos that sounds good , i will need 2 tickets please and a reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref
+bos you are booked for two tickets , reference number is : rjoua7e1 . eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am also looking for places to go in town . eos O O O O O O O O O O O O N/A
+bos cambridge has over 70 delightful attractions , what type appeals to you most ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos i think i would like a nightclub in the centre of town please . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are 5 different nightclubs in that area . might i suggest ballare . would you like more info ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name O O O O O O O O N/A
+bos i need the address , entrance fee , and phone number . eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos the address of ballare is heidelberg gardens , lion yard . the phone number is 01223364222. the entrance fee is 5 pounds . eos O O O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos that was everything i needed . thank you very much for helping me . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome , goodbye . eos O O O O O O O general-welcome,general-bye
+bos i am looking for entertainment places to go in town . eos O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there a 5 entertainment spots in town . is there a particular area you are looking to visit ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'd like to visit the south side of town . eos O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are two places - nusha and tenpin . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos let 's go with nusha . what is the entrance fee , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i am not sure of the entrance fee . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos what is the tenpin 's entrance fee ? eos O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , but neither venue provides their entrance fee to us . is there anything else i can help you with today ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore
+bos i am also looking for a train . it should leave after 19:15 , and should go to birmingham new street . eos O O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos on which day and from where will you be departing ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos friday . i 'll take the first train after 19:15 , please provide the train id . eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+TrainID
+bos that would be the tr7769 which departs at 20:01 and arrives at 22:44. it costs 75.10 pounds . did you want me to book it for you today or no ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O Train-OfferBook
+bos no , no need to book it for me . thank you , that was all i needed . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place called the fez club in cambridge . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos there is a nightclub that is name fez club in cambridge . do you need their address ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O N/A
+bos yes please let me know the area and address . eos O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos the fez club is located at 8 market passage in the centre of town . is there anything else i can help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore
+bos yes . i 'm looking for a train leaving on monday going to london liverpool street . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos great , and how many people will be riding with you ? eos O O O O O O O O O O O O O Train-Request+People
+bos there will be four people riding with me . eos O O O O O O O O O O N/A
+bos where will you be departing from and what time would you like to arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive
+bos from cambridge to london liverpool street . i do n't need a specific time , i just need to know the arrival time . eos O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos how about the tr1764 that arrives at 15:27 ? eos O O O O B-Train-Select+Id O O O B-Train-Select+Arrive O N/A
+bos are there any trains that arrive after 21:00 ? eos O O O O O O O O B-Train-Inform+Leave O N/A
+bos we have the tr0117 that arrives at 21:27. does that work ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O N/A
+bos sure , i would love to purchase my ticket . eos O O O O O O O O O O O N/A
+bos i have booked your train for four 16.60 for each and 66.4 pounds total . your reference number is tityqmld . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos that should be all that i need , thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome - safe travels ! eos O O O O O O O O general-welcome,general-bye
+bos i need a train departing cambridge arriving by 2030. eos O O O O O O B-Train-Inform+Depart O O O N/A
+bos which station are you traveling to , and on which day ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i need to go to kings lynn on wednesday and need to arrive before 20:30. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A
+bos there are 5 trains . would you like to leave at 5:11 ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O N/A
+bos sure . i 'd like to book tickets for 6 people , and i 'll need a reference number for the booking . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful for tr5159 , the total fee is 58.8 gbp payable at the station . reference number is : 8f17uyo3 . eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you i am also looking for a park to visit in town eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i have 5 terrific parks . do you have a preference of location ? do you mind an entry fee ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Price
+bos not really , but i would need the postcode of the park please . eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos sure thing . there are several parks in town . any particular area you would prefer ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area
+bos no just a park . which would you suggest ? eos O O O O O O O O O O O N/A
+bos i 'd suggest milton country park it has free entrance . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O N/A
+bos please send me what other information you have about milton country park . eos O O O O O O O O O O O O O O N/A
+bos it 's located in the north part of town , the phone number there is 01223420060 , the address is just milton country park , milton , the postcode is cb46az . eos O O O O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post O O O O O O N/A
+bos great , thank you very much ! that 's all i needed so you just have yourself a great day now ! eos O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos i am glad we could assist you . thank you for using our service . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a swimmingpool . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 4. what area do you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O Attraction-Request+Area
+bos i would prefer one in the centre of town . is there any there ? eos O O O O O O O O O O O O O O O O N/A
+bos yes , parkside pools is located at gonville place cb11ly in the center are . the phone number is 01223446100. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O N/A
+bos alright . do you know if there is an entrance fee at that pool ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , there is no info on an entrance fee . anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train departing london kings cross on thursday to arrive in cambridge by 10:45 eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there are 3 trains . the last one that would get you here on time is tr8410 leaving 9:17 and arriving 10:08. would you like me to book this for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes that sounds perfect ! eos O O O O O O N/A
+bos great , how many tickets for the train would you like ? eos O O O O O O O O O O O O O Train-Request+People
+bos i just need the departure time and train id plase eos O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos the train id is tr8410 and it departs at 9:17. can i help you with anything else ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O general-reqmore
+bos that 'll be all . thank you for the help ! eos O O O O O O O O O O O O general-thank
+bos you are welcome , please contact us if we can ever help you again . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like train information for cambridge . eos O O O O O O B-Train-Inform+Dest O O N/A
+bos i will need more information to narrow down the results . what day would you like to depart on , and what area is your departure from ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos departing fro ely on wednesday and arriving by 09:30. eos O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos there are two trains . one arriving at 5:52 and one at 7:52. would you like me to book one of these for you ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos can i get the travel time and price on the 5:52 one ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos tr5348 leaves ely at 5:35 and arrives in cambridge by 5:52. the price for a ticket is 4.40 pounds and the ride 's duration is 17 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos ok , and i also want to find out about an attraction called tenpin please . eos O O O O O O O O O O O O O B-Attraction-Inform+Name O O O N/A
+bos tenpin is an entertainment attraction in the south part of town their phone number is 08715501010 , and address is cambridge leisure park , clifton way eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thank you so much for the information eos O O O O O O O O general-thank
+bos great , thank you . eos O O O O O O general-bye
+bos i 'm looking for a train that departs cambridge after 10:00. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A
+bos i have 1,029 trains departing cambridge , to narrow it down what is your destination and on what day would you like to go ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i 'm looking to travel to birmingham new street , and i want to leave on thursday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O O N/A
+bos great , i can get you a ticket for that train . how many people are riding with you ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i need to book it for 6 people , can i get the reference number too ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos tr9557 will depart at 11:01 and arrive by 13:44. can i confirm you want to book this train for 6 people ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O B-Train-OfferBook+People O N/A
+bos yes , i would like to book the train for 6 people . i need the reference number , please . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 450.6 gbp payable at the station . reference number is : 9yw0jv6v . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos alright i also heard about this place called abbey pool and astroturf pitch . what is their number and address ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Request+Addr
+bos their number is 01223902088 and their address is pool way , whitehill road , off newmarket road . need anything else ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O general-reqmore
+bos no . thank you very much for your help . eos O O O O O O O O O O O general-thank
+bos great , thanks for contacting us at the cambridge towninfo centre and we hope you have a wonderful day ! eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos greetings , i am looking for a museum to visit on the west side of town . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O N/A
+bos you can find the cafe jello gallery at 13 magdalene street and it 's free ! eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O N/A
+bos can i get the postcode for that museum please ? eos O O O O O O O O O O O Attraction-Request+Post
+bos cafe jello gallery 's post code is cb30af . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O N/A
+bos i 'm also looking for a train that goes to birmingham new street and leaves on saturday eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O N/A
+bos where are you leaving from ? eos O O O O O O O Train-Request+Depart
+bos i am departing from cambridge and would like to be in birmingham new street by 20:45 at the latest . eos O O O O O B-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos the earliest train available is train tr4975 which departs at 5:01 and arrives at 7:44. can i book that for you ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos a later train would be better , what trains arrive around 20:00 ? eos O O O O O O O O O O O O O O Train-Inform
+bos the closest arrival to 20:00 is tr2815 , departing at 18:01 and arriving at 19:44. there is also one arriving at 20:44. would that be preferable ? eos O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O Train-Select
+bos what is the departure time for the one arriving at 20:44 ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos that would be train tr5867 departing at 18:01 and arriving at 20:44. would this work better for you ? i can help you book this one if you like . eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos that wo n't be necessary . thank you for your help that is all i need today . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos alright , have a nice day . eos O O O O O O O O general-bye
+bos i 'm looking for a train that leaves from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos there are 1414 trains , what destination do you have in mind ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest
+bos i 'd like to go to broxbourne and arrive by 21:30. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos what day did you have in mind ? eos O O O O O O O O O Train-Request+Day
+bos i would like to leave on tuesday and book travel for 8 people . i will also need the reference number . eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos i 've booked 8 tickets for you on the train arriving at 21:01. your reference number is 4n4r9kbi . can i help you with anything else today ? eos O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes . i 'd like to go to the cambridge artworks . can you provide the address ? eos O O O O O O O O O B-Train-Inform+Depart I-Attraction-Inform+Name O O O O O O O O N/A
+bos they are located at 5 greens road eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos that is their postcode and phone number , please ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the postcode is cb13ef and the phone number is 01223902168. eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A
+bos thank you very much ! that was all the info i needed . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a lovely day ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi , i am searching for a museum to attend in the centre of town . eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are 11 total museums in the centre of town . would you prefer suggestions for art museums , history museums , science museums , galleries ... ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O Attraction-Request+Type
+bos i do n't care of the type of museum . eos O O O O O O O O O O O N/A
+bos i have located williams art and antiques located at gwydir street , no . 5 dale 's brewery . would you like to visit this museum or would you like another suggestion ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O O O O general-reqmore
+bos that sounds good . what is the entrance fee if any , and it 's postcode ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos it is free to get in . the postcode is cb12lj . can i help you with anything else ? eos O O O B-Attraction-Inform+Price O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes i would like a good steak . eos O O O O O O O O O N/A
+bos i can help you find a fantastic steakhouse . do you have a preference for the area of price range of the restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos no thanks , i actually need a train . i 'll be heading to cambridge from peterborough on sunday . i need to leave after 19:15. eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O O N/A
+bos ok , there are 10 different trains , what time did you want to arrive by so we can narrow it down a bit . eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos before that , i need a booking for 3 people . does that narrow it down ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O O N/A
+bos sorry , that does n't really narrow it down , they all have plenty of open seats . eos O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i would like to book the train with the shortest travel time , if that narrows it down . i will also need the reference number . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos train tr3922 is leaving at 19:19 and arriving at 20:09. booking was successful for 3 tickets , totaling 39.59 gbp . the reference number is : wf0t26cv . eos O O B-Train-OfferBooked+People O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you very much . that was all i needed . have a great day . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome , goodbye ! eos O O O O O O O general-welcome,general-bye
+bos hello , can you recommend a 0 star place to stay ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 3 hotels in the area that have a 0 star rating , what area of town would you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Area
+bos do n't care . looking for a hotel that includes free parking and should be cheaply priced . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O Train-Request+Price
+bos we have two options available that meet your criteria , one is in the north and one is in centre . would you like more information about these ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O general-reqmore
+bos yes please , i would like to hear about them both . eos O O O O O O O O O O O O O N/A
+bos they are both guesthouses and offer free wifi and free parking . in the north we have city centre north b & b and in the south is el shaddai . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i like the sound of el shaddai , could you give me the address for that one ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Hotel-Request+Addr
+bos the address for el shaddai is 41 warkworth street . would you like me to book accommodations ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Booking-Inform
+bos not at this time . i am also looking for a train that arrives in cambridge by 08:15 eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will depart from broxbourne . eos O O O O O B-Train-Inform+Depart O N/A
+bos i have found multiple trains that meet the criteria you listed . what day are you traveling on ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Day
+bos i will be traveling on tuesday . eos O O O O O O B-Train-Inform+Day O N/A
+bos train tr5570 arrives the earliest at 06:32. eos O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A
+bos could you give me the train id and price for the one that arrives closest to 08:15 ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Price,Train-Request+TrainID
+bos the id you 're looking for is tr9048 arriving by 07:32 and the price is 17.9 pounds . do you require anything else ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore
+bos no thank you , that is everything . eos O O O O O O O O O general-thank
+bos great , thank you and enjoy your day . eos O O O O O O O O O O general-bye
+bos you have been great . eos O O O O O O N/A
+bos okay , great . enjoy your day ! eos O O O O O O O O O general-bye
+bos i need to catch a train on thursday , departing from birmingham new street . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos okay and what is your destination please ? eos O O O O O O O O O Train-Request+Dest
+bos i am travelling to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos please specify your choice of time for departure and arrival eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to leave after 14:45. eos O O O O O O O N/A
+bos what time do you need to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos i do n't have an arrival preference . eos O O O O O O O O O N/A
+bos i have the tr2148 that leaves at 15:40 for 75.10 pounds . would you like to book it ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos yes i need 6 tickets and the reference number . eos O O O O O B-Train-Inform+People O O O O O N/A
+bos sure thing , i will work on that now and be back with you in a moment . eos O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos you should have replied with the booking information . please book this now or get me a manager . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful ! the reference number is : z8267uzk . is there anything else i can assist you with ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos i 'd like to find a guesthouse with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos we have many fine options , but i recommend the acorn guest house in the north . moderately priced , but 4 stars ! eos O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O N/A
+bos that 'll work . please book it for 6 people for 5 nights . we 'll check in on thursday eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O N/A
+bos the booking for the acorn guest house was successful . your reference number is 0tlagn37 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , thank you . i have everything i need at this time . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . i hope you enjoy your trip . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i need to taxi from ian hong house . eos O O O O O O O O O O Taxi-Inform
+bos sure , where would you like to go ? eos O O O O O O O O O O Taxi-Request+Dest
+bos i 'd like to go to saint johns chop house . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos alright . now , can you just tell me either when you 'd like to leave after or the time you 'd like to arrive by ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i 'd like to arrive by 9:00 please . eos O O O O O O O O O O N/A
+bos booking completed ! booked car type : yellow volvocontact number : 07956401800 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos i need information about colleges in the centre part of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are 13 colleges in this area . maybe we can narrow your search . are there certain colleges or is there certain information i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have no preference but can i get a phone number to one of them ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos corpus christi is my favorite , and well worth the 2-pound admission fee . their phone number is 01223338000. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Fee O O O O O O B-Attraction-Inform+Phone O O N/A
+bos i am also looking for a moderately priced restaurant in the same area as corpus christi . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos there are 21. what kind of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Food
+bos i am looking for asian oriental . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A
+bos yippee noodle bar meets that criteria ! eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A
+bos great . can you please make a reservation for 4 ? we 'd like to arrive around 18:45 on wednesday . eos O O O O O O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos ok. i was able to book that table for you . your reference number is v0xv1nrc . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref general-greet
+bos thanks so much for all of your help ! eos O O O O O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos that is all thank you eos O O O O O O general-thank
+bos i am glad we can help . enjoy your stay ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos thank you , that is all i need . eos O O O O O O O O O O general-thank
+bos ok , good bye enjoy your day . eos O O O O O O O O O general-bye
+bos i 'm looking for a train please . eos O O O O O O O O O Train-Inform
+bos there are several trains , where do you want to go ? eos O O O O O O O O O O O O O Train-Request+Dest
+bos i need to go to norwich from cambridge . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A
+bos what day will you be traveling , please ? eos O O O O O O O O O O Train-Request+Day
+bos i will be traveling on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos what time do you plan to leave cambridge ? eos O O O O O O O O O O Train-Request+Leave
+bos any time on friday , arrive by 1515hrs . get me the train id please eos O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+TrainID
+bos tr3034 arrives by 14:55 , would you like to book a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes please . help me get train id and travel time eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos all set , the total fee is 17.6 gbp payable at the station . reference number 4cuz9l1g . travel time is 79 minutes eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O N/A
+bos thank you , i think that 's all i needed for now . eos O O O O O O O O O O O O O O general-thank
+bos thank you for allowing me to help you . have a great day . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a moderately priced place to eat in the north please eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there 's a restaurant that serves chinese and a restaurant that serves indian food . will one of those work for you ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O general-reqmore
+bos i would prefer the indian restaurant please . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos okay . would you like for me to make a reservation there ? eos O O O O O O O O O O O O O O Booking-Inform
+bos yes . can you book for 8 people at 19:15 on monday ? eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos ok , you 're booked , the table will be reserved for 15 minutes . reference number is : 7y3yqnnr . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos i also need to get a train . eos O O O O O O O O O Train-Inform
+bos alright when would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos i want the train from birmingham new street to arrive in cambridge by 09:30. i plan to travel on monday . please provide me with the travel time for this trip eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Duration
+bos there are 4 options . the travel time for each trip is 163 minutes . eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos get the earliest one , please . eos O O O O O O O O N/A
+bos the earliest train leaves at 05:40 and arrives 08:23. the price is 75.10 pounds and travel time 163 minutes . do you want to book , and if so for how many people ? eos O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos yes i would like to book , for 8 people . eos O O O O O O O O O B-Train-Inform+People O O N/A
+bos okay , it is booked . reference number is vstqej0s eos O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for all of your help ! eos O O O O O O O O O general-thank
+bos thanks , have a great trip ! eos O O O O O O O O general-bye
+bos i need a train going to cambridge that will depart after 10:15 from broxbourne . eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A
+bos i have train tr5678 that would suit you . eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O N/A
+bos could you just tell me when that one departs ? eos O O O O O O O O O O O N/A
+bos train tr5678 departs broxbourne at 10:32 and arrives at cambridge at 11:32. eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos great can you get me a booking for 3 people ? eos O O O O O O O O O O B-Train-Inform+People O N/A
+bos booked ! your reference number is : xzu4z1rr . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos thank you . yes . i am also looking for an international restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are three . two located in the centre that are moderate in price and one in the east that is cheap . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A
+bos i want the one in the east , please book me a table for 3 people . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos certainly . can you please tell me for what day you would like for me to make this reservation ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos can you book it for sunday afternoon ? eos O O O O O O B-Restaurant-Inform+Day O O N/A
+bos what time exactly would you like to dine ? eos O O O O O O O O O O Booking-Request+Time
+bos actually , i 'd like a moderately priced international restaurant in the centre . i need the postcode and address please . sorry , i keep changing my request ! eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos no problem . how about the varsity restaurant located at 35 saint andrews street city centre with phone number 01223356060 ? there is also bloomsbury restaurant if you prefer . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Restaurant-Recommend+Phone O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O N/A
+bos the varsity is good . can i get the postcode please ? eos O O O O O O O O O O O O O Restaurant-Request+Post
+bos the post code is cb23ar . shall i book it ? eos O O O O O B-Restaurant-Inform+Post O O O O O O Booking-Inform
+bos yes , please make the booking and email me the reference number . eos O O O O O O O O O O O O O O Train-Request+Ref
+bos how many people will the reservation be for ? eos O O O O O O O O O O Booking-Request+People
+bos i do not need a reservation for the restaurnt just information . eos O O O O O O O O O O O O O N/A
+bos ok. do you need anything else then ? eos O O O O O O O O O general-reqmore
+bos no that will be all thank you so much for all your help . eos O O O O O O O O O O O O O O O general-thank
+bos okay , thanks for all of your questions . i 'm glad i was able to help you today . goodbye . i hope i helped with the reservations . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me a good museum in town ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos sure , what part of town did you want to visit ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos i 'd like to visit something in the west part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos i 'd recommend cafe jello gallery . their phone number is 01223312112. can i help you with anything else ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O O O O O O O general-reqmore
+bos could you provide me with the address and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos it is free to enter and the address is 13 magdalene street . can i help you with anything else today ? eos O O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay in the west area . it should be 4 stars and have free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos if price is not an issue , i recommend the expensive huntingdon marriott hotel . if you want something cheaper , i recommend the cambridge belfry . eos O O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos can you book me a room at the marriott for 3 nights starting wednesday ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos how many people do you need a room for ? eos O O O O O O O O O O O Booking-Request+People
+bos 1 person please . eos O O B-Hotel-Inform+People O O N/A
+bos you are set , you reference number is 2gpz3dz8 . may i assist you with anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos there 's nothing else i need at this time . thank you very much for your assistance ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos i 'm happy we could be of service . enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O general-bye
+bos i am going to cambridge and want a nice resturant in the west eos O O O O O O O O O O O O O B-Restaurant-Inform+Area N/A
+bos there are 14 nice restaurants to chose from do you have a price range you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Price
+bos can you just pick one and give me the phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos of course ! saint johns chop house is a great place to go . their phone number is 01223353110. can i help with anything else ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O B-Restaurant-Recommend+Phone O O O O O O O O O general-reqmore
+bos find me a place to go in the west and give me their phone numbers eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O Attraction-Request+Phone
+bos clare hall is a great college and admission is free . the phone number is 01223332360. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Phone O N/A
+bos great , i 'll need to find another restaurant also , in the same area of town as clare hall . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos there are a few restaurants in the west part of town ranging from cheap to expensive . do you have a particular cuisine in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food
+bos i like british pub cuisine . eos O O O B-Restaurant-Inform+Food O O O N/A
+bos i recommend graffiti , it 's a british restaurant in the west . it is an expensive restaurant , but it 's so worth it . would you like a reservation ? eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Price O O O O O O O O O O O O O O O O O Booking-Inform
+bos sounds great . i need it for monday at 14:15. there will be 3 in our party . eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O O O O N/A
+bos i was able to book your party of 3 for graffiti this monday at 14:15. your reference number is b0t1zf2w . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos that is all i need today thank you . eos O O O O O O O O O O general-thank
+bos you 're very welcome . enjoy your time in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for something fun to do on the east side of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos funky fun house is my favorite place on the east side ! i do n't have any information on the entrance fee , but their phone is 01223304705. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O N/A
+bos can you please give me the address ? eos O O O O O O O O O Attraction-Request+Addr
+bos yes their address is 8 mercers row , mercers row industrial estate . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos can you book tickets for me ? eos O O O O O O O O N/A
+bos i can not . it does n't give me the option to book tickets . just general information . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , i 'm also looking for an indian restaurant in the same area . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos sure , i have both expensive and moderately priced restaurants . do you have a preference ? eos O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O O N/A
+bos moderately price , please . eos O B-Restaurant-Inform+Price O O O O N/A
+bos ok , i have two options for you - curry prince and rajmahal . would you like any more information about either of them ? eos O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O O general-reqmore
+bos yes , can i please have the postcode , address , and phone number for curry prince ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223566388. eos O O O O O B-Restaurant-Inform+Phone N/A
+bos okay . i still need the postcode and address , please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos cb58jj is there postcode . their address is 451 newmarket road fen ditton eos O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos great , thank you ! also , can you please book me a taxi between the restaurant and funky fun house ? i want to leave the restaurant by 01:30. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos your car is booked . you should be expecting a black lexus . if you need to contact the driver , please call 07955921789. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , everything is set . thank you , again . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos enjoy your time in cambridge . goodbye . eos O O O O O O O O O general-bye
+bos can you help me find a train leaving on sunday and arriving by 18:15 ? eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos where are you departing from and what is your destination ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm going from cambridge to standsted airport . eos O O O O B-Train-Inform+Depart O O O O O N/A
+bos train tr1526 leaves 17:40 and will get you there by 18:08. would you like some tickets ? eos O O B-Train-Inform+Id O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , that would be great . i 'll need tickets for 7 people . i 'll also need the reference number . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos i am looking for information in cambridge . i need a place to dine . eos O O O O O O O O O O O O O O O O N/A
+bos sure , do you have a type of food you are wanting ? eos O O O O O O O O O O O O O O Restaurant-Request+Food
+bos crossover food would be perfect . eos O B-Restaurant-Inform+Food O O O O O N/A
+bos unfortunately , there are n't any crossover restaurants in cambridge . is there something else you 'd like to try ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O N/A
+bos is there a gastropub in centre ? eos O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O N/A
+bos yes , i have two that are expensive and one that is moderately priced . do you have a preference ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Request+Price
+bos let 's go with the moderately priced option . can i please have the phone number ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O N/A
+bos in the moderate price range , i have one place . it 's called the cow pizza kitchen and bar . it 's located on corn exchange street . do you need a reservation ? eos O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform
+bos not right now , but i am looking for a place to stay . are there any 5-star accommodations in cambridge ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i 'm sorry , there are no 5-star accommodations anywhere in cambridge . there are many 4-star options . would you like to try one of those ? eos O O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos do you have one with free parking eos O O O O O O O O N/A
+bos yes the allenbell does . eos O O O B-Hotel-Inform+Name O O N/A
+bos is the allenbell a guesthouse ? eos O O O B-Hotel-Inform+Name O O O N/A
+bos yes , it is a guesthouse . it 's located at 517a coldham lane . would you like me to book this for you ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos is there anything further that i can assist you with today ? eos O O O O O O O O O O O O O general-reqmore
+bos yes , i 'll need a taxi from the restaurant to the hotel . i want to leave the restaurant by 18:30. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos sure . i booked a black bmw for you . contact number : 07568490583 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you so much . eos O O O O O O general-thank
+bos you 're very welcome ! is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O N/A
+bos no thank you ! thanks for your help ! bye ! eos O O O O O O O O O O O O general-bye
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i need help finding a train that departs from leicester . eos O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos what day and time do you want to depart ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos saturday , but i ca n't leave until that night after 21:30. eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Leave O O N/A
+bos tr0974 leaves saturday at 22:09 and arrives in cambridge at 23:54. would you like to purchase a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos that train is fine can you book it for 8 people ? eos O O O O O O O O O O O B-Train-Inform+People O N/A
+bos you are booked for 8 tickets and the total fee is 241.92 gnp at the station . may i help you with anything else today ? eos O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore
+bos do you have a reference number for that booking ? eos O O O O O O O O O O O Train-Request+Ref
+bos yes , sorry about that ! reference number is 77lj6th4 . can i assist you with anything else today ? eos O O O O O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore
+bos i also need information on an attraction called the fitzwilliam museum . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos the fitzwilliam museum is a free museum in the center of town , on trumpington street . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos can you make a reservation ? eos O O O O O O O N/A
+bos i 'm sorry . i 'm not able to make reservations at a museum . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O Booking-NoBook
+bos can i get the address , and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos its on trumpington street and the post code is cb21rb . is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no , that is all i need . thanks for your help . eos O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us have a nice day . eos O O O O O O O O O O O general-bye
+bos i 'm looking for a train that leaves on friday eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos i have several trains leaving on that day . where are leaving from and your destination ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am traveling from kings lynn to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos okay , we have 19 trains leaving on friday . do you have any times you wish to leave and arrive by ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos arrive by 10:45. eos O O O B-Train-Inform+Arrive N/A
+bos i have the tr1612 that leaves friday at 9:11 and will arrive at 9:58. would you like me to book that ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please book for 1 person and provide me with the reference number . eos O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos i booked it for you . your reference number is gwme416r . is here anything else i can help you with today ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a 3 star guesthouse that 's moderately priced and has wifi . eos O B-Hotel-Inform+Internet O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O O N/A
+bos you have 3 choices : one in the south , one in the north , and one in the west . would you like to book a room at one of these ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform
+bos what 's the name of the one in the south ? eos O O O O O O O O O O O O N/A
+bos the bridge guest house . is there anything else i can help you with ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O general-reqmore
+bos what is its address ? eos O O O O O O N/A
+bos the phone number is 01223247942 and postcode is cb28rj . can i help you with anything else today ? eos O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos no , that should be all . thank you ! eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a great stay . eos O O O O O O O O O O general-bye
+bos i am looking for a college in the west . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are five colleges in the west . three are free , the other two have entrance fees of 2.50 pounds . do the entrance fees affect your plans at all ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Request+Price
+bos no , suggest one and let me know the fee and phone number . eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos churchill college is located on storey 's way . there is no entrance fee . the phone number is 01223336233. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O N/A
+bos thanks . can you also help me find a train leaving from cambridge ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos and what is your destination and day of travel please ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i want to get to bishop stafford on tuesday . eos O O O O O O O O O B-Train-Inform+Day O N/A
+bos what time of day would you like to leave ? i have a number of trains that may work for you . eos O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O Train-Request+Leave
+bos i would like to leave after 17:45. eos O O O O O O O B-Train-Inform+Leave N/A
+bos i have train tr5928 available that departs at 19:29 and arrives at 20:07. would you like me to book you a ticket ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no . i just need to know the price . eos O O O O O O O O O O O Train-Request+Price
+bos the price is 10.10 pounds . can i help you with anything else today ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos how long will it take ? eos O O O O O O O N/A
+bos the travel time is 38 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you . that is all for today . eos O O O O O O O O O O general-thank
+bos you are welcome . it was good working with you . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train out of london kings cross please . i 'm headed to cambridge eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O O N/A
+bos okay ! what day would you like to leave ? eos O O O O O O O O O O O Train-Request+Day
+bos i need to get there at 09:45 on monday . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos the tr9276 arrives at 8:08. would that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , i 'll need one ticket . eos O O O O O O O O O N/A
+bos that booking was successful and your reference number is 5150nq2a . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thanks . i 'm also looking for places to go in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos we have many fine attractions in the center of town . might i suggest a ride on the cambridge punter ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos what is their entrance fee ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee
+bos i do n't have any information on their entrance fee . their phone number is 07807718591 if you would like to call and get that information . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O O N/A
+bos ok thank you that 's all i need today . eos O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos can i catch a train to cambridge ? eos O O O O O O O B-Train-Inform+Dest O N/A
+bos you sure can ! where will you be traveling from , and on what day ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i am leaving peterborough on sunday and i need to arrive by 10:15. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A
+bos when do you want to arrive by ? eos O O O O O O O O O Train-Request+Arrive
+bos i need to arrive by 10:15. eos O O O O O O B-Train-Inform+Arrive N/A
+bos tr0774 arrives closest to that time , it will arrive by 10:09. would you like to book a seat ? eos O B-Train-Inform+Id O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , please . i only need one ticket . eos O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 13.2 gbp payable at the station .reference number is : 676itdrh . can i help with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos yes , i am going to need a place to stay while i 'm in town.can you recommend a guesthouse in the south ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what price range would you like ? eos O O O O O O O O Hotel-Request+Price
+bos i want to keep it in the moderate range please eos O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos sure , i would recommend the aylesbray lodge guesthouse . it is 4 stars , includes wifi , parking and is in the moderate range . would you like me to book it ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Stars O O O O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos i actually want a hotel with 3 stars if possible eos O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos the bridge guesthouse is in the south with 3 stars . they have internet and parking . would you like me to make a reservation for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos can i please have their phone number ? eos O O O O O O O O O Hotel-Request+Phone
+bos sure there phone number is 01223247942. is there anything else i can help you with today ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a train to broxbourne . eos O O O O O O O B-Train-Inform+Dest O O N/A
+bos where would you like to leave from , and what day and time would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i 'm going to be leaving from cambridge . i need to leave on tuesday by 13:00. eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos is there a time you would like to get there by ? eos O O O O O O O O O O O O O Train-Request+Arrive
+bos i do n't have an arrival preference . eos O O O O O O O O O N/A
+bos the earliest train leaves at 5:01. the latest train leaving by 13:00 would depart at 12:01. there is also one that leaves at 13:01. the trains run every hour . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave N/A
+bos actually , i 'd like to arrive by 13:00. could you give me the train id for the train arriving closest to that time ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O N/A
+bos train id is tr6357 . would you like to book ? eos O O O O B-Train-Inform+Id O O O O O O O Train-OfferBook
+bos i was hoping you can find me a museum in the centre . eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos there are 11 museums in the city centre . i recommend castle galleries . can i help with anything else ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore
+bos which museum is located in the centre ? can you give me a phone number and address please ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos try the broughton house gallery , at 98 king street . their phone number is 01223314960. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O N/A
+bos yes i also need a train to bishops stortford leaving after 20:15 eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave N/A
+bos i can get some train options for you if you tell me what day you want to leave and where you want to leave from . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i need to leave on saturday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos tr1159 will have you in bishops strotford by 22:07. would you like me to book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please book it for 6 people , and i need a reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos okay , i 've booked 6 train tickets for you . your reference number is nw67ngna . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos nope , you helped with everything i needed today . thanks ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos can you please tell me about the alpha-milton guest house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos absolutely ! they are a wonderful guesthouse in the northern part of town . they are moderately priced and rated 3 stars . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A
+bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos no they unfortunately do not have parking . is there anything else i can help you with or any other information you would like to know about that hotel or area ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos no , thats ok. i do need a train to cambridge on tuesday though . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos where are you departing from ? and what time would you like to arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive
+bos i need to arrive by 15:30 and am leaving london kings cross . eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos tr3456 leaves london kings cross on tuesday at 13:17 and arrives in cambridge at 14:08. the cost is 23.60 pounds . will this meet your needs ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A
+bos what is the total travel time on that one ? eos O O O O O O O O O O O Train-Request+Duration
+bos travel time is 51 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks so much ! eos O O O O O general-thank
+bos is there anything else i can do for you today ? eos O O O O O O O O O O O O general-reqmore
+bos no that will be all . eos O O O O O O O N/A
+bos ok great , enjoy your trip ! goodbye . eos O O O O O O O O O O general-bye
+bos i need help finding a train out of kings lynn . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos trains begin leaving kings lynn at 5:11 , may i know your destination please ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O Train-Request+Dest
+bos my destination is cambridge and i need to be there by 11:30. eos O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr3225 that arrives at 10:58 is that good for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i need to book that for 8 people . can i have the reference number ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos i apologize the system is down please try back later eos O O O O O O O O O O O Booking-NoBook
+bos is the system back up ? can you make that booking i asked for. ? eos O O O O O O O O O O O O O O O O N/A
+bos would day do you want to travel on ? eos O O O O O O O O O O Train-Request+Day
+bos i want to travel on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos you are booked for train id tr1958 . your reference number is h8n2sc1z . the total fee is 78.4 gbp payable at the station . may i help with something else ? eos O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O general-reqmore
+bos thank you ! can you also please recommend a 4-star guesthouse ? eos O O O O O O O O O O O O O general-thank
+bos a and b guesthouse is a nice place , do you want their info ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O general-reqmore
+bos sure that sounds great . i need it for 8 people and 5 nights starting on friday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos you are all set , your confirmation number is 1q0g4owl , can i assist with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that would be it thanks ! eos O O O O O O O O general-thank
+bos you 're welcome , i 'm glad to have helped ! bye now ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a moderately priced hotel that includes free wifi . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O N/A
+bos there are 3 hotels in the moderate price range with free internet . do you want free parking and what area do you want to stay in ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Inform+Internet
+bos i 'd like the accommodations to be a guesthouse , if possible . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos i have found 14 different guesthouses for you . what area are you interested in ? and will you be needing parking ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking
+bos i need a guesthouse in the moderate price range with free wifi . please let me know whether they have free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos the avalon is a guesthouse at 62 gilbert road with free wifi but no parking . would you like to book them or keep looking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos can you tell me what area that 's in ? eos O O O O O O O O O O O Hotel-Request+Area
+bos a and b guesthouse is in the east eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area N/A
+bos i want to go boating in the centre of the town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are two places you could go boating . one is on mill lane and one is on chesterton road . which would you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O Attraction-Select
+bos i would like the phone number for the one on mill lane please . eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos that is 01223359750. the company is scudamores punting co. can i help with anything else ? eos O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore
+bos yes i need a train going to cambridge and arriving by 09:30. eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos there are multiple options but i need more information from you first . where are you departing from and what day do you wish to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i want to leave on tuesday from kings lynn eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos tr9854 departs at 05:11 arriving at 05:58. would you like me to book that for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , please book for me . eos O O O O O O O O N/A
+bos sure , just the 1 ticket ? eos O O O O O O O O Train-Request+People
+bos i need the travel time and price . eos O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the price of the ticket is 9.80 pounds and leaves at 5:11. the duration of trip is 47 minutes . anything else i can do ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore
+bos no . all set . thanks . eos O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a tax departing from kambar and arriving by 23:15. eos O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Leave N/A
+bos okay , and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest
+bos i would like to go to a shanghai family restaurant please . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos i booked that taxi for you . the car is a red honda and the contact number is 07091293811. eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos thank you for you assistance ! eos O O O O O O O general-thank
+bos you 're welcome . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no thank you , that is all i 'll be needing for now . you were great , thank you again for helping me ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using this system ! eos O O O O O O O O general-bye
+bos i am looking for an expensive place to dine in the centre of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A
+bos great kymmoy is in the centre of town and expensive . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O N/A
+bos i want to book a table for 3 people at 14:00 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : vbpwad3j . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much . i would also like to find a train to take me to kings lynn by 10:15. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos there are 35 departures with those criteria . what time do you want to leave ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos the train should arrive by 10:15 please on sunday please . eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Day O O N/A
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos just one ticket . i will need the train id , cost of ticket and exact departure time as well . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos there is a train arriving in kings lynn on sunday at 09:58. it departs at 09:11 and costs 7.84 pounds . the train id is tr6088 . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O N/A
+bos great ! that 's all i needed . thanks a lot for the help . eos O O O O O O O O O O O O O O O O general-thank
+bos glad i could help ! eos O O O O O O general-bye
+bos i need a train to cambridge , leaving from the birmingham new street station . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos i have a train leaving from cambridge on friday leaving on 05:40 and arriving at 08:23. the ride is 163 minutes . eos O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i need a train leaving on thursday at 10:45 eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos when could you like to arrive ? eos O O O O O O O O Train-Request+Arrive
+bos anytime is fine as long as i leave after 10:45. i 'll need a booking for 6 people and a reference number . eos O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref
+bos i suggest tr2613 . it 'll get you there the soonest after 10:45 but not soon enough to where time is tight . it is 450.6 gbp and the reference no . is 5vnl3k87 eos O O O B-Train-OfferBook+Id O O O O O O O B-Train-OfferBook+Leave O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos i will take it . also , i am looking for a place that serves thai food in the west area . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos sala thong is on the west side- it is on the expensive side . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O N/A
+bos thank you , that sounds just right . eos O O O O O O O O O general-thank
+bos great . would you like me to make a reservation for you ? eos O O O O O O O O O O O O O O Booking-Inform
+bos could you give me the address , postcode , and phone number please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos they are found on 35 newham road newham , their postcod is cb39ey and their number is 01223323178. eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O N/A
+bos thank you that is all i need today . eos O O O O O O O O O O general-thank
+bos you are more than welcome . have a wonderful afternoon . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a moderately priced restaurant that has spanish food . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O Train-Request+Price
+bos la tasca is the only matching restaurant . it is in the center of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos i would like to book at la tasca please . eos O O O O O O O O O O O N/A
+bos ok. when and for how many people ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos i want to book a table for 2 people at 16:30 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i 've booked your table for two for wednesday at 16:30. your reference number is : nxlk0z1u . can i assist you with anything else today ? eos O O O O O O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i 'll need a train on the same day , departing from london kings cross . eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A
+bos i found 10 trains do you have a destination or time you would like to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest
+bos yes , i am travelling to cambridge and need to arrive there by 8:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O O N/A
+bos if you want to leave very early , there is a 5:17 train arriving at 6:08. your other option is the 7:17 , arriving at 8:08. eos O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O N/A
+bos can i have the train id and price of the 7:17 departure ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is 407. adult tickets are $ 7.50 each way . eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Ticket O O O O N/A
+bos hmm , that train id and price do n't look right to me . could you double-check that ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos i apologize for my error . the trainid is tr4543 and the price is 23.60. would you like me to book that for you ? eos O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos i just need the departure time confirmed and that 's all , i should n't need it booked . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos tr4543 leaves london kings cross at 07:17 arriving in cambridge 08:08. eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos perfect , thank you ! that 's all i need . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-greet
+bos i want to book a taxi from cambridge artworks . i need to leave after 18:00. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Leave O N/A
+bos hello ! where is the destination ? eos O O O O O O O O Taxi-Request+Dest
+bos i need to go to lynne strover gallery , please . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos you are set up to be picked up by a black lexus . do you want the contact number ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O N/A
+bos yes please give me the contact number eos O O O O O O O O N/A
+bos of course . contact number is 07620354027. do you need anything else ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , that 's all i need today . thanks for your help . bye ! eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-bye
+bos i need to book a taxi from saint johns chop house to williams art and antiques please . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos not a problem , i will need your preferred pick up and arrival times in order to book your cab . eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos the taxi should leave by 3:15. eos O O O O O O O Taxi-Inform
+bos i have booked a taxi for you ! the car is a yellow honda . the contact number is 07799036655. is there anything else you need today ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'm sorry , could you make sure the taxi is actually leaving after 3:15 ? i made an error earlier . eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos no problem , a blue lexus will pick you up at 3:20. the contact number is 07581540721. will there be anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos that should be perfect ! eos O O O O O O N/A
+bos it was a pleasure to help you . eos O O O O O O O O O general-welcome
+bos thank you so much ! eos O O O O O O general-thank
+bos thank you let me know if you need anything else . eos O O O O O O O O O O O O general-bye
+bos hiya , i need a taxi to get me to la margherita . eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos not a problem . can you please let me know where you will be picked up and what time you would like to leave or arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Arrive
+bos jesus green outdoor pool and i want to leave after 23:00 eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O N/A
+bos your taxi ride has been booked . you 'll be picked up by a blue toyota and the contact number is 07733585413. eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O N/A
+bos wonderful , thank you ! eos O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos nope . that 'll be it . eos O O O O O O O O N/A
+bos have a nice day ! eos O O O O O O general-bye
+bos i need to know if there are any polynesian restaurants in the east side of cambridge ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i 'm sorry , we do n't have any . is there something else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos just to confirm , there are no expensive restaurant 's serving polynesian food on the east side , is that right ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos there are no polynesian restaurants in the east at all , cheap , expensive , or otherwise . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O N/A
+bos what about an expensive british place in the east ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos sure , there is the grafton hotel restaurant in that area . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A
+bos great ! may i get the phone number and address ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos they are at grafton hotel 619 newmarket road fen ditton , postcode cb58pa , they can be reached at 01223241387 , can i help with anything else ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , i am looking for a train going to broxbourne by 17:45. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A
+bos how about tr2519 ? it arrives by 10:01. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A
+bos does it depart from cambridge on wednesday ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have train tr2925 available . it departs cambridge on wednesday at 16:01 and arrives in broxbourne at 17:01. will that work ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos yes , that would be lovely . i 'll need to book for 2 people . can i have the reference number please ? eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref
+bos i was able to book that for you for a total of 35.79 gbp . your reference number is 7vrfhber . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O N/A
+bos great thanks so much ! that 's all i need ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i 'd like a taxi to the cafe jello gallery please . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos i would be happy to help you with that . i will need to know where you are departing from and what time you 'd like picked up . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart
+bos i 'd like to picked up from cafe jello gallery after 12:30. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O N/A
+bos i 'm sorry . it seems like your destination and departure site are the same . could you clarify where you 'd like to go and where you 'd like to be picked up from ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos so sorry , i want to leave cafe jello gallery after 12:30 going to the junction . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos that 's no problem . i book a white skoda for you , picking you up at 12:30. the contact # is 07258655313. can i assist you further ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos great , thank you . that 's everything that i needed ! eos O O O O O O O O O O O O O general-thank
+bos have a great day . goodbye . eos O O O O O O O O general-bye
+bos i would like a taxi to shiraz restaurant , leaving after 2:45. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A
+bos i can look that up , where would you like to leave from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i would like to be picked up from addenbrookes hospital . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos a yellow honda will pick you up at 02:45. the contact number is 07082444281. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone N/A
+bos thanks , that 's all i needed . eos O O O O O O O O O general-thank
+bos your most welcome ! please contact us again the next time you need help ! eos O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a museum to go to and it should be in the centre . i would like free admission . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos i have 11 different options to choose from . if you would like a recommendation , the primavera is a great museum to visit ! would you like more information on them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O O O O N/A
+bos i am looking for a museum in the city center . eos O O O O O O O O O O O O N/A
+bos castle galleries is a great place to visit in town centre and also has free entrance . would you like the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos yes , and i will be needing the phone number also . eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos castle galleries is located at unit su43 , grande arcade , saint andrews street , phone 01223307402. can i help you with anything else today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos yes , i was also interested in a european restaurant in the same area . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos we have 6 european restaurants in the centre area . do you have a price preference ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos i need a moderate price range . eos O O O O B-Restaurant-Inform+Price O O O N/A
+bos hotel du vin and bistro or galleria should meet your needs . would you like to book a table ? if you 'd prefer modern european instead , i can make a different recommendation . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O O O O Booking-Inform
+bos galleria sounds good . can you make a reservation for monday for 3 at 12:30 ? eos O O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : g9lkuwqj . can i help with anything else today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i need to book a taxi from the park to get me to the restaurant on time . can you do that for me ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos by park , do you mean castle galleries ? if so , i 've booked you a red skoda . the taxi company can be reached at 07237980218. can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O Taxi-Request+Depart,general-reqmore
+bos yes thank you . i appreciate all your help . good day ! eos O O O O O O O O O O O O O O general-thank
+bos you are welcome enjoy your stay . eos O O O O O O O O general-welcome,general-bye
+bos yes , i 'm searching for a 4 star rated places to stay in town . it does not need to have any internet connection . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O O O O N/A
+bos there are no 4 star hotels without internet . there are 21 four star hotels with internet . what area or price range are you looking for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos do any of them include free parking ? eos O O O O O O O O O N/A
+bos yes , a lot of them have free parking . what price range are you looking for ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos price range does not matter . eos O O O O O O O N/A
+bos in what area would you prefer ? eos O O O O O O O O Hotel-Request+Area
+bos north part of town.cheap would be better . eos O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O N/A
+bos i only am coming up with worth house . would you like me to book that for you ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes , can you book it for 7 people for 4 nights on thursday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry , i was unable to book that one . i have several guesthouses in the moderate price range , would you like me to try one of those ? eos O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform
+bos yes let 's try another hotel in the same price range . eos O O O O O O O O O O O O O Hotel-Inform
+bos i booked you at acorn guest house . your reference number is vmybags7 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that will be all . thanks . eos O O O O O O O O O general-thank
+bos great , enjoy your stay ! please contact me again if you need anything else . eos O O O O O O O O O O O O O O O O O general-bye
+bos i need a cheap room , free parking . eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i have 10 hotels that fit your criteria . do you have a preferred area of town ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos no i dont have a preferred area . it doesnt need to have internet . eos O O O B-Hotel-Inform+Internet I-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos how about the allenbell in the east or the alexander bed and breakfastin the north ? both are guest houses . there 's also the the cambridge belfry hotel in the west . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A
+bos any one of them will do . as long as it has free wifi please . eos O O O O O O O O O O O O O O O O O N/A
+bos what night will you begin your stay and how many nights will you be staying ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i need to book a hotel for just myself . it will be for three nights starting from tuesday . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos i was able to book you at the alexander bed and breakfast . reference number 3auurszj . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos okay glad i could be of help . eos O O O O O O O O O general-bye
+bos im looking for a hotel with free parking and wifi please . eos O O O O O O O O O O O O O N/A
+bos i am happy to help you with that . we have many options that offer free parking and wifi . are you looking for a particular area or price range ? eos O O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet
+bos i am looking for one with a 4 star rating in the guesthouse style . eos O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Type O O N/A
+bos there are 16 matching options . do you have any other criteria , or would you like a recommendation from the current search ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i definitely want the four star in a guesthouse style , not a hotel . would you check again , please . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos we offer 16 such places . do you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos no , just whichever one can accommodate 3 people for 5 nights beginning saturday eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos booked at alexander bed and breakfast . reference number : 80r46awl . eos O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O N/A
+bos thank you so much for your help eos O O O O O O O O general-thank
+bos no problem . do you need anything else today ? eos O O O O O O O O O O O general-reqmore
+bos no thank you that is all i needed . eos O O O O O O O O O O general-thank
+bos great ! thank you for contacting cambridge towninfo centre . good bye . eos O O O O O O O O O O O O O O general-bye
+bos i need a place to stay in the east that has free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos there are many in the east that fit you description . can i find out what type and rating place to stay you are looking for ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Type
+bos a 4 star guesthouse would be ideal , thank you . eos O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos i have 6 guesthouses that fit that criteria . would you like a cheap or moderate priced room ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos either would be fine as long as it can accommodate 6 people for 2 nights starting this sunday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos would you like me to try and book a room for you at the carolina bed and breakfast ? eos O O O O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A
+bos yes please and i need the address , thank you . eos O O O O O O O O O O O O general-thank
+bos i 'm sorry but i was unable to book those times . would you like to try another hotel or time ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos could you try a different hotel in the same pricerange please ? eos O O O O O O O O O O O O O Hotel-Inform
+bos yes sure i was able to book you into the a and b and your reference number is moe0auat . eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A
+bos thank you so much for all your help . that is all i need . eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an economy hotel in the west . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there is 1 guesthouse and 1 hotel in the cheap price range . which would you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O O O Hotel-Select
+bos i would like a hotel that offers free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos the cambridge belfry meets that criteria . would like to me to help you book a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos yes , i 've got a group of six and we want to stay for three nights starting on friday . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , booking you three nights for 6 people starting friday . eos O O O O B-Booking-Inform+Stay O O O B-Booking-Inform+People O B-Booking-Inform+Day O O N/A
+bos thank you , i will just need a reference number for the booking . eos O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos the cambridge butterfly is not open then , shall i try another ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please find another hotel in the same price range for me . eos O O O O O O O O O O O O O O Hotel-Inform
+bos i have you booked into the finches bed and breakfast . your reference number is c12wfp62 . is there anything else i can do for your today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , thank you . that 's all i need . eos O O O O O O O O O O O O general-thank
+bos thank you . do n't hesitate to call again and enjoy your stay . eos O O O O O O O O O O O O O O O general-greet
+bos thank you and have a great day . eos O O O O O O O O O general-thank
+bos you have a good day too eos O O O O O O O general-bye
+bos i need to find a place to stay in the moderate price range with free parking . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i have 14 places that match your request . is there a certain area or type of lodging that you would like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos i am looking for a guesthouse type please . eos O O O O O O B-Hotel-Inform+Type O O O N/A
+bos can i get information on the area you would like the guesthouse in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos yes please , and let try the north part of town . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i have 5 guesthouses available in the north with free parking . what star rating are you looking for ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Parking
+bos i do n't have a preference . eos O O O O O O O O N/A
+bos i 'd recommend the acorn guest house . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos if the acorn guest house has free wifi , please book it for me . eos O O O O O O O O O O O O O O O O N/A
+bos what day would you like it booked for ? eos O O O O O O O O O O Booking-Request+Day
+bos starting sunday for 3 nights and 6 people . eos O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A
+bos i am sorry but i was unable to book that for you . should i try another hotel ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , lets try a different hotel in the same price range . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i could try the home from home for you . would that work for you ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O general-reqmore
+bos only if it has free parking . eos O O O O O O O O N/A
+bos yes it does and i was able to book it for you ! the reference number is lco449vr . eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , so much . that is everything i need . eos O O O O O O O O O O O O O general-thank
+bos thank you for calling . have a great day ! eos O O O O O O O O O O O general-bye
+bos can you help me find a particular hotel ? eos O O O O O O O O O O Hotel-Inform
+bos of course . do you know the name of the hotel ? eos O O O O O O O O O O O O O Hotel-Request+Name
+bos we should be able to help you locate a hotel that will fit your needs . eos O O O O O O O O O O O O O O O O O Hotel-Inform
+bos thats good , but can i get the name of the particular hotel you are looking for , please ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Name
+bos no.just look up any 3 star hotel , please . eos O O O O O O O O O O O Hotel-Inform
+bos there are 33 hotels that are 3 star . is there a particular part of the city ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos any will do as long as it 's in the same price points . i need a reference number too please . eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos what is the price range you are looking to book in ? eos O O O O O O O O O O O O O Hotel-Request+Price
+bos what ever finches is listed at . i need the reference number after its booked please eos O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos alright , how many people are staying , how many days do you want to stay , and what day to you want your stay to start ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos i need it for 4 nights staring from thursday for 6 people please . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos i 'm sorry i was unable to book that for you . would you like to try another hotel ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please . one in the same price range . eos O O O O O O O O O O O N/A
+bos sure i was able to book you into the cambridge belfry and your reference number is 4myondfw . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos great . thank you . that is all i need . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for a hotel called finches ? it 's a bed and breakfast . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos there were no matches found . eos O O O O O O O Hotel-NoOffer
+bos i need to book a room for 4 starting on thursday for 4 nights called finches please . it 's a bed and breakfast . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O O N/A
+bos unfortunately , i am not finding a match for a business by that name . would you like me to try and find another place ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos no let me call back , maybe i have the wrong name . eos O O O O O O O O O O O O O O N/A
+bos what else can i do for you ? eos O O O O O O O O O general-reqmore
+bos i stayed at finches last year . can you please look for it again ? eos O O O O O O O O O O O O O O O O N/A
+bos i was able to find the hotel but the booking was unsuccessful , do you have any other hotel you 'd like to try ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos do you have another hotel in that same price range ? eos O O O O O O O O O O O O N/A
+bos the cambridge belfry is in the same area and the same price range . it 's rated 4 stars . should i try to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform
+bos yes please and give me the reference number . eos O O O O O O O O O O Hotel-Request+Ref
+bos the booking was successful . your reference number is uqmlog0i . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos and thank you for using cambridge towninfo centre ! have a great day ! eos O O O O O O O O O O O O O O O general-bye
+bos is there a hospital near by ? eos O O O O O O O O Hospital-Inform
+bos the medical center in cambridge is called addenbrookes hospital . it is located at hills road , in postalcode cb20qq . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i will need their phone number also . eos O O O O O O O O O Hospital-Request+Phone
+bos the phone number is 01223245151. is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O N/A
+bos no , that 's everything . thanks ! eos O O O O O O O O O general-thank
+bos welcome . at your service next time eos O O O O O O O O general-welcome
+bos great , thanks again . goodbye ! eos O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-greet
+bos i need a hotel that includes free parking please . eos O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos there are 29 hotels with free parking . is there a certain area you would like to stay in so we can narrow the search down some ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos i am not particular about the area . is there a hotel available that has a 2 star rating ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O N/A
+bos there are 2 on the north side and 1 on the east side with 2 star ratings , would you like me to book one for you ? eos O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos yes , book me the one on the east side . eos O O O O O O O O O O O O N/A
+bos how many days would you like to book the room for ? starting when ? also , for how many people ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i 'd like it for 5 people and 5 nights starting sunday , please . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O N/A
+bos the booking was unsuccessful , would you like to try another place ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , lets try a different one . eos O O O O O O O O O N/A
+bos ok , you 're booked at the ashley hotel . your reference number is : 5uh12mnc . is there anything else you need today ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O N/A
+bos can you please confirm the price for the package eos O O O O O O O O O O N/A
+bos this would be 500.22. is there anything else i can help you with ? eos O O O O B-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos i 'd like to find an expensive restaurant where i can eat african food . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i would recommend the bedouin at 100 mill road city centre . can i book a table for you ? eos O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O Booking-Inform
+bos yes , a table for two at 5:00. thanks ! eos O O O O O O O O O O O general-thank
+bos which day would you like that for ? eos O O O O O O O O O Booking-Request+Day
+bos i would prefer sunday at 15:30. eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : nuw9rnii . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need a train from kings lynn on sunday . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what time would you like to travel ? eos O O O O O O O O O Train-Request+Leave
+bos i 'd like to arrive by 12:00. eos O O O O O O O O N/A
+bos tr7763 arrives 11:58 and will cost you 7.84 pounds . can we book ? eos O B-Train-OfferBook+Id O B-Train-OfferBook+Arrive O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O N/A
+bos yes that sounds perfect ! eos O O O O O O N/A
+bos how many tickets will you need ? eos O O O O O O O O Train-Request+People
+bos actually i 'm sorry i do n't need it booked right now . may i get travel time , and departure time ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos of course . tr7763 leaves kings lynn on sunday at 11:11. the duration of the trip will be 47 minutes with arrival in cambridge at 11:58. eos O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O N/A
+bos thank you very much . that is all for now . eos O O O O O O O O O O O O general-thank
+bos are you sure i ca n't help you find some attractions while in town ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos actually , i need a table for 5 , not 2 , sorry about that . eos O O O O O O O O B-Restaurant-Inform+People O O O O O O O O N/A
+bos okay , we 've made the change from 2 to 5. the reference number is 5a2m3rb9 . can i help with anything else ? eos O O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no that 's all i need . thank you for the help ! eos O O O O O O O O O O O O O O general-thank
+bos excellent , have a great day ! eos O O O O O O O O general-bye
+bos i want to take a trip to cambridge , but need some help locating a train . can you provide some information for me please ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O N/A
+bos yes , of course . where would you like to leave from and when would you like to leave ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,general-greet
+bos i 'm leaving from peterborough on tuesday and the train should arrive after 15:30 eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O N/A
+bos just to confirm , did you want to leave after 15:30 or arrive by 15:30 ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos oh , yes , i meant i need to leave after 15:30. i guess that means it will arrive after 15:30 , too , ha ha . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have a train that leaves at 15:48 and arrives at 16:38. would that work for you ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes . what is the price on that ? eos O O O O O O O O O O Train-Request+Price
+bos the price is 16.50 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos please book that train . i 'm also in search of a particular hotel . it 's called worth house . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos how many train tickets will you need ? eos O O O O O O O O O Train-Request+People
+bos just the one , please . eos O O O O O O O N/A
+bos ok , your train ticket is booked ( ref # wyjfk3c4 ) . as far as the worth house goes , it 's a cheap , 4-star guesthouse on the north side of town . eos O O O O O O O B-Train-OfferBooked+Ref B-Hotel-Inform+Stars O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O N/A
+bos can we book the hotel for 1 person and 5 nights starting from tuesday ? eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Train-Inform+Day O N/A
+bos i was able to successfully book you at worth house for 5 nights starting tuesday . your reference number is h38mb0wz . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O O B-Booking-Book+Ref N/A
+bos thank you so much that is everything that i need . eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a great trip ! eos O O O O O O O O O O O general-welcome,general-bye
+bos thank you ! you 've been very helpful . i will be sure to ask for you if i need anything else on our trip . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice trip and stay . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like to find a place to stay with a zero star rating that has free wifi . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos we have 3 places that match your request . do you have an area or price range you 're looking at ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos not really except an expensive one . eos O O O O O O O O N/A
+bos i 'm sorry , there is not an expensive one . i do have a moderate hotel , cityroomz , would you be interested in that ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type B-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos what about one in the cheap price range ? eos O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos el shaddai is a cheap guesthouse in the centre with a 0 star rating . there is also city centre north b and b in the north area . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos el shaddai will do . can you book me there for wednesday ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Day O O N/A
+bos in order to complete your booking , can you tell me how many there are in your party and how many days you would like to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos just 1 person for 3 days , friday through monday . eos O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O N/A
+bos friday through monday would be 4 days , not 3. would you like me to book you for the 4 days instead of 3 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay
+bos oh , yes . that is fine . and can i get the post code for the guesthouse ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos of course , the post code is cb11eg . eos O O O O O O O B-Hotel-Inform+Post O O N/A
+bos are you able to help me find a train on friday ? eos O O O O O O O O O O O B-Train-Inform+Day O N/A
+bos absolutely ! i have over 400 trains on friday ! where are you leaving from and going to ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i need to go from bishops stortford to cambridge , please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A
+bos what time would you like to travel ? oh , and did you need that hotel reservation made , or no ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Booking-Inform
+bos i would like to arrive in cambridge by 17:45. and no , i got the information i needed on the hotel for now , thanks . eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O N/A
+bos train tr0465 arrives by 16:07 in cambridge . shall i book that for you now ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O Train-OfferBook
+bos no , just tell me the price , i 'm not ready to commit to anything yet . eos O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos the cost per ticket is 10.10 pounds for that route . is there anything more i can assist you with ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O general-reqmore
+bos no , you 've been great . thanks for your time . bye . eos O O O O O O O O O O O O O O O general-bye
+bos bye , enjoy the trip . eos O O O O O O O general-bye
+bos i need to get to the nearest police station , can you assist me ? eos O O O O O O O O O O O O O O O O Police-Inform
+bos cambridge , parkside police telephone number 01223358966. eos O O O O O O O O N/A
+bos thank you , what 's the post code ? eos O O O O O O O O O O Police-Request+Post
+bos the post code is cb11jg . eos O O O O O O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you 're welcome . can i help you with anything else ? eos O O O O O O O O O O O O O general-reqmore
+bos that is all . thanks eos O O O O O O general-thank
+bos okay . have a good day and thanks for using our system . eos O O O O O O O O O O O O O O general-bye
+bos please help me book a taxi to nandos eos O O O O O O O O B-Taxi-Inform+Dest N/A
+bos sure . what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i 'm leaving from riverboat georgina . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos okay , and what time would you like to leave or arrive by ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i would like to leave after 09:45. eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos okay i have a yellow lexus with the contact number 07014284224. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos thank you that is all i need . eos O O O O O O O O O general-thank
+bos have a good day . thank you for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos i need a train . the train should leave on wednesday and should go to stevenage . eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A
+bos i have 10 options available . is there a particular time you wish to depart ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos yes , i have to leave cambridge and arrive by 19:45 in stevenage . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O N/A
+bos tr5695 departs at 05:21 and arrives at 06:10. can i book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes please , just myself . can you please provide the reference number as well ? eos O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 12.8 gbp payable at the station . reference number is : 26izgbi5 . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos i need a hotel as well . eos O O O O O O O O Hotel-Inform
+bos ok , where are you wanting the hotel to be at , or do you have a specific price range you would like to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos no price range , please book me a place and i need postcode eos O O O O O O O O O O O O O O Hotel-Request+Post
+bos what type of lodging would you prefer ? and in which area ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos actually i think i 've heard of a specific place - the bridge guest house ? do you have any info on them ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A
+bos the bridge guest house is located in the south and is in the moderate price range . would you like to make reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos no , i do n't need a reservation at this time . but can you provide me with their postcode ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos sure , the postcode is cb28rj . anything else i can get you today ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos no that is all the information i needed . thank you for all your help . goodbye eos O O O O O O O O O O O O O O O O O O general-bye
+bos your welcome , good bye eos O O O O O O general-welcome,general-bye
+bos i 'm interested in places that you can get a 1-star room for the night . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos we dont have any one star hotels eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type N/A
+bos the hotel should be in the cheap price range and should include free wifi . eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i have the cambridge belfry , it is cheap and has wifi . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos is it a 4 star place ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos it is a 4 star hotel . eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos sure , please book it for 4 people for 5 nights from saturday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful . reference number is : xq9ki92a . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos thank you for using our services . do you need further assistance ? eos O O O O O O O O O O O O O O general-greet,general-reqmore
+bos no , i am done for the day . thanks again . bye ! eos O O O O O O O O O O O O O O O general-bye
+bos thank you for calling . have a nice day . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i 'd like to find a train going to cambridge that leaves on sunday . eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O N/A
+bos ok , and where are you departing from ? eos O O O O O O O O O O Train-Request+Depart
+bos i would be leaving from peterborough . i need to arrive in cambridge by 19:30 though . eos O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos okay , there are a few trains available . what time would you like to depart ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos my departure time is flexible . eos O O O O O O O Train-Request+Leave
+bos the earliest train is tr3782 which leaves at 05:19 , would you like me to book some tickets for you ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook
+bos no , that wo n't be necessary . i would like to get the price , though . eos O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos of course . the price for the train running from peterborough to cambridge on sunday is 13.20 pounds . is there anything else i can assist you with ? eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore
+bos i am also looking for a hotel called alpha-milton guest house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos okay . it 's a 3-star guesthouse in the north area with no internet or parking . is there more you would like to hear ? eos O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos that sounds great . can i just get the postcode please ? eos O O O O O O O O O O O O O Hotel-Request+Post
+bos the post code of the alpha-milton guest house is cb41xa . is there anything else i can assist you with today ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos no , i believe that is everything . thank you . eos O O O O O O O O O O O O general-thank
+bos not a problem , please contact us again if you need any further assistance . eos O O O O O O O O O O O O O O O O general-greet
+bos hello ! my friends told me about a hotel called alexander bed and breakfast . can you get me some information about it , please ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O N/A
+bos yes she lives in . barbers lost his son and and sleeps and eats a lot eos O O O O O O O O O O O O O O O O O N/A
+bos do they have internet ? how many stars does it have ? and whats its postcode ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Post,Hotel-Request+Internet
+bos they have internet , it has a 4 star rating , and the postcode is cb12de . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Post O O O Hotel-Inform+Internet
+bos great ! i will also need a train . i need to leave on saturday and depart from cambridge . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos what is your desired destination and timeframe for travel ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive
+bos going to london kings cross . i want to leave after 10:15. eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A
+bos the tr5170 departs cambridge on saturday at 11:00 and arrives in london kings cross by 11:51. would you like me to book that for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no thank you . i would like the travel time and price information if you can provide it , however . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the tr5170 's trip duration is 51 minutes , and it costs 18.88 pounds . can i help with anything else today ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore
+bos i believe that will be everything . eos O O O O O O O O N/A
+bos have a great trip ! eos O O O O O O general-bye
+bos thank you . you have been very helpful . eos O O O O O O O O O O general-thank
+bos it 's my pleasure . goodbye1 eos O O O O O O O general-welcome,general-bye
+bos hi there . i could use some help finding a place to stay that is 4 star rated . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos could you be more specific , for example what is the price range you are looking for ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos price does n't really matter . i would like free parking though . eos O O O O O O O O O O O O O O N/A
+bos acorn guest house has 4-stars and has free parking . would like to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , for 1 person for 5 nights starting on thursday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i am sorry but acorn guest house is heavily booked . do you want to book for another day or for a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos what about 3 nights ? eos O O O O B-Hotel-Inform+Stay O N/A
+bos booking was successful . address is 154 chesterton road . postcode cb41da . reference number is : iohuvga1 . anything else i can help you with ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Ref O O O O O O O O O O O O O Booking-Book,general-reqmore
+bos i also need a train . eos O O O O O O O Train-Inform
+bos okay , i can help you with that ! where will you be departing from , and what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be leaving cambridge headed to birmingham new street . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are a lot of trains that go that route what day and time do you want to leave or arrive by ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i need to leave on sunday after 16:00 please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A
+bos the first train departing cambridge after 16:00 is the tr2776 , leaving 16:01 , arriving in birmingham , new street at 18:44. would you like to book a seat on this one ? eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please ! and i 'll need the reference number . eos O O O O O O O O O O O O O N/A
+bos the booking was successful . your total is 60.08 gbp , payable at the station . your reference number is vfirsfks eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos ca i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos that will be everything , thank you . eos O O O O O O O O O general-thank
+bos i hope you enjoy your stay . have a good day . eos O O O O O O O O O O O O O general-bye
+bos okay good bye . eos O O O O O general-bye
+bos happy to help . eos O O O O O general-welcome
+bos are there any trains leaving from stansted airport on thursday ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have 19 trains available . could you narrow it down to a specific destination and departure time please . eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving for cambridge and it should arrive there by 20.45 eos O O O O O B-Train-Inform+Dest O O O O O O O N/A
+bos the train that arrives the closest to your preferred time is tr2286 which arrives at 19:52. does that work for you ? eos O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos i would like to make a booking for tr2286 for 1 person . eos O O O O O O O O O O O O B-Train-Inform+People O N/A
+bos ok , i 've booked you 1 ticket on tr2286 . the fee of 10.10 gbp is payable at the station . your reference code is qhkc3mof . anything else i can do ? eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos thank you i also need a place to stay that is a guesthouse with free parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos i have several results matching your request . what price range and area of town would you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i do n't have a preference for area , i would just like it to have 4 stars and a moderate cost with free parking . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O Hotel-Request+Area
+bos there are 9 options for a guesthouse with your requested price and amenities . the aylesbray lodge guest house is lovely this time of year , if you 're interested ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O N/A
+bos that works . what 's the phone number , area , and if they have internet ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Internet
+bos aylesbray lodge guest house is in the south of town , their phone number is 01223240089 and they have internet eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O Hotel-Inform+Internet
+bos could you book it for me ? eos O O O O O O O O N/A
+bos i 'd be happy to . when would you like to begin your stay , and for how many nights would you like rooms reserved ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i just need it for one night for one person please . can you tell me which area it is in ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos it is in the south area . eos O O O O O B-Hotel-Inform+Area O O N/A
+bos thank you very much , i think that 's all i needed . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a good day ! eos O O O O O O O O O O general-welcome
+bos i 'd like to find a place to stay in the south which has free parking . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos okay , i have found 4 hotels on the south side with parking . did you have a price range in mind ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos something expensive . i prefer a guesthouse though . eos O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O N/A
+bos i am sorry but there are no guesthouses in the expensive price range in the south with free parking . do you want to change your price range or area ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O O Hotel-NoOffer+Parking,Hotel-Request+Area,Hotel-Request+Price
+bos how about one in the cheap price range , are you able to locate one of those ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A
+bos there is one , shall i book it ? eos O O O B-Hotel-Inform+Choice O O O O O O Booking-Inform
+bos can you let me know if they have internet , and then let me know their address and phone number ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Internet,Hotel-Request+Addr
+bos rosa 's bed and breakfast does have internet . the address is 53 roseford road and their phone number is 01223512596 eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Internet
+bos i also need a train . eos O O O O O O O Train-Inform
+bos i can help with that , too . when and where do you need a train ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Day,Train-Request+Depart,Train-Request+Leave
+bos i need to leave from stansted airport after 10:30 eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day
+bos on thursday i need to book it for 3 people . eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+People O N/A
+bos alright , i have booked you 3 tickets for the tr7920 train , leaving stansted airport at 11:24. your reference number is vkbyclsb . eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thank you . that will be all . eos O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos yes i am looking for a train to arrive by 20:45 that is leaving cambridge . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O N/A
+bos is there a specific date of travel ? eos O O O O O O O O O Train-Request+Day
+bos yes , i 'd like to leave on sunday . eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos and where you you like to leave from and go to ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'll be going from cambridge to kings lynn , to visit my sister ! have n't seen her in forever . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O N/A
+bos tr3212 leaves at 05:11 and arrives at 05:58. can i book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , for six people . i will need the reference number . thank you . eos O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 47.04 gbp payable at the station .reference number is : l5ruwchn . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i will also need a place to stay . a guesthouse and it should include free wifi . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos okay , i can look that up for you . did you want to stay in a particular area of town ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't care about the area , but it needs to be cheap and have free parking . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i can see if there are rooms available at alexander bed and breakfast in centre . they are cheap , have free parking as well as free internet . eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet
+bos sounds great , can you give me their phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone
+bos their number is 01223525725. is there anything else i can assist you with ? eos O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos no . thanks for your help . eos O O O O O O O O general-thank
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to book a train from leicester that leaves after 15:30. eos O O O O O O O O B-Train-Inform+Depart O O O O O N/A
+bos where is your destination ? eos O O O O O O Train-Request+Dest
+bos i 'm trying to get the leicester from cambridge , actually . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O N/A
+bos what is the day of travel ? eos O O O O O O O O Train-Request+Day
+bos it will be on saturday . eos O O O O O B-Train-Inform+Day O N/A
+bos i have a train that leaves at 16:21. if that works for you , i 'd be happy to book your seat . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-OfferBook
+bos great , can you book it for 2 people ? eos O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 60.48 gbp payable at the station .reference number is : 6oine67f . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am also looking for an attraction called the cambridge corn exchange . i would like to know the area and the address please . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos the area of the cambridge corn exchange is centre . the address is on wheeler street . is there anything else i can help with ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore
+bos no , that is all . good bye . eos O O O O O O O O O O general-bye
+bos i am happy i could assist you today . let us know if you need anything else . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train departing from ely going to cambridge ? eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos is there a day of the week you would like ? eos O O O O O O O O O O O O Train-Request+Day
+bos yes . i am looking for a train that 's leaving on wednesday after 19:30. eos O O O O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos i have one leaving at 19:35 and arriving at 9:52 will this work for you ? eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O N/A
+bos this train sounds good , but would n't like to book yet . can i get the train id ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos the number is tr032 . is there anything else i can help you with ? eos O O O O B-Train-Inform+Id O O O O O O O O O O O general-reqmore
+bos i am also looking for a place to stay eos O O O O O O O O O O N/A
+bos there are many great places to stay around town , what area did you have in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't mind . eos O O O O O O N/A
+bos there are 33 options , so let 's narrow it down . did you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos yes , i am looking for something expensive . eos O O O O O O O B-Hotel-Inform+Price O O N/A
+bos okay . you have five options . would you like to narrow it down by area , stars , or internet and parking preferences ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Stars,general-greet
+bos nope . what 's the address and price range for your favorite one ? and do they offer internet ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet,Hotel-Request+Addr
+bos i highly suggest the lensfield hotel . it is located on 53-57 lensfield road and is expensive . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Price O O N/A
+bos i want to stay at a guesthouse with free parking , actually , if possible . are there any that you can recommend for me , please ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O N/A
+bos sorry there are no guesthouses in the expensive price range . i do show there are 3 in the moderate price range . would you like one of those ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price O O O O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O N/A
+bos yes please , is there one in the north ? eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are seven in the north area in the moderate price range . would you like to make a booking ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos i need any guesthouse in the north that includes free parking . whatever one you reccomend will work just fine . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the acorn guest house offers everything you need . their contact number is 01223353888. do you need me to do the booking ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform
+bos no , that is all i need , thank you . eos O O O O O O O O O O O O general-thank
+bos okay , if you think of anything else you need , then do n't hesitate to give us a shout ! but otherwise , goodbye and have a good trip ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i want a guesthouse eos O O O O B-Hotel-Inform+Type N/A
+bos i can certainly help you with that . what area are you wanting to stay in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos it does n't really matter just someplace moderately priced with free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i recommend avalon . can i book for you ? eos O O O B-Hotel-Recommend+Name O O O O O O O Booking-Inform
+bos can i have their phone number ? do they have free parking ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking
+bos their phone number is 01223353071 but they do n't have free parking . eos O O O O O B-Hotel-Inform+Phone O O O O O O O O Hotel-Inform+Parking
+bos now i need a place to have some fun eos O O O O O O O O O O N/A
+bos there are lots of options . one place i could recommend is the funky fun house . would you like some other recommendations ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore
+bos anything will do as long as it 's a nightclub in the centre . eos O O O O O O O O O O O O O O O N/A
+bos i have a few entertainment attractions , though i 'm not pulling up any nightclubs . can you be more specific , please ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O N/A
+bos yes i am looking for a nightclub in the city center and i need their phone number and entrance fee . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the ballare nightclub phone number is 01223364222 and the entrance fee is 5 pounds . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Fee N/A
+bos need a hostel , free parking and in the north please . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have found 11 results for places in the north that have free parking , would you prefer a guesthouse or hotel ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would prefer a hotel with a 4 star rating . eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A
+bos there is nothing that fits that criteria , can i look up something else ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos it can be a guesthouse or a hotel . does that open up my options ? eos O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i have 7 different options . i have all different price ranges . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Request+Price
+bos any one of them would be fine . can i get the post code and phone number ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos the acorn guesthouse is at 154 chesterton road postcode cb41da . their phone is 01223353888. can i make you a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform
+bos yes please make a reservation . eos O O O O O O O N/A
+bos how many people do you need the booking for ? eos O O O O O O O O O O O Booking-Request+People
+bos just one person please . eos O O O O O O N/A
+bos what day would you like your reservation to begin , and how long would you like to stay ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay
+bos actually , i need to know , does the acorn guesthouse have internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Internet
+bos yes it does ! free parking too . eos O O O O O O O O O Hotel-Inform+Parking
+bos great ! i 'm also looking for a restaurant in the same area as the hotel that serves expensive french food . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos restaurant two two is an expensive french restaurant on the north side . would you like me to make a reservation for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos no , i do n't need a reservation . i could use the address , postcode and phone number though . eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos restaurant two two 's phone number is 01223351880 , the address is 22 chesterton road chesterton , and the postcode is cb43ax . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O N/A
+bos great . thanks for all your help ! eos O O O O O O O O O general-thank
+bos thank you and enjoy your visit to cambridge . eos O O O O O O O O O O general-bye
+bos i need to book a train eos O O O O O O O Train-Inform
+bos i can help you with that . where are you headed ? eos O O O O O O O O O O O O O Train-Request+Dest
+bos i am going to cambridge . eos O O O O O B-Train-Inform+Dest O N/A
+bos great , can you tell me where you will be departing from and which day you want to travel and at what time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Depart
+bos i will be leaving from london liverpool street going to cambridge on sunday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A
+bos there is a train that leaves at 5:39 would you like me to book it for you ? eos O O O O O O O O B-Train-OfferBook+Leave O O O O O O O O O O N/A
+bos yes please , just for one person . eos O O O O O O O O O N/A
+bos your booking was successful . your reference number is dwzmv9ks . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks ! now can you help me find an expensive gastropub restaurant in the centre please ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are two that meet your criteria . the backstreet bistro , and the slug and lettuce . would you like me to book one of those for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos i 'm not ready to reserve a table just yet , but could you give me the address , phone , and postcode for the slug and lettuce , just because its name is so awesome ? eos O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their address is 34 - 35 green street , cb23ju . there is no phone number listed . i can reserve a table for you if you 'd like . eos O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O O O O Booking-Inform
+bos no i just needed the information , thanks for your help you 've be so helpful ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos no problem , it was a pleasure assisting you today ! eos O O O O O O O O O O O O general-bye
+bos i need a place to dine in the centre of town , serving eritrean food . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i can not find an eritrean restaurant in that area , would you like me to look up another area or cuisine type ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos can you check another area ? eos O O O O O O O N/A
+bos there are none in town . is there another type of food you would like ? eos O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Food
+bos sure , how about british ? moderate prices in the centre is necessary . eos O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O Train-Request+Price
+bos restaurant one seven is located on devere university arms regent street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos i need a table for 6 on tuesday . at 13:30. eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i have booked it reference number is : wz2pqdlr . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos thank you very much for your time . have a nice day ! eos O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us today . have a nice day . eos O O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to eat in cambridge today ! eos O O O O O O O O O O O O O N/A
+bos the yippee noodle bar is an excellent restaurant that serves asian oriental food and is in the moderate price range . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A
+bos i want to find a european restaurant in the centre . try again please . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos sure , there are plenty of options . i would recommend de luca cucina and bar if you are interested in modern european cuisine . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O N/A
+bos what is the address ? eos O O O O O O Restaurant-Request+Addr
+bos the address is 83 regent street postcode cb21aw . would you like me to book a table for you ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos no but i do need help getting a train going to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i will be traveling on saturday . eos O O O O O O O O N/A
+bos what time do you need to leave by ? eos O O O O O O O O O O Train-Request+Leave
+bos i would be leaving from london liverpool street going to cambridge . i would need to arrive by 12:45. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos the tr0637 arrives by 11:07. would that work ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O N/A
+bos yes that will work fine . can you book that . eos O O O O O O O O O O O O N/A
+bos ok , you are booked on the tr0637 departing at 09:39. the total fee is 16.6 gbp payable at the station .reference number is : iac5v0tc . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's great ! what 's the travel time ? eos O O O O O O O O O O O Train-Request+Duration
+bos the total travel time on that train is 88 minutes . eos O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thanks , that is all eos O O O O O O general-thank
+bos have a wonderful visit . eos O O O O O O general-bye
+bos please help me locate an expensive restaurant located in the centre . thanks . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos great , i have 33 options for you . any particular cuisine you 'd like ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food
+bos i would like european food . eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 3 options for you : eraina , michaelhouse cafe , and darrys corkhouse and wine shop . would you like the phone numbers for any of these ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Restaurant-Select,general-reqmore
+bos can you book darrys corkhouse for 7 people on sunday at 16:30 ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos i have reserved you a table and the reference number is 10hhslxw . can i help you with anything else today ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need help finding a train going to ely . eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos when would you like to leave or arrive and what day would you like to travel ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i want to leave after 15:30. eos O O O O O O O N/A
+bos i have a number of trains to choose from . what day would you like to book your travel on ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos i need the train for monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos what time would you like to leave and arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos no preference for when i arrive but i 'd like to leave after 15:30. eos O O O O O O O O O O O O O O O N/A
+bos ok i will book it for you eos O O O O O O O O Train-OfferBook
+bos i want to depart from cambridge by train . eos O O O O O O B-Train-Inform+Depart O O O N/A
+bos i can help with that , what day are you looking to depart on ? eos O O O O O O O O O O O O O O O O Train-Request+Day,general-greet
+bos i would like to leave on saturday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos and where will you be heading to ? eos O O O O O O O O O Train-Request+Dest
+bos i am going to stansted airport . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos and what time do you want to leave or arrive ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 13:00. eos O O O O O O O B-Train-Inform+Leave N/A
+bos first train out after 13:00 is tr6193 , leaving at 13:40. it 's a 28-minute trip , and each ticket is 8.08gbp . would you like to book passage ? eos O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos yes please . i need 1 ticket . eos O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful your reference number is tnu1h19g . do you need assistance with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes please . i need an expensive restaurant located in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A
+bos you have some great choices . do you have a preferred cuisine ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food
+bos not really , no . what 's the address , postcode , and phone number for your favorite ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos oh well if your letting me decide then kymmoy serves the best asian oriental food ! phone is 01223311911 postcode is cb12as and they are at 100 mill rd city centre eos O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thanks ! that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos have a nice day and thank you for calling . eos O O O O O O O O O O O general-bye
+bos i need to a train that goes to cambridge , from stansted airport . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos there are 133 trains traveling from stansted airport to cambridge between friday and wednesday . what day did you want to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would like to travel friday around 2pm eos O O O O O O B-Train-Inform+Day O O N/A
+bos the tr2819 fits the bill , would you like me to book you passage ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook
+bos yes please and a reference number please thank you eos O O O O O O O O O O general-thank
+bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : lq076j6z . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos did i mention i need two tickets ? there are 2 of us . sorry . eos O O O O O O O O O O O B-Train-Inform+People O O O O O N/A
+bos not a problem . the reference number is bytskqjt , and the price is 20.2 gbp , payable at the station . is there anything else i can assist you with ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O O O N/A
+bos i also want to find a restaurant that serves mediterranean food for a cheap price . i 'd like a reservation for 2 people that same day . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+People O O O O O N/A
+bos there is the gardenia in the centre that meets your criteria . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos sure , please book it for saturday at 17:15 , for 2 people . and tell me the reference number eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos alright i 've made that booking they will hold the table for 15 minutes and the reference # is 0ves7lp4 . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that 's it . thank you . goodbye . eos O O O O O O O O O O O O general-bye
+bos you 're welcome , have a great time . eos O O O O O O O O O O general-welcome
+bos i am planning my trip to cambridge and am trying to find european food , can you help me ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos you should go to the centre . there are a few european places there . eos O O O O O O B-Restaurant-Recommend+Area O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O N/A
+bos can you help me narrow that down a little ? can you provide the name of an expensive european restaurant that is in the centre ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A
+bos i have three . european and modern european . which do you prefer ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select
+bos the first one sounds good . can you book a table for 5 on thursday at 11:00 ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos you 're all set ! your reference number is 57618wih . do you need anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos yes , i will need a train from cambridge to stevenage . can you help me with that also ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O N/A
+bos i 'll be glad to look up that information , what day will you be traveling ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day
+bos on friday and i 'll be leaving after 11:30 eos O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O N/A
+bos the tr7852 leaves at 13:21 and arrives at 14 ; 10. it is 12.80 pounds . would you like to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook
+bos yes please and then provide me with the reference number . eos O O O O O O O O O O O O N/A
+bos for how many tickets ? eos O O O O O O Train-Request+People
+bos i need 5 tickets please . eos O O O O B-Train-Inform+People O O N/A
+bos i have made those reservations and your reference number is 3uayafcv . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you very much for your time . bye ! eos O O O O O O O O O O O general-bye
+bos goodbye . have a great time ! eos O O O O O O O O general-welcome,general-bye
+bos hello , can you recommend a hotel in the north of town with free parking , please ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i have 2 both moderate pricing . the ashley hotel or the lovell lodge . would you like me to book one for you ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos are either of those guesthouses in the moderate price range ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A
+bos yes , both of them are ! we 've got ashley hotel and lovell lodge . do you have a preference ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O general-reqmore
+bos book ashley hotel for 2 people and 3 nights starting from saturday eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A
+bos your booking was successful ! the reference number is 4ij1wv2n . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you for handling the lodging . i am looking for something to do in the area by the hotel . any suggestions ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about milton county park ? it is the north part of town . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos i like the sound of that . can you tell me the type and entrance fee please ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos it is a park and the fee is free eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Fee N/A
+bos i also need a taxi to between the 2 places . i need to leave milton county park by 12:15. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart
+bos i 'll be leaving from the hotel . eos O O O O O O O O O Hotel-Inform
+bos are you wanting to leave from the park or the restaurant ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i 'll be leaving from the park . eos O O O O O O O O O N/A
+bos okay , be on the lookout for a black bmw . contact number is 07120499687. anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos that 's it for me . thank you , bye ! eos O O O O O O O O O O O O general-bye
+bos thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-greet
+bos hi , i am looking for a restaurant called nandos city centre . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos sure , i have their information . what would you like to know ? eos O O O O O O O O O O O O O O O N/A
+bos please do assist to book a table for 3 people for me for friday dining by 13:45 and also let me have their address and phone number . eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A
+bos your restaurant booking was successful . the table will be reserved for 15 minutes . reference number is : ih9elvha . is there something more i can help with ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a train eos O O O O O O Train-Inform
+bos okay , where will you be departing from and what is your destination please eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'll be leaving broxbourne and traveling to cambridge on friday . i must arrive by 10:30 eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O N/A
+bos tr5570 will be perfect . shall i book it ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O Train-OfferBook
+bos yes , please and can you provide me a reference number ? eos O O O O O O O O O O O O O N/A
+bos how many people need train tickets ? eos O O O O O O O O Train-Request+People
+bos i need the train for 3 people . eos O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 53.7 gbp payable at the station , reference number is : gzwmon81 . any further questions today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore
+bos thanks that 's all i need for the night . eos O O O O O O O O O O O general-thank
+bos thank you very much and have a wonderful evening . eos O O O O O O O O O O O general-bye
+bos i need some information on taking a train from kings lynn to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos sure , when are you planning to travel ? eos O O O O O O O O O O Train-Request+Day
+bos wednesday , and can you please make sure i get there before 19:00. i do n't want to miss wheel of fortune . eos O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the last train with id tr3677 departing kings lynn to cambridge on wednesday will be the best option for you . it will depart by 17:11 and arrive by 17:58. eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A
+bos thank you . what is the price for that train with id tr3677 ? eos O O O O O O O O O O O O O O O Train-Request+Price
+bos they are 9.80 pounds each eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you . i am also looking for a multiple sports type attraction in the town centre . can you tell me what is available ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos i 'm sorry i do not have any multiple sports locations in the centre of town . eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O N/A
+bos what about the type of a museum ? eos O O O O O O O O O N/A
+bos i am sorry i do not see any museums in the centre of town . eos O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O N/A
+bos could you please check again . if you find one could i have the postcode please ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos the broughton house gallery has the postcode cb11ln . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O N/A
+bos i think that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for using out service . eos O O O O O O O O general-bye
+bos can you help me find a restaurant located in the south area ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos is there any type of food you would like ? eos O O O O O O O O O O O Restaurant-Request+Food
+bos i would like chinese food , please . eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i have two with an expensive price range and one in the cheap range . would any of those work for you ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos book the expensive one a table for 4 people at 13:00 on monday eos O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos both `` the good luck chinese food takeaway '' and `` peking restaurant '' are in the expensive range in the south . which would you like me to try first ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos it does n't matter . just book one for 4 people at 13:00 on monday . i need the reference number . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref
+bos i was able to get a table for 4 at the good luck chinese food takeaway on monday at 13:00. your confirmation number is 06yu8wnx . eos O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A
+bos great ! i also need a place to stay in the same area as that restaurant , and i need free parking . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos your best bet in the south is the aylesbray lodge guest house . it 's a moderately priced 4-star guesthouse . eos O O O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O N/A
+bos i need it to include free wifi . eos O O O O O O O O O N/A
+bos it does include internet along with free parking , shall i book you ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i just need the address please . eos O O O O O O O O Hotel-Request+Addr
+bos sure the address is 5 mowbray road . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos can you help me book a taxi to get between the two ? eos O O O O O O O O O O O O O O Taxi-Inform
+bos which one will be leaving from ? eos O O O O O O O O Taxi-Request+Depart
+bos from the hotel to the restaurant , then back . eos O O O O O O O O O O O N/A
+bos alright i got your taxi and it will be a white volkswagen and your contact number is 07658312417. will that be all for today ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no that is all . thank you ! eos O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i want to find a train leaving cambridge and going to bishops stortford . can you help me ? eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O N/A
+bos yes i can what time are you wanting to leave by ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos we need it to leave after 17:00 on sunday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos i have train tr6742 that leaves at 17:29 and will have you in bishops stortford by 18:07. will that work for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A
+bos yes could you book one ticket for me and give me the reference number ? eos O O O O O O O O O O O O O O O O Train-Request+Ref
+bos reference number is : bvd5qp16 . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos perfect , thanks ! yes , actually there is one more thing . please get me information on the huntingdon marriott hotel eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos it is located in the west , is expensive and has 4 stars . eos O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A
+bos can you tell me if they have free parking ? eos O O O O O O O O O O O Hotel-Request+Parking
+bos they do have free parking . eos O O O O O O O Hotel-Inform+Parking
+bos i think that is all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me about any expensive places to dine in the east side ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are several . is there a certain type of food you would like to have ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like to go to a tuscan restaurant , please . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos unfortunately , there are not any tuscan restaurants in town at all . is there another type of cuisine you would enjoy ? perhaps maybe italian ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O B-Restaurant-Recommend+Food O O O Restaurant-Request+Food
+bos are there any expensive restaurants in the east that serve gastropub food ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos royal standard is available , would you like to try them ? eos O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A
+bos yes , could you book a table for 4 people at 14:45 on sunday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to do that . your reference number is 1cyx3l33 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great ! let me ask my wife if there was anything else she was curious about . eos O O O O O O O O O O O O O O O O O O N/A
+bos ok , i 'll be here ! eos O O O O O O O O general-reqmore
+bos i 'm sorry , i lied about having a wife . i just need to know if there are any trains to stevenage available on monday . eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O O O N/A
+bos where are you leaving from ? eos O O O O O O O Train-Request+Depart
+bos the train should arrive by 15:30 and should depart from cambridge . sorry still no wife . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O O O O O O N/A
+bos what about your wife ? does she need a ticket ? eos O O O O O O O O O O O O Train-Request+People
+bos no . i just need the train id and departure time , please . eos O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos the tr1898 meets your criteria . the departure time is 13:21. the duration of the trip is 49 minutes . eos O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A
+bos i need that information emailed or faxed to me , please . eos O O O O O O O O O O O O O N/A
+bos unfortunately , we do not have that capability . if we do a booking for you , we can provide you with a reference number though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos i think that is all the info i will need . eos O O O O O O O O O O O O N/A
+bos i do not have a fax machine . eos O O O O O O O O O N/A
+bos it 's fine . i 'm over needing a fax machine . i think i 've got everything i need . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos great . i hope you and your wife have a great trip . eos O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a train departing on saturday from cambridge . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos escaping for the weekend , huh ? where are you headed ? eos O O O O O O O O O O O O O Train-Request+Dest
+bos getting out of cambridge for awhile going to stansted airport and would like to leave anytime after 12:30 please eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave O N/A
+bos tr8476 will cost you 8.08 pounds . can i book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos yes please . i need to book it for 3 people . once booked can i please have the reference number ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos alright got your tickets booked , the total fee is 24.24 gbp payable at the station . your reference number is : o14qee79 . anything else i can help with ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos yes , we 're also looking for a hotel to stay at when we 're in town . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i can help you with that . what amenities are you looking for ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i definitely want a 4-star hotel , not a guesthouse . i do n't care about parking , but i do need free wifi . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos how about huntingdon hotel in the west ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O N/A
+bos that sounds great . can you give me some information about it ? eos O O O O O O O O O O O O O O N/A
+bos absolutely . it 's an expensive 4 star hotel that offers free wifi and free parking . the hotel is located at kingfisher way , hinchinbrook business park , huntingdon . can i book it for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you book it for me . from thursday , for 2 nights and 3 people . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A
+bos absolutely ! your stay has been booked , and the reference number is 97z4gaq7 . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , thank you . eos O O O O O O general-thank
+bos i 'm glad we were able to help you . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos excellent ! what would you like to know ? eos O O O O O O O O O O N/A
+bos i need a train that will leave monday ggo to cambridge at 12:00 eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be leaving london liverpool street . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos the closest thing i have to your departure time is the tr6226 which leaves at 13:39. eos O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave N/A
+bos okay . i also need to find a guesthouse to stay in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i have 9 guesthouses that fall in the inexpensive category . what part of town do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Area
+bos i prefer an expensive hotel in the north please eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A
+bos i do n't have any in that area , another perhaps ? eos O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos how about one in the moderate price range then . eos O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos there are 9 places available . do you have a preference in rating ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars
+bos i prefer a four star hotel , please . and can you tell me whether one has free parking ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos how does acorn guesthouse sound ? it is in the north and moderately priced . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A
+bos that sounds nice , thank you . may have their number and postcode , please ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos the phone number is 01223353888. the post code is cb41da . would you like me to book a reservation for you ? eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O O O O O O O O O Booking-Inform
+bos no thanks . do they have free parking ? eos O O O O O O O O O O Hotel-Request+Parking
+bos yes they have free parking eos O O O O O O Hotel-Inform+Parking
+bos thank you for your assistance . i will do the booking , myself . eos O O O O O O O O O O O O O O O general-thank
+bos sounds good . is there anything else i can help you with ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that is fine for today . thank you eos O O O O O O O O O general-thank
+bos please call again if we can further assist you . have a great day . goodbye . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant that 's on the pricier end , i want to impress some people . is there something you 'd recommend ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos the bedouin is unusual and expensive . cote offers the more standard , but elegant french cuisine . is location a concern ? eos O O O O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O O O O O O O O Restaurant-Request+Area
+bos want to book a table for 8 people at 17:00 on wednesday and i need a reference number eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O Restaurant-Request+Ref
+bos booking was successful . the table will be reserved for 15 minutes.reference number : plftp5gs . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos i 'm also looking for an attraction near the restaurant . do you recommend anything ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos there are many attractions in that area . do you want something that is free to the public ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O Attraction-Request+Price
+bos that would be perfect . what do you recommend ? eos O O O O O O O O O O O N/A
+bos williams art and antiques is free to the public . located in the centre and it is a museum . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee O O O O O O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Type O N/A
+bos great , thanks ! is there a restaurant nearby ? eos O O O O O O O O O O O Restaurant-Inform
+bos you have already been booked at a nearby african restaurant , bedouin , on wednesday at 17:00. are you interested in an additional restaurant ? eos O O O O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O general-reqmore
+bos no thank you . but could you please get me the phone number and postcode for williams art and antiques ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post,Attraction-Request+Phone
+bos of course ! williams art and antiques is located in the city centre , postcode cb12lj . you can reach them at 01223311687. can i help you with anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos it was a pleasure serving you , goodbye ! eos O O O O O O O O O O general-bye
+bos find a train to leicester that arrives by 21:00. eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos from which departure site , please ? eos O O O O O O O O Train-Request+Depart
+bos the train will be leaving cambridge on thursday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are 14 trains that fit your needs . the first leaves at 5:21 and the latest leaves at 18:21. would you like me to get a ticket for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos yes , i need 4 tickets . eos O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 151.19 gbp payable at the station . reference number is : dmk0cenv . do you need anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos i 'd like information on a hotel called warkworth house eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos what information are you looking for specifically ? eos O O O O O O O O O general-reqmore
+bos i need to book it for 4 people starting from saturday for 5 nights . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos your booking was successful and your reference number is fdiqhzar . may i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos thank you , good day . eos O O O O O O O general-bye
+bos i 'm looking for a place to eat . eos O O O O O O O O O O N/A
+bos sure ! did you have a type of food in mind ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like americas food . eos O O O O O O O N/A
+bos ok , the gourmet burger kitchen is a north american restaurant . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos is the gourmet burger kitchen located in the centre of town ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos yes it is . could you like a reservation ? eos O O O O O O O O O O O Restaurant-Inform,Booking-Inform
+bos yes , please . thursday at 20:00 would be ideal . there are 5 of us . eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O B-Restaurant-Inform+People O O O O O N/A
+bos your reservation is complete . table for 5 on thursday at 20:00. your reference number is wxiaok8f . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a train on thursday heading to cambridge . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O N/A
+bos ok. where will you be departing from ? eos O O O O O O O O O Train-Request+Depart
+bos norwich . i need to get to cambridge by 12:30. eos O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr6655 leaves norwich at 10:16 and arrives at cambridge at 11:35. do you want me to book this train ? eos O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , please book tickets for 5 people and send me the reference number eos O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos the booking was successful and the reference number is 35c0pzcy . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you for your time . eos O O O O O O O general-thank
+bos your are welcome , enjoy your stay in cambridge eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm hoping to find a place to eat . eos O O O O O O O O O O O N/A
+bos do you have any food type preferences ? eos O O O O O O O O O Restaurant-Request+Food
+bos i would like to eat international food . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 3 restaurants serving this type of food . would you prefer cheap or moderate price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A
+bos i would like moderate pricing . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos the varsity restaurant and bloomsbury restaurant are both in the moderate range . do you have a preference ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O Restaurant-Select
+bos i would like to pick a restaurant in the north . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there is no listing in the north , do you want to try a different area ? eos O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Area
+bos i 'm looking for a moderately priced restaurant in the centre . can you recommend one ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos sure , i can help you with that . there are plenty of options that meet your requirements . was there a particular type of food you were interested in ? eos O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos are there any australian restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , there are no australian restaurants in any price range anywhere in cambridge . would you like to try a different cuisine ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos what about european ? eos O O O B-Restaurant-Inform+Food O N/A
+bos there are four great choices but i highly recommend galleria located at 33 bridge street . would you like me to reserve you a table ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos yes can you please make me a reservation ? eos O O O O O O O O O O N/A
+bos sure . what day works for you ? how many people will be in your dining group ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,general-greet
+bos just me . and i need the reservation for wednesday . eos O O O O O O O O O O O O N/A
+bos sure , what time do you prefer ? eos O O O O O O O O O Booking-Request+Time
+bos make it for 11:15. eos O O O O B-Restaurant-Inform+Time N/A
+bos ok , your booking was successful . the table will be reserved for 15 minutes . your reference number is : jff6xgyl . eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks i also need a hotel to stay at with free parking in the same area as the restaurant . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos alexander bed and breakfast is quite popular in the centre of town and while on the cheap price range , it is a 4 star which includes both internet and parking . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Stars O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet
+bos i am actually looking for a hotel to book , not a guesthouse . i need a hotel in the center with free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O N/A
+bos i have 2 to choose from . the gonville hotel which has 3 stars or the university arms hotel that is 4 star rated . do you need a reservation at one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Hotel-Select
+bos lets book the gonville hotel . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos how many days would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay
+bos i need a reservation just for myself for 3 nights starting wednesday , please . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos ok , booking complete at the gonville hotel for 3 nights starting on wednesday for 1 guest . your reference number is : 9quhr157 . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you for all your help . eos O O O O O O O O general-thank
+bos have a nice day , goodbye ! eos O O O O O O O O general-bye
+bos what do we have in cambridge as far as british food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i do not see any british restaurants in cambridge but there appear to be several nearby . eos O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Area O N/A
+bos since i am only worried about cambridge , lets check again for moderate priced british restaurants in the centre area eos O O O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i have 4 moderately priced british restaurants . the oak bistro is really good , would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos yes . please book it for 8 people on monday at 16:45. eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos yes your reservation was successful ! your reference number is sg2icmm6 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i also need to get a train on the same day as the restaurant booking eos O O O O O O O O O O O O O O O O N/A
+bos i need to narrow this down a bit . where will you be departing from and where will be your destination ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i 'm leaving from norwich and going to cambridge . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A
+bos how about train tr1347 that leaves at 06:16 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos does it arrive by 10:45 ? eos O O O O O B-Train-Inform+Arrive O N/A
+bos it arrives at 7:35. eos O O O O B-Train-Inform+Arrive N/A
+bos okay can i book that for 8 people ? eos O O O O O O O O B-Train-Inform+People O N/A
+bos okay , your booking was successful ! your reference number is 70hpp0c2 eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that is all i need today . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos ok , thank you for choosing to stay in cambridge ! eos O O O O O O O O O O O O general-bye
+bos i am in the north part of town , can you tell me what cheap restaurants are around ? eos O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there 's two places that match your criteria . one is indian food and the other is italian . would you like the address of either ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O general-reqmore
+bos i would love to know the address of the italian place please , that sounds perfect ! eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos ok ! the restaurant is called da vinci pizzeria and the address is 20 milton road chesterton with postcode cb41jy . would you like to reserve a table ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform
+bos yes i would , i need it for saturday for 5 people at 18:00 please . eos O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A
+bos the booking was successful . your table will be reserved for 15 minutes.your reference number is : 3mc54zym . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for a train that will depart from peterborough . can you help me with that ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos yes i can . please tell me where you 're departing from and what day and time and i 'll get you some options . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Depart
+bos leaving peterborough and must arrive at least by 12:15 , i 'll need to book a table then too eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos where are you heading to from peterborough ? eos O O O O O O O O O Train-Request+Dest
+bos i am traveling to cambridge on saturday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos tr8494 leaves peterborough saturday at 11:19 and arrives in cambridge at 12:09. would you like me to book passage for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i 'll be happy to assist with that , how many tickets would you like me to book ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos actually , let me get more information first . what is the travel time and price ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos travel time is 50 minutes , and the price is 13.20 pounds . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos did you want me to reserve the train for you ? eos O O O O O O O O O O O O Train-OfferBook
+bos no that is everything , thanks for your help . eos O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a 3 star hotel in cambridge with free wifi eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there are five hotels that meet that criteria . do you have a location or price range in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like something cheap . eos O O O O O B-Hotel-Inform+Price O N/A
+bos unfortunately , none of the cheap hotels have free wifi . would you prefer to try a different price range or go with a hotel without free wifi ? eos O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer+Internet
+bos how about a hotel with a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos there are many what area would you like to stay in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area
+bos kindly recommend one of the many in the area and send me the address . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the cambridge belfry is located at back lane , cambourne . postcode cb236bw . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post O O O N/A
+bos i also need a place to eat that serves italian food and should be in the same price range as the hotel . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos in what area of town do you prefer it to be ? eos O O O O O O O O O O O O O Restaurant-Request+Area
+bos the area does not matter . eos O O O O O O O N/A
+bos i would recommend la margherita , located at 15 magdalene street city centre on the west side of town . phone number is 01223315232. do you need to make a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Phone O O O O O O O O O O Booking-Inform
+bos yes , i would like to book a table for 3 on friday at 11:30. eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos done ! your reference number is luldc1bo . do you need help with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i want to book a taxi from the hotel to the restaurant , that arrives at 11:30. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos you 're all set ! the car will be a yellow lexus and the contact number is 07498724354. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you for the help ! eos O O O O O O O general-thank
+bos was that everything you needed ? eos O O O O O O O general-reqmore
+bos yes , that 's all . goodbye . eos O O O O O O O O O general-bye
+bos have a nice trip . goodbye . eos O O O O O O O O general-bye,general-greet
+bos hi , i 'm looking for a place to stay that has free parking . eos O O O O O O O O O O O O O O O O N/A
+bos well we have quite a few guesthouses . anything in particular your interested in ? cheap , moderate or expensive ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A
+bos i would like it to include free parking as well , with a star of 0. eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i have two 0 star guesthouses with free parking . one is in the north and the other is in the centre . should i book one of them for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Select
+bos actually , i need it to have free parking and free wifi . do you have any hotels with these amenities ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are two guesthouses in the cheap price range that offer free parking and free wi-fi . one is in the north and one in the centre of town . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos i do n't care about the location . either one will work . just book it for 1 for 5 nights starting on sunday . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos your booking is confirmed at el shaddai . your reference number is j7btdtol . can i help with anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes please , i am also looking for a train to depart on friday from cambridge at 10:15 to bishops sortford . eos O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O N/A
+bos the earliest train after 10:15 leaves at 11:29. will that work for you ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos yes , but can i have the price first ? eos O O O O O O O O O O O Train-Request+Price
+bos it 's 10.10 pounds , would you like a booking ? eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook
+bos please book 1 seat for friday on the 11:29 train going to bishops sortford . thanks ! eos O O O O B-Train-Inform+People O B-Train-Inform+Day O O O O O O O O O O O N/A
+bos you are booked on tr8078 . your reference number is y3t1l5e6 . the price is 10.10 pounds . may i help you with anything else ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore
+bos no . thank you . that 's all for today . eos O O O O O O O O O O O O general-thank
+bos awesome , you have a wonderful day ! eos O O O O O O O O O general-bye
+bos looking for a train in cambridge , should depart from stansted airport and should leave on saturday eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A
+bos we have 19 trains that may suit your needs . is there a particular time you are looking to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos yes , could you please find me a train for 10 : pm tonight ? i plan on getting one tonight , so i can arrive by mid-night.this will allow me to go right to sleep . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos of course ! train tr0446 leaves at 20:24 and arrives by 20:52. would you like to book a ticket ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O general-greet,Train-OfferBook
+bos yes , thanks . i just need 1 ticket for myself . eos O O O O O O O B-Train-Inform+People O O O O O N/A
+bos your reference number is 6uluc5lp , is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos can you help me find a place to stay in the cheap price range with free wifi ? eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos i 'd be happy to find that for you . what are of the city would you like to be in , and do you prefer a hotel or a guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O Hotel-Request+Area,general-greet
+bos i prefer a guesthouse please . oh and i also will need free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A
+bos i have several great options . do you need to be in a certain area of town ? alexander b & b in the centre has four stars . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O Hotel-Request+Area
+bos yes , that sounds perfect . lets book it . eos O O O O O O O O O O O N/A
+bos alright , what day will you be there and how many days will you be staying ? how many people will be staying with you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay
+bos on second thought , i 'm going to hold off on booking that . i appreciate all of your help and i should have all the information i need . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos glad to be of help . have a good afternoon . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am planning a visit to cambridge very soon and need some information about types of lodging available . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos there are 33 places to stay at . would you like a cheap one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price
+bos no , i want an expensive hotel with free wi-fi . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A
+bos how about the express by holiday inn cambridge , it 's in the east . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O N/A
+bos does it have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes it does . would you like to go ahead and make a reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform
+bos no thanks , but could you provide me with their postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post
+bos certainly . the postcode is cb13lh . eos O O O O O B-Hotel-Inform+Post O O N/A
+bos thank you . would it be possible to find a train for me as well ? eos O O O O O O O O O O O O O O O O O Train-Inform
+bos sure . let me start by getting more information from you . what are your departure and destination cities ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i need to travel on saturday from cambridge to london kings cross and need to leave after 18:30 eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A
+bos train tr0427 leaves at 19:00 on saturday and will get you there by 19:51. the cost is 18.88 pounds . want me to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook
+bos yes please book the train for 1 person and provide the reference number eos O O O O O O O O B-Train-Inform+People O O O O O Train-Request+Ref
+bos your booking was successful . your reference number is sa63gzjd . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much , that is everything that i need . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am planning to visit cambridge soon and need schedule information . eos O O O O O O B-Train-Inform+Dest O O O O O O N/A
+bos i am happy to help , when will you be traveling and where will you be coming from ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'm leaving from bishops stortford on thursday . i 'd like to leave after 18:30. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O N/A
+bos tr0060 leaves at 19:29 and arrives by 20:07. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes , those times are good for me . would you give me the price and train id , please . eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos the train id is tr0060 and the price is 10.10 pounds . would you like me to book that for you ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos not at this time , thanks . but i would like to look for some hotel information . a friend told me to check out the avalon . what can you tell me about it ? eos O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos the avalon is a 4 stars guesthouse in the north , the price is moderate . there is not free parking in this hotel . eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Inform+Parking
+bos that 's ok , i wo n't have a car with me . can you book the avalon for 3 people for 3 nights , starting thursday ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O N/A
+bos unfortunately they are all booked for that duration . would you like to try another hotel ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos can we try for 1 night instead of 3 ? eos O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos your reference is ttzcs4y4 , is there anything else you need ? eos O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no , that is everything i needed . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . have a great time ! goodbye ! eos O O O O O O O O O O O O O O O O general-bye
+bos i need a train leaving cambridge on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos we have quite a few options available to you , where are you heading to ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O Train-Request+Dest
+bos i need to arrive by 21:30 and go to london liverpool street . eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos tr9732 departs cambridge at 19:59 and arrives london liverpool street by 21:27. would you like for me to book that ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O O O N/A
+bos yes , for six people , please . i will need a reference number , as well . eos O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i have completed the booking . the total fee is 79.67 gbp and your reference number is 58ynz8eq . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i also need a place to stay . i would like a hotel with a 3 star rating and free parking . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 2 expensive hotels and 3 moderate price guesthouses meeting your needs . does the area matter to you ? or the type of lodging ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area
+bos i 'm just looking for now . can you recommend a hotel ? eos O O O O O O O O O O O O O O Hotel-Inform
+bos okay the gonville hotel looks good , it 's in the city centre . would you like a booking ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O Booking-Inform
+bos i want to confirm with you that the gonville does not need to include internet . eos O O O O O O O O O O O O O O O O O N/A
+bos the gonville does include the internet . is that alright ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos yes , and thank you kind person for helping me ! eos O O O O O O O O O O O O general-thank
+bos shall i book you a room then ? eos O O O O O O O O O Booking-Inform
+bos yes , can i get the address please ? eos O O O O O O O O O O Hotel-Request+Addr
+bos the address is gonville place . can i help you with anything else ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore
+bos no thank you . i appreciate the help today . eos O O O O O O O O O O O general-thank
+bos you are very welcome . have a wonderful visit ! eos O O O O O O O O O O O general-welcome,general-bye
+bos goodbye ! eos O O O general-bye
+bos goodbye and have a safe trip ! eos O O O O O O O O general-bye
+bos i 'm planning a trip to cambridge and i was told the a and b guest house was a great place to stay . can you give me information about it ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O N/A
+bos absolutely ! this is a moderately priced guest house with four stars . there is wifi included . it is located on the east . what else can i help with ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos do you have free parking ? i refuse to pay for parking in a hotel that i am staying at . would n't you agree ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Ref,Hotel-Request+Parking
+bos yes , i would as a matter of fact . and yes the offer free parking . eos O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking
+bos okay , sounds good . also i need to get a train from liverpool street to cambridge . eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos what day would you like to make this trip ? do you have any other specifications ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,general-reqmore
+bos oh wait , you know what ? i forgot to ask about star ratings . what 's the star rating on the a and b guest house , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it has four stars . would you still like information on the train ? eos O O O B-Hotel-Inform+Stars O O O O O O O O O O O general-reqmore
+bos the train should leave after 12:45 and should leave on friday . for 2 people please book . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O O O O O N/A
+bos tr5015 leaves london liverpool street at 13:39 and arrives at cambridge by 15:07. would this work for you ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos does that train leave on friday ? eos O O O O O O B-Train-Inform+Day O N/A
+bos yes , that train leaves on friday . eos O O O O O O B-Train-Inform+Day O O N/A
+bos i need two tickets . eos O O O O O O N/A
+bos okay , two tickets are booked , for a total price of 33.2 gbp , and your reference number is my04hj0a , do you need anything else today ? eos O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O Booking-Book
+bos no thanks , that is everything . eos O O O O O O O O general-thank
+bos thanks for using our system ! eos O O O O O O O general-bye
+bos can you help me find a train ? eos O O O O O O O O O Train-Inform
+bos certainly . where will you be traveling ? eos O O O O O O O O O Train-Request+Dest,general-greet
+bos from cambridge to petersborough . i am looking for thursday after 12:15 eos O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos the tr8124 train will leave cambridge , thursday at 12:34 and arrive in peterborough at 13:24 , will that work . eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos it should , how much is that ticket ? eos O O O O O O O O O O N/A
+bos it would cost 16.50 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos ok , i also need a 2 star place to stay with free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos there are 3 options . would you like a recommendation , or do you wish to add a specification ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O general-reqmore
+bos i 'd like a recommendation . eos O O O O O O O N/A
+bos the expensive one is actually not much more than the other 2. i would highly recommend it . that would be at the express by holiday inn cambridge . it 's in the east . eos O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O Hotel-Recommend
+bos sounds good . i need the postcode please . eos O O O O O O O O O O Hotel-Request+Post
+bos sure ! the postcode is cb13lh . can i help you with anything else ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-greet,general-reqmore
+bos that should be all i need today . thanks for the help . eos O O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to cambridge on friday eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos i can help with that . where would you be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i am departing from ely and i need it to arrive by 20:30. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A
+bos the tr3492 arrives in cambridge at 19:52. that 's the last train before 20:30. eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A
+bos that would be perfect . i do n't need to book just yet . was the train id tr3492 ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos yes the train id is tr3492 . is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for information about the huntingdon marriott hotel . eos O O O O O O O O B-Hotel-Inform+Name O O O O O N/A
+bos sure ! the 4-star huntingdon marriott hotel is in the west of town , at hinchinbrook business park . it 's expensive , though parking and internet are included . does that answer your question ? eos O O O B-Hotel-Inform+Stars B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos yes , can i have the postcode for it as well . eos O O O O O O O O O O O O O Hotel-Request+Post
+bos absolutely . their postcode is pe296fl . can i be of any further assistance today ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos that 's all i need today , thanks for your help ! eos O O O O O O O O O O O O O general-thank
+bos if you need anything else , please do n't hesitate to contact us . eos O O O O O O O O O O O O O O O general-bye
+bos i need to take a train from cambridge to london kings cross eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos i can help you with that ! what day would like to travel and what time would you like to depart ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos tuesday from cambridge to london kings cross , anytime after 15:45. eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Leave O N/A
+bos train tr0945 fits the bill , would you like me to book you passage ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook
+bos what is the travel time on that train ? eos O O O O O O O O O O Train-Request+Duration
+bos the travel time is 51 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos what is the arrival time ? eos O O O O O O O Train-Request+Arrive
+bos the arrival time is 17:51. eos O O O O O B-Train-Inform+Arrive N/A
+bos thanks ! can you also tell me about the best museum in the center of town ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos the whipple museum of the history of science is an interesting one ! eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos what is the entry free to the whipple museum ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos the entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A
+bos perfect . can you get me a phone number for them ? eos O O O O O O O O O O O O O Attraction-Request+Phone
+bos sure ! it is 01223330906. eos O O O O B-Attraction-Inform+Phone O N/A
+bos thanks so much for your help today ! eos O O O O O O O O O general-thank
+bos not a problem ! have a nice day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train departing from cambridge and should arrive by 09:15. eos O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A
+bos there are several trains leaving cambridge and arriving by 9:15 , do you have a destination in mind ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Dest
+bos i 'm going to leicester on sunday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos the closest arrive time for leicester that i have is 09:06. it leaves cambridge at 07:21. how many people will be traveling ? eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Leave O O O O O O Train-Request+People
+bos there will be 2 of us . can you please provide the reference number after you create the booking ? eos O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O Train-Request+Ref
+bos i have your tickets booked . the reference number is zjp3wid9 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you . i am also looking for a place to stay . i would like for it to have 4 star rating and free wifi . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i have a number of places so maybe we can narrow it down . can you tell me what area of town you would like to stay ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to stay in the east , there is no need for parking . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Parking O O O O N/A
+bos i think allenbell would be a good choice . would you like me to book it ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos no , i would just like the address and hotel type , please . eos O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Addr
+bos the allenbell is a guesthouse . and they are located at 517a coldham lane . is there anything else i can help you with ? eos O O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos no thank you . i appreciate your help today . goodbye ! eos O O O O O O O O O O O O O general-bye
+bos you 're welcome . its always a pleasure to serve you eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a place to stay in the east . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i have several available . what days would you like to stay ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i do n't need to book it . i need a 3 star in the east . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i do not have any hotels in the east with a 3 star . would you like to try something else ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O B-Hotel-NoOffer+Stars O O O O O O O O O N/A
+bos can you find something in the south ? eos O O O O O O O B-Hotel-Inform+Area O N/A
+bos we have the bridge guest house which is moderately priced and the lensfield hotel which is expensive , would you like me to book you for either one ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform
+bos either one is fine . i want it for 6 people for 2 nights starting wednesday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos ok i was able to book your party at bridge guest house . your reference code is zufsd1j5 . is there anything else i can help you with tonight ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . yes , i think i 'll be traveling by train wednesday as well . are there any trains leaving ely on that day ? eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A
+bos sure , are you traveling to cambridge ? what time would you like to leave or arrive by ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Leave
+bos yes the train should go to cambridge and should leave after 18:30. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A
+bos i recommend train tr0328 . it departs at 19:35 and will get you there by 19:52. want me to book it ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos not right now , thanks . what 's the total travel time for that train , though ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration
+bos it 's a quick , 17-minute trip . is there anything else i can help you with today ? eos O O O O B-Train-Inform+Time O O O O O O O O O O O O O O O general-reqmore
+bos i believe that 's it . thanks so much for your help ! eos O O O O O O O O O O O O O O general-thank
+bos safe travels and if you need anything else , please contact us . eos O O O O O O O O O O O O O O general-bye
+bos i need a taxi arriving by 23:30. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos okay , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos little seoul and i would like the contact number and car type eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O Taxi-Request+Car
+bos where will you be going ? eos O O O O O O O Taxi-Request+Dest
+bos i 'd like to go to people 's portraits exhibition at girton college . i 've heard it 's stunning ! eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O N/A
+bos it sounds lovely ! i 've booked you in a grey skoda . the contact number is 07240135377 in case you need it . what else may i assist you with ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O O O O O general-reqmore
+bos that was everything . thank you ! eos O O O O O O O O general-thank
+bos you 're more than welcome ! eos O O O O O O O general-bye
+bos i 've just been robbed and i need some help . eos O O O O O O O O O O O O N/A
+bos i 'm sorry to hear that . there is a police station on parkside , cambridge cb11jg and the phone number is 01223358966. can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no that will be all , thank you . eos O O O O O O O O O O general-thank
+bos you are very welcome . please let us know if we can be of further assistance . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train on tuesday that goes to london kings cross . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos there are ten trains on tuesday to that location . what time would you like to depart ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave
+bos i want to leave by 19:30. eos O O O O O O O N/A
+bos i have a train leaving cambridge at 11:00 to go to london kings cross by 11:51 , tr6925 . does this sound acceptable ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O N/A
+bos well i need it to leave after 19:30 and i would like to make a booking for 5 people on tuesday and i will need a reference number . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+People O B-Train-Inform+Day O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 118 gbp payable at the station .reference number is : mmhron1t . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am also looking for information about the hamilton lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the hamilton lodge is a guesthouse in the north area . would you like a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos can you tell me if they have free internet ? eos O O O O O O O O O O O Hotel-Request+Internet
+bos they do indeed have free internet as well as free parking . eos O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos ok. thanks . all set . eos O O O O O O O general-thank
+bos is there anything else i can get for you today ? eos O O O O O O O O O O O O general-reqmore
+bos no , that would be all for today . thank you for all your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos is there an emergency ? eos O O O O O O N/A
+bos i have found the parkside police station , their phone number is 01223358966. eos O O O O O O O O O O O O O O N/A
+bos great , could i also have their address . eos O O O O O O O O O O Police-Request+Addr
+bos it does not list a street address . it just says parkside , cambridge . eos O O O O O O O O O O O O O O O O N/A
+bos okay , thank you for your help . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome ! have a great day ! bye ! eos O O O O O O O O O O O O general-bye
+bos am looking for a train , it should leave after 14:15 and should depart from london kings cross eos O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos is your destination cambridge or another location ? eos O O O O O O O O O Train-Request+Depart
+bos yes , my destination is cambridge . eos O O O O O B-Train-Inform+Dest O O N/A
+bos what day would you like that train ? the tr8842 train departs friday at 15:17 would you like me to book ? eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O Train-Request+Day,Train-OfferBook
+bos i need the arrival time eos O O O O O O Train-Request+Arrive
+bos the arrival time is 16:08. eos O O O O O B-Train-Inform+Arrive N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos welcome again some other time eos O O O O O O general-welcome
+bos where is addenbrookes hospital located ? eos O O O O O O O Hospital-Inform
+bos which department did you need ? eos O O O O O O O N/A
+bos just the general information . eos O O O O O O N/A
+bos addenbrookes hospital is on hills rd , cambridge . do you need the telephone number for a department or other service ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'd like the phone number and postcode , please . eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone
+bos the main number of the hospital is 01223245151 and the postcode is cb20qq . may i help with something else ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no thanks , you were very helpful , have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos your welcome , have a great day . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to speak with the police . eos O O O O O O O O O Police-Inform
+bos the parkside police station 's telephone number is 01223358966. eos O O O O O O O O O O N/A
+bos what is the postcode and address ? eos O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the address is parkside , cambridge . the postcode is cb11jg . are you alright ? eos O O O O O O O O O O O O O O O O O N/A
+bos yes , just a minor car accident . thanks for all of your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no , that is all i need . thanks . eos O O O O O O O O O O O general-thank
+bos have a good day . eos O O O O O O general-bye
+bos where is the train that leaves stansted airport that arrives at 13:15 ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos are you looking for the platform the train departs from ? eos O O O O O O O O O O O O Train-Request+Depart
+bos no , sorry . i would like to book a train from stansted airport to cambridge , please . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O N/A
+bos i have one on monday that arrives at 12:52 eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos no . it should leave stansted airport on sunday and arrive in cambridge at 13:15. eos O O O O O O O O B-Train-Inform+Day O O O O O O O N/A
+bos the latest arrival i have is 12:15. will that work ? eos O O O O O O O B-Train-Inform+Arrive O O O O Train-Select
+bos if there are no trains departing from stansted at 13:15 , then 12:15 will have to do . how long will it take me to get to cambridge ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos it will take 28 minutes . do you need to make a booking : ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook
+bos i would like to take in some entertainment while i am visiting . can you find me something ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos there is plenty of entertainment available . is there a certain area you are interested in ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area
+bos it does n't matter . pick a good one and please give me the area and fee . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i recommend the funky fun house located in the east . is this acceptable ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O Attraction-Select
+bos that sounds fun ! how much is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee
+bos the entrance fee is no currently listed , but here is the phone number if you want to call and check on that 0123304705 eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O B-Attraction-Inform+Phone O N/A
+bos thanks . that was all i needed to know . goodbye . eos O O O O O O O O O O O O O general-bye
+bos you are welcome . it was a pleasure assisting you today . goodbye eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to dine . the restaurant should be in the east and should serve swiss food eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A
+bos i do n't have any restaurants that meet that criteria . are you interested in something different ? eos O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos no , i am only interested in a restaurant that serves swiss food and is in the east . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i am sorry but there are no restaurants in the east that serve swiss food . eos O O O O O O O O O O O B-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Food O O N/A
+bos how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos the missing sock will meet your needs . need to book a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform
+bos no , i just need the postcode . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Post
+bos the post code is cb259aq . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . thank you so much . eos O O O O O O O O O O O O O O general-thank
+bos thank you goodbye eos O O O O general-bye
+bos can you find a train for me that leaves from stevenage and is going to cambridge ? thanks . eos O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O N/A
+bos yes , i can help you . what day and time would you like to travel ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos wednesday , and i would like to be there by 08:00. eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive O N/A
+bos yes , you 'll want to take tr9448 . it will leave stevenage at 5:54 and arrive by 06:43. eos O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O N/A
+bos an how much will that cost ? eos O O O O O O O O N/A
+bos that will cost you 12.80 pounds per ticket eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos i am also looking for a attraction called whale of a time . do you have more information on that ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A
+bos whale of time is an entertainment venue in the west . the phone number is 01954781018. do you need more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos no , that will be all . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for contacting us . have a great day . eos O O O O O O O O O O O O general-bye
+bos i 'm visiting the north side of cambridge , can you help me find a hotel there ? eos O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos we have a few 2 star hotels with free internet and parking . can i get information on one of those ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos are there any 4 star ? eos O O O O O B-Hotel-Inform+Stars O N/A
+bos i 'm sorry no there is not . may i search gain with different criteria ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about guesthouse , instead ? eos O O O B-Hotel-Inform+Type O O O N/A
+bos ah , there are a number of guesthouses with 4 stars in the north . do you need free internet or parking ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos internet or parking does n't matter . which guesthouse do you recommend ? eos O O O O O O O O O O O O O O N/A
+bos i recommend archway house . they are located at 52 gilbert road in postcode cb43pe . would you like me to book a room for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post O O O O O O O O O O O O O Booking-Inform
+bos yes , please . there will be 5 of us for 4 nights , starting on monday . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos you 're all ready to go . reference number is 3cm9x6cq . anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i would also like some help finding info on the la margherita restaurant . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos i will look that up for you . eos O O O O O O O O O N/A
+bos it has been a few minutes and i swear i hear snoring on the other end , are you there ? can i get that info ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 've located la margherita . what information would you like about the restaurant ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O general-reqmore
+bos i need to book it for the same group the same day at 20:00 eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time N/A
+bos i was able to book it , reference number is 4iog1md6 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great . i was also interested in getting a taxi , can you help me with that ? eos O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos absolutely ! from where to where ? eos O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i would like to commute between the hotel and restaurant . i 'd like to be at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform
+bos okay what time is that ? eos O O O O O O O Taxi-Request+Arrive
+bos that time is 20:00. eos O O O O B-Taxi-Inform+Arrive N/A
+bos okay ! i 've booked you a white ford . the contact number is 07081197533. can i help you with anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no that is ok for today eos O O O O O O O N/A
+bos okay , well if you think of anything else , you know where to find me ! otherwise , have a wonderful trip ! eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for the nusha . can you help me ? eos O O O O O O B-Attraction-Inform+Name O O O O O O N/A
+bos sure , that is a fun entertainment venue located at unit g6 , cambridge leisure park , on clifton road . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos what is the fee ? eos O O O O O O N/A
+bos unfortunately , they often change so we do not have that information . but i can give you their phone number . it is 01223902158. can i assist you with anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you . i also need a book a train , leaving cambridge after 21:30. eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A
+bos ok and what is your destination ? eos O O O O O O O O Train-Request+Dest
+bos i want to go to london liverpool street on friday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos tr9557 leaves at 21:59 , or , if that is too close to 21:30 , tr3138 leaves at 23:59. do either of those options work for you ? eos O O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Select
+bos yes , can you give me arrival times and prices , please ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos yes the train arrives at 23:27 and the price of the fare is 16.60 pounds . eos O O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you goodbye eos O O O O general-bye
+bos have a great day . eos O O O O O O general-bye
+bos hello , i am looking to book a restaurant in the centre in cambridge and be moderate in price . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A
+bos how about restaurant one seven , it is british food but just what you 're looking for . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O N/A
+bos thank you , i need to book a reservation for 2 at 16:00 on thursday , can you please give me reference number ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref
+bos your table is booked at restaurant seven one . your reference number is mf59x2rk . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos great , thanks ! i 'll also need a train from cambridge that leaves after 11:00. can you help me with that ? eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O O O O O O O O O N/A
+bos absolutely , you have many options . what day were you thinking of making this trip ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day
+bos i need to leave friday and go to birmingham new street eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos there 's a train departing at 11:01. would that work ? if not , the train 's are every hour at 1 minute past . i can book whichever train you 'd like . eos O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos yes , that would probably work . what time does the train departing at 11:01 arrive at birmingham new street ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O Train-Request+Arrive
+bos it arrives at 13:44. would you like me to book this for you ? eos O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos possibly . what is the train id ? eos O O O O O O O O O Train-Request+TrainID
+bos sure the train id is tr6564 , can i book this for you , eos O O O O O O B-Train-OfferBook+Id O O O O O O O O N/A
+bos not at this time . that is all i need , thank you . eos O O O O O O O O O O O O O O O general-thank
+bos great ! thanks for allowing me to assist you . goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i need a taxi that departs from hobsons house and arrives by 13:45. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Arrive N/A
+bos before i can complete the booking , i need to know what your destination will be ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest
+bos i would like to go to the missing sock . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos ok , i 've booked a bluw bmw to pick you up , the contact number for the taxi is 07753554646. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos perfect , thank you . eos O O O O O O general-thank
+bos no problem , let me know if you need anything else . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to book a taxi from stevenage train station and go to cineworld cinema . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos i have you booked in a grey ford with a contact number of 079724240082. can i do anything else for you ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that 's all i need thank you ! eos O O O O O O O O O general-thank
+bos great , have an amazing day eos O O O O O O O general-bye
+bos i 'm sorry , i forgot to mention that i need the taxi to arrive by 12:15. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos i 've made the change for you . the new car is a white toyota , and the contact number is 07338867597. can i help you with anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos nope , that should do it . eos O O O O O O O O N/A
+bos have a nice day ! eos O O O O O O general-bye
+bos i need to book a taxi to the place , please . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos i 'm going to need a departure site , a destination , and either a time you want to leave or arrive by , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive
+bos i would like a taxi departing from city centre north b and b and arriving at the place . i would like to arrive by 8:00. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A
+bos perfect , expect a yellow tesla to pick you up . the contact number is 07308517542. anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos that is it , thank you . eos O O O O O O O O general-thank
+bos it has been my pleasure . have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos thank you once again for all of your assistance . have a great day . eos O O O O O O O O O O O O O O O O general-thank
+bos you as well , good bye . eos O O O O O O O O general-bye
+bos i am looking for the address and phone number for the backstreet bistro please . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos sure the backstreet bistro is located at 2 sturton street city centre and there phone number is 01223306306 ... eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A
+bos perfect , can you make me a reservation for 8 people on saturday please ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O N/A
+bos of course ! what time would you like a reservation ? eos O O O O O O O O O O O O Booking-Request+Time
+bos 14:45 works for us eos O B-Restaurant-Inform+Time O O O N/A
+bos a reservation for 8 people on saturday at 14:45 has been made with the reference number 79cmogur . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes . i need to book a train on saturday that goes to cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A
+bos certainly . there are many trains into cambridge . where would you like to depart from , and do you have a preferred departure or arrival time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart,Train-Request+Arrive
+bos i would like a train that departs from stevenage and arrives by 11:15. eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos there are three trains that fit that criteria . one arrives at 6:43 , another at 8:43 and the last at 10:43. which would you prefer ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Select
+bos can you give me the price , train id , and travel time for the one that arrives at 8:43 ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos tr6016 will cost 10.24 pounds and the travel time is 49 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time Train-OfferBooked
+bos can you confirm that this is the train that will arrive by 11:15 ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos i do not have a train arriving at 11:5. but i do have one arriving at 08:43. eos O O O O O O O O O B-Train-NoOffer+Arrive O O O O O O O B-Train-Inform+Arrive N/A
+bos is that train the same price as tr6016 ? eos O O O O O O O O O O Train-Request+Price
+bos i do apologize for the confusion , sir . yes , the tr6016 will indeed have you there well before 11:15. with a cost of 10.24 pounds and a travel time of 49 minutes . eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos ok. that will work . thanks for your help . eos O O O O O O O O O O O general-thank
+bos was there anything more i could assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , i believe that is everything today . thank you . eos O O O O O O O O O O O O O general-thank
+bos great , have a nice day ! eos O O O O O O O O general-bye
+bos can you please tell me how to get to the curry king restaurant please ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos curry king restaurant is located in the centre of town , address 5 jordans yard bridge street city centre , postcode cb21ug . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O N/A
+bos could i please get a table booked for 1 person on sunday at 20:00 ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes.your reference number is : pq0vc3cl . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thank you , yes , i also need to find a train . i 'd like to leave on monday , departing from cambridge . eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O O O N/A
+bos might i ask if you had a destination and arrival time in mind ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive
+bos i want to arrive at birmingham new street by 11:30. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos fantastic , there are five options available to you , all priced at 75.10 pounds . they leave a minute after the hour every hour , starting at 5 am . which would you prefer ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Select
+bos i 'll take the third train . for one person , and i need the reference number . eos O O O O O O O O O O O O O O O O O O O N/A
+bos hello , the reference number for your booking is b6oktghx . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you very much . have a nice day ! eos O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos could you help me find a train ? i am looking for one to take me to cambridge and i need it to leave by 17:45 on saturday . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos where are you departing from ? eos O O O O O O O Train-Request+Depart
+bos i am leaving from cambridge heading to norwich please . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A
+bos tr7043 departs cambridge at 18:36 on saturday , arriving in norwich at 19:55. would you like a ticket on this train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes , that would be fine . eos O O O O O O O O N/A
+bos would you just need 1 ticket or how many can i book for you ? eos O O O O O O O O O O O O O O O O Train-Request+People
+bos i need to book the train for four people , and i 'll need the reference number , please . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful on train tr7043 , the total fee is 56.32 gbp payable at the station . your reference number is en27m17a . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos no . thank you , you were very helpful . eos O O O O O O O O O O O general-thank
+bos i 'm happy to help . have a great day . eos O O O O O O O O O O O O general-bye
+bos i would like a taxi from saint john 's college to pizza hut fen ditton . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos what time do you want to leave and what time do you want to arrive by ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i want to leave after 17:15. eos O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! your taxi will be blue honda contact number is 07218068540 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos thank you for all the help ! i appreciate it . eos O O O O O O O O O O O O general-thank
+bos you are welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos no , i am all set . have a nice day . bye . eos O O O O O O O O O O O O O O O general-bye
+bos you too ! thank you eos O O O O O O general-bye
+bos i am looking for a cheaply priced restaurant in the centre of cambridge . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are a large number of options to choose from . do you have a preference for the type of food you would like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos no i 'm not picky , anything is fine as long as it 's in the centre of town . i need to make a reservation for 2 on sunday . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what time would you like your reservation ? eos O O O O O O O O O Booking-Request+Time
+bos 12:00 please , i will need a reference number . i also need a train that goes to stansted airport leaving after 10:30. eos O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O N/A
+bos okay . i have booked you for 2 at 12:00 at the dojo noodle bar on sunday . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O O O B-Booking-Book+Day O O N/A
+bos great thanks so much . can you give me the reference number and also i need to get a train when your ready . eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos the reference number is rlofk7yf . what do you need for your train ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i need the train to leave cambridge on monday after 10:30 and go to stansted airport , and i need two tickets . i also need my reference number please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O O O N/A
+bos there are 14 trains leaving monday from cambridge to stansted airport after 10:30. the closest departure to that would be tr8207 leaving at 10:40. shall i book this for 2 ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Id B-Train-OfferBook+People O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O N/A
+bos yes that is perfect , please also provide me with the reference number . eos O O O O O O O O O O O O O O O N/A
+bos booking was successful for tr8207 , the total fee is 20.2 gbp payable at the station . your reference number is w7d3d21r . is there any further assistance needed ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos that should be all thank you eos O O O O O O O general-thank
+bos have a great trip ! eos O O O O O O general-bye
+bos i am looking for a moderately priced restaurant in east cambridge . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos i have found three restaurants in the area you have chosen , i can go ahead and book one if you 'd like me to . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O Booking-Inform
+bos do any of them serve fusion food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry but no . would you like to try any other type of food ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos do any of them serve italian ? eos O O O O O O B-Restaurant-Inform+Food O N/A
+bos the pizza hut fen ditton meets your needs . would you like a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes , i 'd like a table for 5 on friday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A
+bos what time would you like for me to make your reservation for ? eos O O O O O O O O O O O O O O Booking-Request+Time
+bos 18:45 , please . i also need a train on saturday . i want to depart from cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O O O N/A
+bos there are 202 trains that meet that criteria , can we narrow it down a bit ? where would you like to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos i 'd like to go to the london kings cross eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos do you have a leave time preference ? the trains begin at 05:00 and continue every two hours until 23:00. eos O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O Train-Request+Leave
+bos no , but i 'd like to arrive by 13:00. also , i need the reference number for my restaurant reservation , please . eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos the pizza hut fen ditton reservation number is 2nuco26h . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Ref O N/A
+bos i also need a departure time and train id please . eos O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos i have train tr5170 departing cambridge at 11:00 and arriving in london kings cross at 11:51. would you like to book a ticket for this train ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos as long as its departing on saturday from cambridge to london kings kross arriving by 13:00 that works . please just confirm the train id and departure time . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos ok , tr5170 leaving cambridge at 11:00 arrives in kings cross at 11:51. is these acceptable ? there are three other options . eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O general-reqmore
+bos yes , that 's good . thank you . eos O O O O O O O O O O general-thank
+bos would you like me to reserve you a ticket ? eos O O O O O O O O O O O Train-OfferBook
+bos no , thank you . i 'm all set for today . you 've been a great help ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you ! have a great day ! eos O O O O O O O O O general-bye
+bos i 'm looking for somewhere to eat in the west . can you help me out ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos i can , what type of food are you looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food
+bos we were thinking we would like some asian oriental food , if available . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A
+bos there are no asian oriental places in that area of town . would you like a different type of food ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Food
+bos what about british food in that part of town ? eos O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos in british cuisine , you have three choices . saint john 's chop house is moderately priced , while graffiti and travellers rest are expensive . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A
+bos let me try graffiti out . can you book it for 2 people on saturday at 17:45 ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos your table is booked . reference number is i8utt26j . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos cool , i need a place to stay , too . eos O O O O O O O O O O O O N/A
+bos what side of town would you like to stay on ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't really care . i do need free wifi , but parking does n't really matter . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos what is your price range ? eos O O O O O O O Hotel-Request+Price
+bos i would like a three star place , if you have one . eos O O O O O O O O O O O O O O N/A
+bos booking was successful , table will be reserved for 15 mins.reference number is : i8utt26j . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i would like to find a 3 star guesthouse that has free parking . i would need the area it is in and a phone number . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos if you 'd like to stay near the hotel , the hobsons house is a guesthouse in the west . it is moderately priced and has free parking . would you like information on that ? eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore
+bos do you mean that it is close to the restaurant ? can you give me the phone number ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos sorry , yes , that is what i meant . the phone number is 01223304906. i can book that for you if you 'd like . eos O O O O O O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O Booking-Inform
+bos no , thank you . i do need to book a taxi from the hotel that arrives at the restaurant by the reservation time , though , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , i 've got you a cab from hobsons house to graffiti , arriving by 17:45. the car is a yellow lexus.contact number : 07292320210 eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos thank you for your help . that 's all i need today . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a polish restaurant in the centre of town . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos regretfully , there is n't one . would another cuisine do ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos hmmm , i do need something cheap . are you sure there are no polish places ? my friend told me there was a good one . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , i 'm still not finding anything . do you want to try a different area ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos well , let 's try the asian oriental food instead . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A
+bos i show two in the centre , dojo noodle bar and j restaurant in the cheap price range . would you like a reservation for one of them ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform
+bos i need a table for 6 people at 11:30 on saturday , please . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos did you have a preference between the two restaurants ? eos O O O O O O O O O B-Restaurant-Select+Choice O N/A
+bos let 's do the dojo noodle bar . eos O O O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : igf0ulsp . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great . i also need to find some places to go to around the same area . can you help me with that ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can . what sort of place are you looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos i was hoping you could make some suggestions . eos O O O O O O O O O O N/A
+bos my suggestions are little saint mary 's church which is known for its architecture ; cambridge contemporary art museum , and the soul tree nightclub . eos O O O O O O O O O O O O O B-Attraction-Recommend+Type O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A
+bos can i get the address for little saint mary 's church ? eos O O O O O O O O O O O O O Attraction-Request+Addr
+bos yes the address is little saint mary 's lane . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos ok. thanks . all set . eos O O O O O O O general-thank
+bos it was a pleasure to assist you . have a good day . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos is there a moderately priced restaurant in the centre ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A
+bos yes there are 21 of them . which food type do you prefer ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food
+bos i was really hoping to try some austrian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i 'm sorry , i did n't get any matches for that . eos O O O O O O O O O O O O O O Restaurant-NoOffer
+bos okay , how about some european food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos what about the hotel du vin and bistro at 15 - 19 trumpington street ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos great can i have their phone number and postcode please ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos 01223227330 cb21qa , is there something else i could help you with ? eos O B-Restaurant-Inform+Phone B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos i also need a place to stay in the same price range . eos O O O O O O O O O O O O O O N/A
+bos what area would you like it to be in ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i would like for it to be in the same area as the restaurant . eos O O O O O O O O O O O O O O O O N/A
+bos cityroomz is a 0 star hotel located in the city centre . it doesnt have free parking but does have free wifi . the phone number is 01223304050. eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos thanks so much that was all i needed . eos O O O O O O O O O O general-thank
+bos great thank you so much for using our system today ? eos O O O O O O O O O O O O general-bye
+bos i need information on a place called magdalene college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos oh sure thing ! that 's a huge college campus in the west side of town . they are located on magdalene street and have free admission . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O general-greet
+bos great ! what is their postcode ? eos O O O O O O O O Attraction-Request+Post
+bos their post code is cb30ag . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a place to stay while i 'm in town . eos O O O O O O O O O O O O O O O O O N/A
+bos we have many fine accommodations in town ! what are you looking for in a place to stay ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O general-reqmore
+bos i would like a guesthouse in the moderate area , i do n't care about free parking , i wo n't be bringing my mercedes on this trip . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O N/A
+bos a and b guest house would suit your needs . could i make a booking for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform
+bos no , thank you . however , will you please tell me the postcode ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos cb12dp . is there anything else ? eos O B-Hotel-Inform+Post O O O O O O general-reqmore
+bos could you tell me now many star rating that has ? is it in the north ? i forgot to say i need it there . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos a and b is not in the north , but there a few guesthouses in the north . do you care for free wifi ? eos O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O B-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Internet
+bos internet does n't matter to me . any guesthouse in the north that you recommend will be fine . i 'll just need the phone number , star , and postcode . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos i suggest acorn guest house , it is a four star guesthuse in 154 chesterton road . their number is 01223353888 and code is cb41da . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O N/A
+bos thanks , that is all i need . eos O O O O O O O O O general-thank
+bos thanks for using our services , have a lovely day . eos O O O O O O O O O O O O general-bye
+bos you too thanks so much . eos O O O O O O O general-thank
+bos you are so welcome eos O O O O O general-welcome
+bos i will be sure to call you if i need your services eos O O O O O O O O O O O O O N/A
+bos it was a pleasure serving you . eos O O O O O O O O general-bye
+bos i am looking for a place to dine . the restaurant should be in the expensive price range and should serve indian food . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there a several throughout the city . is there an area of town in which you would prefer to dine ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos not really . i 've heard saffron brasserie is good , though . could you book a table for 6 there at 19:45 on wednesday ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos done ! your reference number is mfp31ma6 . do you need anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i would also like to find something fun to do in the west of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are several colleges and museums you can visit . would you like a recommendation for both ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos just choose one that is your favorite and tell me its type and phone number eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type
+bos churchill college 's phone number is 01223336233. is there anything else i can assist you with ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone O O O O O O O O O O O general-reqmore
+bos i assume that is a college type , right ? and i also need a taxi eos O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos yes it is and they have free entrance . where would the taxi be picking you up ? eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Taxi-Request+Depart
+bos i need to be picked up at the college and arrive at the restaurant by 18:45. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i have booked a red skoda as your taxi . you can reach them at 07447845138. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone N/A
+bos i appreciate all your help . that will be all for now . eos O O O O O O O O O O O O O O N/A
+bos i 'm glad we could help ! contact us anytime you need anything in cambridge . good bye . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a nice place to stay , somewhere expensive and luxurious with all the amenities like free wifi . can you recommend something like that ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O N/A
+bos i have at least five options for you . do you need free parking too ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking
+bos i do n't need it , but either way . as long as the hotel is expensive and has free wifi i do n't mind . are any located in the centre ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos yes , i recommend the university arms hotel . would you like ma to make a reservation for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos no may i just have the postcode and star rating of the hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Post
+bos sure , their postcode is cb21ad and it 's rated 4 stars . eos O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Stars O O O N/A
+bos also , i need a train on tuesday around 09:45. eos O O O O O O O B-Train-Inform+Day O O O N/A
+bos where are you heading to and departing from please ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i am leaving from ely heading to cambridge . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos i have train tr3412 leaving at 11:35 and arriving at 11:52. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos that sounds great . can you please book it for four people ? eos O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : 6vfkq7j6 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos no thank you have a nice day . eos O O O O O O O O O general-thank
+bos have a great trip . eos O O O O O O general-bye
+bos thank you for your help today eos O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . have a good day ! eos O O O O O O O O O O O O O O general-bye
+bos find me an expensive restaurant that serves gastropub food eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos i see several options ; do you prefer the centre or east of town ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O N/A
+bos the centre of town . eos O O B-Restaurant-Inform+Area O O O N/A
+bos backstreet bistro and the slug and lettuce are both expensive gastropub restaurant in the centre of town . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A
+bos i need a reservation for any of those . 16:00 , on tuesday for 8 people . eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O O N/A
+bos you 're booked at backstreet bistro , ref # o8z7dxnu . can i help you with anything else ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you , that will be everything . eos O O O O O O O O O O general-thank
+bos have a good day and enjoy your visit . eos O O O O O O O O O O general-bye
+bos is there a park i can visit in cambridge ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos what type of park are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos any type , but i would like it to be in the south . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos ok. how about wandlebury county park ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos that sounds great ! what 's their address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos there address is wandlebury ring , gog magog hills , babraham , postcode cb223ae anytheing else ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O general-reqmore
+bos i need somewhere to stay . moderate in price , please . it does n't need to include internet . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A
+bos how about alpha-milton guest house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i 'm really looking for a hotel instead of a guest house . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos unfortunately there are not hotels that match your search criteria . what alternative do you have in mind ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O general-reqmore
+bos how about a hotel with free wifi ? eos O O O O B-Hotel-Inform+Type O O O O N/A
+bos we have 3 options where you can choose from eos O O O O B-Hotel-Inform+Choice O O O O O N/A
+bos any of the three would be fine . can you book a room for friday for 2 people , 5 nights please ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A
+bos i 've gone ahead and booked you at cityroomz in the centre , so you 'll be close to a lot of attractions . your reference number is : syee88pa . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos thank you ! i 'm also looking for assistance booking a taxi between the two places . can you help with that please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos i would be happy to assist with that . what is your pick-up point ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos i 'll need to be picked up at the wandlebury county park by 23:45. i 'll be travelling to the hotel . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O B-Hotel-Inform+Type O O O N/A
+bos your booking is complete , a white toyota will be picking you up . the contact number is 07016487796. do you need anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O N/A
+bos that 's it for today . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos no problem . i 'm glad i could help . have a great trip . goodbye . eos O O O O O O O O O O O O O O O O O O N/A
+bos i want to find a cheap italian restaurant . can you help me out ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O N/A
+bos sure i have 5 options for you eos O O O O O B-Restaurant-Inform+Choice O O N/A
+bos okay , pick one for me please . it should be in the west . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos okay , that leaves one option , and that 's the la margherita . would you like for me to book a reservation for you ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please . can you reserve a table for 1 on sunday at 19:30 please ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A
+bos your table is booked , reference # ytamnaao . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you . not at this time . eos O O O O O O O O O O general-thank
+bos you are welcome . if i can be of any other assistance , do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hold on . i also need a hotel . can you help ? something in the same price range and area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i found the cambridge belfry , would you like me to book it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform
+bos how many stars is it and can you give me the phone number ? eos O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone
+bos the cambridge belfry has 4 stars and you can call them at 01954714600 eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Phone N/A
+bos perfect , thanks so much for your help today , that 's everything i needed . eos O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a brazliian restaurant in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos sorry , i could n't find any food of that type . eos O O O O O O O O O O O O O Restaurant-NoOffer
+bos there are no brazilian restaurants anywhere in cambridge ? eos O O O O O O O O O O Restaurant-Inform
+bos no , their are not any . would you like to pick a different type of food ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , what about british food please . eos O O O O B-Restaurant-Inform+Food O O O O N/A
+bos what price range are you comfortable with ? eos O O O O O O O O O Restaurant-Request+Price
+bos something in the moderate price range would be good . eos O O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos do you have a preference as to what area of town you dine in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes , the centre is preferable . eos O O O O O O O O N/A
+bos how about the copper kettle ? it 's located in the centre and moderate price range . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A
+bos sounds good ! please book a table for 6 people at 13:00 on monday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos your table has been booked . your reference number is s59ihpui . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thanks . yes , i also need a train from cambridge to ely , please . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O N/A
+bos those trains run every 2 hours , starting at 05:50. what time would you like to depart ? eos O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave
+bos thank you ! anytime is fine , as long as i arrive by 12:30 on thursday . eos O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A
+bos train tr5216 departs cambridge at 11:50 and arrives in ely at 12:07. the price is 4.40 pounds . do you want me to book ? if yes , for how many passengers ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos yes please book for 6 people eos O O O O O O B-Train-Inform+People N/A
+bos booking was successful , the total fee is 26.4 gbp payable at the station .reference number is : 3wvek03y . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos thank you . that was all i needed today . goodbye . eos O O O O O O O O O O O O O general-bye
+bos i am glad that i can help . have a nice stay . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos what type of information ? eos O O O O O O general-reqmore
+bos i need a train leaving cambridge on wednesday after 16:45. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A
+bos sure , i can help you with that . where would you like to leave from ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart,general-greet
+bos i would like to leave after 16:45 and go to norwich please . eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A
+bos tr1309 departs at 17:36 and arrives by 18:55. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos no thanks . i also need places to go in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos we have quite a few nice attractions in the centre . do you know what type you 'd be interested in visiting ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'm not sure , can you provide me a list of attraction types along with their entrance fees and postcodes so that i can decide ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type
+bos there are 44 attractions , including architecture , colleges , and more . does any of that sound appealing ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Select
+bos how about a museum ? i 'll just need the entrance fee and postcode . eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos how about the broughton house gallery ? it 's free and at cb11ln . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Post O O N/A
+bos great ill check it out . thats everything i need thanks eos O O O O O O O O O O O O general-thank
+bos have a great day . glad to be of service . eos O O O O O O O O O O O O general-welcome,general-bye
+bos thanks for your time , goodbye . eos O O O O O O O O general-bye
+bos i hope you have a wonderful trip , thanks for calling ! eos O O O O O O O O O O O O O general-bye
+bos hi , i have a business meeting and i 'm looking for an expensive place to eat in the city centre . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , i can help you with that . did you have any specific requirements ? eos O O O O O O O O O O O O O O O O O general-greet
+bos i 'm sure moroccan food will impress my clients . are there any restaurants that serve it ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O N/A
+bos unfortunately you wo n't be able to impress your clients . we do n't have any moroccan restaurants in town . do you want to look for something else ? eos O O O O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O N/A
+bos can you search for british food instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes , there are several . would you like an expensive one such as fitzbillies to impress your clients ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Name O O O O O O O N/A
+bos yes , please book a reservation at fitzbillies for 4 people at 13:30 on wednesday . oh ! can i please get the reference number ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos okay your booking was successful and you reference number is 9h9v7j2z . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos thank you . i also need info on a college to visit in the town centre . anyone will do . whatever you recommend . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O O O O O N/A
+bos corpus christi college located at king 's parade and the postcode is cb21rh . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O N/A
+bos great thanks , what is their entrance fee and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos their phone number is 01223338000 and the admission is 2 pounds eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee N/A
+bos thank you for all your help . goodbye . eos O O O O O O O O O O general-bye
+bos goodbye ! enjoy your time in cambridge ! eos O O O O O O O O O general-bye
+bos please see if you can find me an indian restaurant on the east end eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos there are 4 indian restaurants in the east side . do you prefer a certain price range ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price
+bos cheap price and address and phone number eos O B-Restaurant-Inform+Price O O O O O O Restaurant-Request+Addr
+bos there are none in that price range . would you like to try a different price range ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos sure , i think any price range is actually fine , as long as it 's indian and in the east . i 'll need their address and phone number . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos curry prince is a restaurant serving indian food . they are located at 451 newmarket road fen ditton . their phone number is 01223566388. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O N/A
+bos i need a place to stay also . free wifi please , but no parking is needed eos O O O O O O O O O O O O O B-Hotel-Inform+Parking O O O O N/A
+bos i have 3 places to choose from . 2 are guesthouses and 1 is a hotel . do you prefer one over the other ? eos O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Select
+bos yes , i 'd prefer a guesthouse that 's cheap if any are available . eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O O O N/A
+bos i am sorry we do n't have any cheap ones in the area eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O N/A
+bos how about a hotel that is really cheap ? i need a room for 7 for 3 nights on friday eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos okay . we have you booked at the cambridge belfry . your reference number is qm0prnjw . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O O N/A
+bos thanks so much . have a great day . goodbye eos O O O O O O O O O O O general-bye
+bos you 're welcome . you do the same . eos O O O O O O O O O O general-welcome,general-bye
+bos i am traveling to cambridge and looking forward to try local restaurants . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos i can help ! what kind of food are you looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos still deciding , can i set up a train ride first ? if would be from londons kings cross to cambridge , on saturday leaving after 11:00am . eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O N/A
+bos the tr7309 leaves after 11:00. if you 'd like to make a booking , i 'll need to know how many tickets you 'd like . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i need 4 tickets . how much will that be ? eos O O O O B-Train-Inform+People O O O O O O O N/A
+bos the tickets are each 18.88 so 75.52 in total eos O O O O O B-Train-Inform+Ticket O O O O N/A
+bos ok. can you complete the booking for 4 people and then give me the reference number ? eos O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i was able to book you . your reference number is h9agmljm . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos yes , i would like to find a place to eat . please find me a moderately priced restaurant in the centre . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are quite a few moderately priced restaurants in the city centre . do you have a preference on cuisine ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos nothing specific , anything in the centre is fine . eos O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos may i recommend the very popular efes restaurant serving turkish food in the centre of town in the moderate price range . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A
+bos that sounds like a great place to eat . can i get their phone number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223500005 . would you like me to call and make a booking for you ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O O O Booking-Inform
+bos no , thank you . that will be all . eos O O O O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos that is all for today . thank you ! eos O O O O O O O O O O general-thank
+bos you are very welcome . have a great day . eos O O O O O O O O O O O general-welcome,general-bye
+bos and you as well , you 've been a great help ! eos O O O O O O O O O O O O O N/A
+bos let us know if you need anything else . eos O O O O O O O O O O general-reqmore
+bos i need to find a modern european restaurant in the south please . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos yes , the restaurant alimentum is a great choice , would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes , please ! i 'd like a table for 3 on monday at 13:00 , please . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A
+bos your booking is successful . your reference number is jci12g5u . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that is all i need today . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thanks ! have a great day ! eos O O O O O O O O general-bye
+bos actually , i do need something else . a train home that leaves cambridge after 16:45. eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A
+bos i 'll need some additional information from you before we can proceed . where will you be traveling to and on what day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos i need to go to bishops stortford on tuesday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos i have train tr2153 that will leave at 17:29 and arrive in bishops stortford at 18:07. would that work for you ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select
+bos that 's perfect . can you make a reservation for 3 on that train , please ? eos O O O O O O O O O O O O O O O O O O Train-Inform
+bos i can make the reservation for you . eos O O O O O O O O O Train-OfferBook
+bos great ! i just need the reference number . eos O O O O O O O O O O Train-Request+Ref
+bos you all set the reference number is alh3fl92 , can i help with anything else ? eos O O O O O O O O B-Train-Inform+Ref O O O O O O O O general-reqmore
+bos no thank you . that 's it . bye ! eos O O O O O O O O O O O general-bye
+bos you are welcome . have a nice day . bye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am looking forward to trying some local restaurants . can you help me find a place that serves russian food ? eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i am sorry there are no local russian restaurants . would you consider trying something different ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O N/A
+bos sure , can you look up chinese food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i have 17 chinese restaurants . is there a certain area or price range you have in mind ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos can we try something expensive . eos O O O O O B-Restaurant-Inform+Price O N/A
+bos there are 9 expensive chinese places . what area are you looking in ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Area
+bos it does n't matter . just choose one for me . i 'll need to know the area that it 's located in . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos peking restaurant is in the south . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O N/A
+bos great ! i 'm also looking for a place to stay . the hotel should include free wifi and should be in the type of guesthouse . eos O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos great , i have 23 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A
+bos wow . that seems like a lot . i do n't need free parking , if that helps to narrow the search . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the a and b guest house seems perfect . shall i book it ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform
+bos yes , please . i need rooms for 3 people for 4 nights starting on friday . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos your booking was successful . your reference number is m8di9lrq . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you ! i also need to book a taxi there , leaving my hotel at 4:00. can you please do that , and give me the contact number and car type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos your booking was susccessful . your car is a blue lexus and its contact number is 07202318710. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos i do think that is all i need . thanks . good day . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos can you find a place called lynne strover gallery . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes , it is a museum in the west with free admission . would you like the phone number ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos yes , please . i also need to know what side of town they 're on and what the entrance fee is . thanks ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos their phone number is 01223295264. do you need anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos i 'm looking for an expensive restaurant in the centre of town . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are 33 expensive restaurants in the centre of town . is there a type of food that you would prefer ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos north indian , if possible . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry , there are n't any north indian restaurants out of that list , perhaps a different type of food ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos hmm.. let 's try one with korean food then . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos you can go to little seoul . would you like for me to book you a table ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos no , that 's ok. can you just give me the address and postcode ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos little seoul is located at 108 regent street city centre and their postcode is cb21dp . what else can i do for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos that 's all the info i needed today . thanks ! eos O O O O O O O O O O O O general-thank
+bos wonderful . you have a superb day today . eos O O O O O O O O O O general-welcome,general-bye
+bos can you please recommend a hotel ? i do n't need free parking . eos O O O O O O O O O O O O O O O N/A
+bos is there a specific area your were looking for ? i have some available in the centre , north , and east side of town . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O Hotel-Request+Area
+bos hmmmm ... .how about in the north ? eos O O O O O B-Hotel-Inform+Area O O O N/A
+bos the avalon is a nice guesthouse in the north . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O N/A
+bos is it moderately priced ? eos O O O O O O N/A
+bos yes it is moderately priced , it is a 4 star hotel with free wifi but no parking . would you like me to book you a room ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , i need it for 2 people and 5 nights starting from tuesday . i would also like the reference number . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos i have booked a room for two at the avalon beginning on tuesday for five nights . your reference number is 2kmvo8nf . can i help you find anything else in the area ? eos O O O O O O O O B-Booking-Book+People I-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos can you tell me about colleges that are in the center of town ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A
+bos we have 5. what would you like to know ? eos O O O O B-Attraction-Inform+Choice O O O O O O general-reqmore
+bos could you recommened one for me ? eos O O O O O O O O N/A
+bos saint catharine 's college is a nice college in the centre of town with free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Type O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A
+bos that sounds great . is there an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee
+bos there 's no entrance fee . it 's free ! is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos what is their postcode too please eos O O O O O O O Attraction-Request+Post
+bos it is cb21rl . is there anything else i can do for you ? eos O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos yes i would love a taxi to commute by both places , i want to leave the hotel by 04:45. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos your taxi has been booked . it will be a blue ford and the contact number is 07417187349. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thanks alot for helping eos O O O O O general-thank
+bos welcome and enjoy your stay eos O O O O O O general-welcome,general-bye
+bos thanks and good day eos O O O O O general-thank
+bos have a good day . we hope to see you again . eos O O O O O O O O O O O O O general-bye,general-greet
+bos can you help me find a place to stay ? eos O O O O O O O O O O O N/A
+bos yes ! what part of town would you like to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would prefer to stay in the south please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are 4 nice places to stay in that area , is there a price range you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price
+bos i 've changed my mind and would prefer to stay in the center of town . i need parking , wifi , and it should have a 0 star rating . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos there 's one guesthouse , el shaddai , that fits your criteria . do you need more information ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O N/A
+bos no , but i do need a reservation for wednesday , 2 nights , for 3 people . eos O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O N/A
+bos booking was successful . reference number is : lg6aflva . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks . could you also help me locate an expensive british restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A
+bos the cambridge chop house sounds like it might be what you are looking for . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O N/A
+bos that sounds wonderful ! is it in the same area as the hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform
+bos your hotel is in the south and the cambridge chop house is in the centre , is that okay ? eos O O O O O O B-Hotel-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O N/A
+bos hmm , i really want to stay near the hotel . do you have anything in the south instead ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos in the south we do not have any expensive british restaurants . we do have chinese , indian , italian or mexican . eos O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos my hotel is in the centre , so the cambridge chop house will actually work . can you make me a booking for 3 people on wednesday ? eos O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+People O B-Hotel-Inform+Day O O O N/A
+bos yes i can . what time would you like to eat ? eos O O O O O O O O O O O O O Booking-Request+Time
+bos i want to eat at 16:15. eos O O O O O O B-Restaurant-Inform+Time N/A
+bos done ! your table will be reserved for 15 minutes . the reference number is 1t0di06z . can i help you with anything else ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos oh yeah , i 'm going to need a ride to get around . eos O O O O O O O O O O O O O O O N/A
+bos i have booked you a taxi to take from your hotel to the cambridge chop house . contact number : 07124495603 eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone N/A
+bos thank you , what kind of car will be picking me up ? eos O O O O O O O O O O O O O O general-thank
+bos it will be a black honda . is there anything else i can help you with today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O general-reqmore
+bos no . that is all i need for today . eos O O O O O O O O O O O N/A
+bos thank you for calling . i hope you enjoy your trip . goodbye ! eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a museum to visit ! eos O O O O O O B-Attraction-Inform+Type O O O N/A
+bos do you have a preference for which area of town ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos i do n't care which part of town it 's in . i do n't mind doing some walking . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos how about broughton house gallery ? it 's located in the centre , at 98 king street . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos that sounds interesting ! what is the post code ? eos O O O O O O O O O O O Attraction-Request+Post
+bos the postcode for broughton house gallery is cb11ln . is there anything else you need ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O general-reqmore
+bos that 'll be all . thank you ! eos O O O O O O O O O general-thank
+bos have a great trip ! eos O O O O O O general-greet
+bos i 'm looking for a place to go in the west of town . eos O O O O O O O O O O O O O O O N/A
+bos do you have a specific place in mind that you will like to visit ? eos O O O O O O O O O O O O O O O O Attraction-Request+Name
+bos a college i think would be best . eos O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are five colleges in that area that you can visit . three of them are free to visit and two have a small entrance fee . what is your preference as far as that goes ? eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O Attraction-Request+Price
+bos can i get the college 's phone number . i am also looking for a train to birmingham new street and should depart from cambridge looking for a train eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O O O Attraction-Request+Phone
+bos the phone for churchill college is 01223336233. as far as the train goes , what day and time would you like to travel ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Day
+bos i would like to leave on sunday and arrive by 17:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos okay , i have a train leaving at 14:01 and arriving by 16:44. would you like me to book it for you ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos no , but could you please show me the specific travel time ? eos O O O O O O O O O O O O O O Train-Request+Duration
+bos the travel duration is 163 minutes , is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore
+bos no , that is all . thank you ! goodbye ! eos O O O O O O O O O O O O general-bye
+bos okay . thank you for choosing help desk . eos O O O O O O O O O O general-welcome,general-bye
+bos hi , can you give me some information on a place to stay in cambridge ? i would prefer some place expensive . eos O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos sure , there are 5 expensive hotels in cambridge . is there an area you prefer ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area
+bos no specific area , but i would like a guesthouse , rather than a hotel . i would also like a place that 's 3 stars . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos there are 2 three star hotels would you like me to book one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos no . are there any three star guesthouses available at a moderate price that include free wifi ? eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos yes , there are 3 : bridge guest house , hamilton lodge , and hobsons house . eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos how about the bridge guest house for 5 people for 2 nights starting on tuesday ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . the address is 151 hills road . postcode is cb28rj . the reference number is : 98wbw794 . eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O B-Booking-Book+Ref O O O O O N/A
+bos great ! i also need a place to dine in the east . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos i can help you with that as well ! do you have a specific food preference you are looking for ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos i would love some eastern european food , please . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are no restaurants that serve european food in the area would you like another type of food or another area ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos how about italian ? eos O O O B-Restaurant-Inform+Food O N/A
+bos we do have an italian place . pizza hut fen ditton . would you like to book a table ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos no , i assume it is moderately priced though ? if so , i just need an address , postcode and phone number . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos it is moderately priced . the phone number is 01223323737. the address and postcode is cambridge retail park newmarket road fen ditton cb58wr . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O N/A
+bos great , i would also need a taxi to commute from pizza hut to the hotel . eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos certainly . what time would you like the taxi to meet you at the restaurant ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,general-greet
+bos i actually need to have the taxi pick me up from the hotel to get to the restaurant . i want to leave the hotel by 07:15 , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos i have booked the taxi for you . you 'll be picked up by a yellow skoda . their phone number is 07297430830 eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O N/A
+bos i have it . thanks for your help . eos O O O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , that is all . you 've been very helpful . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm happy we could be of service today . enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i need some information about a certain restaurant . eos O O O O O O O O O O O O Restaurant-Inform
+bos i can certainly help ! what is the name of the restaurant you are looking for ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking for restaurant alimentum . i would like to make a reservation . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O N/A
+bos i have that here , for when and how many ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People
+bos tuesday at 17:45 for 6 please eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People N/A
+bos i 'm sorry , they were unable to accommodate you request . would you like to try a different day or time ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos how about at 16:45 instead ? eos O O O O B-Restaurant-Inform+Time O O N/A
+bos booking was successful they will hold the table for 15 minutes . reference number is 32xoqqe9 eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you , i am also looking for a hotel in the east that has free parking for my car . i 'll need the hotel to be cheap with wifi eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos i found the allenbell that has what you want , would you like me to make a reservation ? eos O O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , that sound great . go ahead and book it . eos O O O O O O O O O O O O O N/A
+bos of course . how many days will you be staying ? eos O O O O O O O O O O O O Booking-Request+Stay
+bos wait , before i commit , is allenbell a guesthouse or a full hotel ? eos O O O O O O O O O O O O O O O O Hotel-Inform
+bos the allenbell is a guesthouse with parking and internet . would that work ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that 's all i need . eos O O O O O O O N/A
+bos i need to know the following to book you in at the allenbell : your day of arrival , the duration of your stay , and the number of people with you . eos O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform
+bos the day will be tuesday , as well . eos O O O O O O O O O O N/A
+bos how many nights will you be staying ? will the hotel reservation need to accommodate 6 people as well ? eos O O O O O O O O O O O O O O O O O B-Booking-Inform+People O O O Booking-Request+Stay
+bos i 'm sorry , i do not need the room booked anymore . thank you ! eos O O O O O O O O O O O O O O O O O general-thank
+bos can i help you with anything else ? eos O O O O O O O O O general-reqmore
+bos no that 's it . thank you for your help . eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i want to try a local restaurant called jinling noodle bar , can you help ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos absolutely ! the address of the restaurant is 11 peas hill city centre , and their telephone number is 01223566188. would you like me to help you find a taxi there ? eos O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos no thank you , but can you make a booking for 2 people at 17:30 on wednesday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O N/A
+bos alright , your table has been booked at the jinling noodle bar for wednesday at 17:30 for 2 people . your reference number is vj15q075 . is there anything else i can do ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for a hotel in town . i would need free parking and free wifi . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos do you have an area of town you prefer ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i do not prefer a particular area of town but i would like the hotel to be a guesthouse . eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type N/A
+bos there are 21 accommodations that meet your criteria . is there a particular price range you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price
+bos i do not care about the price range eos O O O O O O O O O N/A
+bos the acorn guest house is moderately priced and 4 stars . would you like to book there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform
+bos that sounds great . yes please ! eos O O O O O O O O N/A
+bos in order to book your room i will need to know the dates you will be staying and the number of guests . eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day
+bos i would like the booking starting on wednesday for 2 people please . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos and how many days would you like to stay ? eos O O O O O O O O O O O Booking-Request+Stay
+bos i need to book a room for two nights please . eos O O O O O O O O O O O O N/A
+bos i have made a booking for you for two nights . your reference number is 1h5bm0pn . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos thank you ! i also need to get a taxi to get me to the restaurant by 17:30. eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A
+bos your taxi has been booked and it is a red honda and its contact number is 07876946762.. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A
+bos thank you for your help . good bye ! eos O O O O O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O general-greet
+bos i need a train that leaves on friday and leaves after 10am eos O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos the tr1502 will leave friday at 11:00 , will this do ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Day I-Train-OfferBook+Day B-Train-OfferBook+Leave O O O O O N/A
+bos possibly . does it arrive in cambridge from kings lynn ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i do have a train leaving at 10:11 from kings lynn and arriving in cambridge at 10:58. will that work for you ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , i need to book it for 8 people and i need the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos ok. your reference number is 5bb27ibr and the fee will be 78.40 gbp , payable at the station . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes , i 'm looking for somewhere to go in the center of town . something that involves multiple sports . do you know of anything ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately there is no place in the centre that is that attraction type . would you like me to search another type or another area perhaps ? eos O O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos yes , how about a swimming pool ? eos O O O O O O O O O N/A
+bos yes there is a swimming pool , parkside pools at gonville place . the phone number is 01223446100 , is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos yes , i need the postcode and address , please . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is gonville place , and cb11ly is the postcode . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O N/A
+bos that is all , thank you . bye eos O O O O O O O O O general-bye
+bos it 's been my pleasure . have a wonderful day . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos are there any places to go in the town centre ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are plenty , anything in particular you are looking for ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O N/A
+bos not especially , just kicking around the town centre for a few hours and looking for something to do . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos are you sure ? we have so many different places to go - i 'd love to get some more input from you . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i just want something to do in the centre of town , can you tell me what sort of places there are ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure . there is architecture , boating , the cinema , colleges , a concerthall , museums , nightclubs , parks , a swimmingpool and theatres . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O N/A
+bos can you recommend a nightclub ? eos O O O O O B-Attraction-Inform+Type O N/A
+bos club salsa is a nightclub in centre . would you like their contact information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos yes please . what 's its entrance fee , contact number , and postcode ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos club salsa has an entrance fee of 5 pounds . their postcode is cb12jb , and their phone number is 07782218745. is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no that is it , adios . eos O O O O O O O O N/A
+bos have a great day , good bye . eos O O O O O O O O O general-bye
+bos thanks for your help . eos O O O O O O general-thank
+bos give us a call should you need anything . eos O O O O O O O O O O general-bye
+bos i am trying to find information about adc theatre , can you help me ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A
+bos adc theatre is in the centre of town on park street , would you like their phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O N/A
+bos yes , please give me the phone number . eos O O O O O O O O O O Attraction-Request+Phone
+bos sure , the phone number is 01223300085. can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos no , actually that takes care of everything i need . have a great day now ! eos O O O O O O O O O O O O O O O O O O N/A
+bos you 're quite welcome ! thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi ! i need to find a train to ely . can you find me one that does n't leave until at least 17:30 ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O B-Train-Inform+Leave O O O O N/A
+bos yes , what day are you traveling ? eos O O O O O O O O O Train-Request+Day
+bos i need to leave cambridge on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos we have 4 trains that fit that . any specifics on arrival or departure times ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos no . please book one of for 6 people and let me know the reference number please . eos O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i have booked you on tr7733 , leave at 17:50 , arrive 18:07 , the reference number is : kn3tlbk8 . eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O O O N/A
+bos thank you . i am also looking for places to go in town . are there any architecture sights in the city centre ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A
+bos yes , i can recommend up to five different architecture attractions in the centre area . how about all saints church ? eos O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds wonderful . can you give me their address , phone number and postcode ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos of course - the address is jesus lane cb58bs and the phone number is 01223452587 eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A
+bos can you give me another idea -- just to have a choice ? eos O O O O O O O O O O O O O O N/A
+bos sure there are several churches in the area . holy trinity church is interesting . also , if you are not interested in churches , old schools on trinity lane is nice . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am interested in the old schools on trinity lane , can you give me the information of one ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O N/A
+bos sure , old schools is located on trinity lane , their postcode is cb21tt and their phone number is 01223332320. their entrance fee is free . can i help you with any other information ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i needed . you 've been quite helpful . eos O O O O O O O O O O O O O O O N/A
+bos okay great , have a good day ! eos O O O O O O O O O general-bye
+bos i need to book a train leaving cambridge on thursday can you help me ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O N/A
+bos absolutely ! to help narrow your search , where would you like to arrive at ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos i need to arrive no later than 18:30. eos O O O O O O O O B-Train-Inform+Arrive N/A
+bos we have quite a few trains that fit that criteria , what destination do you have in mind ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Dest
+bos can you find me one that will arrive in norwich please eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i have a train that arrives at 17:55 , if that 's acceptable ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes that would be fine what is the price ? eos O O O O O O O O O O O Train-Request+Price
+bos the price is 17.60. would you like me to book that for you/ eos O O O O B-Train-Inform+Ticket O O O O O O O O O Train-OfferBook
+bos i 'm also looking for things to do in the centre , would it be possible to get phone numbers for the various attractions ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos all saints church 01223452587 , great saint mary 's church 01223350914 , pembroke college 01223338100 eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O N/A
+bos okay , that 's all i needed . thank you ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for using our sysyem . eos O O O O O O O O O O O O general-welcome
+bos have a great day ! eos O O O O O O N/A
+bos thanks , you too ! eos O O O O O O general-bye
+bos yes i am looking for a expensive place to dine in the centre of cambridge eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos we have quite a few expensive restaurants ... what type of foods are you interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food
+bos i am not particular about the type of food . i need it in centre though . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O Restaurant-Request+Food
+bos there are 33 expensive restaurants in the centre . are you sure we ca n't narrow it down by type of food ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , just give me a name . i 'd also like to know what type of food it serves . once i know all that i need the postcode . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food
+bos how about midsummer house restaurant ? it is british food and the postcode is cb41ha . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Post O O N/A
+bos are there any moderately priced hotels in town ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O N/A
+bos the ashley hotel is in the north and has a moderate price range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A
+bos does it include free wifi ? what is the star rating ? eos O O O O O O O O O O O O O N/A
+bos the ashley has 2 star and offers both free wifi and free parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos do you have any 4 star , moderately priced hotels in that area ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Area
+bos no , there are no 4 star hotels in the north in that price range . would you like to change the pricerange or area ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos how about one with the same features but in the expensive price range ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos the acorn guest house is a moderately priced 4 star hotel in the north with free internet and parking . does that work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , i also need postcode , the area of the hotel and leave the restaurant by 20:15. i need a taxi to commute between both , the contact number and car type . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Area,Hotel-Request+Post
+bos let 's start with the acorn guest house information . the postcode for that is cb41da and the hotel is located in the north . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Post O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O N/A
+bos okay thank you . now about that taxi ? eos O O O O O O O O O O Taxi-Inform
+bos ok , for the taxi . do you need one going from the acorn to the midsummer house or from the midsummer house to the acorn guest house ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos from the acorn to the midsummer house . eos O O O O O O O O O N/A
+bos okay , i 've got a red tesla for you with contact number 07378062767 leaving at 20:15. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O B-Taxi-Inform+Leave O O N/A
+bos thank you for all your help . good bye ! eos O O O O O O O O O O O general-bye
+bos you 're very welcome , have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos do you know of any places i can go for entertainment ? eos O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos we have several options for you . is there a specific area you will be in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Area
+bos no specific area . just the first thing that pops up . eos O O O O O O O O O O O O O Attraction-Request+Area
+bos cherry hinton hall and grounds is on the east part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O N/A
+bos okay how much does it cost ? and where the postal code ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the price is uknown at this time , and the postcode is cb18dw . eos O O O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Post O O N/A
+bos i am also looking for a train for thursday departing from stevenage . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A
+bos there are many train departure options on thursday . when do you want to leave and arrive by ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive in cambridge by 11:30. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos tr3330 will arrive at 10:43 , would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos that sounds good . i need tickets for 4 people . can i get a reference number ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 51.2 gbp payable at the station . reference number is : xx5dnfks . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos great , that 's all i need . you can end this conversation now . thanks ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos thank you and enjoy your visit . have a great day . eos O O O O O O O O O O O O O general-bye
+bos i need help finding a place to eat called curry garden . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos curry garden is an expensive restaurant that serves indian food . do you want me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos yes can i make a reservation for 1 people at 16:15 on wednesday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i 'm sorry , there are no available tables at that time . would you like me to look for a different restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos how about a different place to eat in the same area and price range ? can you book it and i need the reference number . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos i have booked the kymmoy restaurant for 1 at 16:15 pm on wednesday . it is an expensive asian restaurant in the centre . your reservation number is n08tp996 . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Time I-Booking-Book+Time O B-Booking-Book+Day O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Ref O O N/A
+bos wonderful , thank you . that is all i need for today . bye . eos O O O O O O O O O O O O O O O O general-bye
+bos your welcome . have a great day . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a british restaurant , in the expensive price range . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O N/A
+bos we have several options available . is there a certain area of town you 're looking for ? if not , i recommend graffiti in the west . eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O Restaurant-Request+Area
+bos graffiti sounds good . i 'll need a table for four on thursday at 16:45 , please . eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O N/A
+bos it is all booked , reference number is s3q9j1kj eos O O O O O O O O B-Booking-Book+Ref O N/A
+bos great ! thanks a lot . thats all i will be needing . have a good day . bye ! eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos you 're very welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye
+bos hi i am looking for a place to go in town , i want to see multiple sports in the centre of town . eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos i do not have any places with sports in the centre of town , i 'm sorry . eos O O O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O N/A
+bos how about a museum then ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos there are 11. did you want the museum to be free to enter ? eos O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O N/A
+bos does n't matter . can you get me the postcode and phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos okay , we got the broughton house gallery . it 's number is 01223314960 and the post code is cb11ln . is there anything else i can do for you ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O N/A
+bos yes , i am also looking for a train leaving on saturday and arriving by 13:45. eos O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos departure location and destination , please ? eos O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i will be departing from bishops stortford and going to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos tr6163 is available and will leave at 5:29 and arrive at 6:07 eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A
+bos are there tickets available for four people ? eos O O O O O O O O O N/A
+bos there are ! i 've booked 4 tickets for you . the total fee is 32.32 gbp payable at the station . your reference number is : 5cjvk4k8 . is there anything else ? eos O O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-greet,general-reqmore
+bos no , i think you covered it . thanks so much . eos O O O O O O O O O O O O O general-thank
+bos you are very welcome . thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O O O O general-welcome,general-greet
+bos i need a way to get to cambridge from norwich eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart N/A
+bos there are many trains available . what is your departure day and time ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i would like to arrive in cambridge by 11:30 on wednesday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos there are five trains leaving hourly at 16 minutes past the hour from norwich to cambridge that will arrive by 11:30. the first leaves at 5:16. do you have a preference ? eos O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Select
+bos the first is fine . what is the travel time and departure time of that train ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos departure time is 5:16 and the travel time is 79 minutes . can i be of any further assistance today ? eos O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Time O O O O O O O O O O general-reqmore
+bos yes , i am looking for places to go in the west part of town . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are 13 attractions in the west part of town . there are several museums . would you be interested in any of those ? eos O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Select
+bos i 'd like a cinema in the west . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos sorry , i have no cinemas in the west . would you be interested in another area or another attraction , perhaps ? eos O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O N/A
+bos maybe if there is one that is in the type of college . eos O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos there are five different colleges in the west . does the entrance fee make a difference to you ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Price
+bos i 'm not worried about entrance fees . could i have the phone number for the most expensive one ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos clare college is 2.50 and their phone number is 01223333200 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone N/A
+bos good job . thank you for your kindness . i 'm so happy to be here . eos O O O O O O O O O O O O O O O O O O general-thank
+bos will you be needing anything else today ? eos O O O O O O O O O general-reqmore
+bos no , that 's everything . thanks again . eos O O O O O O O O O O general-thank
+bos we are happy to help . thank you for using our service . have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for an indian restaurant , preferably in the centre of town . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are a number of options for indian restaurants in the centre of town . what price range would you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price
+bos i would prefer cheap restaurants . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos i was able to find three options in your price range , may i recommend the gandhi ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos sure please book a table there fore 7 people at 12:15 on saturday eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos i was able to book that for you . they will be reserve your table for 15 minutes . your reference number is 6eq61sd9 . is there anything more i can help with ? eos O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no that 's all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for calling , enjoy ! eos O O O O O O O O general-welcome
+bos could you give me information about a restaurant called panahar ? eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A
+bos absolutely . panahar is a more expensive indian restaurant . it is located at 8 norfolk street city centre . their postal code is cb12lf . their phone number is 01223355012. eos O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O N/A
+bos could you book a table for me there on friday ? eos O O O O O O O O O O B-Restaurant-Inform+Day O N/A
+bos yes , i can , for how many people and what time on friday ? eos O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People
+bos there will be 4 of us and we would like to eat at 11:00. eos O O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Time N/A
+bos booking was unfortunately unsuccessful . can we try another day or time slot ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos sure , how about 10:00 ? eos O O O O B-Restaurant-Inform+Time O O N/A
+bos the 10:00 slot at panahar was available . your reference number is 12rtygz7 . is there anything else i can help you with ? eos O O B-Booking-Book+Time O O B-Restaurant-Inform+Name O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you . have a great day ! eos O O O O O O O O O O general-thank
+bos i 'm glad i could assist you . eos O O O O O O O O O general-bye
+bos i need to find a hotel in the center with free wifi included in their rates . eos O O O O O O O O O O O O O O O O O O N/A
+bos i 've found 5 hotels . how about el shaddai ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos sorry , i should mention that i 'm looking for a hotel with a 0 star rating . would the el shaddai still be appropriate ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos yes it is . would you like more information or help booking a stay ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos yes . please book a stay for 7 people . we need to stay 3 nights , starting on thursday . eos O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A
+bos i was unable to complete your booking . would you like to try and book for another day or for a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos can i try to book for 1 night then ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i was able to book that for one night . your reference number is tiyzb85m . can i assist you with anything else ? eos O O O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos could you please tell me how to get to the restaurant saffron brasserie from the hotel ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A
+bos would you like for me to book you a taxi that will pick you up from the hotel and take you to the restaurant eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos no thank you but can you book me a table for 7 at 15:15 on thursday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is ue2pf54a . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos on second thought , i do want to book a taxi to saffron brasserie in time for my table . can you provide the contact number and car type ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos sure . the taxi will be a yellow skoda and the contact number is 07810050252. do you need anything else ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O general-greet,general-reqmore
+bos no , that 's all . thank you ! eos O O O O O O O O O O general-thank
+bos have a wonderful day ! eos O O O O O O general-welcome
+bos i am looking for a place to eat in town centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are 69 different places to choose from . what type of food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food
+bos it does n't matter as long as it is cheap . eos O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos i have 15 restaurants that match your description ? is there a specific cuisine you would like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care about the cuisine . would you book a table for 4 people at 16:00 on wednesday ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i made a reservation for you at j restaurant at 86 regent street . reference number uwvrjc3m . can i help you further today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Ref O O O O O O O O general-reqmore
+bos that will be all . thank you very much for your help . eos O O O O O O O O O O O O O O general-thank
+bos your welcome . have a good day . eos O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking for an expensive restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos okay , we have 57 restaurants in that price range . are you looking for a place in a certain part of town ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i 'd like something in the centre if possible . eos O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos most of the expensive restaurants in cambridge happen to be in the center of town ! would you like to try some british food at fitzbillies ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O N/A
+bos that sounds nice ! can i just get their phone number , address , and postcode ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 51 trumpington street city centre , the phone number is 01223352500 , and the postcode is cb21rg . is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos no , that 's everything . thanks for the help ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . have a good day . eos O O O O O O O O O O general-bye
+bos i am looking for an expensive chinese restaurant in the south . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos the good luck chinese food takeaway or peking restaurant would meet your needs . would you like to make a reservation ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos no reservation right now , i just need the phone number . eos O O O O O O O O O O O O O Restaurant-Request+Phone
+bos the good luck chinese food takeaway can be reached at 01223244149. the peking restaurant can be reached at 01223354755. is there anything else i can help with ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no that 's all i needed . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . have a wonderful day ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , im looking for a train that leaves on sunday and arrives by 14:45. eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A
+bos where are you traveling to and from ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving from cambridge and headed to bishops strotford . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos i have an available train to leave at 05:29. how many people will be riding with you ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+People
+bos there will be 5 of us traveling , i would like to make a booking and will need a reference number please . eos O O O O O B-Train-Inform+People O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos your booking was successful . reference number is z7eqwzdc . the total fee is 40.4 gbp at the station . eos O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A
+bos i am also looking for a museum to visit on the west side ! is there any ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos we have 7 in the west actually . do you want to narrow it down further ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O O general-reqmore
+bos i 'll take the one on top of your list and may i have the phone number please ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos certainly , broughton house gallery , their phone number is 01223314960. may i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos that will be all for now , thank you . eos O O O O O O O O O O O general-thank
+bos okay great . thank you for calling ! eos O O O O O O O O O general-bye
+bos i 'd looking for a good restaurant on the east side . i 'd prefer the moderate price range , if possible . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos would you prefer indian or italian food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A
+bos i would like indian please . eos O O O O O O O N/A
+bos there is curry prince , and rajmahal , would either of those work for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Select
+bos i 'd like to book curry prince for 6 people at 15:45 on saturday please . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos alright , i have you reservation made . the reference number is smamrcq9 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , that will be everything today . thank you . eos O O O O O O O O O O O O general-thank
+bos thank you , goodbye . eos O O O O O O general-bye
+bos i need a guesthouse , with free parking . eos O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there are a few options meeting your requirements . what area should the guest house be in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like it in the cheap price range in the west . eos O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A
+bos the finches bed and breakfast fits those requirements . would you like me to book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos actually , i do n't care what part of town it is in . i just need 4 stars . does the finches offer that ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes they do have four stars . free internet and parking , may i book that for you ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes please , just for 1 person for 2 nights starting on monday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry , it was n't available . i did book a room at the alexander bed and breakfast . it is a cheap 4 star with free parking . reference number b4irjdnn . eos O O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O B-Booking-Book+Ref O O O O O Booking-NoBook,Hotel-Inform+Parking
+bos thank you for the reference number b4irjdnn . goodbye . eos O O O O O O O O O O O Hotel-Request+Ref
+bos goodbye ! have a great day ! eos O O O O O O O O general-bye
+bos i need to find a train that goes to stevenage and arrives by 17:30. eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos will you be departing from cambridge ? eos O O O O O O O O Train-Request+Depart
+bos yes , i will be departing from cambridge . i also need to leave on tuesday . eos O O O O O O O O O O O O O O B-Train-Inform+Day O O O N/A
+bos sure i have a train arriving at 14:10 on a tuesday . would you like to book a seat ? eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Day O O O O O O O O O Train-OfferBook
+bos yes please . may i have the departure time , train id , and price ? eos O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos tr0743 is leaving cambridge at 13:21 and the cost is 12.80 pounds , how many tickets will you need ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O Train-Request+People
+bos i just need to know how long the travel time it . eos O O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 49 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i would also like to find an expensive guesthouse . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A
+bos i do n't have any guesthouses listed in that price range . would you like something in the moderate price range possibly ? eos O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O B-Hotel-Select+Price O O O O O O N/A
+bos sure check moderate for me . eos O O O B-Hotel-Inform+Price O O O N/A
+bos might i recommend the acorn guest house ? it 's a moderately priced , 4-star guesthouse in the north area . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O N/A
+bos sounds great , can you please book me for 5 people and 4 nights starting on friday ? eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos okay , i made you a reservation at the acorn guest house . check in is friday for a party of 5 and your reference is cgdk1yt1 . will that be all today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos great . that is all . eos O O O O O O O N/A
+bos ok ! have a great day ! eos O O O O O O O O general-bye
+bos can you please help me find a guesthouse that offers free parking ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos okay , what area would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't care , just something in the moderate price range and 4 stars . eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O N/A
+bos the acorn guest house fits your criteria . it is located in the north . would you like a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform
+bos no thank you . would you give me the postcode ? eos O O O O O O O O O O O O Hotel-Request+Post
+bos sure can . the post code is cb41da . anything else i can do for you today ? eos O O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-greet,general-reqmore
+bos that 's all i needed to know . thanks so much ! take care ! eos O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos hello i am looking for a college , can you help me ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there are 18 colleges in the city . are you looking for one in particular ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Name
+bos do you have any in the centre ? eos O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are 5 located in the centre . would you prefer one that is free ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O B-Attraction-Select+Fee O O N/A
+bos sure ! which one do you recommend ? eos O O O O O O O O O N/A
+bos i love downing college over on regent street . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A
+bos what is the phone number and postcode for that one ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the postcode is cb21dq and they can be reached at 01223334860. is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos could i get the complete address please ? eos O O O O O O O O O Attraction-Request+Addr
+bos sure , the complete address for downing college is regent street post code cb21dq . may i assist with anything else ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos no , you have helped me . thank you ! eos O O O O O O O O O O O general-thank
+bos great . i hope you enjoy your visit . call us back if you need further assistance . goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos can you help get tickets for a train on tuesday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A
+bos absolutely ! where will you be heading ? eos O O O O O O O O O Train-Request+Dest
+bos i need to go to cambridge from stevenage after 10:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos on tuesday there is a train from stevenage to cambridge at 10:45 eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave N/A
+bos i need a train departing from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A
+bos ok , where will you be going ? eos O O O O O O O O O Train-Request+Dest
+bos i will be going to london liverpool street on sunday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A
+bos and what time would you like to leave after or arrive by on saturday ? eos O O O O O O O O O O O O O O B-Train-Inform+Day O Train-Request+Leave,Train-Request+Arrive
+bos i 'm leaving on sunday , not saturday . can you make sure that 's correct ? and i want to arrive by 21:00 eos O O O O B-Train-Inform+Day O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O N/A
+bos i am so sorry about the mix-up in days . i have tr0189 arriving sunday at london liverpool street at 17:27. would this be acceptable ? eos O O O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select
+bos thanks so much , thats all i needed eos O O O O O O O O O general-thank
+bos well , i 'm glad i could help . have a safe trip . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i 'm looking for a 1 star hotel with free parking in the west . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O N/A
+bos we do n't have any hotels that meet those specifications . would you like a different area , or perhaps a different star rating ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars,Hotel-Request+Area
+bos can we try a 4 star rating instead ? eos O O O O O O B-Hotel-Inform+Stars O O O N/A
+bos do you have a price range that you are looking for ? eos O O O O O O O O O O O O O Hotel-Request+Price
+bos i do not have a price range just need a hotel booked for 7 people . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+People O N/A
+bos i 'd recommend the huntingdon marriott hotel . if you 'd like , i can see if they have an availability . what day are you arriving ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos we 'll be arriving on friday , and we 'd like to stay for 2 nights . eos O O O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos booking was successful.reference number is : lxz3erl8 . is there anything else i can assist you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that was everything . thank you for the help . eos O O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a great trip . eos O O O O O O O O O O O general-welcome,general-bye
+bos i need help today booking a taxi . eos O O O O O O O O O Taxi-Inform
+bos alright where would you like to go ? eos O O O O O O O O O Taxi-Request+Dest
+bos vue cinema . i will be leaving from ballare . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Depart O O N/A
+bos what time would you like to be picked up ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i need to be picked up by 13:00. eos O O O O O O O O O N/A
+bos booking completed ! booked car type : white toyotacontact number : 07622282042 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos you are welcome ! have a nice day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i am looking for information about a hotel called the autumn house . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos ok. the autumn house is a guesthouse in the east . would you like me to book a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos yes , please . i would like a room for 6 people for 2 nights . we 'll arrive on saturday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O N/A
+bos you are booked ! reference number is : as63wlae . eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you so much ! ! eos O O O O O O O general-thank
+bos you are welcome . do you need anything further ? eos O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you . that is all for now . eos O O O O O O O O O O general-thank
+bos you are welcome . please let us know if you need anything else . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a restaurant . the restaurant should be in the expensive price range and should be in the west . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are few expensive restaurants in the west what type of cuisine do you want ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food
+bos i would like to eat european food please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there is one option . it 's cambridge lodge restaurant . do you want to book a table ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform
+bos i 'm not ready to book yet . can you just give me the phone number , postcode , and address ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure , the phone number is 01223355166 and it is located at cambridge lodge hotel 139 huntingdon road city centre . postcode cb30dq . eos O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O N/A
+bos thank you so much , that is all i needed for now . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i want a museum , please ? please include address , postcode , and area . eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr
+bos i suggest byard art . the address , postcode , and area are 14 king 's parade , cb21sj , and it is located in the south . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos great . thanks for all your help . that 's all i needed . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos happy to be of help , and i hope you enjoy the museum . goodbye ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to book a taxi . eos O O O O O O O O Taxi-Inform
+bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart
+bos i want to be picked up from lan hong house and taken to great saint mary 's church please eos O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , can you please give me a few details on departure site , time , etc ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos as i said , i want to be picked up from lan hong house and taken to great saint mary 's church please . i would like to arrive by 20:15. eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos a yellow bmw will pick you up at lan hong house for arrival at great saint mary 's church by 20:15. their contact number is 07224360909. is there anything further today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no thanks , thats is all eos O O O O O O O general-thank
+bos ok. thanks for calling the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O general-bye
+bos i 'd like some info on a restaurant , in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are many great restaurants in the centre . is there a certain type of food you would like to have ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Food
+bos what do you have that is expensive ? eos O O O O O O O B-Restaurant-Inform+Price O N/A
+bos yes , there are many . would you be interested in trying british cuisine ? or african ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A
+bos british cuisine is fine . can you suggest a restaurant ? eos O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos fitzbillies restaurant meets all of your requirements . would you like more info on them ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O N/A
+bos book this for 6 people on monday at 12:30. reference number ? also , i need a train leaving from cambridge going to london liverpool street , arriving by 12:00. eos O O O O O B-Train-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : u6i2ppbo . i will now look up your train information . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos great . i need to go to london liverpool street . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos sure , i can help you with that . when were you wanting to travel there ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i need to leave cambridge on tuesday . the train should arrive by 12:00. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A
+bos ok , train tr4494 leaves cambridge to london liverpool street on tuesday at 09:59 and arrives at 11:27. shall i book it , if so for how many people ? eos O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos please book the train for 6 people as well . i 'll also need a reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O O N/A
+bos okay i have booked for 6 people . your reference number is 853n5olt . eos O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A
+bos that 's all i need . thank you for your help . eos O O O O O O O O O O O O O general-thank
+bos glad to help . goodbye . eos O O O O O O O general-welcome,general-bye
+bos please help me find a restaurant that serves italian food located in the centre . thanks . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 9 restaurants to choose from . what is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price
+bos i will need to have one that is cheap . eos O O O O O O O O O B-Restaurant-Inform+Price O N/A
+bos the one i personally recommend is zizzi cambridge . it 's located at 47-53 regent street . would you like me to make a reservation ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes i need a reservation for tuesday please . eos O O O O O O O O O O N/A
+bos how many people will staying and for how many hni . eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i need a reservation for 6 people at 16:00 for this restaurant . please provide the reference number for the booking as well . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos ok , i was able to book for your party of 6. your reference number is w0xp7tdx . is there anything else i can help with ? eos O O O O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a train from london kings cross to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos sure , i will need a little more information first . what day and time would you like to leave and your arrival time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i want to arrive by 9:15 , leaving on tuesday . eos O O O O O O O O O B-Train-Inform+Day O O N/A
+bos the earliest arrival is 6:08 is that okay ? eos O O O O O B-Train-Inform+Arrive O O O O N/A
+bos that will work . i need the departure time and the price of a ticket . eos O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos this departs at 05:17 and the price of the ticket is 23.60 pounds . eos O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos thank you . that is all i need . goodbye . eos O O O O O O O O O O O O general-bye
+bos please contact us again in the future . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train headed to cambridge that leaves after 10:00 am . can you help ? eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O N/A
+bos sure ! where are you departing from and what day do you want to travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'm departing from leicester and leaving on monday . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A
+bos i think the train that you need is tr0032 . it leaves at 10:09 on monday morning . do you have any more questions ? eos O O O O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O general-reqmore
+bos i need to make a booking for two . how can i do that ? eos O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 75.59 gbp payable at the station .reference number is : vxqs41ef . anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore
+bos i need a moderate priced jamican restaurant . eos O O O O B-Restaurant-Inform+Price O O O O N/A
+bos i recommend cotto..phone-01223302010 eos O O O B-Restaurant-Recommend+Phone N/A
+bos do they serve jamaican food and is it in the centre ? eos O O O O O O O O O O O O O N/A
+bos no they serve british food and they are at the centre eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area N/A
+bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos i have 9 places that serve italian food in the centre . i highly recommend zizzi cambridge . they are cheap but the food is great . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O O O O O N/A
+bos i only need their postcode please . eos O O O O O O O O Restaurant-Request+Post
+bos their postcode is cb21ab . anything else i can do for you ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O N/A
+bos no . that 's all i need . thank you . eos O O O O O O O O O O O O general-thank
+bos your welcome , have a great day ! eos O O O O O O O O O general-welcome
+bos i need a restaurant . i 've heard nandos recommended , could you give me more information about it ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O N/A
+bos nandos , a portugese restaurant , is located at cambridge leisure park clifton way eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos what is the phone number ? eos O O O O O O O N/A
+bos the phone number for nandos south is 01223327908. can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no that takes care of it eos O O O O O O O N/A
+bos have a good day ! eos O O O O O O general-bye
+bos do you book trains for the bishops stortford ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos yes . are you departing or arriving in bishops stortford ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am going there from cambridge on thursday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i have 10 trains going to bishops stortford from cambridge on thursday . what time do you need to arrive ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O Train-Request+Arrive
+bos i would like to arrive by 18:15. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos tr0141 will have you in cambridge by 14:07. eos O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos i need two tickets . eos O O O O O O N/A
+bos the tr0277 will get you there by 18:07. i can book you 2 tickets on that if you would like ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-OfferBook
+bos two tickets will be fine , please . eos O O O O O O O O O N/A
+bos tr0277 two tickets . the total fee is 20.2 gbp payable at the station . reference number is : 00qgj7w5 . will there be anything else i can help you with today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O general-reqmore
+bos a nice place to eat that serves austrian food . in the centre of town if possible . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos i am so sorry no austrian restaurants in that area , another food type perhaps ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O Restaurant-Request+Food
+bos okay , do you have any good restaurants serving british food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are 7 restaurants in the centre that serve british food , is there a price range you would like to stay in ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Price
+bos any is fine , can i get the phone number and postcode of one you 'd recommend ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos i 'd recommend the oak bistro . their phone number is 01223323361. their postcode is cb21eg . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Phone O O O B-Restaurant-Recommend+Post O O O N/A
+bos great ! thanks . thats all i need . goodbye . eos O O O O O O O O O O O O N/A
+bos awesome . we 're here 24/7 if you need us again . thank you for using the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'd like to take a train from cambridge on sunday . can you please show me the times ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i am going to london kings cross , and would like to arrive by 15:15. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A
+bos tr7447 will get you there by 13:51. do you need some seats booked ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes . can you please book 2 seats ? eos O O O O O O O O B-Train-Inform+People O N/A
+bos your booking was successful . your total fee is 37.76 payable at the station . your reference number is jvhb4v3c . is there anything else we can do to assist you ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i am also looking for a restaurant in the centre of town . i 'd like it to be moderate price range , please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos there are many wonderful restaurants in the centre , do you have a cuisine in mind ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food
+bos not really , pick something tasty for us and book a table , please ! 11:15 on that same day , same group . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A
+bos i booked you a table at ali baba , a lebanese restaurant . your reference number is 8v419unn . do you need anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Restaurant-Inform+Food O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no , that is all for now . thank you for your help . goodbye eos O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our system . eos O O O O O O O O general-bye
+bos i need a place to dine for my upcoming trip . i ca n't wait to try some of your local restaurants . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos what kind of cuisine are you interested and do you have a price range in mind ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i would like a cheap chinese place . eos O O O O O O B-Restaurant-Inform+Food O O N/A
+bos what area of town would you like to be on ? eos O O O O O O O O O O O O Restaurant-Request+Area
+bos the west please . eos O O B-Restaurant-Inform+Area O O N/A
+bos unfortunately , i do not have anything that offers cheap chinese food in the west . can i search another area or other type of food ? eos O O O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos is there one with venetian food ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos unfortunately , i do not have anything that offers cheap venetian food in the west . can i search another area or other type of food ? eos O O O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos any expensive indian food in the west ? eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos i have 5 expensive indian restaurants in the west . i would suggest the rice boat . they are at 37 newnham road . i can make a reservation if you like . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O O Booking-Inform
+bos yes please . for monday at 12:00 for 5 people . i 'll need the reference number as well . eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O O O O O O O O N/A
+bos your all set . reference is t0msa1qk . they will only hold the table for 15 minutes , so you might want to keep that in mind , anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos thanks for everything , this is great eos O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive restaurant in the centre . thank you . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are several restaurants in the price range what type of food would you like to eat ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos the type of food is not important , but i would like a nice place that has tables available on saturday evening . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A
+bos sure , i would recommend the midsummer house resaurant which serves british food . it is a nice , expensive place located in the centre . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area O O O N/A
+bos great i would like to make a booking for 21 person on a saturday for 18:45. eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos i 'd be happy to help with your request , could you please verify the number of people in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People
+bos just for one person . i 'm a sad and lonely person . do you want to join me for dinner ? ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked you at the midsummer house restaurant , your reference number is znn1rq7e . you will have a great time , and i 'm sure meet lovely people . enjoy ! eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O N/A
+bos i also need a train departing from cambridge leaving on sunday . eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A
+bos i got 5 trains on that day . what time do you need to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive
+bos i would like to arrive by 15:00. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos there are 99 trains leaving cambridge sunday . what is your destination ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O Train-Request+Dest
+bos i need it to go to bishops stortford and should arrive by 15:00. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos tr2402 arrives at 14:07. want to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O Train-OfferBook
+bos yes can you book that for 1 person as well ? eos O O O O O O O O B-Train-Inform+People O O O N/A
+bos yes . there is a train that leaves at 13:29 and arrives at 14:07 , would you like to book this train ? eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , that would be great . it will be only one person . eos O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 8.08 gbp payable at the station .reference number is : tzxlecbz . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos nope , that 's it for me today . thanks a lot . eos O O O O O O O O O O O O O O general-thank
+bos have a nice day and enjoy your stay in cambridge eos O O O O O O O O O O O general-bye
+bos are you able to help me find an expensive british restaurant in cambridge please ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A
+bos what area would you like the restaurant to be located in ? eos O O O O O O O O O O O O O Restaurant-Request+Area
+bos i do n't really have a preference . can you recommend a restaurant ? as long as it serves expensive british food i 'll be happy . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos i would recommend fitzbillies restaurant in the centre of town , would you like me to reserve a table for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O Booking-Inform
+bos yes please reserve a table for 6 people at 12:45 on thursday eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos ok , i have your reservation booked . your reference number is 0sajlxk8 . is there anything else i can do for you today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos no , that 's all for today . goodbye ! eos O O O O O O O O O O O general-bye
+bos thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos can you tell me the address to a chinese restaurant in cambridge ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are several chinese restaurants in town . which specific part of town are you interested in ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Area
+bos i am looking for one on the east side . however i need a indian restaurant not chinese . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos sorry about that . i have 4 indian restaurants on the east side . do you have a price range you 'd like to stay within ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos any price range is ok. i am also looking for places to go in town . the attraction should be in the type of college eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type N/A
+bos i do not have a place by your description . can we change location ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer
+bos let 's actually find an indian restaurant first . what areas of town have indian places ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Attraction-Request+Area
+bos there are indian restaurants in the centre , south , east , north , and west . do you have an area preference ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Area
+bos preferably in the east . would like the phone number . also looking for colleges to visit and need to book a taxi for 1:15. i will need the number and car type . eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i can help with all of those but first let 's find a restaurant for you . do you have a price range ? there 's 2 moderate and 2 expensive restaurants . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O Restaurant-Request+Price
+bos price does n't matter . what restaurant do you recommend ? eos O O O O O O O O O O O O Restaurant-Inform
+bos okay , how about curry prince ? it is moderately priced and located in the east . their phone number is 01223566388 eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Phone O O O N/A
+bos sounds good . could you give me an idea of colleges i can visit whilst in cambridge ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos sure there 's corpus christi , located in the centre and clare hall which is in the west . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A
+bos sure , let 's do corpus christi . could you get me a taxi from the restaurant to the college ? eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O O O O O N/A
+bos at what time would you like to leave the restaurant ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave the restaurant by 1:15. eos O O O O O O O O O Restaurant-Inform
+bos your booking is completed . a black skoda will be picking you up , their contact number is 07824442963. can i help with anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no thank you that is all . eos O O O O O O O O general-thank
+bos if you need anything else , please call us back . have a great trip to cambridge ! goodbye . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i want to find a moderately priced restaurant in the south part of town . what is the phone number and address ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos restaurant alimentum is a moderately price restaurant in the south area of town . their phone number is 01223 413000 and their address is 152 - 154 hills road . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you , goodbye eos O O O O O general-bye
+bos you 're welcome and thank you for calling . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos yes , i 'm looking for an expensive restaurant serving european food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O N/A
+bos how about eraina ? eos O O O B-Restaurant-Select+Name O N/A
+bos does eraina serve european food ? if so , what is the phone number and what area is it located in ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone
+bos eraina serves modern european food in the centre of town . the phone number is 01223 368786. eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos okay , thank you for the information . eos O O O O O O O O O general-thank
+bos thank you , enjoy your meal ! eos O O O O O O O O general-bye
+bos hi , i am traveling to cambridge and am excited to see some local tourist attractions . i really need help with a restaurant though . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos we have more than 100 restaurants all over town . may i ask if you have a certain price range you prefer to stay within ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos yes , i in am interested in an expensive restaurant . thanks ! eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos is there a certain area you would like ? eos O O O O O O O O O O Restaurant-Request+Area
+bos are there any restaurants serving south african cuisine ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i have no south african restaurants i the expensive range . would you like to try another type or price range ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos how about something serving british food ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 6 different places that serve british food . they are spread out throughout town . did you have an area you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos in the west area . eos O O O B-Restaurant-Inform+Area O O N/A
+bos graffiti is a great restaurant in the west area . would you like me to make reservations for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos what day do you wish to dine , at what time and how many people will there be ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time
+bos just one person , no specific day and time . i 'm also looking for a place to go in town in the same area of the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos unfortunately i can not book the restaurant for you without a day and time . can you provide that for me please ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos how about tuesday at 7:30 ? eos O O O B-Restaurant-Inform+Day O O O N/A
+bos your reference number is 73h253cp . they will hold the table for 15-minutes . how else may i help you ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore
+bos yes i need an attraction in the same area . eos O O O O O O O O O O O N/A
+bos there are over a dozen different attractions in the west ; do you have a particular type of activity in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos can you please recommend one and provide me their phone number ? eos O O O O O O O O O O O O O N/A
+bos there are many colleges and museums but i think you will really enjoy the entertainment called whale of a time . would you like more information ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-reqmore
+bos yes , can i please get the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos yes , the phone number is 01954781018. can i help with any other information today ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos thank you . i am looking for a taxi to commute between the two places . eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos where would you like to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart
+bos i would like to commute between graffiti and whale of a time . i will be heading to the attraction after eating . eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i want to leave the attraction by 7:15. eos O O O O O O O O O Attraction-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos i am looking for a reasonably priced restaurant in the north part of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos how about golden wok located at 191 histon road chesterton ? eos O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O B-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr N/A
+bos okay , can i get the address and phone number please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 191 histon road chesterton . the phone number is 01223350688 eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A
+bos thank you , that is all i needed . have a good night . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . good night . eos O O O O O O O O general-welcome,general-bye
+bos malaysian food in the west part of town eos O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there are n't any malaysian restaurants in the west part of town . would you like to expand the search ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos how about thai food in the west part of town ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos sala thong is a restaurant that serves thai food eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food O N/A
+bos what is the address , phone number , and price range ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr
+bos sala thong is an expensive restaurant located at 35 newnham road newnham . their number is 01223 323178. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos what is the postcode please ? eos O O O O O O O N/A
+bos their postcode is c.b 2 , 1 u.j . eos O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos no , thank you good bye eos O O O O O O O general-bye
+bos you 're welcome . eos O O O O O general-welcome
+bos can i get the address and cuisine type of a moderately priced restaurant in the east part of town ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O Restaurant-Request+Addr
+bos the curry prince is in the east part of town and in the moderatre price range . the address for the curry prince is , 451 newmarket road fen ditton . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos what type of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food
+bos the curry prince serve 's indian food , may i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos your welcome , have a good day eos O O O O O O O O general-welcome,general-bye
+bos i am looking for an international restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i have found one called the missing sock . would you like the information for it ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore
+bos yes , please . what is its phone number and price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price
+bos the phone number is 01223 812660 and it is a cheap restaurant . eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Food O O N/A
+bos thank you good bye . eos O O O O O O general-bye
+bos thank you . goodbye . eos O O O O O O general-bye
+bos i 'm seeking an attraction ! a boat one will be nice . eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos great ! i have four for you . two are in the centre . any location you 'd like in particular ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area
+bos no , i 'd like the name of one in the centre please . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos sure , i can get tickets for the cambridge punter in the city centre . if that sounds okay , what day and time would you like ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos yes please ! thank you so much ! eos O O O O O O O O O general-thank
+bos i am sorry but you will have to get ticket there and here is the address 251a chesterton road . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos i am also looking for the oak bistro , a place to eat . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos do you want me to make a booking ? eos O O O O O O O O O O Booking-Inform
+bos i 'm looking for some attractions in the centre . eos O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos what type of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos parks for kids or a water slide eos O O O O O O O O N/A
+bos there is parkside pools in the centre . is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore
+bos i need the entrance fee , phone number , and postcode . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos sure , the phone number is 01223446100 and the post code is cb11ly , and my records do not show what the entrance fee is . eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos thank you , can you also help me find a restaurant that is in the same area as the parkside pools ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have several food options in city centre . can you tell me a bit more about the type of restaurant you enjoy ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i am open to all types of food as long as it 's in the moderate price range . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i 've found several restaurants that are located in the centre with a moderate price range . may i recommend a british restaurant called the oak bistro ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A
+bos that sounds great . can you book that for tuesday at 12:00 ? eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos how many people will be in your party ? eos O O O O O O O O O O Booking-Request+People
+bos there are 6 people eos O O O O B-Restaurant-Inform+People N/A
+bos the table will be reserved for 15 minutes.reference number is : ejaop5qe . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for your help ! eos O O O O O O general-thank
+bos you are quite welcome . is there anything else i can assist with today ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that will be all . thanks ! eos O O O O O O O O O general-thank
+bos i hope you enjoy your time in cambridge . goodbye ! eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay looking for a moderate price range and should have at least a star of 4 eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Inform+Stars O Train-Request+Price
+bos alright , you have 11 options . what area would you like to stay in ? do you require internet or parking ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i would prefer a hotel in the north with free parking . i do not care about internet . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Internet
+bos i have 6 matching guesthouses . would you like a recommendation or do you want to specify something else ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O general-reqmore
+bos yes , a recommendation , postcode and phone number please . eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone
+bos how about the kirkwood house ? it 's postcode is cb41da and the phone number is 01223306283. eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Post I-Hotel-Recommend+Post O O O O B-Hotel-Recommend+Phone O O N/A
+bos does the kirkwood house have internet ? eos O O O O O O O O Hotel-Request+Internet
+bos yes , the kirkwood house does have internet . would you like me to book that for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos no , thank you . i do need a train , however . i need to go to birmingham new street , and need to leave after 16:00. eos O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O O N/A
+bos there are 56 trains do you have a departure location or arrival time or day ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Depart
+bos i would like to depart from cambridge on thursday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos there are 5 trains leaving after 1600 that may work for you . would you like me to book the earliest , which leaves at 1601 ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O O O O O O O O O O O B-Train-OfferBook+Leave O O O N/A
+bos no , thank you . i just need the price , travel time , and arrival time , please . eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos each train costs 75.10 pounds with a duration of 163 minutes for that trip . if you take the tr0021 at 16:01 , you 'll arrive by 18:44. eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O N/A
+bos wonderful . thank you so much . eos O O O O O O O O general-thank
+bos no problem . glad i could be of help . eos O O O O O O O O O O O general-welcome
+bos thank you so much , good-bye eos O O O O O O O general-bye
+bos glad we could help . have a great day ! eos O O O O O O O O O O O general-bye
+bos i want a cheap italian restaurant in the south side of town . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos i 'm sorry . i can not find a cheap italian restaurant in the south side of town . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O Restaurant-NoOffer
+bos i would like to find a moderately priced restaurant in the west part of town . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A
+bos prezzo is a moderately priced italian restaurant in the west part of town . there is also indian and british food available in that area and price range . would you like more info ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes can i get thier address and postcode ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos of course , prezzo 's address is 21 - 24 northampton road and postcode is c.b 3 , 0 a.d. eos O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A
+bos thank you ! goodbye ! eos O O O O O O general-bye
+bos thank you ! goodbye ! eos O O O O O O general-welcome,general-bye
+bos i want the creative food , sir . oh and this needs to be in the south as well . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos what is the price range you would prefer today ? eos O O O O O O O O O O O Restaurant-Request+Price
+bos any price range will be fine . eos O O O O O O O O Restaurant-Request+Price
+bos i 'm sorry , but our system does not show any matches for your inquiry . eos O O O O O O O O O O O O O O O O O N/A
+bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos there 's a restaurant that serves delicious chinese food called peking restaurant in the expensive range . would you like their address and phone number ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore
+bos yes please eos O O O N/A
+bos okay , peking restaurant 's number is 01223 354755 and they are located at 10 homerton street city centre . is there anything else i can do for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos no , thank you and good bye eos O O O O O O O O general-bye
+bos you 're welcome ! goodbye ! eos O O O O O O O general-welcome
+bos i 'm looking for a train headed to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A
+bos when and where would you like to depart ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day
+bos i would like to depart from stevenage on wednesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos is there a particular time you would like to leave or arrive by ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive by 8:30. eos O O O O O O O O N/A
+bos there is one options available tr9448 , leaves at 05:54 and arrives at 06:43. eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A
+bos okay , could you tell me the price ? eos O O O O O O O O O O Train-Request+Price
+bos the 5:54 train is 12.80 pounds . eos O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos can you book it for me and send me the reference number ? eos O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 12.8 gbp payable at the station .reference number is : 26grqwbx . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i am also looking for the attraction , tenpin . eos O O O O O O O O B-Attraction-Inform+Name O O N/A
+bos tenpin is in the south . the address is cambridge leisure park , clifton way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos my database does not have that information currently available . would you like the phone number so you can call and ask ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O N/A
+bos are you sure ? i 've always been able to get that information from this system . can you check again please ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos our system does not provide the entrance fee for tenpin . you do n't have much experience with this system do you ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Name O O O O O O O O O O O O O N/A
+bos yeah , my first time taking a trip here , sorry . im sure the fee is no big deal , thank you so much for your help . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service today ! eos O O O O O O O O O general-bye
+bos i need a train to birmingham new street eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos sure , i can help you with that . when were you wanting to depart ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i need to leave cambridge after 14:15 on saturday eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day N/A
+bos how about the tr3735 , that leaves cambridge for birmingham new street on saturday at 15:01 , would that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Arrive O O O O O O O O general-reqmore
+bos that works great ! can you get us a reservation for 3 people ? eos O O O O O O O O O O O O O O O N/A
+bos i can get that completed for you . did you need a reference number ? eos O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please . also , i am interested in some places to go in town . eos O O O O O O O O O O O O O O O O O N/A
+bos is there a particular type of attraction you 're interested in ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos i would really like it to be in the centre of town and some type of entertainment . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Type O N/A
+bos there is no entertainment types in the centre . would you like to search another area ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O Attraction-Request+Area
+bos what about a museum in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos i have 11 museums in the centre . i would suggest the ruskin gallery . they have free entrance . eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O N/A
+bos can i have the phone number and address please ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos address is anglia ruskin university , east road , phone number is 01245493131 , any other questions today ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos thank you ! that is all that i need . eos O O O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-greet
+bos hello , i am planning my trip and i need help booking a train . i 'd like to go to broxbourne and l need to leave after 13:00. eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O N/A
+bos what day are you travelling on ? eos O O O O O O O O Train-Request+Day
+bos i 'll be traveling on sunday and leaving from cambridge . eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A
+bos i have a departure at 13:01 and an every hour later at a minute after . would you like me to book one of those for you ? eos O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O O O O Train-OfferBook
+bos yes please book the closest one to my preferred time for 7 people . i would also appreciate a reference number . eos O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos ok. i booked 7 tickets on tr4414 . your reference number is 4c0j1mko . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref N/A
+bos great , thanks so much . can you also recommend a park to visit in town ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos wandlebury country park is in the south and has free admission . would you like the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos yes can i get their phone number , and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos 01223243830 is their phone number and cb223ae is their postcode . anything else today ? eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O general-reqmore
+bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos no , there is no fee to get in . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos no that will be all ! thank you so much ! eos O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great trip ! bye ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to take a train to cambridge that leaves on friday . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A
+bos what departure site and what time ? eos O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i 'm leaving from cambridge . anytime after 15:00. i 'm actually going to peterborough . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O O O O N/A
+bos do you have an arrival time in mind ? eos O O O O O O O O O O Train-Request+Arrive
+bos i do not have a time to arrive by . eos O O O O O O O O O O O N/A
+bos tr0112 leaves at 17:06 and will cost you 16.50 pounds . can we book ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O Train-OfferBook
+bos sure , that sounds good . i will have a party of 6. eos O O O O O O O O O O O O O B-Train-Inform+People N/A
+bos booking was successful , the total fee is 99 gbp payable at the station . reference number is : pbzwh353 . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes . i also want to go to a nightclub in the area . can you help me with that ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos i have the club salsa at 1 station road . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thanks ! what is the entrance fee ? eos O O O O O O O O O Attraction-Request+Fee
+bos 5 pounds anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O general-reqmore
+bos no . i think that 's all . eos O O O O O O O O O N/A
+bos okay , great ! have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos hello , i am looking for a place called the broughton house gallery . can you help me ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A
+bos yes , i am familiar with it . it 's located in the centre of the city on 98 king street . is there anything else ? eos O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore
+bos yes , can you tell me what type of attraction it is and whether or not there is an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos certainly . the broughton house gallery is a museum , and there is no entrance fee . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos thank you for the information . i also need a train that goes to cambridge leaving sunday . eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos what time would you like to leave by eos O O O O O O O O O Train-Request+Leave
+bos hi , can you help me with some information on the train system ? eos O O O O O O O O O O O O O O O Train-Inform
+bos absolutely ! what information are you looking for ? eos O O O O O O O O O O general-reqmore
+bos i will be departing cambridge and need to arrive at london liverpool street on saturday eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos great i have several options for you . do you know your departure or arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i 'd like to leave after 18:15 please . eos O O O O O O O O O O N/A
+bos how about train tr2166 that leaves at 19:27 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos that is fine please make a booking for 8 people eos O O O O O O O O O O B-Train-Inform+People N/A
+bos ok , you have 8 tickets reserved on tr2166 . the total fee is 106.24 gbp payable at the station . reference number is : raegfil7 . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am also looking for places to go in town . maybe a college ? eos O O O O O O O O O O O O O O O O N/A
+bos the are many college 's in town , what is your preference ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos no preference , just pick something for me . i 'll need to know the area , postcode and fee to get in . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos i think you would like christ 's college in the centre , the postcode is cb23bu and the entrance is free . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O N/A
+bos thank you very much for your help ! eos O O O O O O O O O N/A
+bos you are welcome . will you need a taxi or a restaurant reservation ? i can help . eos O O O O O O O O O O O O O O O O O O O Booking-Inform
+bos that 's all for now . thank you eos O O O O O O O O O general-thank
+bos you are welcomed have a great day . enjoy your trip . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to take a train to cambridge that arrives by 17:00. eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i 'll be traveling from peterborough . eos O O O O O B-Train-Inform+Depart O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos oh , i forgot to mention that , sunday please . eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos i have train tr3782 leavinga t 5:19 and arriving at 6:09. would you like to book that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos not now . what 's the travel time for that train ? eos O O O O O O O O O O O O O Train-Request+Duration
+bos the total travel time is 50 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos i am also looking for something to do that is entertainment . eos O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos sure ! any particular part of town ? eos O O O O O O O O O Attraction-Request+Area
+bos no , just give me some options i can choose from . eos O O O O O O O O O O O O O N/A
+bos cherry hinton hall and grounds , funky fun house , tenpin , nusha , and whale of a time are your options eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos whale of time sounds interesting what area is it in ? i also need the address and phone number . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Addr
+bos it 's on the west side of town at unit 8 , viking way , bar hill . their phone number is 01954781018. do you need anything else ? eos O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that 's all i need today . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos yeah , anytime happy to help . eos O O O O O O O O general-welcome,general-bye
+bos i need a train going to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos absolutely ! what day and time would you like to leave ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos on thursday any time after 21:00. eos O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will departing from birmingham new street . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i would recommend tr7324 which leaves birmingham new street at 21:40 and arrives at cambridge at 24:23. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos yes can you book that for 1 person ? eos O O O O O O O O B-Train-Inform+People O N/A
+bos your booking for one ticket is complete . your reference number is veg5q87q and 75.09gbp will be due at the station . eos O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A
+bos i am also looking for a attraction called old schools . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A
+bos yes , old schools is located in the centre area , and has no entrance fee . anything else i can assist you with ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos yes . what is the phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223332320. do you need anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos yes , what is their entrance fee and attraction type ? thanks ! eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type
+bos it is free to enter and type is architecture . may i help you with anything else ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Type O O O O O O O O O general-reqmore
+bos no , you have been very helpful today , thank you . i am all set . goodbye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos i 'm looking for a place to go to in the centre that has entertainment . can you help ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O O O O N/A
+bos there is no entertainment in the centre , did you have something else in mind ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O N/A
+bos how about architecture ? eos O O O B-Attraction-Inform+Type O N/A
+bos there are five architecture attraction in the centre . do you care about the entry fee ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos i do n't . could you recommend one , and give me the phone number and address ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos i recommend old schools . their address is trinity lane , and their phone number is 01223332320. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O B-Attraction-Recommend+Phone O O N/A
+bos i also need a train to peterborough on tuesday eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos i have many trains going to peterborough on tuesday . where are you departing from and what time would you like to arrive ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive
+bos i need to find some information in a particular restaurant . are you able to look up a specific place ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos absolutely . what is the name of the restaraunt you are interested in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Name
+bos kohinoor . i want to book a table for 2 people at 16:45 on thursday eos O O B-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos sure . booking was successful . the table will be reserved for 15 minutes.reference number is : x9avz8ei . can i help with anything else today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i also need a thursday train . eos O O O O O B-Train-Inform+Day O O N/A
+bos what location will you depart from and where are you headed ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos depart from ely and would like to arrive by 13:00 in cambridge . i need to book it for 2 people i also need a reference number . thanks eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos sure thing , it 's booked and your reference number is pwsvk4xq . do you need more help ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos nope , i 'm all finished for today . thanks so much , goodbye now ! eos O O O O O O O O O O O O O O O O O general-bye
+bos you are very welcome , bye ! eos O O O O O O O O general-welcome,general-bye
+bos can you let me know if there are any available european restaurants in the centre area ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are 8 restaurants which serve european cuisine located in the centre . did you have a price range in mind ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price
+bos yes , i 'm looking for a very nice , expensive place . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos you can choose from eraina , michaelhouse cafe , or darrys cookhouse and wine shop eos O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A
+bos im a wine lover , so darrys cookhouse and wine shop sounds interesting , can i get the postal code for that ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O Restaurant-Request+Post
+bos darrys cookhouse and wine shop is located at the cb11ln post code . do you have any more questions for me ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos i am also looking for a train coming from stevenage . eos O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos there are many trains leaving from stevenage . what day would you like to travel ? any preferred time ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive
+bos i need to leave on friday . the train should arrive by 15:30. thanks for all your help . eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos tr7785 will arrive in cambridge at 14:43 on friday . would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O Train-OfferBook
+bos yes please , and thank you . eos O O O O O O O O general-thank
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos i need for 5 people please . eos O O O O O B-Train-Inform+People O O N/A
+bos ok , you have 5 seats booked under reference # 8m7bpab0 . the total fee will be 64 gbp , payable at the station . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ref O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O general-reqmore
+bos no , thank you . that 's all i need at this time . eos O O O O O O O O O O O O O O O general-thank
+bos please contact us again in the future . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a restaurant called nandos city centre eos O O O O O O O B-Restaurant-Inform+Name O O O N/A
+bos yes , it is located at 33-34 saint andrews street cb23ar . eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O N/A
+bos i want to book a table for 5 people at 14:00 on sunday . i need the reference number . eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : cgxd71zm . what else may i help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also want a train which leaves after 17:30 on monday eos O O O O O O O O O O B-Train-Inform+Leave O N/A
+bos what will be your destination and where are you leaving ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i 'm trying to get to peterborough . i can leave any time after 17:30 eos O O O O O O B-Train-Inform+Dest O O O O O O O O O N/A
+bos there is a train departing cambridge for peterborough at 17:34 on monday . this would be the earliest train . shall i book this ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O O Train-Select,Train-OfferBook
+bos yes , i will need it for 5. eos O O O O O O O O B-Train-Inform+People N/A
+bos booking was successful , the total fee is 82.5 gbp payable at the station . reference number is : 76zsd1e8 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks for your help > eos O O O O O O general-thank
+bos you 're welcome . will that be all for today ? eos O O O O O O O O O O O O general-welcome,general-reqmore
+bos that will be it ! thank you so much ! eos O O O O O O O O O O O general-thank
+bos well , you 're welcome ! you have a good day now ! eos O O O O O O O O O O O O O O general-bye,general-reqmore
+bos i need a train from london liverpool street . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos may i ask where you are travelling to ? and what day ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos cambridge , on wednesday . eos O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos is there a certain time you would like to arrive in cambridge ? eos O O O O O O O O O O O O O O Train-Request+Arrive
+bos no . i just need to leave after 14:00. eos O O O O O O O O B-Train-Inform+Leave O N/A
+bos i have train tr7978 leaving at 15:39 and arriving at 17:07. would you like to book that ? eos O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O N/A
+bos not right now , thank you . i 'm also looking for a place to dine . i would like an expensive restaurant in the centre of town . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i have 33 restaurants available . do you have a type of food preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food
+bos do you have anything that serves modern european food ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos there is one in that area called darrys cookhouse and wine shop eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos okay that sounds good . how about reserving a table for me for 18:15 for one person on wednesday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Day O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : gz0x842d . anything else i can help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no thank you that will be all eos O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . please have a pleasant day . eos O O O O O O O O O O O O O O O O general-bye,general-greet
+bos hey ! yeah i am looking for a cheap place to eat in cambridge . particularly interested in international food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos if you 're interested in cheap international food , i recommend dining at the missing sock located at finders corner newmarket road . eos O O O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A
+bos that sounds great . can you book me a table for 12:00 on sunday for 5 people please ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O N/A
+bos your booking was successful . the table will be reserved for 15 minutes.your reference number is : rtmfjmpt . is there anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos that is all needed , good bye . eos O O O O O O O O O general-bye
+bos thank you have a great day . eos O O O O O O O O general-bye
+bos i need to find a train going to london kings cross from cambridge please . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O N/A
+bos what day would like to leave and what is your preferred departure and arrival time ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i will be leaving on saturday . eos O O O O O O B-Train-Inform+Day O N/A
+bos i have 10 trains leaving on sunday . what is your preferred departure and arrival times ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos the train should leave after 17:45 eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr0427 leaves at 19:00. would you like a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos no thank you . i would like the travel time , arrival time and ticket price . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive
+bos the travel time is 51 minutes , the arrival time is 19:51 , and each ticket costs 18.88gbp . can i help you with anything else today ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a restaurant called the hotspot . eos O O O O O O O O O O O O O Restaurant-Inform
+bos the hotpot is an expensive chinese restaurant in the north . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos yes , please book a table for me . eos O O O O O O O O O O N/A
+bos what day would you like the reservation ? also , the number of guests and time would be needed . eos O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time
+bos we need a table for two on saturday . eos O O O O O O O O O O N/A
+bos what time would you prefer ? eos O O O O O O O Booking-Request+Time
+bos we 'd like to dine at 14:15 , if possible . eos O O O O O O B-Restaurant-Inform+Time O O O O O N/A
+bos i have booked you a reservation . the reference number is n19vgdfw . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos great . please call again if we can help you with anything . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i 'm looking to see the sights . can you tell me about primavera ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name O O O O N/A
+bos sure it 's a museum located in the centre . would you like their phone number ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos and the area and postcode too please eos O O O O O O O O Attraction-Request+Area,Attraction-Request+Post
+bos 01223357708i is the phone , cb21sj is the postcodein the centry area eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A
+bos i also want a place to dine in the east eos O O O O O O O O O O O N/A
+bos what area would you like to be on ? eos O O O O O O O O O O Restaurant-Request+Area
+bos i already told you that , pay attention eos O O O O O O O O O N/A
+bos i have 9 restaurants in the east . do you have a food type or price preference ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos just something expensive , if you pay enough i 'm sure the food is good regardless of the cuisine . eos O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O N/A
+bos grafton hotel restaurant is an expensive british restaurant . their address is grafton hotel 619 newmarket road fen ditton . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos please book it for 5 people on wednesday at 15:15. eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos you are all set for the grafton hotel restaurant on wednesday at 15:15 or 5 people . your reference number is o1ot731l . is there anything else i can help with today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos that is all . thank you ! eos O O O O O O O O general-thank
+bos your welcome ! have a nice day ! eos O O O O O O O O O general-welcome,general-bye
+bos hello , i 'd like some information on a restaurant today . eos O O O O O O O O O O O O O Restaurant-Inform
+bos there are many options in cambridge , do you have any tastes in particular ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food
+bos i would like some british food . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are 11 results for british restaurants . is there a certain area or price range you 're looking at ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i want something in the west area with a moderate price . eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O Train-Request+Price
+bos saint johns chop house fits your request perfectly . they are located at 21-24 northampton street . would you like to make a booking ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform
+bos no thank you , but may i please have the phone number , address , and post code ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the phone number is 01223353110. the address is 21 - 24 northampton street , and the post code is cb30ad . is there anything i can help you with ? eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore
+bos i also need a train to birmingham new street on wednesday . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos i 'd be glad to help you with that . from where will you be departing ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart
+bos i 'm departing from cambridge and i 'd like to arrive by 16:30 , if possible . eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos do you have a departure time you 'd like ? eos O O O O O O O O O O O Train-Request+Leave
+bos i do n't have a departure time but i do need to arrive by 16:30. eos O O O O O O O O O O O O O O O O N/A
+bos there is a train that will arrive at 01:44. would you like me to book it ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please ! i 'll also need the train id , price , and travel time . thanks ! eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos the tr8924 will leave cambridge at 13:01 and arrive in birmingham at 15:44. it will be 75.10 pounds and take 163 minutes . how many tickets do you need ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-Request+People
+bos i do n't need any tickets at this time . thank you . that is all . eos O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using this system goodbye eos O O O O O O O O general-bye
+bos i 'd like to go to the theatre , can you tell me about what 's available in cambridge , please ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos there are 5 theaters in the whole of cambridge , do you have a specific area in mind ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Area
+bos i prefer the center of town eos O O O O O O O N/A
+bos there are four theaters showing up in the centre part of town . it looks like one of them is a arts theater . do you want info ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O general-reqmore
+bos yes please ! what 's the postcode , fee , and number ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the cambridge arts theatre is located in 6 saint edward 's passage postcode cb23pj , phone 01223503333. there is n't information about entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O O O O O O O N/A
+bos i would also like a restaurant that is in the north area that serve northern european food . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos unfortunately , we do n't seem to have any listings that match your criteria . would you like to look for a different type of cuisine or a different area of the city ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos how about a chinese food restaurant ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos i would recommend hakka . it is in the north area and i 've heard it 's great . eos O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O N/A
+bos ok go ahead and book a table for 3 people at 18:00 on thursday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i do apologize , but they 're all booked up . would you like to try another day or time slot ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos yes , can we try 17:00 ? eos O O O O O B-Restaurant-Inform+Time O O N/A
+bos that time was successful . your table will be reserved for 15 minutes . the reference number is : l85jerqh . anything else today ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos yes , please . i 'd like a taxi between the two places to arrive by 17:00. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos booking completed ! booked car type : grey bmwcontact number : 07714877467is there anything else i can help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos i am looking for a hotel call arbury lodge guesthouse . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos arbury lodge guesthouse is located at 82 arbury road in the north side of cambridge . do you need more information or would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i would like to book it for 4 nights for 4 people please . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos will you be needing a reference number ? eos O O O O O O O O O general-reqmore
+bos yes please , a reference number would be great ! eos O O O O O O O O O O O Hotel-Request+Ref
+bos okay , i can help you with that . what day do you plan to check in ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos i want to check in on tuesday eos O O O O O O O B-Hotel-Inform+Day N/A
+bos your booking was successful . reference number is : oe6ihat2 . is there anything else i can assist you with today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for colleges to visit on the west side of town . eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are five . three that are free , and two that have an entrance fee . eos O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A
+bos get me a phone number for one that is close to the hotel and is free . eos O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos well then should i search for a college in the north instead , if you want it close to your hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos make sure you get contact number and i 'll be there as soon thank you eos O O O O O O O O O O O O O O O O general-thank
+bos i 'm sorry for the confusion , which college do you want a contact number for ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Name
+bos that 's okay , give me the number for the college closest to the hotel and is free , may i know the address as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos there are not any colleges located in the north actually . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O N/A
+bos none in the west , i talked so someone earlier eos O O O O O O O O O O O N/A
+bos none in the north 5 in the west , i personally recommend churchill college entrance is free , any further questions ? eos O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O Attraction-Inform+Choice,general-reqmore
+bos could you give me the address and phone number ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos their address is storey 's way and their phone is 01223336233. is there anything else i can do for you today ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos i also want to book a taxi to commute between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos which will be your departure site ? what time do you want to leave or to arrive ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Arrive
+bos i will need to be picked up at the hotel by 4:45 to arrive at the college on tuesday . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A
+bos all set , the car is a white volvo , contact number is 07321652724 , any other questions ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no i believe we got everything covered today.thanks . goodbye . eos O O O O O O O O O O O O general-bye
+bos happy to help . please let us know if you need anything else . eos O O O O O O O O O O O O O O O general-bye
+bos i 'm wanting to find an attraction to go to in the north part of town . do you have any suggestions ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos sure ! there are swimmin pools , boat , and a park . what would you like more information on ? eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O Attraction-Select
+bos any of your favorites will do as long as it 's in the north . i 'll need the address and entrance fee information as well , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos well the milton country park is free and their address is milton country park , milton . eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos great . i 'm also looking for a place to stay . can you look for a 4 star hotel with free parking ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos i have 3 hotels matching your request . two are in the west and one center . do you have a preference in part of town ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Area O O O O O O O O O O Hotel-Select
+bos are any of them in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are none in the moderate price range , i have a couple expensive and 1 cheap . do you have a preference ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Select
+bos how about guesthouses ? any matches ? eos O O O B-Hotel-Inform+Type O O O O N/A
+bos i found a great 4 star guesthouse on the east side in the moderate price range . it 's carolina bed and breakfast . would you like me to book you a room ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , i 'll be coming in on wednesday with 5 people total . we 'll be staying for 5 nights . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O O O O O O O N/A
+bos your room has been reserved . reference number is rq1gw9pe . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks , i also need a taxi between the two places . i need to get there by 22:00 eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos sorry , can you clarify which is the destination and which is the departure site ? i know you want to arrive by 22:00 but at which place ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos from the hotel to the attraction please eos O O O O O O O O N/A
+bos a blue ford will arrive at carolina bed and breakfast at 22:00 to take you to milton country park . the driver 's contact number is 07842440492 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Phone O O N/A
+bos great , thanks ! you 've been a big help . eos O O O O O O O O O O O O general-thank
+bos you are welcome . do you need any information about restaurants ? i can help with that , too . eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i only need a taxi . eos O O O O O O O Taxi-Inform
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos can you give me the address to a museum in cambridge ? eos O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Addr
+bos are you looking for one in a particular area ? eos O O O O O O O O O O O Attraction-Request+Area
+bos yes , i 'm looking for the vue cinema . can you please tell me the attraction type , area , and address ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type,Attraction-Request+Addr
+bos sure , it 's a cinema . i do n't have access to their entrance fee , but their phone number is 08712240240. their address is the grafton centre , east road , cb11ps . will that be all ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore
+bos i also need information regarding a hotel called worth house . eos O O O O O O O O O O O O Hotel-Inform
+bos no problem ; also , vue is located in the city centre . worth house is a cheaply priced guesthouse in the north with a 4-star rating . they provide free internet and parking . eos O O O O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos thank you . please book the hotel for 7 people and 2 nights starting from thursday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos booking was successful . reference number is : bcjgu3wz . you 're all set ! is there anything else i can do for you today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O general-reqmore
+bos oh yes , i need a taxi from the hotel to get to the cinema.can you book me one ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos what time would you like to arrive at the cinema ? eos O O O O O O O O O O O O Taxi-Request+Arrive
+bos i want to leave the hotel by 3:30. eos O O O O O O O O O N/A
+bos your taxi reservation departing from worth house to vue cinema at 15:30 was successful . the booked car type is a white bmw and the contact number is 07453314700 eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Leave O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos just to be clear , did you want that taxi ride in the wee hours of the morning or in the afternoon ? it is booked for the afternoon . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos yes , it is booked in the afternoon . is there anything else i can help you with today ? eos O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O general-reqmore
+bos no , that will be all for now . thank you for you help . goodbye eos O O O O O O O O O O O O O O O O O general-bye
+bos i hope you enjoy your trip . goodbye . eos O O O O O O O O O O general-bye
+bos are there any places to stay in the centre of town ? eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos we have 5 places to pick from in the centre of town , any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O general-reqmore
+bos it should be a guesthouse , have 0 stars and include free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O N/A
+bos i have the el shaddai located at 41 warkworth street . would you like to make reservations ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O Booking-Inform
+bos as long as it is a guesthouse in town centre , and has free parking with 0 stars . i 'd like to book for 3 nights starting wednesday . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos el shaddi meets all your criteria , how many people will i be making a booking for ? eos O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O O Booking-Request+People
+bos i would like that for 4 people for 3 nights starting on wednesday please . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos great your stay is reserved ! reference cc8x41qu . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for places to go in the same area . eos O O O O O O O O O O O O O O N/A
+bos there are many places to go in the centre . what type of activity would you like ? are you interested in activities that are free or cost money ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O O Attraction-Request+Type
+bos mutliple sports would be nice . eos O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O N/A
+bos i do n't have any multiple sports attractions in the centre , but i have one in the east . would you like to hear about it ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos nah , i just realized i hate sports . a lot . how about nightclubs ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos you are in luck , we have 6 nightclubs . i 'd recommend club salsa . eos O O O O O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A
+bos can i have the address , postcode , and entrance fee eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos sure , club salsa is located at 1 station road , cb12jb , and there is a 5 pound entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A
+bos great , thanks so much , that 's all i need ! have a great day ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service ! eos O O O O O O O O general-bye
+bos do you know much about hotels ? eos O O O O O O O O Hotel-Inform
+bos yes ! i know we have 33 in town . do you need to book one of them ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Booking-Inform
+bos yes please , the cheapest one , thank you eos O O O B-Hotel-Inform+Price O O O O O O N/A
+bos there are 10 cheap hotel 's in town . would you like to be in the north , south , east , west , or central location ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O O O O N/A
+bos i would like to stay in the west please . can you send me some info ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos the cambridge belfry is a cheap hotel in the west . would you like their address ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos lets start over , my apologies . we were actually looking for a moderate priced hotel , with 0 stars and free parking , disregard everything said before this . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A
+bos unfortunately there are no hotels matching that criteria . would you like for me to search for 2 , 3 or even 4 star hotels ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O O N/A
+bos how about a cheap 0 star hotel with free parking ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O N/A
+bos the el shaddai may be a good choice for you . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A
+bos ok that works please make reservations for 3 people and 3 nights starting from saturday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos done ! your reference number is sy4tl1w6 . do you need anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i 'm also looking for a museum in the east . any recommendations ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos yes ! cambridge artworks , cambridge museum of tech , gallery at twelve and saint barnabas press gallery . any interist ? eos O O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A
+bos yes , can i have more information about the cambridge museum of tech ? what is their address ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos absolutely , their address is the old pumping station , cheddars lane . is there anything else i can assist yo with today ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos can i also get a phone number and postcode for the museum ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos their phone number is 01223368650 and their postcode is cb58ld eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post N/A
+bos sorry , what is the address ? eos O O O O O O O O Attraction-Request+Addr
+bos address is the old pumping station , cheddars lane eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos that 's all thank you for your help . eos O O O O O O O O O O general-thank
+bos no problem . will there be anything else ? eos O O O O O O O O O O general-welcome,general-reqmore
+bos no that is it . thank you . eos O O O O O O O O O general-thank
+bos no problem , glad to help . have a great weekend . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos are there any entertainment attractions in the centre of the city ? eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there are 44. is there a certain type you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Type
+bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A
+bos i would recommend castle galleries . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos yes , i would like that place . can you give me the phone number , entrance fee , and address ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos castle galleries is located at unite su43 , grande arcade , saint andrews street , 01223307402 and it is free . can i help you with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos yes can you find a restaurant for me to eat at ? eos O O O O O O O O O O O O O Restaurant-Inform
+bos what type of restaurant are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food
+bos i do n't need to find a restaurant actually . i instead need a place to stay . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos do you need a hotel or guesthouse ? eos O O O O O O O O O Hotel-Request+Type
+bos preferably a hotel if possible . eos O O O B-Hotel-Inform+Type O O O N/A
+bos to help narrow down the results , what area or price range are you looking for ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos actually , type does not matter . but i want somewhere with 4 stars and wifi in the south please eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O N/A
+bos the aylesbray lodge guest house is a great place to stay . shall i book it for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O Booking-Inform
+bos does the hotel have free parking ? eos O O O O O O O O Hotel-Inform
+bos yes , it has free parking eos O O O O O O O Hotel-Inform+Parking
+bos great , can you get me the postcode , phone number and price range ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price
+bos yes , the postcode is cb17sr . the phone number is 01223240089 and its moderately priced . eos O O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A
+bos as long as it has 4 stars , that is all i need today , thanks for your help . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A
+bos yes it does have 4 stars . enjoy your travels ! eos O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos good bye have a nice stay . eos O O O O O O O O general-bye
+bos hi . could you help me with finding a hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos absolutely , do you have any other requirements ? eos O O O O O O O O O O general-reqmore
+bos a 3 star hotel on the east side would be preferable . eos O O O B-Hotel-Inform+Stars I-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O N/A
+bos i do n't have anything matching your request , would you like to change your hotel location or star rating ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Stars
+bos how about a 4 star hotel with free parking ? eos O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos i 'm still not finding anything . would you like a different area ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos i need a hotel for 4 people and 4 nights starting from thursday eos O O O O O O O O B-Hotel-Inform+People O O O O O N/A
+bos i 'm sorry there are no matches . eos O O O O O O O O O Hotel-NoOffer
+bos oh wow . i really need to find something . would you mind looking again ? 4 star rated in the east with free parking . i would really appreciate it . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O N/A
+bos sorry . there are no matches . is there anything else i can do for you today ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos i 'm sorry but i have a hard time believing there is no place to stay in the east with either a 3 or 4 star rating . eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos there are actually no lodgings of any kind in the east part of town listed . would you like to try another area . the centre is very popular ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O Hotel-Request+Area
+bos since you say there are no 3 or 4 star hotels in the east , i will settle for the centre of town . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O N/A
+bos that was a mistake . there are lots of 4 star hotels here . what is your price range ? eos O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Price
+bos let 's go expensive . i need to book it for 4 people for 4 nights on thursday . eos O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A
+bos i am sorry but there are no 4 star hotels in the east in the expensive range . would you like to try another price range , area , or star rating ? eos O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Stars
+bos this is really frustrating . can you find me any 3 or 4 star hotels anywhere ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A
+bos gonville hotel is a great hotel located in the centre . it 's 3 stars and is in the expensive price range . would you like me to book you a room ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O Booking-Inform
+bos book for 4 people 4 nights from thursday eos O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day N/A
+bos okay that was comleted successfully and your reference number is e5bqh7u1 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos can you please provide me with information on the attraction cherry hinton hall and grounds ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos absolutely ! it is an entertainment attraction in the east . phone is 01223446104. postcode is cb18dw . and address is cherry hinton road . there is no entrance fee information listed . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos could you double check for a 3 or 4 star hotel on the east side with free parking ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O N/A
+bos leverton house is a 4 star guesthouse in the east part of town in the cheap price range with both internet and parking included . is there anything else today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore
+bos great thanks . i need a taxi from gonville hotell to cherry hinton hall and grounds at 13:15. eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave N/A
+bos your taxi was booked successfully . you will be picked up in a black tesla by 13:15 at the gonville hotel and dropped off at cherry hinton hall and grounds . eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos great . do you have a contact number ? eos O O O O O O O O O O N/A
+bos their contact number is 07167487501. is there anything else i can assist you with today ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , thanks . that 's all . have a blessed day . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-bye
+bos i would like to visit some colleges or universities in cambridge . can you make some recommendations ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos we have 18 colleges open to visitors . christ 's college and churchill college are popular choices , and they 're free to enter . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos could you please give me the area , address , and postcode for churchill college ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr
+bos i can ! it is in the west at storey 's way , postcode cb30ds . phone 01223336233. need anything else ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O O O O O general-reqmore
+bos yes please . i need a place to crash . i 'm thinking a 4 star guesthouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A
+bos i see one place that is a match for you ; finches bed and breakfast on the west side of town ( for your convenience ) the price is cheap . if you would like i can make you a booking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Booking-Inform
+bos what is the address and post code ? eos O O O O O O O O O Hotel-Request+Post,Attraction-Request+Addr
+bos the address is 144 thornton road , and the post code is cb30nd . is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos does that hotel include free wifi ? eos O O O O O O O O Hotel-Inform
+bos yes finches bed and breakfast does have free wifi . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet
+bos great that 's all i need for now . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for calling . have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos what 's a good museum to go to in cambridge ? eos O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are 23 museums in cambridge . what parts of town are you willing to travel to ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Area
+bos i will go to any part . eos O O O O O O O O N/A
+bos i recommend visiting the byard art museum in the south . it 's free to get in . their address is 14 king 's parade . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A
+bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone
+bos their phone number is 01223464646 , postcode cb21sj and located at 14 king 's parade . admission is free ! can i help with anything else today ? eos O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes please , i am looking for a hotel that has 4 stars and is guesthouse . preferably in the east with free wifi . eos O O B-Hotel-Inform+Internet O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O N/A
+bos there are 6 guesthouses that meet your requirements . do you prefer a cheap or moderate price range ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A
+bos that does n't matter . you can just recommend one and then help me with a booking please eos O O O O O O O O O O O O O O O O O O O N/A
+bos may i have how many guest ? eos O O O O O O O O Booking-Request+People
+bos 4 people . starting saturday , 3 nights . eos O O O O O O B-Hotel-Inform+Stay O O O N/A
+bos will you need free parking ? eos O O O O O O O Hotel-Request+Parking
+bos that 's not necessary at all . thanks . eos O O O O O O O O O O general-thank
+bos great . thanks for letting us help you ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a 0 star hotel that is expensive . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A
+bos i 'm sorry there are no hotels that fit that criteria . would you like a different amount of stars ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O Hotel-Request+Stars
+bos what star ratings do you have for hotels in the centre ? eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are 3 and 4 star hotels . eos O O O O O O B-Hotel-Inform+Stars O O N/A
+bos can you check for one in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i have 18 different hotels in the moderate price range . is there a certain area you would like ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A
+bos yes please do a search for ones in the centre area . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos i have the cityroomz hotel would you like to make reservations ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Booking-Inform
+bos yes , i need a reservation for 3 people , 3 nights starting wednesday and i also need the reference number . eos O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref
+bos i have made those reservations and your reference number is 29q1x35w . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A
+bos thank you . i would also like entertainment options in the same area as you booked the hotel . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos i 'm sorry there are no entertainment attractions in the centre . would you like to try another type of attraction or area ? eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos yes what about a museum . eos O O O O O B-Attraction-Inform+Type O N/A
+bos there are 11 options to choose from . i 'd recommend the castle galleries . would you like more information ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore
+bos on second thought , i 'd really like an entertainment venue . eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos i 'm sorry , but again , there are no entertainment attractions in the centre . would you like to search in other areas ? eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O Attraction-Request+Area
+bos can you look for a architecture ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 5 options , i recommend old schools , would you like more information ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore
+bos please send me their address eos O O O O O O Attraction-Request+Addr
+bos old schools is located on trinity lane . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thank you so much . that 'll be all . have a good day . eos O O O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for a place to stay on the east side . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i found seven results ! what price range are you looking for ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price
+bos i am looking in the lower range . eos O O O O O O O O O N/A
+bos sure , i have 3 guesthouses that might work for you . they 're all 4 stars with free wifi and parking . does that sound good ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos a place on the east side with 4 stars and free wifi sounds perfect ! can i get the address , price range and postcode for one of those ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr
+bos sure . there 's the allenbell located at 517a coldham lane cb13js . the number there is 01223210353. anything else ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O O O general-reqmore
+bos thank you . what is the price range ? eos O O O O O O O O O O Hotel-Request+Price
+bos the allenbell is cheap . anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O O general-reqmore
+bos no , that 's it . thanks ! eos O O O O O O O O O general-thank
+bos thank you ! goodbye ! eos O O O O O O general-bye,general-greet
+bos can you tell me about moderately priced places to stay on the north side of town ? eos O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos there are 11 places to stay in the north part of town that are moderately priced . do you have a need for parking or internet ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos yes , i 'd love to have free internet , and i 'd really like to stay at a guest house if possible . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the arbury lodge guesthouse has a 4 star rating . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos sure . please book for 6 people and 3 nights starting tuesday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos i 've successfully booked your room . the reference number is vzcxfu9v . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos can i please have the address ? eos O O O O O O O O N/A
+bos they are located at 82 arbury road . do you need anything else ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O general-reqmore
+bos no thank you , that is all i needed . eos O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your stay . eos O O O O O O O O O general-bye
+bos i would like to catch a train leaving cambridge on sunday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos where would you like to travel to ? eos O O O O O O O O O Train-Request+Dest
+bos i need to get to leicester on sunday . eos O O O O O O B-Train-Inform+Dest O O O N/A
+bos there are 19 trains do you have a time you 'd like to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to leave after 10:15 eos O O O O O O B-Train-Inform+Leave N/A
+bos i have one leaving cambridge at 10:21 and arriving in leicester at 12:06. would you like to book tickets ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i am interested in that one , but i 'm not ready to book yet . thanks for your help . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos thank you for using our service . have a great day . eos O O O O O O O O O O O O O general-bye
+bos i 'm looking to book a train that goes to ely and leaves on sunday please . eos O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O O N/A
+bos there are 10 trains leaving from cambridge to ely . is there a particular departure or arrival time you would prefer ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos yes , i need to leave after 15:45. eos O O O O O O O B-Train-Inform+Leave O N/A
+bos tr5713 leaves at 15:50 and arrives by 16:07. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O general-reqmore
+bos yes that will work thank you . eos O O O O O O O O general-thank
+bos how many tickets would you like me to book for train tr5713 ? eos O O O O O O O O O O O O B-Train-OfferBook+Id O Train-Request+People
+bos i need 2 adult and 1 child . thank you . eos O O O O O O O O O O O O N/A
+bos booking was successful for tr5713 , the total fee is 10.56 gbp payable at the station . your reference number is : gge66ki2 . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore
+bos i am also looking for a hotel in the north please . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos the acorn guest house is available in your selected region . it 's moderately priced and includes free internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that one sounds fine . i need lodgings beginning thursday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A
+bos sounds great , and how many nights would you like to stay ? eos O O O O O O O O O O O O O O Booking-Request+Stay
+bos i 'd like 3 nights for 6 people , please . eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O N/A
+bos i have booked your request , your confirmation number is nwpewp4x . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos wonderful . thank you very much ! that 's everything i needed . eos O O O O O O O O O O O O O O general-thank
+bos hope you enjoy your trip ! thanks for allowing us to assist you . eos O O O O O O O O O O O O O O O general-greet
+bos i am looking for a hotel called the el shaddai in cambridge . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos yes , the el shaddai is a guesthouse in the area of centre , it has free internet and parking and is on the cheap side . when would you like to book for ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Request+Day,Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos what is the rating of this hotel ? eos O O O O O O O O O Hotel-Inform
+bos it has 0 stars . eos O O O O B-Hotel-Inform+Stars O N/A
+bos i am also looking for a train , departing norwich , going to cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O N/A
+bos we have 133 entries that match that criteria . do you have a date and time in mind ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos friday leaving after 09:15 please eos O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A
+bos i have train tr2365 departing at 9:16 and arriving at 10:35. would you like me to book that for you or if you prefer another time let me know . eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook
+bos tr2365 will be fine . book it please . eos O O O O O O O O O O N/A
+bos great ! i just need to know how many tickets you want . will it just be you ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i just need the travel time please eos O O O O O O O O Train-Request+Duration
+bos the travel time for that train is 79 minutes . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos perfect ! that 's all i need , thank you . eos O O O O O O O O O O O O general-thank
+bos thanks for using our service . have a great day ! eos O O O O O O O O O O O O general-bye
+bos could you help me find a train to norwich ? eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos not a problem . where are you departing from , and what day would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i want to leave from cambridge on wednesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what time of day would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i do n't have a preferred departure time but the train should arrive by 18:15. eos O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr1871 arrives by 16:55 and tr6838 arrives by 17:55. they are both the same price . would you like to book one of these ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-Select
+bos book the tr6838 please . i 'm also looking for a place to stay if you do n't mind . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have several different hotels . are you wanting a certain area of town or any special accommodations ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i would prefer it to be a 4 star hotel , with free parking . eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos we have several hotels that meet your requirements . would you prefer a hotel that is cheap or moderate in price ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos oh , i really do n't worry about the price , so long as it has four stars and free parking . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos alright , might i suggest the alexander bed and breakfast then ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A
+bos that sounds great - i want to book it for 5 people for two nights starting monday . eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A
+bos alright , i have your party booked at the alexander . the reference number is : g2ymgi0l . is there anything else i can do for you today ? eos O O O O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos no thank you , that will be all . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i need a train leaving friday that will arrive by 16:30 eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos certainly , there are plenty of options , the train that arrives closest to 16:30 arrives at 14:43. shall i book it , if so for how many riders ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-OfferBook
+bos sure book 1 ticket from kings lynn to cambridge eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest N/A
+bos now that we 've specified , we have one that arrives at 14:58 , the tr6844 . does this still work ? eos O O O O O O O O O O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Id O O O O O O O O O N/A
+bos i need booking for eight people if there is room . if so , book it and send a reference number . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 78.4 gbp payable at the station . reference number is : 59lwlxz4 . can i help you with anything else ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i need a place to stay with a 4 star rating in the north please eos O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A
+bos certainly , there are 8 guesthouse type accommodations in the north area that are 4 stars . does parking or wifi matter to you ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i am indifferent to parking but free wifi is a necessity . eos O O O O O O O O O O O O O N/A
+bos all the selections have wifi , 7 of the 8 hotels are moderately priced , but one is in the cheaply priced range . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Inform+Internet
+bos great , book me one of those for 8 people . we 'll stay from friday for 5 nights . i 'll need a reference number , please . eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O O O O O O O O N/A
+bos i booked you what you requested at the avalon hotel . your reference number is j8lr3gip . can we help you with anything else ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no , i appreciate your help ! eos O O O O O O O O N/A
+bos we are happy to help . thank you for using our service . eos O O O O O O O O O O O O O O general-bye
+bos can you recommend hotels in cambridge ? eos O O O O B-Hotel-Inform+Type O O O N/A
+bos huntington marriott is hotel in the west of town in the expensive price range . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O N/A
+bos i am looking for one that includes free wifi , and has a star rating of 1 eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos it does n't look like there is such a hotel in cambridge . would you like me to look for something else ? eos O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area O O O O O O O O O O O O N/A
+bos are there any hotels with a star of 0 ? eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O N/A
+bos yes , the cityroomz hotel is moderately priced and centrally located with 0 stars . it also has free wifi . would you like to book your stay ? eos O O O B-Hotel-Inform+Name B-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes . i need to stay 4 nights with 6 people . i 'll need the reference number as well . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O O O O O O Hotel-Request+Ref
+bos before we start with the booking , what day do we want to arrive at the hotel ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day
+bos i would like it to be on wednesday , please . eos O O O O O O O O B-Hotel-Inform+Day O O O N/A
+bos booking was successful . your reference number is : 820hy6fh . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , are there any restaurants located near the cityroomz hotel ? eos O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos i can help you find a restaurant in the centre of town . do you have a cuisine in mind ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos actually , i need a train to london liverpool street that arrives by 14:15. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A
+bos i have 35 trains available that leave cambridge to london liverpool street . what day do you want to travel ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O Train-Request+Day
+bos i would like to leave on sunday . please provide the train id and also the price of the ticket . thank you . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID
+bos if you would like , i could book you on the tr9025 . a ticket costs 13.28 pounds . eos O O O O O O O O O O O B-Train-OfferBook+Id O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos thank you very much for your help . that is all i need for now . eos O O O O O O O O O O O O O O O O O general-thank
+bos we 're always happy to help ! have a wonderful day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information on a train that will arrive at 20:45 wednesday . eos O O O O O O O O O O O O B-Train-Inform+Arrive B-Train-Inform+Day O O N/A
+bos i have 318 trains running on wednesday , to help narrow it down where will you be departing/arriving ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos the train should depart from cambridge and should go to kings lynn . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos train tr3234 leaves at 19:11 and arrives by 19:58. shall i book that one for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes . thank you very much . eos O O O O O O O O general-thank
+bos great . i have booked your ticket , your reference number is : nsruz1f6 . may i help you with anything else today ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you . that is all . eos O O O O O O O O O general-thank
+bos i 'm glad we could help . thank you and goodbye ! eos O O O O O O O O O O O O O general-bye
+bos i was in a car dispute and i am looking for help eos O O O O O O O O O O O O O N/A
+bos i can get you the number for parkside police station , is that close to your location ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos i believe so . what is the police address and phone number ? eos O O O O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone
+bos the address is parkside , cambridge . the phone number is 01223358966 eos O O O O O O O O O O O O O N/A
+bos thank you . that is all i needed . eos O O O O O O O O O O general-thank
+bos thank you for using our services . do you require any further assistance ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no , thank you . goodbye eos O O O O O O O general-bye
+bos goodbye . i hope the police are able to help you resolve the situation . if you think of anything else we can help you with do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a hotel near the mall . the hotel should has free indoor parking , even it does n't include internet . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O N/A
+bos ok. there are several hotels with parking available . what specific area of town are you wanting ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking
+bos i want to be in the area with the mall . which hotel is the closest to the mall ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos that would be in the centre of town . i have two options for you . gonville hotel and university arms hotel . would you like more info on one of those ? eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Select
+bos do either of those hotels have free wifi ? eos O O O O O B-Hotel-Inform+Type O O O O N/A
+bos both the gonville and the university arms have free wifi and free parking . would you like to make a reservation at one of those ? eos O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet,Hotel-Select
+bos i will try booking at the gonville for 3 people and 4 nights starting from sunday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos sure , you 're all set . your reference number is h8omgip5 . may i help with anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A
+bos no , i think that covers it , thank you very much . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a good day . eos O O O O O O O O O O general-greet
+bos hi i am looking for some info on the worth house hotel . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos the worth house hotel is a cheap 4 star guesthouse in the north . it provides parking and internet . the address is 152 chesterton road postcode cb41da . the phone number is 01223316074. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're welcome . can i make a reservation for you ? eos O O O O O O O O O O O O O Booking-Inform
+bos i 'm not ready to book but i appreciate your help . thanks ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! do n't hesitate to call if you 'd like to make a reservation later . eos O O O O O O O O O O O O O O O O O O O O general-bye,general-greet
+bos i need a taxi to take me to finches bed and breakfast eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos sure ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart
+bos i 'm departing from aylesbray lodge guest house . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos okay , when do you want to leave ? eos O O O O O O O O O O Taxi-Request+Leave
+bos anytime after 11:45 will be fine . eos O O O B-Taxi-Inform+Leave O O O O N/A
+bos your booking is now complete . eos O O O O O O O Taxi-Inform
+bos can i have the car type and contact information ? eos O O O O O O O O O O O Taxi-Request+Car
+bos i have a red bmw with contact number 07394368470. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos perfect , that 's all that i need . thank you ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a nice visit to cambridge ! eos O O O O O O O O O O O O general-bye
+bos can you help me find a train coming from cambridge leaving on thursday ? eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A
+bos there are 202 trains departing cambridge on thursday . where do you plan to head to that day ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Dest
+bos i will be going to leichester . eos O O O O O O O O N/A
+bos yes i have many options . what time would you like to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to arrive by 21:30 if possible . eos O O O O O O B-Train-Inform+Arrive O O O N/A
+bos train tr3255 is arriving at 21:06 , is that okay for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O general-reqmore
+bos that could work for me . eos O O O O O O O N/A
+bos how many tickets please ? eos O O O O O O Train-Request+People
+bos i do n't need to make the reservation now . thank you though . i would like the address for cambridge contemporary art please . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Request+Addr
+bos the address for that is 6 trinity street . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A
+bos thank you , that will be all . good bye . eos O O O O O O O O O O O O general-bye
+bos thanks for using our service today , glad i was able to assist you . hope you have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need the postcode , please . i 'm just getting general information for now . eos O O O O O O O O O O O O O O O O O Hospital-Request+Post
+bos postcode is cb20qq eos O O O O N/A
+bos thank you for helping me . that is all i need for right now . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us . eos O O O O O O O general-welcome
+bos welcome.thank you for your help eos O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-welcome,general-bye
+bos i am interested in a restaurant located in the north part of town that specializes in indonesian food , please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are no restaurants serving indonesian food in the north part of town . would you like me to look in another part of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos what about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos da vinci pizzeria is a restaurant serving italian food in the north part of town . would you like any additional information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore
+bos yes , may i have the address and phone number please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos the address is 20 milton road chesterton and the phone number is 01223 351707. eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos bye . eos O O O general-bye
+bos have a good evening . eos O O O O O O general-bye
+bos hi . i 'm trying to find a good restaurant in the south part of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are several good restaurants in the south part of town . do you have a preference for the type of food or price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos yes , i 'd like a restaurant that serves portuguese food . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos nandos is the only restaurant i can find in the south that serves portuguese . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O N/A
+bos nandos sounds great . thank you . eos O O O O O O O O general-thank
+bos thank you good bye eos O O O O O general-bye
+bos goodbye . eos O O O general-bye
+bos goodbye . eos O O O general-bye
+bos i 'm curious about places to get a room for the night that are on the cheap end of the spectrum . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos you might want to try alexander bed and breakfast . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos i would like free wifi and it needs to have at least 3 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i ca n't find anything that fits my criteria eos O O O O O O O O O O Hotel-NoOffer
+bos is there ones that are on the more expensive price range ? eos O O O O O O O O O O O O O N/A
+bos at the moderate price range , how about the bridge guest house ? eos O O O B-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos that 'll be fine . i would like to book 2 people for 2 nights starting on tuesday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A
+bos i 'm sorry booking was unsuccessful . would you like to try for a shorter stay ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos sure , can you book it for 1 night ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i was able to get the bridge guest house for 2 people for tuesday night . can i help you with anything else ? eos O O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O O O O O O O O O O general-reqmore
+bos yes , i 'll need the reference number for that booking . eos O O O O O O O O O O O O O Hotel-Request+Ref
+bos the reference number is : 3yxihqli . can i assist you any further ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no thats all , thank you very much ! eos O O O O O O O O O O general-thank
+bos thanks for using our services . eos O O O O O O O general-bye
+bos hello , i am looking for a cheap restaurant on the south side of town . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there is a place called nandos that specializes in portuguese food on the south side of town . eos O O O O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A
+bos what is the address and postcode ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the phone number is 01223 327908 and the postcode is c.b 1 , 7 d.y eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for using our system ! have a great day ! eos O O O O O O O O O O O O O general-bye
+bos i am in need of a local hospital please . and it must have a oral and maxillofacial surgery and ent department ! eos O O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A
+bos alright the phone number is 01223348527. would you like me to book it for you ? eos O O O O O O O O O O O O O O O O O N/A
+bos it does n't matter , could you give me the address and postcode ? eos O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address is hills rd , cambridge and the postcode is cb20qq . eos O O O O O O O O O O O O O O N/A
+bos thanks for all of your help ! eos O O O O O O O O general-thank
+bos my pleasure , have a nice day ! eos O O O O O O O O O general-bye
+bos i am looking for a restaurant that serves moroccan food and is moderately priced . eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos which area would you like ? eos O O O O O O O Restaurant-Request+Area
+bos i do not care what area it is in . eos O O O O O O O O O O O N/A
+bos there are no moderately priced moroccan restaurants in any area . might another type of food interest you ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos yes , what about turkish food ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos anatolia and efes restaurants are turkish . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O N/A
+bos may i have the address of anatolia ? eos O O O O O O O O O Restaurant-Request+Addr
+bos the address is 30 bridge street city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you , goodbye . eos O O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i want to find a restaurant in the south part of town and serves scandinavian food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are no scandinavian restaurants in the south part of town . eos O O O O O O O O O O O O O Restaurant-NoOffer
+bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos yes , we have two italian restaurants in the south area . would you prefer the moderately priced or the expensive one ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A
+bos i do not have a preference . please make a suggestion . eos O O O O O O O O O O O O O N/A
+bos pizza hut cherry hinton is an italian restaurant , it is on the south part of town , and it is in the moderate price range . would you like the address and phone number ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O O general-reqmore
+bos and postcode ? eos O O O O Restaurant-Request+Post
+bos post code is c.b 1 , 7 d.y , phone number is 01223 323737 , and address is g4 cambridge leisure park clifton way cherry hinton . eos O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos great , thank you eos O O O O O general-thank
+bos thank you , have a nice day ! eos O O O O O O O O O general-bye
+bos good evening , where would i find a hospital in town please ? eos O O O O O O O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is on hills rd. , in cambridge . eos O O O O O O O O O O O O N/A
+bos can i please have a phone number , post code and address please ? eos O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos the phone number is 01223245151 , address is hills road , cambridge , and the postcode is cb20qq . eos O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's all i need . thanks , good bye . eos O O O O O O O O O O O O general-bye
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos i am craving turkish food in the centre . is there a restaurant available ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O N/A
+bos i have pulled up 3. how about anatolia , they are moderately priced . eos O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A
+bos sounds great . can i get their location and phone number ? eos O O O O O O O O O O O O O N/A
+bos sure thing ! it is located at 30 bridge street city centre and the phone number is 01223362372 eos O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O N/A
+bos can you make a reservation for 6 people at 12:15 on wednesday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i am so sorry nothing available for any of the turkish restaurants for that day & time slot . something else perhaps ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos can you try booking it for 11:15 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A
+bos i was able to fulfill your request . you are booked at anatolia on wednesday at 11:15. the reservation is for 6 people . how else may i help you ? eos O O O O O O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O B-Booking-Book+People O O O O O O O general-reqmore
+bos can i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref
+bos the reference number is g7thdk3o . is there anything else i can help you with . eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , please . i need a train to leicester on thursday , please . i need to get there by 16:15. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O N/A
+bos if you are leaving from cambridge i can book you on tr1755 leaving at 09:21 and arriving at 11:06. will this work for you ? eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O N/A
+bos that works for me . go ahead and book it . eos O O O O O O O O O O O O N/A
+bos done - your reference number is gj3062pe . the total fee is 37.79 gpb which you can pay at the station . eos O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O N/A
+bos thank you . you 've been very helpful . eos O O O O O O O O O O general-thank
+bos will there be anything else you need ? eos O O O O O O O O O general-reqmore
+bos can i get the travel time in minutes please ? eos O O O O O O O O O O O Train-Request+Duration
+bos yes , it 's 105 minutes total . would you like anything else ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O general-reqmore
+bos i think that is all for now ! thanks again . have a great day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . you have a great day as well ! eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train that goes to leicester on sunday eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos tr2025 leaves at 05:21. do you need a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos yes as long as i arrive at my destination by 13:00. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos the tr5767 will have you in leicester at 12:06. eos O O B-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos how long will the trip take ? eos O O O O O O O O N/A
+bos that train leaves from cambridge at 10:21 , it takes an hour and forty-five minutes to get to leicester . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Dest O O N/A
+bos that 's good . is there a park in the north part of town ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A
+bos yes , milton country park is located in the north . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O N/A
+bos can you get the address ? eos O O O O O O O N/A
+bos i 'd be happy to help you with that . the address is milton country park , milton and the admission is free ! phone 01223420060 , postcode cb46az . will that be it for you today ? eos O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos hello , i am looking for places to go in the west ? can you help me ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos are you interested in a specific type of attraction ? eos O O O O O O O O O O O Attraction-Request+Type
+bos whatever is popular , but i would like it to be in the west area . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos how about people 's portraits exhibition at girton college ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A
+bos what kind of attraction is that specifically please ? eos O O O O O O O O O O N/A
+bos it 's considered a museum . eos O O O O B-Attraction-Inform+Type O O N/A
+bos thank you . i also need to check on a train , please . eos O O O O O O O O O O O O O O O Train-Inform
+bos where would you be departing from ? also , where would you like to arrive ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i would like to depart from cambridge and go to bishops stortford . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what day will you be traveling and do you have an arrival and departure time in mind ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i want to travel on tuesday from cambridge and arrive in bishops stortford by 16:45. eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive N/A
+bos i have 6 trains leaving starting at 05:29 to 15:29. what time would you like to depart ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave
+bos i need to depart by 6:00 please . eos O O O O O O O O O N/A
+bos tr2478 leaves cambridge at 05:29 and arrives in bishop stortford at 06:07. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos no ! i said 16:45. arrive by 16:45. try again . eos O O O O O O O O O O O O N/A
+bos could you please clarify the time that you could like to leave ? eos O O O O O O O O O O O O O O Train-Request+Leave
+bos departure time is not important as long as i get their by 16:45 eos O O O O O O O O O O O O O O N/A
+bos tr8017 will arrive in bishops stortford by 16:07 , does this suit your needs ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos that 's perfect , actually . i am going to need 7 tickets . can you help with that as well ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A
+bos yes , i can . should i make a booking for you ? eos O O O O O O O O O O O O O O general-greet,Train-OfferBook
+bos please book tickets for 7 people , please . eos O O O O O O B-Train-Inform+People O O O N/A
+bos okay i was able to book that and your reference number is iv9fl61a . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you . sorry for the confusion . have a great day . eos O O O O O O O O O O O O O O general-thank
+bos you too and thank you . eos O O O O O O O general-bye
+bos please help me identify places to go in the centre of town that are entertainment attractions . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O N/A
+bos there are no matching records for entertainment in the centre of town . would you like to change your criteria ? eos O O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O general-reqmore
+bos how about a boating place then ? eos O O O O B-Attraction-Inform+Type O O O N/A
+bos there are two boating places , scudamores punting co and the cambridge punter , which would you like ? eos O O O O B-Attraction-Select+Choice O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O N/A
+bos either one , i just need the address and postcode . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address and post code is different for each which one would you like please ? eos O O O O O O O O O O O O O O O O O Attraction-Select
+bos ok , how about scudamores punting company then . eos O O O O O O O O O O N/A
+bos alright , the address and postcode for scudamores punting co. is granta place , mill lane , postcode cb21rs . is there anything else i can help you with today ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore
+bos i also need train tickets . eos O O O O O O O Train-Inform
+bos i can help with that . what day will you be traveling and where are you departing from ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos leaving on monday from cambridge . eos O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i 've like to go to birmingham new street . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what time would you like to leave and arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need to leave after 19:15 eos O O O O O O B-Train-Inform+Leave N/A
+bos tr2850 leaves at 20:01. would you like me to book a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos please book for 8 tickets . eos O O O O O B-Train-Inform+People O N/A
+bos i have booked those for you . your reference number is 2hf8aktq . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you so much for your help ! eos O O O O O O O O O general-thank
+bos is there anything else you need ? eos O O O O O O O O general-reqmore
+bos no thank you ! that will be all . bye ! eos O O O O O O O O O O O O general-bye
+bos ok ! have a great day ! eos O O O O O O O O general-bye
+bos hello , can you help me find a train going to london kings cross ? eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos sure ! what day are you planning on leaving ? eos O O O O O O O O O O O Train-Request+Day
+bos on monday , from cambridge . eos O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos what time would you like to depart . i have anything from 5:00 to 23:00 eos O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave Train-Request+Leave
+bos i 'd like to leave after 15:45 , please . eos O O O O O O B-Train-Inform+Leave O O O O N/A
+bos tr7786 will leave at 17:00 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O N/A
+bos can i get the travel time for that as well ? eos O O O O O O O O O O O O Train-Request+Duration
+bos the travel time is 51 minutes . can i help you with anything else ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos i want a cheap swedish restaurant in the centre , please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos i was n't able to find a cheap swedish restaurant in the centre of time . would you like me to try a different type of food ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos yes , please . is there a restaurant with indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are 3 restaurants that match what you 're looking for , would you like me to book one for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O Booking-Inform
+bos i 'll take whichever one you recommend . i just need the phone number , postcode & address please . eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i would recommend the ghandi . they are located at 72 regent street city centre and can be reached at 01223353942 , can i assist with anything else ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos yes , i apologize but can you give me the arrival time for train tr7786 ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos sure i can . the arrival time for that train is 17:51. is there anything else i can do for you ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore
+bos i think that 's everything i need . thank you very much . eos O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! i hope that you enjoy your time here ! thank you for contacting the cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want a train leaving from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A
+bos okay , and where are we headed ? eos O O O O O O O O O Train-Request+Dest
+bos i am going to london liverpool street and i 'd like to leave on monday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O N/A
+bos sure thing , what time would you like to leave or arrive by ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive by 14:00. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos i would recommend tr3929 which leaves cambridge at 05:59 and arrives at london liverpool street at 07:27. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos that works , can you book it ? eos O O O O O O O O O N/A
+bos very good , sir , i 've booked your trip successfully . your reference number is qowr4oo3 . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A
+bos i 'm also looking for places to go in town . eos O O O O O O O O O O O O N/A
+bos there are many attractions to choose from . to help narrow the results down , are you interested in architecture , colleges , theatres , museums , or parks ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O N/A
+bos i would like to go to a cinema in the area you recommend please . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O Attraction-Request+Area
+bos i would recommend cineworld cinema eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A
+bos sounds great can i get the address . eos O O O O O O O O O N/A
+bos sure its cambridge leisure park , clifton way , anything else ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O general-reqmore
+bos what area of town is that in ? also , could i get the train booked for 4 people ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O Attraction-Request+Area
+bos cineworld cinema is located in the south . i 've changed the train booking to 4 people , the reference number is now wa2npoy7 . is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos no , that 's everything for today . thank you . eos O O O O O O O O O O O O general-thank
+bos you 're welcome . if you think of anything else you need , do n't hesitate to contact me . eos O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i need to catch a train from stevenage to cambridge . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos i can help you with that . what day will you be traveling ? eos O O O O O O O O O O O O O O O Train-Request+Day,general-greet
+bos i need to leave on wednesday and arrive no later than 21:45. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr4015 that leaves at 19:54 , and arrives at 20:43. is that to your liking ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos how long will that trip take ? eos O O O O O O O O N/A
+bos the travel time for that train is 49 minutes eos O O O O O O O O O O N/A
+bos thanks . can you tell me anything about the castle galleries attraction ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A
+bos sure it is a lovely museum located in the centre , and the best part is it is free to get in ! eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee O O O O O N/A
+bos could i please get the phone number for that ? eos O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223307402 eos O O O O O B-Attraction-Inform+Phone N/A
+bos that 's perfect , thanks ! eos O O O O O O O general-thank
+bos you 're welcome ! is there anything else you need help with today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no that is it . thank you ! eos O O O O O O O O O general-thank
+bos you 're welcome , and have a great day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you find me a train going to london liverpool street arriving by 21:45 ? eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A
+bos i sure can . what day were you hoping to travel ? eos O O O O O O O O O O O O O Train-Request+Day
+bos the train should leave on friday . eos O O O O O O B-Train-Inform+Day O N/A
+bos there is a train leaving at 5:59 on friday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A
+bos how long will the trip take ? eos O O O O O O O O N/A
+bos the trip will take around 88 minutes . what else would you like to know ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore
+bos when i get to cambridge , i 'd like to see some attractions in the centre of town . what is there to see and do ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos we have 44 attractions . what type of attraction would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type
+bos i do n't have a preference can you suggest something ? eos O O O O O O O O O O O O N/A
+bos i would like to recommend holy trinity church as it is beautiful architecture . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Type O N/A
+bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223355397. would you also like their address ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos no just the postcode and entrance fee , if available . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos admission is free and their postcode is cb23nz . what else can i help you with ? eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O O N/A
+bos that is all i needed for today . thanks for helping eos O O O O O O O O O O O O general-thank
+bos thanks for using our services . good day eos O O O O O O O O O general-bye
+bos hello , i 'm trying to find a train to take me to london kings cross from cambridge , are there any on that route ? eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O N/A
+bos we have many trains departing cambridge for london kings cross , is there a particular day you are wanting to travel ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Day
+bos i want to leave on saturday . eos O O O O O O B-Train-Inform+Day O N/A
+bos thanks ! do you have a particular time you want to leave or arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive in london at or just before 13:15 , please . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A
+bos the closest to that time is tr5170 which arrives at 11:51. can i get you tickets for that ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos what is the departure time ? eos O O O O O O O Train-Request+Leave
+bos that one departs cambridge at 11:00. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos what is the travel time ? eos O O O O O O O Train-Request+Duration
+bos 51 minutes , would you like me to book it for you ? eos O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos no thank you . could you find me an attraction to go visit ? eos O O O O O O O O O O O O O O O Attraction-Inform
+bos i 'd be happy to ! there is so much to do - did you have a particular type of attraction in mind ? eos O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type
+bos no , but i would like something in the east . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos what about the cambridge museum of technology ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that sounds neat . could you tell me their postcode ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb58ld eos O O O O B-Attraction-Inform+Post N/A
+bos thank you for your time . eos O O O O O O O general-thank
+bos thank you and enjoy your stay . eos O O O O O O O O general-bye
+bos i would like to go to a theatre in town . how many are there and where are they ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos what area in town would you like to go to ? eos O O O O O O O O O O O O Attraction-Request+Area
+bos i do n't care , anywhere in town is fine . eos O O O O O O O O O O O O N/A
+bos i suggest the junction . it is in south . can i give you the address ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos sure . what is the address , phone number and postcode ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the address is clifton way and the postcode is cb17gx . their phone number is 01223511511. do you need anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos no , thank you that is all . eos O O O O O O O O O general-thank
+bos i am glad we were able to help you today . have a good day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to find a train . eos O O O O O O O O Train-Inform
+bos okay- from where to where ? eos O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos i am wanting to go from stevenage to cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos ok - what day and time do you want to travel ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos i want to leave on friday and should arrive by 10:45 eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A
+bos the tr4800 meets your criteria . how many tickets would you like ? eos O O B-Train-Inform+Id O O O O O O O O O O O Train-Request+People
+bos the departure time is all i need . eos O O O O O O O O O Train-Request+Leave
+bos have a nice day . eos O O O O O O general-bye
+bos i 'm looking for a cheap restaurant in the west . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos sure , we have la margherita which serves italian food and thanh binh which serves vietnamese food . would one of these work for you ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O N/A
+bos they both sound great . now i 'm hungry . thanks for the information ! eos O O O O O O O O O O O O O O O O general-thank
+bos would you like me to book a table at either place ? eos O O O O O O O O O O O O O Booking-Inform
+bos no , not right now . could you help me find a train leaving peterborough though ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A
+bos yes . there are quite a few trains leaving peterborough . can you tell me what day you 'd like to travel , and perhaps narrow down the time as well ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Day
+bos i will be traveling in sunday . eos O O O O O O B-Train-Inform+Leave O N/A
+bos unfortunately , i am unable to locate information based on your response . please provide additional details of destination , day to travel , and time to arrive by . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Arrive,Train-Request+Dest
+bos sure . i need to leave peterborough sometime later than 16:45 on sunday . i am going to cambridge and need 4 seats . eos O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O O O O O N/A
+bos i have a train leaving at 16:48 , would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos yes i would like you to book that for 4 people . may i have the reference number please ? eos O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref
+bos yes , the booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : g3xq3f49 . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos thanks ! i appreciate your help . eos O O O O O O O O general-thank
+bos is there anything else i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos that is all , thanks again . eos O O O O O O O O general-thank
+bos it was my pleasure . if you need anything else just let me know . eos O O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a moderate restaurant in the centre . what would you recommend ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O N/A
+bos i found few restaurant that serve asian and british food which food you prefer ? eos O O O O B-Restaurant-Select+Choice O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O N/A
+bos lets go with asian . can you book a table for 7 at 12:00 on wednesday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos okay , i have booked you a table at yippee noodle bar . your reference number is owln59mn . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you but i also need a train that is going to leicester and should depart from cambridge eos O O O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart N/A
+bos sure thing - what day are you traveling , and at what time ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day
+bos i will be traveling on thursday and i need the train to arrive by 12:00. eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive N/A
+bos tr1755 arrives in leicester at 11:06. would you like tickets on that train ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please give me the reference number eos O O O O O O O O Restaurant-Request+Ref
+bos how many seats will you need ? eos O O O O O O O O Train-Request+People
+bos actually , i wo n't need you to book tickets . but can i please get the price and travel time for tr1755 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time is 105 minutes and costs 37.80 pounds . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos ok that would work go ahead and book that eos O O O O O O O O O O N/A
+bos how many tickets would you need ? eos O O O O O O O O Train-Request+People
+bos just for myself , please . eos O O O O O O O N/A
+bos okay . i have a booking and reference number for you . it is ye2kmqb2 . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A
+bos oops , i actually did n't want tickets just yet , but i guess i 'm stuck with them ! thanks for your help anyway , totally my fault . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service have a great day . eos O O O O O O O O O O O O general-bye
+bos hello ! are there any chinese restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos there are quite a few in the centre . what is the price range you 'd like to stay within ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Price
+bos cheap price range , please ! eos O O O O O O O N/A
+bos jinling noodle bar is a good fit . its on 11 peas hill city centre eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr N/A
+bos great ! can you book me a table for 5 on thursday ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O N/A
+bos i sure can . any preference on time ? eos O O O O O O O O O O Booking-Request+Time
+bos please try for 12:30. eos O O O O O N/A
+bos when booking your restaurant , i see that the jinling noodle bar is moderately priced . would that work ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos yes let 's try making a reservation for 5 people on thursday at 12:30. eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos that was unsuccessful . would you like to try another time ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos no , a moderate restaurant is n't really what i wanted . can you find a cheap chinese restaurant for me ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos i have 3 cheap chinese restaurants in the centre of town . the charlie chan , the rice house , and the golden house . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Select
+bos any of those options would be fine eos O O O O O O O O N/A
+bos i would recommend the rice house as there food is delicious . would you like me to make you a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform
+bos okay i would like to book a table for 5 people at 12:30 on sunday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O N/A
+bos i apologize , there are no reservations at that time . would you like to try another time at rice house , or perhaps i can attempt charlie chan or golden house ? eos O O O O O O O O O O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O O Booking-Request+Time
+bos okay please check at 11:30 instead . eos O O O O O B-Restaurant-Inform+Time O O N/A
+bos i am sorry . the 11:30 booking for the rice house was unsuccessful . would you like me to try a different restaurant ? eos O O O O O B-Booking-NoBook+Time O O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O O N/A
+bos ok. let 's try charlie chan instead . eos O O O O O O O O O N/A
+bos sorry , there are no available spots for that day and time . would you like to try another time ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos if you can book me a table for 5 at one of the other cheap chinese restaurants at 12:30 ( or 11:30 ) on thursday , that would be fine . can you try that ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A
+bos unfortunately , i ca n't find any tables available for that day and times either . would you like to try a different part of town ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Restaurant-Request+Area
+bos no it must be in the centre . is there any other chinese place open in the centre on thursday ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i 'm sorry , those are the only 3 in the centre , would you like to try a different type of restaurant ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Restaurant-Request+Food,Restaurant-NoOffer
+bos any other chinese restaurants in a different price range ? eos O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos yes , i have 3 in the moderate price range eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O N/A
+bos all right , just for fun , let 's try one of those ( though i expect they will not work either ! ) . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i was not able to book that either . i am very sorry . eos O O O O O O O O O O O O O O O Booking-NoBook
+bos well , maybe you 'll have better luck finding me a place to stay . i 'm looking for something cheap , but still 4-star quality . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i have 8 that fit those parameters , would you like any special amenities ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos only other thing i would like is free parking . eos O O O O O O O O O O O N/A
+bos are you looking to stay in a specific area ? eos O O O O O O O O O O O Hotel-Request+Area
+bos not really . can you see if any of them are available for 4 nights starting from thursday ? it 's for 5 people . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O N/A
+bos it does n't look like any of them are available for that day . would you like to try another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos man , we are just not having much luck tonight , huh ? okay , can you see if there are any available for one night ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i was able to book you at charlie chan 's . your reference # is zwmr0d97 . i also found you a room at worth house for 1 night . reference # is 0hebry1y . eos O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O O O O N/A
+bos thank you . that is all for today . eos O O O O O O O O O O general-thank
+bos you 're welcome , anything else i can help you with ? eos O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that is all i need . thank you ! eos O O O O O O O O O O O O general-thank
+bos you 're welcome . sorry i had such a hard time booking for you ! eos O O O O O O O O O O O O O O O O general-welcome
+bos do n't sweat it . thank you and goodbye . eos O O O O O O O O O O O general-bye
+bos it was my pleasure . enjoy your stay ! eos O O O O O O O O O O general-bye
+bos i would like a moderately priced restaurant in the west part of town eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are three moderately priced restaurants in the west part of town . do you prefer indian , italian , or british ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A
+bos can i have the address and phone number of the italian location ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos prezzo is at 21-24 northampton road , and can be reached at 01799 521260. can i be of further assistance ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos that 's it . thank you , goodbye eos O O O O O O O O O general-bye
+bos thank you for using our system . good bye eos O O O O O O O O O O general-bye
+bos i 'm looking for a hotel with free wifi that is cheap eos O O O O O O O O O O O B-Hotel-Inform+Price O N/A
+bos there are ten opitions , that meet your needs , do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Internet
+bos i want it to have a 4 star rating and have free parking , please . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos the belfry would suit your needs . shall i book it for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos i need to get a reference number first . this booking is for 7 people and 3 nights starting from thursday . eos O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos your reference number is 23u2jk9a . eos O O O O O B-Booking-Book+Ref O N/A
+bos excellent . i 'm also looking for a restaurant . eos O O O O O O O O O O O Restaurant-Inform
+bos what kind of food would you like ? eos O O O O O O O O O Restaurant-Request+Food
+bos i want a restaurant that serve belgian food eos O O O O O O O B-Restaurant-Inform+Food O N/A
+bos i do not see any restaurants with belgian cuisine . would you like to try something else ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O N/A
+bos how about some cheap italian located in the north ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos the da vinci pizzeria matches those qualifications . would you like a reservation or more information ? eos O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O N/A
+bos yes please . for the same amount of people on the same day at 14:15. eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A
+bos your reservation at da vinci pizzeria has been made for a table for 7 at 14:15. they 'll hold the table 15 minutes , and your reference number is p6i1dfwj . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Time O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos could you also help me with a taxi between the hotel and restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform
+bos i have booked you a taxithat will pick you all up 13:45. the car type is grey skoda and the contact number is 07001660178 eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A
+bos thank you for all your help . eos O O O O O O O O general-thank
+bos is there anything else that i can do for you ? eos O O O O O O O O O O O O general-reqmore
+bos no , that will be all , thank you . eos O O O O O O O O O O O general-thank
+bos it was a pleasure to help you today . have a nice afternoon . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a guesthouse with free parking eos O O O O O O B-Hotel-Inform+Type O O O N/A
+bos there are 21 guest houses with free parking . what other preference do you have that can narrow the search down ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Internet,Hotel-Inform+Parking,general-reqmore
+bos i would prefer if the guesthouse was in the cheap price range . eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos there are 9 cheap guesthouses that offer free parking . i would recommend the alexander bed and breakfast due to being a 4 star place and offering guests free wifi . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Stars O O O O O O O O Hotel-Recommend+Internet,Hotel-Inform+Parking
+bos that will work . i want to make a reservation for 1 person . it will need to be for 3 nights starting from wednesday . eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos unfortunately , the alexander ca n't handle that that booking at this time . perhaps another day or a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos no thank you ! eos O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos can you check if a 2 night reservation fits in anywhere ? eos O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos that worked ! i have you booked for two nights at the alexander . your reference number is 12l7nspk . eos O O O O O O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O N/A
+bos are there any attractions in the centre part of town ? eos O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos certainly . i have architecture , cinema , theater , colleges , museums . what interests you most ? eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Select,general-greet
+bos which is your favorite ? give me their address , phone number , and entrance fee , and i 'll check it out . eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos well all saints church is quite historic and relaxing and their address is jesus lane , it is free to enter and you can contact them on 01223452587. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O B-Attraction-Recommend+Phone O N/A
+bos that sounds wonderful . can you book me a taxi from alexander to all saints church ? i need to leave the hotel by 1:45. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A
+bos i have confirmed your booking , a white toyota will pick you up . their contact number is 07056950129. do you need further assistance ? . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos no . that all looks great . thanks ! eos O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos okay . thanks again . you , too . goodbye ! eos O O O O O O O O O O O O general-bye
+bos safe travels and enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye
+bos okay ... thanks ! that 's all i need . eos O O O O O O O O O O O general-thank
+bos thank you ! eos O O O O general-welcome
+bos hi , i 'll be traveling to cambridge and am excited to find some places to go . can you help me ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i will be more than happy to assist you . please tell me what kind of attractions you are interested in ? there are many categories of attractions in the cambridge area . eos O O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type
+bos im looking for a museum in the centre . may i also have the postcode and phone number for them as well ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the broughton house gallery is in the centre . it 's postcode is cb11ln . the phone number is 01223314960. is there anything else i can help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore
+bos i also need to book a guesthouse in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos what is your price range ? eos O O O O O O O Hotel-Request+Price
+bos any range is fine but it needs to include free wifi and parking . eos O O O O O O O O O O O O O O O N/A
+bos okay , i have 9 guesthouses that fit your needs . are you looking for a particular star rating ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos i do not . can you recommend one ? eos O O O O O O O O O O N/A
+bos i can recommend the city centre north b and b. it is in the cheap price range . would you like me to book that for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O Booking-Inform
+bos sure . i 'll need rooms for 4 people reserved for 4 nights , beginning saturday . can i have the reference number for that booking ? eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O Hotel-Request+Ref
+bos reference number is lfbb6yno . eos O O O O B-Booking-Book+Ref O N/A
+bos i also need a taxi to commute between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos will the taxi be picking you up at the hotel or at the museum ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i need picked up at the hotel by 9:15 please . eos O O O O O O O O O O O O N/A
+bos your taxi is booked . look for a blue ford , their contact number is 07211297115. is there anything else i can help you with ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that is wonderful . have a nice day and thank you . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome ! thanks for contacting cambridge towninfo centre ! eos O O O O O O O O O O O O general-welcome
+bos thank you and goodbye , eos O O O O O O general-bye
+bos if you need anything fell free to call us . eos O O O O O O O O O O O general-bye
+bos want to book a taxi eos O O O O O O Taxi-Inform
+bos where are you going & where should it pick you up ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i am departing from sala thong and need to go to abbey pool and astroturf pitch . i need to arrive by 16:45. eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Arrive O N/A
+bos booked ! your car is a yellow toyota . contact number : 07041103823. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O N/A
+bos thanks , i really appreciate your help today eos O O O O O O O O O general-thank
+bos no problem . if you need anything else , do n't hesitate to call back . goodbye . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me where the parkside police station is located ? eos O O O O O O O O O O O O O Police-Inform
+bos the address to the police is parkside , cambridge . eos O O O O O O O O O O O N/A
+bos can i get the postcode and phone number , please ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Phone
+bos the telephone number is :01223358966 and the postcode is cb11jg . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , that 's all . thank you for your assistance ! eos O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great day ! eos O O O O O O O O O O O general-greet
+bos i need a monday train , after 13:30 leaving time please . eos O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O N/A
+bos i can help you with that . what day would you like to travel , what is your destination ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos i would like to leave on monday and should leave after 13:30. i want it to go to london liverpoool street . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos ok train tr1764 leaves at 13:59 would you like me to book that for you eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook
+bos book it for 2 people . eos O O O O O B-Train-Inform+People O N/A
+bos ok , got your booking . the total fee is 33.2 gbp payable at the station , and the reference number is : q4mduzut . anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos yes , i also need some lodging accommodations . i 'd like to find a guesthouse that offers free parking , please . eos O B-Hotel-Inform+Parking O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos there are 21 guesthouses in the city that offer free parking . is there a certain price point or area of the city that you 'd prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking
+bos i want a moderate price range in the north . eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A
+bos that narrows it down to about 7 places . all of them are 4 stars except one . might i suggest the kirkwood house . they have great reviews . eos O O O O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos let 's book that one then ! super excited ! same group of people , same day , 3 nights ! eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos i was able to book at room at the kirkwood house for you , ref # y7gs4ciz . is there anything else i can help you with today ? eos O O O O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i need today - thanks ! eos O O O O O O O O O O O O general-thank
+bos excellent ! enjoy your visit ! eos O O O O O O O general-bye
+bos i need to book a guesthouse in the west of cambridge , are there any ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O N/A
+bos there are two guesthouses on the west side : finches bed and breakfast , with a cheap price point , and hobsons house , with a moderate price point . would you be interested in either of these ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Select
+bos which one includes free parking ? i do n't need internet included . eos O O O O O O O O O O O O O O N/A
+bos both of them have free parking . eos O O O O O O O O Hotel-Inform+Parking
+bos does finches bed and breakfast have free wifi ? since they both have free parking , i might as well go with the cheaper price . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , they have internet as well . would you like to book this room for you ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet
+bos yes that would be perfect ! can i please get it for 3 people , 4 nights and we 'll be there by wednesday eos O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O N/A
+bos good news ! booking was successful . reference number is : g3504ur7 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos fantastic , i 'd also like a train leaving on sunday , please . eos O O O O O O O O O B-Train-Inform+Day O O O O O N/A
+bos certainly ! what time of day would you like to travel , and what are your departure and arrival locations ? eos O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Leave,Train-Request+Depart
+bos will be leaving cambridge & going to kings lynn . wanted to arrive by 12:00. eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A
+bos sure , tr8704 arrives at 11:58 , can i book a seat for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no , i just need the departure time . how long of a trip is it ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave
+bos that train leaves at 11:11. travel time is 47 minutes . eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos thank you very much for your help . eos O O O O O O O O O general-thank
+bos if you need help with anything else , please do n't hesitate to contact us . enjoy your travels . eos O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need a place to stay . eos O O O O O O O O N/A
+bos what area would you like to stay ? eos O O O O O O O O O Hotel-Request+Area
+bos we live in the north so something close by . eos O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos okay ! would you like to stay in a hotel , or a guesthouse ? eos O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A
+bos i would like to stay in a guesthouse that has free parking . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos there are several 4 star options as well as a 3 star and also a 0 star option . do you have a preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Request+Stars
+bos whatever is available , please book me for 3 people on 4 night starting monday . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos i need more information on your price range . eos O O O O O O O O O O Hotel-Request+Price
+bos i would like to stay in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i have found 7 guesthouses that meet your specifications and are in the moderate price range . would you like me to make a recommendation ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O general-reqmore
+bos sure , coud you find one in the north ? eos O O O O O O O O O O O N/A
+bos yes , i found 5 guesthouses they have moderate price range , free parking , 4 stars and 3 stars.which one will you prefer ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O Hotel-Select,Hotel-Inform+Parking
+bos could you please recommend one ? eos O O O O O O O N/A
+bos okay , i recommend the acorn guest house . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A
+bos ok great . i need a room for 3 people and 4 nights starting from monday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O N/A
+bos booking was successful . reference number is : ftfrigty . can i help with anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes ! i 'm also looking for a nightclub in town eos O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos what area would you like it to be in ? eos O O O O O O O O O O O Attraction-Request+Area
+bos it does not matter but i would need the entrance fee eos O O O O O O O O O O O O Attraction-Request+Fee
+bos i 'd recommend club salsa . it 's in the centre and the entrance fee is 5 pounds . can i help with anything else ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore
+bos yes i need a taxi leaving the attraction at 21:30. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos your taxi is booked . their contact number is 07080927615 and they will be picking you up in a white lexus . is there anything else i can help you with ? eos O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O general-reqmore
+bos no , that is all i need today . thank you so much . eos O O O O O O O O O O O O O O O general-thank
+bos thank for using the cambridge towninfo centre . goodbye eos O O O O O O O O O O general-bye
+bos i 'm looking for a place to stay that offers free wifi eos O O O O O O O O O O O O O N/A
+bos most of the hotels and guesthouses have free wifi . is there a particular part of town that you 're interested in ? eos O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet
+bos i do n't care what part of town it 's in , but i would like it to be a hotel rather than a guesthouse , and i 'd like it to be moderately priced . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i am not showing anything would you like me to check in a different price range ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos are you sure you ca n't find any hotels moderately priced with free parking and free wifi anywhere ? eos O O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Price O O O O O O O O O O N/A
+bos unfortunately there are no hotels or guest houses that meet those criteria . would you like to try a different price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i just need a moderately priced hotel with free wifi and parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i can not find anything in a moderate price , but i found a cheap hotel for you . it 's the cambridge belfry in the west . it has 4 stars . is this alright ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A
+bos yes , i 'll need the address and i will also need a train from cambridge to norwich on monday , leaving after 20:15 eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O Hotel-Request+Addr
+bos that address is back lane , cambourne . the tr8636 departs cambridge at 20:36 , would you like to book a seat on that one ? eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos how long is the trip , and what time does it arrive in norwich ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos the trip is 79 minutes long and it will arrive by 21:55. eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Arrive N/A
+bos thank you for all your help . that is all the information i need . eos O O O O O O O O O O O O O O O O general-thank
+bos glad to be of help . thanks for using our service . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos can i get the address to the hospital in cambridge ? eos O O O O O O O O O O O O Restaurant-Request+Addr
+bos unfortunately , i do not have that information . is there something else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am traveling to cambridge and looking forward to try local restaurants . eos O O O O O O O O O O O O O O Restaurant-Inform
+bos is there a specific area and cuisine you are looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos i 'd like an expensive italian restaurant in the centre . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos we have several . would you like a recommendation ? eos O O O B-Restaurant-Inform+Choice O O O O O O O general-reqmore
+bos yes , please find me an expensive one in the center . eos O O O O O O O O O O O O O N/A
+bos i recommend caffe uno . would you like more information about it ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O general-reqmore
+bos yes please . specifically , their phone number , address , and postcode . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos yes , their address is 32 bridge street city centre and their phone number is 01223448620. eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A
+bos what is their postcode , please ? eos O O O O O O O O Restaurant-Request+Post
+bos their postcode is cb21uj . may i help you with anything else ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore
+bos i also need a hotel that has free parking and wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 8 options . do you care about area or price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos yes , please . i 'm looking for a more upscale , expensive hotel . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A
+bos i have several available . do you have a star preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Stars
+bos i do n't care about the star rating . can you just make sure it is a hotel . i do n't want a b & b . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos okay , i recommend gonville hotel . is there anything else i can help you with ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O general-reqmore
+bos yes , could you book a room there for 5 people , 5 nights ? we 'll arrive on tuesday . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O O N/A
+bos i have booked that for you . the reservation number is 7hcs66ly . may i help with something else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no that is all i need for today . eos O O O O O O O O O O N/A
+bos have a wonderful day and enjoy your trip . goodbye . eos O O O O O O O O O O O O general-bye
+bos i am planning a trip in cambridge . eos O O O O O O O O O N/A
+bos okay , how can i help you ? eos O O O O O O O O O general-reqmore
+bos im looking for an expensive restaurant that serves italian food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos we have several great options , most of which are in the center of town . my favorite is caffe uno . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A
+bos sounds great . i need a reservation for 1 on wednesday at 15:30 eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : ayqo5zte . can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i will also need a train eos O O O O O O O Train-Inform
+bos what area please and how many tickets eos O O O O O O O O Train-Request+Dest,Train-Request+People
+bos wednesday and i want to get there by 08:00 leaving broxbourne , how much is that ? eos O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O N/A
+bos the trip will cost 17.90 pounds . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos yes i need it to go to cambridge , is that possible ? eos O O O O O O O O O O O O O O N/A
+bos we have 2 trains that match your criteria - the tr0788 that leaves at 05:32 and the tr0605 that leaves at 06:32. which one should i book for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select
+bos no , i do n't need it booked . what 's the price for the tr0788 ? eos O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos the price is 17.90 pounds . can i help you with anything else today ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos no that is it , thank you ! eos O O O O O O O O O general-thank
+bos do you need a taxi ? eos O O O O O O O general-reqmore
+bos have a great day . good bye . eos O O O O O O O O O general-bye
+bos yes , i am happy i could assist . eos O O O O O O O O O O general-welcome,general-bye
+bos yes , i 'd like to find a cheap hotel in cambridge for monday . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A
+bos i found the cambridge belfry hotel located in the west and in the cheap price range . would you like me to book this for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos on second thought , i 'd like a moderately priced guest house . eos O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price
+bos there are 15 choices . can i recommend acorn guest house in the north ? if so , would you like to make a reservation ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Booking-Inform
+bos i need wifi , and free parking , if possible . eos O O O O O O O O O O O O N/A
+bos the acorn offers both . eos O O B-Hotel-Inform+Name O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that sounds great . can you book it for wednesday for 5 nights ? eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A
+bos sure , how many people will be staying , and did you want the booking for wednesday , or monday ? eos O O O O O O O O O O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O Booking-Request+People,Booking-Request+Day
+bos i need it starting on wednesday for 6 people . eos O O O O O O O O O B-Hotel-Inform+People O N/A
+bos unfortunately , i was unable to book the acorn on that day for that length of time . would another day or a shorter stay work for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos yes , lets try for 4 nights eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos i was able to reserve that reference number is 49t1d4b9 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos can you also find me a train ? i need it departing from bishops stortford . eos O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i have several for you . where is your destination and day ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos going to cambridge and leaving anytime after 12:30 eos O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A
+bos train tr4076 leaves at 13:29 , would you like me to book that ? eos O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O O O N/A
+bos yes , please , for 1 person . could i get a price ? eos O O O O O O O O O O O O O O O Train-Request+Price
+bos 10.10 pounds is the price eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A
+bos can i get a train from stansted airport leaving after 14:45 please ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A
+bos you have a number of options , but first , what day would you like to travel on , and will you be heading to cambridge ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day
+bos yes , on tuesday . anytime after 14:45 will work for me . eos O O O B-Train-Inform+Day O O O O O O O O O O N/A
+bos we have 9 options . would you like the first option after ? eos O O O O B-Train-Inform+Choice O O O O O O O O O N/A
+bos yes , what is the arrival time for that option ? eos O O O O O O O O O O O O Train-Request+Arrive
+bos the departure time is 15:24 and the arrival time is 15:52 eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive N/A
+bos thank you i also need a place to stay . i am looking for a cheap 1 star hotel . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O N/A
+bos there are no one star hotels , but maybe i could raise the star rating and see what i could find . any specific location you 'd like to stay ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area
+bos as long as it is the cheap range , it should be ok eos O O O O O O O O O O O O O O N/A
+bos ok , have 10 locations , 9 of them are guesthouses & 1 hotel . the price of hotel is cheap , but its a 4 star . what type of room do you want ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos let 's try the 4 star hotel , please . eos O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos the allenbell guesthouse in the east area of town is quite nice , despite being in the cheap range . would you like to book a room there ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O Booking-Inform
+bos maybe , do they offer free parking ? eos O O O O O O O O O N/A
+bos yes , it offers free parking and wifi . eos O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes , could you book the allenbell for 7 people and 4 nights , starting tuesday ? eos O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A
+bos booking was successful.reference number is : 8jglkxb8 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos i am looking for moderately priced lodging with free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos there are 17 hotels that match that criteria . would you like to narrow it down some ? do you need free parking ? what area would you like ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking
+bos i would like it to have a four star rating . eos O O O O O O O O O O O O N/A
+bos there are 11 entries . does type matter to you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Type
+bos it does not . do you have a favorite ? eos O O O O O O O O O O O N/A
+bos i particularly like the acorn guest house in the north . it meets your criteria plus offers parking , just in case you might need it . would you like a booking ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Booking-Inform
+bos i do n't need a booking but can you tell me the postcode and address ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos yes of course , their postcode is cb41da , and their address is 154 chesterton road . is there anything else that i can do for you today ? eos O O O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O general-reqmore
+bos no , that is all the information i needed . thank you ! eos O O O O O O O O O O O O O O general-thank
+bos thanks for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos i need information for a train from cambridge to norwich . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos there are several trains departing from cambridge arriving in norwich at a price of 17.60 pounds . what day are you looking to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-Request+Day
+bos i am looking to travel on sunday , and leave after 21:30 eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A
+bos i have train tr7767 leaving at 21:36 and arriving by 22:55. would that be something that would work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please book for 1 person and send the reference number . eos O O O O O O B-Train-Inform+People O O O O O O N/A
+bos okay , i 've done that for you . your reference number is 0tdrhzkn . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thank you . i also need a place to stay . can you find me a three star guesthouse ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos sure , what area of town are you interested in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos in the centre i guess . i do need free parking . eos O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos i 'm sorry , there are n't any 3 star guesthouses in the centre , would you like to try another level ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O O Hotel-Request+Stars
+bos no , can you check for a 3 star guesthouse in the west ? eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos yes , there is the hobsons house . shall i go ahead and book that for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos yes please . it will be for the same group of people for 3 nights starting on thursday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A
+bos okay , your booking was successful . your reference number is 9cny4ioq . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you . are there any colleges with free admission in the area ? or any other attractions that i may visit inbetween my meetings ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos what area would you prefer it to be in ? eos O O O O O O O O O O O Attraction-Request+Area
+bos somewhere in the center that gives free parking . it 's pretty important as that 's where i 'm interested in . if that does not exist , i 'd like to be somewhere in the west . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , the attractions segment on my computer system seems to be down at the moment . can i perhaps help with something else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos that is alright . actually , that should be all i need today . thank you for your help . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i hope you enjoy your stay . have a nice day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train on sunday that will leave after 17:30 eos O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A
+bos where will you be traveling from and to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i am leaving leicester and going to cambridge . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos tr9320 will leave at 18:09 and arrive at 19:54. can i book that for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos please do , i will need this for 6 people . can i also have the reference number as well ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful and your reference number is 0rkj93ug . can i help you with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i also need a place to stay . i 'm looking for a 3 star place in the expensive price range . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O N/A
+bos there are two gonville hotel at the centre and the lensfield hotel in the south , which one do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Select
+bos i prefer the gonville . eos O O O O O O N/A
+bos would you like me to book you at the gonville ? eos O O O O O O O O O O B-Booking-Inform+Name O N/A
+bos yes please . remember there are 6 people . it should be at least 3 stars and expensive . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A
+bos how long would you like to stay ? eos O O O O O O O O O Booking-Request+Stay
+bos just 1 night would be perfect . thank you . eos O O O O O O O O O O O general-thank
+bos before booking the hotel i need to know how many days will you stay ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay
+bos perhaps i can book it . i will just need the postcode eos O O O O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb11ly . is there anything else i can do for you ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore
+bos no that is all . thank you for the help ? eos O O O O O O O O O O O O general-thank
+bos you are very welcome . have a great stay . eos O O O O O O O O O O O general-welcome,general-bye
+bos hello ! can you please give me information about ruskin gallery ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos ruskin gallery is a museum in the centre . the entrance is free and they are located at anglia ruskin university , east road . can i help with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos could you provide me with the phone number ? eos O O O O O O O O O O Attraction-Request+Phone
+bos sure , their phone number is 01245493131. is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos also looking for a restaurant that serves lebanese food in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A
+bos ali baba is a lebanese restaurant with a moderate price range . do you want to book it ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform
+bos is it located in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos yes , it is . would you like me to book it ? eos O O O O O O O O O O O O O O Booking-Inform
+bos yes for 5 people at 16:00 on friday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful and the reference number is : e089xi1o . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great . thank you so much for booking that . eos O O O O O O O O O O O general-thank
+bos what else may i help you with ? eos O O O O O O O O O general-reqmore
+bos that is all i need . thank you for your help . good bye . eos O O O O O O O O O O O O O O O O general-bye
+bos have a great day . goodbye . eos O O O O O O O O general-bye
+bos can you help me find a place to stay ? it 'll need to have free parking . eos O O O O O O O O O O O O O O O O O O O N/A
+bos they are many . what is your price range and prefered side ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i just am looking for a 1 star hotel in the north . eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A
+bos i 'm sorry , there are n't any hotels that meet your criteria . would you like to try something else ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos sure . how about 4 stars ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos that narrows it down to about 7 options . i have 6 moderately priced ones , and 1 cheaper one . do you have a preference ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O Hotel-Select
+bos a moderate priced one will be fine . any will do . i 'll need it booked for wednesday . i will be staying 2 nights with 6 people . eos O O B-Hotel-Inform+Price O O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A
+bos okay , i made you a reservation at the acorn guest house . your reference number is 5msb4h92 . can i do anything else for you today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A
+bos now i need a place to dine . cheap and belgian food sounds good . eos O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O N/A
+bos i do not have anything matching that criteria . is there another type of food you would like to try ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about indian food ? eos O O O O O O N/A
+bos what area would you like to be in ? eos O O O O O O O O O O Restaurant-Request+Area
+bos the area does n't matter . eos O O O O O O O N/A
+bos there are 4 indian restaurants that meet your criteria . i would recommend kohinoor . i really enjoy their food . eos O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O N/A
+bos can you reserve a table for me ? eos O O O O O O O O O N/A
+bos sure , what day , time , and number of people would you like to book it for ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos i would like the booking for wednesday at 19:45 for a group of 6 eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People N/A
+bos i have you booked at mahal of cambridge , the reference number is 4b8hxaf2 eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A
+bos lastly , i need a taxi between the two places , i would liek to get to the kohinoor restaurant by the booked time of 19:45. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos booking completed ! booked car type : black skodacontact number : 07910219263 eos O O O O O O O O O O B-Taxi-Inform+Phone O O N/A
+bos thanks for your help and have a good day eos O O O O O O O O O O general-thank
+bos you 're very welcome ! eos O O O O O O general-welcome
+bos i am planning a trip in cambridge eos O O O O O O O O N/A
+bos excellent ! do you need assistance with transportation arrangements ? eos O O O O O O O O O O O general-greet,general-reqmore
+bos yes , i need a train to cambridge on thursday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos what will be the departure site ? eos O O O O O O O O Train-Request+Depart
+bos i 'm leaving from the new street station in birmingham eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A
+bos is there a time you have to leave or arrive at ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 14:15 eos O O O O O O O B-Train-Inform+Leave N/A
+bos i have train tr2089 that leaves at 14:40 and arrives in cambridge at 17:23. would that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes . could you tell me the travel time and price for that train please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the travel time for this route is 163 minutes . the cost of each ticket is 75.10 pounds . can i help you with anything else ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore
+bos i 'm also looking for a moderately priced hotel with free parking . any area will do . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O O O Train-Request+Price
+bos ok. there are 14 in cambridge . let 's narrow that down a bit . would you prefer a hotel or guesthouse ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O general-greet
+bos definitely a hotel . eos O O O B-Hotel-Inform+Type O N/A
+bos ok , i recommend the ashley hotel , would you like me to reserve a room for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos yes , 8 people , 3 nights starting thursday . please include reference number . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O Hotel-Request+Ref
+bos booking was successful.reference number is : 5su2lev2 . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your help eos O O O O O O general-thank
+bos is there anything else i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos no , that will be all . thanks ! eos O O O O O O O O O O general-thank
+bos and thank you for contacting the cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hey there , i 'm looking for a train to cambridge on saturday eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos sure , what are your travel times ? eos O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i will be leaving after 20:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos there are 35 trains that match your request . to better help you , i 'll need to know where you 'll be departing from and what time you want to arrive by . eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos oh sillly me ! i 'm leaving from bishops stortford . does n't matter what time i arrive , just ca n't leave until 20:45 eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A
+bos okay i have a train that departs at 21:29. shall i book it for you ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos book for 5 people and get me reference number eos O O O O B-Train-Inform+People O O O O O Train-Request+Ref
+bos okay , great . your booking was successful ! your reference number is ml7zbhm1 . your total fee is 40.4 gbp which can be paid at the station . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O general-greet
+bos great i 'm also looking for an attraction called kings hedges learner pool . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos yes the pool is located i the north and their phone number is 01223353248 and their address is jedburgh court , kings hedges . eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos i do not have that information , unfortunately . is there anything else that i can help you with ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos no , i think you 've covered everything . thank you so much for all your information . eos O O O O O O O O O O O O O O O O O O O general-thank
+bos you are welcome . have a great day . goodbye eos O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos well , i am planning a trip and could use some help with a place to stay . eos O O O O O O O O O O O O O O O O O O O N/A
+bos i have 33 choices . is there a particular area you would like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't have a particular area . it does need to be moderately priced . eos O O O O O O O O O O O O O O O O O N/A
+bos do you have a parking or internet preference ? eos O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos yes , i 'd like free parking and free wifi . thanks ! eos O B-Hotel-Inform+Internet O O O O O O O O O O O O N/A
+bos i have 14 hotels that meet your criteria . i can narrow that down further depending on which part of town you want to stay in . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to to be a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A
+bos there are 12 guest houses that are moderate pricing and offer both free parking and internet what part of town do you want eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i am looking for places to go in town . the attraction should be in the type of college and should be in the centre . eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A
+bos there are several . may i recommend emmanuel college ? they are located on saint andrew 's street and have no entrance fee . eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A
+bos ok. what is their phone number ? eos O O O O O O O O Attraction-Request+Phone
+bos their number is 01223334200. eos O O O O B-Attraction-Inform+Phone N/A
+bos i also need a hotel to stay in . eos O O O O O O O O O O Hotel-Inform
+bos what type of hotel are you looking for ? eos O O O O O O O O O O Hotel-Request+Type
+bos i need a hotel in the cheap price range . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A
+bos then you want the cambridge belfry , would you like me to book you a stay ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos does it have free parking ? eos O O O O O O O N/A
+bos there is free parking . eos O O O O O O Hotel-Inform+Parking
+bos okay . please book a stay starting on tuesday for 4 nights and 3 people . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A
+bos booking was successful.reference number is : yjqs3bta . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for all of your help ! eos O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a train to cambridge eos O O O O O O O B-Train-Inform+Dest O N/A
+bos i 'd love to help ! which day were you wanting to leave ? eos O O O O O O O O O O O O O O O Train-Request+Day,general-greet
+bos i 'm leaving on sunday eos O O O O B-Train-Inform+Day O N/A
+bos what station do you want to leave from ? eos O O O O O O O O O O Train-Request+Depart
+bos i need a train from broxbourne . eos O O O O O O B-Train-Inform+Depart O N/A
+bos i have many trains on that day . do you have a preferred time for leaving or arriving ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos yes , i 'd like to leave for cambridge after 13:30 on sunday . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O N/A
+bos tr4813 leaves at 14:32 and arrive an hour later . how does that sound ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O N/A
+bos that sounds great . i 'll need 7 tickets . eos O O O O O O O B-Train-Inform+People O O O N/A
+bos your booking was successful . the total fee is 100.24 gbp , which is payable at the station . your reference number is alflijmy . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos yeah , can to tell me about colleges in the centre of town ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A
+bos there are 13 colleges located in the centre . are you looking for somewhere with free entrance or is somewhere with a fee okay too ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O Attraction-Request+Price
+bos it does n't matter . could you provide the postcode , phone number , and address for one that you suggest ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos sure ! i suggest downing college . i is located on regent street in the postcode cb21dq . their phone number is 01223334860. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O general-greet
+bos that should be it for today thanks ! eos O O O O O O O O O general-thank
+bos you 're welcome . goodbye eos O O O O O O general-welcome,general-bye
+bos could you help me find a moderately priced guesthouse ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A
+bos i found 15 do you have any other requirements to help narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet,general-reqmore
+bos yes . the guesthouse must include free parking and free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O N/A
+bos carolina bed and breakfast has free parking and internet . it is located in the east with a moderate price range . will this suit your needs ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform
+bos yes it will . please book it for 4 people staying 3 night starting on friday . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i 'm sorry but the booking was unsuccessful . would you like to book another day or for a shorter stay ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos could you tell me if it is available for one night ? eos O O O O O O O O O O O O O N/A
+bos i am sorry but the carolina bed and breakfast is not available for one night either , may i check another guesthouse for you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , please find another moderate guesthouse with free parking and wifi to book . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O N/A
+bos i 'm sorry , i have tried the hobson house and the acorn guest house for 3 nights . could you possibly book a different day to check in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day
+bos do you have any hotels with free wi-fi and parking in the moderate price range ? eos O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos yes . i have the ashley north and the lovell lodge . do you have a preference ? eos O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O N/A
+bos hmmm ... let 's try booking the acorn guesthouse for 1 night ? 4 people , arriving friday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A
+bos i 'm sorry , but it 's not available . eos O O O O O O O O O O O Booking-NoBook
+bos are there any other hotels available ? eos O O O O O O O O Hotel-Inform
+bos how about we try the lovell lodge , if that 's okay ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O Booking-Inform
+bos that would be fine with me eos O O O O O O O N/A
+bos lovell lodge does not have availability on friday either . would you like to try another guesthouse ? does the area matter ? we could try kirkwood house , it is in the north . eos O O O O O O O O B-Booking-NoBook+Day O O O O O O O B-Hotel-Recommend+Type O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O O O Hotel-Request+Area
+bos oh dear . can you try one more time ? moderate guest house , free wifi and parking , for 1 night , friday , 4 people ? i really need this room . eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O N/A
+bos sorry , i tried all 12 of the avaialble places with those requirements and there is no availability . eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos well what about helping me find something to visit in cambridge ? what is there to do on the west side ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i apologize for the trouble earlier . i managed to find you a guesthouse called the hamilton lodge and made a successful reservation . the reference number is el0wi0zv . eos O O O O O O O O O O O O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos oh , thank goodness . i was getting worried . can you recommend any fun things to do in the west side of town ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos you could always visit churchill college . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos okay , what kind of attraction is that ? may i have their postcode and phone number please ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos churchill college is a college in the west . the phone number is 01223336233. the postcode is cb30ds . can i help with anything else ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos no , that 's all i need today . you have been very helpful . thanks ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , please enjoy your visit to cambridge . eos O O O O O O O O O O O O general-welcome
+bos i need some help locating a train for saturday , heading to london king 's cross . eos O O O O O O O O O B-Train-Inform+Day O O O O O O O O N/A
+bos where will you be departing from , and what time would you like to travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i 'll be departing from cambridge and would like to leave at 12:15. eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O N/A
+bos there is n't a train that leaves at 12:15. the closest one leaves at 13:00 and arrives in london kings cross at 13:51. shall i book it for you ? eos O O O O O O O O B-Train-NoOffer+Leave O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos that would be perfect . book it for 5 people please and send me the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos okay , the booking was successful , the total fee is 94.4 gbp payable at the station .your reference number is : ajte5tlw . is there anything else i can do for you ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Id O O O O O O O O O O O O O general-reqmore
+bos i also need a cheap hotel . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A
+bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area
+bos i 'm looking for a particular restaurant . its name is called panahar . eos O O O O O O O O O O O B-Restaurant-Inform+Name O O O N/A
+bos panahar is an indian restaurant in the centre of town . it is in the expensive price range . would you like to book a table there ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform
+bos can you book a table for 6 people at 11:00 on sunday ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos got it - the table will be reserved for 15 minutes and the reference number is : vx589a4m . can i help with anything else ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no , that 's it for me today . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! have a great time ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a taxi please . eos O O O O O O O O O Taxi-Inform
+bos where would you like to go to and from ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i want to go to hobsons house from bloomsbury restaurant eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos okay , what time do you want to leave ? eos O O O O O O O O O O O Taxi-Request+Leave
+bos i want to leave bloomsbury restaurant after 11:45 , please . eos O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos your booking is now completed . eos O O O O O O O Taxi-Inform
+bos what are the details for the taxi , please ? eos O O O O O O O O O O O Taxi-Inform
+bos you will be picked up by a black audi . the contact number is 07866049938. is there anything else i can do for you ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no that is all i needed today . eos O O O O O O O O O N/A
+bos you are more than welcome ! eos O O O O O O O general-bye
+bos goodbye . i really appreciate your help . eos O O O O O O O O O general-bye
+bos thanks for calling and do call us again . goodbye . eos O O O O O O O O O O O O general-bye
+bos i would like to take a train from cambridge to leicester . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos sure . i have a number of trains available . what day and time do you prefer ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,general-greet
+bos this thursday , and i would like to arrive by 14:00. eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A
+bos tr8080 arrives at 13:06 , does that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , please make a booking for 4 people . eos O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 151.19 gbp payable at the station .reference number is : 3ef4mbb7 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i need a restaurant in centre and in the expensive prince range eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O N/A
+bos we have a wide variety of restaurants in the centre . is there a particular type of food that you 'd like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't have a preference , i just want to book a table for 4 at 11:15 on thursday , anywhere is fine . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O N/A
+bos ok , how about bedouin which serves african food and is in the center of town ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A
+bos great . please go ahead and book it . eos O O O O O O O O O O N/A
+bos your reference number is a69rqeja . the table will be reserved for 15 minutes . eos O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos thanks so much . good bye ! eos O O O O O O O O general-bye
+bos you are very welcome . let us know if you need anything else . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need to book a train to cambridge from a train leaving from stevenage . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O N/A
+bos hello , there are many options available , do you know what day or time you would like to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day
+bos i would like to arrive at 8:45 on thursday eos O O O O O O O O O B-Train-Inform+Day N/A
+bos there are two trains that leave stevenage and arrive in cambrige at 6:43 , one leaves at 5:54 and the other 7:54 , would you like to book one of those ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos can you please book me for the train that arrives latest . i need 8 tickets . eos O O O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos i have booked 8 tickets for you on the train leaving at 7:54 and arriving at 8:43. your reference number is nfdwjxjo . eos O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O N/A
+bos thank you , i 'm also looking for a north indian restaurant in the centre area . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos unfortunately there are no north indian restaurants in the centre of cambridge . is there a different area or type of cuisine that would suit you as well ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos how about asian oriental food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos there are several options available in center cambridge . i would be happy to assist with your reservation . what price range restaurant are you interested in ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Request+Price
+bos i do n't have a specific price range . just something in the centre will be fine . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there are 4 options - dojo noodle bar , yippee noodle bar , j restaurant , and kymmoy . would you like me to book a table at one of those ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-Inform
+bos you do n't need to book me for any . could i get the address for the dojo noodle bar , however ? eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address is 40210 millers yard city centre . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O general-reqmore
+bos nope that should be it thank you eos O O O O O O O O general-thank
+bos thank you for using our service . have a wonderful day . eos O O O O O O O O O O O O O general-bye
+bos hi . can you help me find a restaurant ? eos O O O O O O O O O O O Restaurant-Inform
+bos i sure can ! what kind of food are you looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet
+bos i 'm looking for an italian restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are numbers of italian restaurants . are you looking for one in any particular area or price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos i want one in the centre . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos i would recommend the pizza express , a moderately priced restaurant located at regent street city centre . do you need to make a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform
+bos no thank you but i do need the phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223324033. eos O O O O O B-Restaurant-Inform+Phone N/A
+bos great . i am also looking for a train departing leicester and arriving before 10:15 at my destination . eos O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos i will be going to ely . eos O O O O O O B-Train-Inform+Dest O N/A
+bos and what day are you traveling ? eos O O O O O O O O Train-Request+Day
+bos i 'd like to go to cambridge friday . eos O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O N/A
+bos train tr4390 leaves at 8:09 and arrives at 9:54. would you like me to book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no thank you that was all the info i needed today . eos O O O O O O O O O O O O O general-thank
+bos awesome . glad to have been of help . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos can you help me find the nearest police station ? i was just robbed ! eos O O O O O O O O O O O O O O O O Police-Inform
+bos parkside police station phone number 01223358966 and is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O N/A
+bos i need the address and postcode as well please . eos O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos of course , my apologies , the address is parkside , cambridge postcode cb11jg . eos O O O O O O O O O O O O O O O O N/A
+bos thanks , i will call right away . eos O O O O O O O O O general-thank
+bos no problem ! let me know if there is anything else i can do to help eos O O O O O O O O O O O O O O O O O general-reqmore
+bos you 've helped enough . thanks so much ! eos O O O O O O O O O O general-thank
+bos you are welcome . i hope they are able to help you . eos O O O O O O O O O O O O O O general-greet
+bos i have a trip on wednesday and i need a train that departs from birmingham new street . eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos there are many that day . can you specify your destination ? eos O O O B-Train-Inform+Choice B-Train-Inform+Day I-Train-Inform+Day O O O O O O O Train-Request+Dest
+bos the train should depart from birmingham new street and should leave on wednesday.the train should leave after 10:15 and should go to cambridge eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest N/A
+bos tr7940 leaves at 10:40. would you like me to book some seats for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook
+bos yes , please book two seats for me at 10:40. what time will it arrive in cambridge ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos you will arrive by 13:23. i have 2 seats booked for you , and the reference number is rbqlun8o . is there anything else i can help you with ? eos O O O O O B-Train-Inform+Arrive B-Train-OfferBooked+People O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i need the price for the train that leaves at 10:40 for one and the arrival time . eos O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos the price is 75.10 per ticket and arrives at 13:23 eos O O O O B-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive N/A
+bos thanks so much . could i bother you to help me find an expensive chinese restaurant ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos we have several . what part of town would you like it in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area
+bos no preference . but please make sure i get the address . eos O O O O O O O O O O O O O Restaurant-Request+Addr
+bos i recommend a place called hakka . they are located on milton road chesterton . eos O O O O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O N/A
+bos that is perfect . thank you that 's all i needed today . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm planning a trip to cambridge and am looking for a place to dine . eos O O O O O O O O O O O O O O O O O N/A
+bos there are many great places to dine in cambridge . to help narrow it down , what area are you looking for and what type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos i 'm looking for an italian restaurant in the north . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A
+bos i have one place . would you like me to book it ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Booking-Inform
+bos sure , i need a table for 4 on saturday at 16:00 please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos here is your booking information : booking was successful . the table will be reserved for 15 minutes.reference number is : b162fv8d . eos O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A
+bos thanks i also need a train leaving sunday from cambridge to norwich leaving after 13:00. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A
+bos i have 11 trains available . what time would you like to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave
+bos i would just like the train leaving the closest after 13:00. eos O O O O O O O O O O O B-Train-Inform+Leave N/A
+bos the closest one is tr8185 it leaves at 13:36 would you like me to book it for you ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos i am not ready too book yet . may i have the price and travel time , please ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the tr8185 takes 79 minutes and is only 14.08 pounds . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos okay , thank you . good-bye . eos O O O O O O O O general-bye
+bos have nice day as well ! eos O O O O O O O general-bye
+bos i am looking for a restaurant in the centre area in the cheap price range eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O Train-Request+Price
+bos there are 15 restaurants that fit your request . do you know what type of food you will want to eat ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care , just as long as it 's cheap and in the center of town . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos how about charlie chan ? it 's a chinese restaurant that is located in the centre and is cheap . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A
+bos what is the address ? is there a train i can take to get there ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address is regent street city centre . where will you be departing from ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Train-Request+Depart
+bos leave after 18:15 and should depart from cambridge on monday , can you book it for me eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A
+bos i have train tr7409 leaving cambridge at 09:00 , will that do ? how many tickets would you like ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O Train-Request+People
+bos i just need the price of that train . eos O O O O O O O O O O Train-Request+Price
+bos where are you heading ? the cost for trains varies based on the station you go to . i know you 're leaving from cambridge , but to where ? eos O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O Train-Request+Dest
+bos my destination is stevenage . eos O O O O B-Train-Inform+Dest O N/A
+bos tr8290 leaves cambridge at 9:21 and gets to stevenage at 10:10. the cost is 12.80 gbp . eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A
+bos thanks ! that 's all i needed to know eos O O O O O O O O O O general-thank
+bos glad to be able to help ! is there any other information or reservations that you are needing ? eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no , that is all i need today . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'd love some help finding more information about the michaelhouse cafe . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos the michaelhouse cafe serves european food in the centre area , and it is expensive . is there anything else you need to know ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore
+bos yes , could i get the phone number and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos sure . the phone number is 01223309147 and the postcode is cb21su . eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O N/A
+bos i also need to take a train from peterbourough to cambridge , i need to arrive by 21:00 eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A
+bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day
+bos i will be traveling on sunday eos O O O O O O B-Train-Inform+Day N/A
+bos i have train tr3782 that leaves at 5:19 and arrives at 6:09. would you like to book that ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes 1 ticket please and the reference number then too eos O O O B-Train-Inform+People O O O O O O O Train-Request+Ref
+bos your booking is successful . it is going to cost 13.2 gbp and your reference number is 3fa26hll . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos is there anything else you will be needing right now ? eos O O O O O O O O O O O O general-reqmore
+bos thank you for all the information . the information will make my trip much more enjoyable . eos O O O O O O O O O O O O O O O O O O general-thank
+bos your welcome . i 'm glad i was able to help . eos O O O O O O O O O O O O O general-welcome
+bos i would like to dine at a restaurant in the south that serves barbeque . can you help ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O N/A
+bos nothing matches that search , can i try a different area or restaurant type ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos oh , that 's too bad . how about italian ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos yes i have two in the south . do you have a preference in price range ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price
+bos either one is fine , ill go with what you recommend , please book me for 8 people at 18:45 on thursday . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos i have booked frankie and bennys and reference number is : jmgig52i . eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos great ! thank you . have a great day ! eos O O O O O O O O O O O general-thank
+bos thank you ! you as well ! eos O O O O O O O O general-welcome,general-bye
+bos hello , i 'd like some information on a train departing from kings lynn . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos i 'm going to need a bit more information . what day would you be traveling ? would you be traveling to cambridge ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,general-greet
+bos i 'll be traveling on monday , and yes , i 'm going to cambridge . eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O O O O O N/A
+bos i have 19 trains traveling on monday , do you have a time you would like ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave
+bos arrive by 09:30 and should go to cambridge and i need nthe price eos O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest O O O O Train-Request+Price
+bos there is one that leaves at 05:11 that costs 9.80 pounds . would you like me to book that for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook
+bos not right now , but can you find me a gastropub restaurant in the centre of town ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos there 's three different gastropub restaurants in the centre of town , 2 expensive and 1 moderately priced one . do you have any preferences ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Select
+bos i would like an expensive price range . eos O O O O O B-Restaurant-Inform+Price O O O Train-Request+Price
+bos okay . may i recommend the the slug and lettuce which is expensive and good ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O general-greet
+bos sounds good . can you reserve a table for 6 at 15:00 on the same day i 'm traveling ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos done ! your reference number is w8bbwe42 . your table will be reserved for 15 minutes . can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos no thanks . i think that 's all i needed . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos no thank you that will be all eos O O O O O O O O general-bye
+bos hi . can you help me find a restaurant ? eos O O O O O O O O O O O Restaurant-Inform
+bos yes what part of town are you wanting to dine in ? eos O O O O O O O O O O O O O Restaurant-Request+Area
+bos the north part of town , please . eos O O B-Restaurant-Inform+Area O O O O O O N/A
+bos can we narrow it down by what type of food and price range you are seeking ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food
+bos north and moderate . looking for basque food . eos O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry there was nothing matching your requests . is there another type of food you would like to try ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos how about chinese food ? eos O O O O B-Restaurant-Inform+Food O N/A
+bos i have one option for you . would you like to make a booking ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O Booking-Inform
+bos yes . i want a reservation for 7 people this friday at 17:15 please . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A
+bos i 'm sorry , i am unable to book a table at that time . would you like to try a different time ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos is it available on saturday ? eos O O O O O B-Restaurant-Inform+Day O N/A
+bos that worked ! your reference number is 4stnzy3w . eos O O O O O O O B-Booking-Book+Ref O O N/A
+bos can i also have a train ticket ? eos O O O O O O O O O Train-Inform
+bos what are your departure and arrival stations , and what day and time would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart,Train-Request+Dest,Train-Request+Leave
+bos i will be leaving from kings lynn to cambridge and i want to arrive by 09:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos i 'll be traveling on saturday . please choose a train and tell me the price , departure time , and train id . eos O O O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos tr4257 booking was successful , the total fee is 9.8 gbp payable at the station .reference number is : mz8979po . may i help with anything else ? eos O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos um what ? i did not ask you to book it . i asked you to give me the price , departure time , and train id ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave
+bos i apologize , that was my mistake . the train id is tr9102 , departure time is 05:11 , and a ticket is 9.80 pounds . is that all today ? eos O O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-greet
+bos no that will be all i needed today . thank you and goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos have a great trip . thanks for contacting us . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i 'm looking for an expensive place to dine in the centre . eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are 33 restaurants that meet your needs . would you like to narrow it down by cuisine ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos what is available for friday at 15:15 for 7 people ? eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O N/A
+bos it seems there are no tables for 7 available at 15:15 , did you want to book for something later in the day ? eos O O O O O O O O O B-Booking-NoBook+People O B-Booking-NoBook+Time O O O O O O O O O O O O O Booking-Request+Time
+bos actually , let 's try a little earlier . is there anything at 14:15 ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos i 've booked table at bedouin for you at 14:15. the table will be reserved for 15 minutes . your reference number is k6qafbcr . eos O O O O O B-Booking-Book+Name O O O B-Booking-Book+Time O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you , i also need a train that will arrive by 14:45 on saturday eos O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A
+bos the tr4748 arrives in cambridge at 14:08. would you like me to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please book it . eos O O O O O O N/A
+bos i 'm sorry , but what is your departure station ? eos O O O O O O O O O O O O Train-Request+Depart
+bos i 'm sorry that train wo n't work . i need to depart from cambridge and go to ely . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A
+bos how about tr0721 , it arrives by 12:07 ? alternatively , the tr9809 arrives by 14:07. eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive I-Train-Inform+Arrive O O N/A
+bos thank you . what is the price ? eos O O O O O O O O O Train-Request+Price
+bos the price for either train is 3.52 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos alright . i will have to get back to you about which i would like to book . thank you for everything though . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using the help desk ! contact me again if you decide you want me to help you book a train . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos yes i 'm looking for a train that departs on wednesday from peterborough . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos and where will the destination be ? eos O O O O O O O O Train-Request+Dest
+bos i would like to go to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A
+bos there are 38 trains that can get you there , what time would you like to leave or arrive by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i want to leave after 13:00 eos O O O O O O B-Train-Inform+Leave N/A
+bos the tr5003 train leaves peterborough at 13:48. i can book you a seat on it if you 'd like . eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook
+bos i do n't need a ticket right now , but could you tell me the travel time and price ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos a single ticket costs 16.50 pounds and total travel time is about 50 minutes . will that be all today ? eos O O O O O B-Train-Inform+Ticket O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos i changed my mind can you book that for me please ? eos O O O O O O O O O O O O O N/A
+bos your all set , the total fee is 16.5 gbp payable at the station .reference number is : eejf27iz . bye ! eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O general-bye
+bos are there any museums in the centre ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos we have 11 museums of various types , did you want more information on any of them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O N/A
+bos yes , i want to know about ones close to the center of town . eos O O O O O O O O O O O O O O O O N/A
+bos there are 11 museums close to the center of town . are you looking for an art museum , a gallery , or another type of museum ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O N/A
+bos can you give me the address to one of the art museums , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos sure . the cambridge contemporary art museum is at 6 trinity street . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thanks . are there any cheap indian restaurants near there ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A
+bos there are three cheap indian restaurants in the centre , kohinoor , the gandhi , and mahal of cambridge . would you like more information one of them ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O N/A
+bos i would like more information on the gandhi . thank you . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A
+bos the gandhi is a cheap indian restaurant in the centre . it is located at 72 regent street city street . their postcode is cb21dp . their phone number is 0122335942. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O N/A
+bos okay . can we book a table there on thursday at 18:00. it will be 5 people . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+People O O N/A
+bos i will book that table for you now . eos O O O O O O O O O O Booking-Inform
+bos thanks . can i get a reference number ? eos O O O O O O O O O O Restaurant-Request+Ref
+bos table for 5 on thursday at 18:00. they will only hold your table for 15 minutes . your reference number is : c5fo3hzf . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i also need to book a taxi to get me there by 18:00 from the hotel . eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos what hotel are you staying at ? or do you need help booking a hotel as well ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Booking-Inform
+bos i 'm sorry . i meant i will need a taxi from the cambridge contemporary art museum to the gandhi in time for the reservation . eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A
+bos a red skoda will get you there in time . contact # 07625450117. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O N/A
+bos great , that is all i need today . thank you . eos O O O O O O O O O O O O O general-thank
+bos thank you ! have a nice day ! eos O O O O O O O O O general-welcome,general-bye
+bos i 'm planning a trip with an arthurian theme . i 've heard there 's a hotel called avalon there in cambridge . is that right ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O N/A
+bos yes there is a guesthouse called avalon . would you like any more information on that ? eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name O O O O O O O O O O N/A
+bos actually , can you book 6 people for 3 nights starting on wednesday ? eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos you 're all booked . eos O O O O O O Booking-Book
+bos is there a reference number for the hotel ? i also need a train to london liverpool street . can you help with that too ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A
+bos your reference number is : ehnoql7e . i can help with the train as well . can you give me a little more information on your trip ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need to get to liverpool st on saturday , but i ca n't leave cambridge until after 13:45 eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A
+bos tr4466 leaves at 13:59 and arrives at 15:27. would you like me to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please , for 6 people . eos O O O O O B-Train-Inform+People O O N/A
+bos booking has been completed ! your reference # is d6v5m769 . the total is 79.67 gbp , payable at the station . can i help you with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-reqmore
+bos that 's all i need for today . thanks ! eos O O O O O O O O O O O general-thank
+bos you are welcome . have a nice time in cambridge . bye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am planning a vacation and really could use some help finding a good place to stay in town . i 've never been to cambridge before . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos which side of town do you prefer and what is the price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos it does n't matter . what do you recommend ? eos O O O O O O O O O O O N/A
+bos alexander bed and breakfast is a guest house in the centre area . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos oh , ok. i really do n't want to stay at a guesthouse though . can you recommend a hotel instead ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A
+bos the huntingdon marriott hotel is a very nice place . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A
+bos sounds good . can you get me a room for 2 for 5 nights starting sunday ? eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A
+bos booking was successful . reference number is : 36n9vcad . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos what is the train schedule from birmingham new street like ? i need to arrive at 13:45. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A
+bos where would you like the train to arrive , and what time will you be leaving ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i need the travel day to be sunday . i 'll be going to cambridge and arrive by 13:45. i 'll be leaving from birmingham new street . eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A
+bos train tr7468 will arrive at 13:23. will this work for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O general-reqmore
+bos what is the travel time on that train ? eos O O O O O O O O O O Train-Request+Duration
+bos it is 163 minutes on that train . eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos excellent . thanks for all the help ! eos O O O O O O O O O general-thank
+bos you are quite welcome , thank you for using our services . have we met all of your needs today ? eos O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes , thanks very much ! have a great day ! eos O O O O O O O O O O O O general-thank
+bos ok thanks and have a great day eos O O O O O O O O general-bye
+bos you too ! thanks so much for all the help . please end the convo and read the directions next time . thanks eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos keep the snarky comments to yourself . eos O O O O O O O O N/A
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos well you 've come to the right place . what sort of information can i help you find ? eos O O O O O O O O O O O O O O O O O O O O general-welcome
+bos a business partner told me about king 's college and i was wondering if you could tell me a little about it . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O N/A
+bos king 's college is a great place to visit . it is located in the centre and has no entrance fee . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A
+bos could you tell me their phone number ? eos O O O O O O O O O Attraction-Request+Phone
+bos sure , their phone number is 01223331100. is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for a train from birmingham new street eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos on what day could you like to travel ? eos O O O O O O O O O O Train-Request+Day
+bos i 'd like to travel on sunday , to cambridge and leave after 15:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O N/A
+bos the tr6856 departs at 15:40 and arrives at 18:23. would you like me to book that ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes , that would be helpful if you could book it ! can you make a booking for 7 people please ? i 'll need the reference number also . eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref
+bos you are all set , the reference number is yorg2cda , can i assist with anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore
+bos no that will be all . thank you ! eos O O O O O O O O O O general-thank
+bos have a great time here at cambridge . good bye for now . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i want to leave on staurday to go to kings lynn eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos what time did you want to travel ? eos O O O O O O O O O Train-Request+Leave
+bos i would like to leave cambridge to arrive in kings lynn by 18:15. eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A
+bos okay , the tr2840 leaves at 17:11 and arrives by 17:58. would you like me to book this for you ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos yes that sounds great . i need to book one for 4 people . eos O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos the total came 31.36 gbp payable at the station . your reference number is ckk48sqo . anything else ? eos O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore
+bos can you help me find a restaurant that is moderately priced ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O N/A
+bos sure , you have a cuisine i 'd like to eat , or area of town you want to dine in ? eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos i 'd love some scandinavian food ? eos O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , but there are no scandanavian restaurants that are moderately priced . would you like to change your price range or the type of food ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos what about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A
+bos yes ! there is anatolia or efes restaurant . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos could i get the contact info for that ? eos O O O O O O O O O O N/A
+bos efes restaurant is at king street city centre , postcode is cb11ln and the phone is 01223500005 , can i help with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , let 's book a table for four there at 13:00 on the same saturday . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A
+bos i have you booked . reference number is : u8rppc0c . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you that is all i need today . eos O O O O O O O O O O general-thank
+bos you 're welcome ! thanks for contacting cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos planning for a trip in cambridge . eos O O O O O O O O N/A
+bos great ! i can help you with train information , if you need it . eos O O O O O O O O O O O O O O O O general-reqmore
+bos i am looking to book a train to broxbourne on friday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos what time would you like to leave ? the trains begin to leave at 05:01 and leave once an hour after that . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O Train-Request+Leave
+bos the train should depart from broxbourne and should leave on friday . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A
+bos is there a specific time when you need to leave or arrive ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i need to arrive by 13:30 please . eos O O O O O O B-Train-Inform+Arrive O O N/A
+bos we have tr4848 . it will depart broxbourne at 11:32 and arrive at 12:32. the price is 17.90 pounds . eos O O O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A
+bos great ! that sounds perfect . i 'm also looking for a hotel , nothing too shabby , no less than a 4 star hotel , please . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos i have 3 options for you . all of them offer free parking and wifi . two are located in the west , and one in the centre . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos one in the west will be fine . i 'll need it for friday , 4 nights , and 2 people . eos O O O O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A
+bos the huntingdon marriott hotel booking was successful.reference number is : md3zb2fo . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O N/A
+bos perfect ! thank you . eos O O O O O O general-thank
+bos what else can i help you with today ? eos O O O O O O O O O O general-reqmore
+bos that 's all i needed . thank you very much ! eos O O O O O O O O O O O O general-thank
+bos i am glad to help have a nice stay eos O O O O O O O O O O general-bye
+bos thank you good bye . eos O O O O O O general-bye
+bos you 're welcome . thank you for using our system . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you recommend a nightclub in town , please ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos there are 6 nightclubs . are you looking for one in the centre or south side of town ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O O N/A
+bos let 's see what 's available in the centre eos O O O O O O O O O O N/A
+bos the soul tree nightclub is in the centre and cost 5 pounds eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee N/A
+bos can you give me the address and postcode , please ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is 1-6 corn exchange street and the postcode is cb23qf eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post N/A
+bos also i need a hotel called a and b guest house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos sure . do you need information on the guesthouse or would you like me to book a room ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform
+bos whats the postcode and address to a and b guest house please eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos the address for the a and b guest house is 124 tenison road . the postcode is cb12dp . can i help you with anything else ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore
+bos nope , that 's all i needed ! eos O O O O O O O O O N/A
+bos great ! if you need anything else do n't hesitate to call . have a great time ! ! eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am trip in cambridge looking for a restaurant . eos O O O O O O O O O O O Restaurant-Inform
+bos what kind of restaurant ? eos O O O O O O Restaurant-Request+Food
+bos i 'm in the mood for spanish food . are there any on the east side of town that are in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos there are no spanish restaurants in the east , but there 's one in the centre called la tasca . would you like more information ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore
+bos no , i really want to stay in the east . how about an italian restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are 15 in that side . what is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price
+bos it should be moderately priced . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos great news . the pizza hut fen ditton is in the moderate price range in the east . would you like me to book you a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform,general-greet
+bos book a table for 7 people at 15:45 on monday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is : ws8i58fs . can i help with anything else ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos great . have a good day . eos O O O O O O O O general-bye
+bos i will also need a train that will leave cambridge after 2:00 pm to ely on tuesday eos O O O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest B-Train-Inform+Day N/A
+bos tr1534 leaves at 05:50 and arrives at 06:07. would you like me to book a ticket for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook
+bos can you book it for me and get a reference number ? eos O O O O O O O O O O O O O N/A
+bos i sure can . your reference number is dx6xolra . eos O O O O O O O O O B-Train-OfferBooked+Ref O general-greet
+bos thank you so much . what about helping me look for an attraction ? eos O O O O O O O O O O O O O O O Attraction-Inform
+bos sure ! what kind of attraction would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Type,general-greet
+bos i would like something fun . eos O O O O O O O N/A
+bos i 'm sure i can find something for you . is there a specific area you 'd like me to look in ? eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet
+bos let 's forget about the attraction for now . can you help me with a train ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform,Train-Inform
+bos you need a train in addition to the one we have already booked for you ? eos O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no , thanks i 'll take the train that is already booked . eos O O O O O O O O O O O O O O Train-Inform
+bos is there anything else that you need ? eos O O O O O O O O O general-reqmore
+bos yes , lets look for that attraction . i would like for it to be in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform
+bos okay , so you 'd like an attraction in the east . did you have anything in particular in mind ? eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos you know , i 've changed my mind . i do n't need anything else today . thanks very much for your help . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos sure . if we can be of further assistance , please reach out to us again . it 's been a pleasure helping you today . good-bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye,general-greet,general-reqmore
+bos hello ! i 'm looking for the parkside police station . eos O O O O O O O O O O O O Police-Inform
+bos the number for them is 01223358966. eos O O O O O O O N/A
+bos could i also have the postcode please ? eos O O O O O O O O O Police-Request+Post
+bos the postcode is cb11jg . eos O O O O O O N/A
+bos thank you , that is the information i needed eos O O O O O O O O O O general-thank
+bos thank you very much . goodbye . eos O O O O O O O O general-bye
+bos i need a train leaving king 's lynn after 13:45. eos O O O O O O O O O B-Train-Inform+Leave O N/A
+bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day
+bos this will be for wednesday . eos O O O O O B-Train-Inform+Day O N/A
+bos there is tr9057 which is at 9.80 pounds and takes 47 minutes . will you book that ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O Train-OfferBook
+bos no that wo n't be necessary . can you just tell me what the arrival time is ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive
+bos no train leaving kings lynn at 13.45. do you want to change the departure time ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O Train-Request+Leave
+bos i can leave any time after 13:45 going to cambridge . will you check the schedule again , please ? eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O O O O O O N/A
+bos sorry , there are actually 10 entries here . shall i book one for you ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O Train-OfferBook
+bos just the first departure after 13:45 please , no booking , just the price and arrival time . eos O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive
+bos tr8143 will cost 9.80 pounds and arrives by 14:58. anything else i can do for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore
+bos i also need to find a place to stay . eos O O O O O O O O O O O N/A
+bos what area of town would you like to be in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos it doesnt matter . i just want it to be a cheap guesthouse with wifi included . eos O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A
+bos i can recommend the allenbell . it 's in the east , is cheap yet has a 4 star rating and free wifi and parking . can i help you book ? eos O O O O O B-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform,Hotel-Inform
+bos no i just need the phone number . thanks eos O O O O O O O O O O Hotel-Request+Phone
+bos their phone number is 01223210353. is there anything else i can help with ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos that 's all for now . thank you eos O O O O O O O O O general-thank
+bos you are very welcomed have a good day . eos O O O O O O O O O O general-welcome
+bos i am looking for a place to dine in the moderate price range and serves european food . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos sure , i have located several european restaurants , is there a particular area you 're looking for ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Area
+bos yes , i would prefer the north . eos O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm not seeing any in the north . would you like to try another area , or another cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos that 's fine . can you find me a chinese restaurant in the same area ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos yes , we have the golden wok would you like to make a reservation there ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos sure , i need to book it for 6 people , please . eos O O O O O O O O O O O O O O N/A
+bos what day and time would you prefer ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+Day
+bos i would like it to be on friday at 18:15. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos your table is booked and will be reserved for 15 minutes . your reference number is gs2co4iv . may i help you with anything else today ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes , i 'm also looking for an attraction in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O N/A
+bos there are 4 attractions in the north : 1 boat , 1 park , and 2 swimming pools . do you have a preference ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Select
+bos yes the boat attraction , can i get the address and do the charge a fee , what is it ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos riverboat georgina is at cambridge passenger cruisers , jubilee house . i do n't have a listing for their entrance fee , but their phone number is 01223902091. i 'm sure they 'd be happy to help . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thanks . i would like to book a taxi between the two places and have it arrive to the restaurant by the booked time please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked you a car . it is a red toyota and the contact number is 07486387305. do you need any further assistance ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos thank you , i wo n't be needing anything else . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos goodbye , hope you have a lovely day . eos O O O O O O O O O O general-bye
+bos can you help me find a moderately priced place to stay ? eos O O O O O O O B-Hotel-Inform+Price O O O O O Train-Request+Price
+bos sure . what area would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to stay on the westside , at a place with free parking and wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos there is the hobsons house . it is nice and is a 3 star guesthouse . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos could you give me the postcode . eos O O O O O O O O Hotel-Request+Post
+bos yes postcode is cb39lh eos O O O O B-Hotel-Inform+Post N/A
+bos i could really use some help finding something fun to do in the centre of town . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are many attractions in the city centre . is there a specific type you are looking for so we can narrow it down ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos what attractions are in the centre ? i would want phone numbers also . eos O O O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Phone
+bos we have over 40 attractions in the centre for you to choose from ranging from architecture , boats , colleges , cinema , a concerthall , museums , you name it . any spark interest ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos can you find me an interesting museum and give me the phone number to it ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Phone
+bos i have the museum of archaelogy and anthropology . the phone number is 01223333516. is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yeah , this is going to sound strange , but are there any moderately priced restaurants that serve christmas style food ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos that is not odd at all , who does n't like a festive feast ! unfortunately there are none that i see . would you like to try a different cuisine ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos are there any turkish restaurants in the centre of town ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos why yes there 's two resturants in the centre area . would you like information on both of them ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A
+bos i just need it to be moderately priced . i 'd like to reserve a table for 8. eos O O O O O O O O O O O O O O O O O O O N/A
+bos i would recommend anatolia . what day would you like to reserve that ? eos O O O O B-Restaurant-Recommend+Name O O O O O O O O O O Booking-Request+Day
+bos friday please . at 12:45 if possible . eos O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O N/A
+bos your booking was successful . the table will be reserved for 15 minutes.and your reference number is : no8eb41x . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos nope , that 's all i need today - i 'm all set . thank you for your help ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos so happy we were able to help you out today , and i hope you enjoy your time in our fair city ! eos O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you tell me a little about the clare college ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos clare college is , obviously , a college located on the west side . address is trinity lane , postcode cb21tl . phone is 01223333200. there is an entrance fee of 2.50 pounds for events there . eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O N/A
+bos thank you so much ! eos O O O O O O general-thank
+bos you 're welcome . can i help you with anything else today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos yes what restaurants are in the west area in the expensive price range ? eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A
+bos there are many to choose from . what sounds good ? british , european , indian or thai ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A
+bos do n't care as long as it 's expensive and in the west side . eos O O O O O O O O O O O O O O O O N/A
+bos i suggest the graffiti that serves british food . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O O O O O O O O O Booking-Inform
+bos no , but i 'd like their number and address please . eos O O O O O O O O O O O O O Restaurant-Request+Addr
+bos sure , the phone number is 01223277977 and their address is hotel felix whitehouse lane huntingdon road . eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos thank you for all your help today ! goodbye eos O O O O O O O O O O general-bye
+bos my pleasure ! have a wonderful day and thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for a swimming pool please . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A
+bos what side of town would you like that to be on ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos could you make it the south side of town please . eos O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos i see no swimming pools in that area would you like me to search another area eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O O O O O Attraction-Request+Area
+bos what about an entertainment attraction ? eos O O O O B-Attraction-Inform+Type O O N/A
+bos sure , the tenpin is located in the south , at cambridge leisure park on clifton way . would you like to know anything in particular about it ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O O general-reqmore
+bos could i get the phone number and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos the tenpin phone number is 08715501010 and the postcode is cb17dy . can i help you with anything else today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore
+bos yes please . i 'd like to find a good malaysian restaurant located in the same area as this tenpin place . something on the pricey side . what would you suggest ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately , there are no malaysian restaurants in that area . would you like to try a different area or different cuisine ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food
+bos in that case , can you recommend me a restaurant serving mexican cuisine in the area ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos chiquito restaurant bar is located in the south . it is an expensive mexican restaurant . would you like me to book a table for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform
+bos yes , can you book one for 4 on thursday at 19:15 ? and i need the reference as well please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref
+bos your booking was successful and your reference number is u6o638tb . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great i also need a taxi between the two places please that will get to the restaurant by the reservation time . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i was able to book that taxi for you . be looking for a red toyota . if you need to reach them , their phone number is 07984383543. is there anything else ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O N/A
+bos no , that is all . thank you , goodbye . eos O O O O O O O O O O O O general-bye
+bos you are welcome . eos O O O O O general-welcome
+bos i need a place to eat in the south that 's expensive . eos O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A
+bos there are chinese , indian , italian , and mexican restaurants that fit that criteria . do you have a preference ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Select
+bos i would like chinese or mexican restaurants eos O O O O O O O O Restaurant-Inform
+bos how about chiquito restaurant bar ? it 's an expensive and delicious restaurant in the south . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A
+bos sure , i need a table for 8 at 17:15 on wednesday , please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A
+bos okay , i was able to reserve that table for you . your reference number is xal5qlx9 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thank you , what places can you go to that are in the same area ? eos O O O O O O O O O O O O O O O O O N/A
+bos there are a range of attractions in the south , including parks , nightclubs , a museum , a theatre , a cinema , and more general entertainment venues . what sort of attraction are you interested in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos a museum sounds great . can you get the phone number for one ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Phone
+bos yes , the byard museum is reachable at 01223464646 , they have free admission and are located at 14 king 's parade , any other questions ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore
+bos that sounds very nice . can you book me a taxi or car service between those two places ? i 'd like to arrive by my reservation time , please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i was able to book a taxi for you . be looking for a yellow skoda . if you need to reach them , please call them at 07550666183. is there anything else ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that would be all , thanks ! eos O O O O O O O O general-thank
+bos thank you for using our service . have a good day . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a hotel by the name of home from home . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos home from home is a moderately priced , 4 star guesthouse located in the north . would you like me to check availability for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos please make a booking for eight people staying for 4 nights from saturday . eos O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A
+bos i was able to book your room for 8 people for 4 nights starting on saturday . the reference number is : sv1vvpv4 . is there anything else you need ? eos O O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos that will do it . thank you for your assistance ! have a good day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-greet
+bos actually , i also need a train to go to cambridge and should arrive by 11:45. eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O N/A
+bos where are you departing from and what day are you traveling ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos im traveling to cambridge from london liverpool street arriving by 11:45 the day of my hotel booking . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O N/A
+bos train # tr0357 leaves at 9:39 and arrives in cambridge by 11:07. would you like to book a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos no , thank you . i do n't need a ticket at this time . eos O O O O O O O O O O O O O O O O general-thank
+bos ok ! is there anything else i can do for you ? eos O O O O O O O O O O O O O general-reqmore
+bos that is all for now . thank you . eos O O O O O O O O O O general-thank
+bos ok , thank you . have a good day . eos O O O O O O O O O O O general-greet
+bos i am looking for a restaurant in the expensive price range that serves thai food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos there is sala thong and bangkok city . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos can i book a table for 6 people at 15:45 on tuesday ? eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O N/A
+bos there are no reservations at that time . would you like to try another time slot or another restaurant ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,general-reqmore
+bos let 's try the other restaurant . eos O O O O O O O O Restaurant-Inform
+bos i 'm sorry neither restaurant has an available table would you like to try another day or time ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day
+bos can you try another restaurant ? eos O O O O O O O Restaurant-Inform
+bos i was able to book you a table at sala thong on tuesday at 15:45 for 6 people . your reference number is epnsy28v . anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time I-Booking-Book+Time O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i would like to go to a park in the centre of town . what would you recommend ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos okay , we have the cambridge university botanic gardens in the centre of town . will that work for you ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O general-reqmore
+bos yes , that will work great . can i get their postcode please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos sure , they 're in postcode cb21jf . is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore
+bos i also need a taxi to go from sala thong to the gardens . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O N/A
+bos what time do you want the taxi to meet you ? eos O O O O O O O O O O O O Taxi-Request+Depart
+bos i want to make sure i can get from the park to the restaurant in time . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos okay i have you booked for a yellow volvo . the contact number is 07033533386 . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O N/A
+bos thank you ! that will be all . eos O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos hello , i am looking for a korean restaurant in the centre . could you help me with that ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O N/A
+bos i have one restaurant name little seoul in the expensive price range . would you like me to book it ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform
+bos are there any other choice ? if not i would like to get a table on wensday at 12 for 1 please . eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O O N/A
+bos i looked and this was the only restaurant serving korean food . i have booked you a table . the table will be reserved for 15 minutes . ref # wh331dny . any thing else ? eos O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O N/A
+bos are there any places to go in the same area as the restaurant ? eos O O O O O O O O O O O O O O O N/A
+bos there are dozens of places to go in city centre . what type of attraction are you interested in today ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type
+bos i do n't really mind , as long as it is near the restaurant . what looks good to you ? eos O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos i would like to suggest all saints church located in the centre . is that okay ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O Attraction-Select
+bos yes that is fine can you please provide the postcode ? eos O O O O O O O O O O O O Attraction-Request+Post
+bos the postcode is cb58bs . is there anything else i can help with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O N/A
+bos i also need a taxi to go between them and need it to arrive at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked a cab to take you to the restaurant when you leave all saint 's church . the booked car type is a yellow volkswagen.the contact number is 07396045902. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O N/A
+bos thanks so much , that 's all i need today ! eos O O O O O O O O O O O O general-thank
+bos my pleasure . have a great day . eos O O O O O O O O O general-greet
+bos goodbye again , thanks for your help . eos O O O O O O O O O general-bye
+bos it 's no problem , contact us again any time . eos O O O O O O O O O O O O general-greet
+bos i 'm looking for a hotel with free parking in the north . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos yes , i can help you with that . what is your price range ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would like a moderately priced hotel . preferably a guesthouse . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O N/A
+bos how many stars would you like it to have ? eos O O O O O O O O O O O Hotel-Request+Stars
+bos that does n't matter . can you book a room for 4 people at your favorite ? we 'll arrive on friday and stay for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos i will go ahead and book you at the archway house . booking was successful . reference number is : gja79lyp . is there anything else i can help you with today . eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore
+bos yes i also need to find a train going to bishops stortford . eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos could you tell me the day you will be traveling , and the time you would like to leave ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave
+bos yeah , we need to leave after 15:00 on sunday from cambridge . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A
+bos tr3600 leaves cambridge at 15:29 and arrives at bishops stortford at 16:07. do you want to book this train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yeah , get me 4 tickets please and then tell me the reference number eos O O O O O B-Train-Inform+People O O O O O O O O O N/A
+bos booked ! your reference number is zq7t3roi . anything else you 'd like me to help with ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos i am all taken care of now . thank you ! see ya ! eos O O O O O O O O O O O O O O O general-thank
+bos okay , goodbye and have a nice trip ! eos O O O O O O O O O O general-bye
+bos where is the nearest police station ? eos O O O O O O O O Police-Inform
+bos the parkside police station is located in postcode cb11jg at parkside , cambridge . eos O O O O O O O O O O O O O O O N/A
+bos what is the phone number ? eos O O O O O O O Police-Request+Phone
+bos 01223358966 is the number eos O O O O O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos if there is nothing else i can help with , have a great day . eos O O O O O O O O O O O O O O O O general-bye
+bos i want to go to a theater in the east part of town . can you help me find some ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos i 'm sorry , but there are n't any theatres in the east . would you like to try a different part of town ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O Attraction-Request+Area
+bos oh darn . well how about something in the type of swimmingpool on the east side ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there 's the abbey pool and astroturf pitc . their phone number is 01223902088. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O O N/A
+bos please give me their address and postcode . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is pool way , whitehill road , off newmarket road . postcode cb58nt eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post N/A
+bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos i 'm sorry , i am not able to see their entrance fee . i 'm sure if you call them , they will be happy to assist you . is there anything else ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i need a train to go to london liverpool street . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos okay , what day and time would you like to travel ? also , where are you departing from ? eos O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart,Train-Request+Leave
+bos i 'm leaving on monday and would like to arrive by 21:15. i will be departing from cambridge . eos O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Depart O O N/A
+bos tr7092 leaves london at 17:59 and arrives at 19:27. will that work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos that should be fine . please make a booking for one person . eos O O O O O O O O O O O O O O N/A
+bos your booking was successful , the total fee is 16.6 gbp payable at the station . your reference number is i7f5zkja . can i help you with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos no thank you that is all i needed today . eos O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great time ! eos O O O O O O O O O O general-welcome,general-bye
+bos hi there . i am excited about seeing some local tourist attractions . can you help me find a place to stay while i am there ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos absolutely we have 79 attractions , do you have a type ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Type
+bos seventy-nine , wow this is going to be so much fun ! anyway i need a 0 star hotel with free parking . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A
+bos i 'm sorry there are not any matches for what you are looking for . how about a guesthouse instead of a hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos yes , that would be fine . something in the west would be great . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A
+bos i 'm sorry , but there is nothing with 0 stars in the west . eos O O O O O O O O O O O O O O O O N/A
+bos what about in the center ? eos O O O O O O O N/A
+bos yes i found one guesthouse called el shaddai . would you like to book a room ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos yes , please . i need to book it for 2 people and 4 nights starting from friday . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos i was able to make the booking . reference number is : mnl7ufxj . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you . i am also looking for a place to go in town . i would prefer something near the hotel . eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i highly suggest the vue cinema . would you like more information ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O general-reqmore
+bos that will be fine . i 'll need the postcode and attraction type ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type
+bos the postcode is cb11ps and the attraction type is cinema . eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Type O N/A
+bos thank you ! , i will need to book a taxi that can depart by 12:30 , please provide me with contact and the type of car . eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O Attraction-Request+Type
+bos i have booked your taxi . be expecting a yellow bmw . please call 07643657212 should you need to reach them . eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O N/A
+bos thanks alot for yor help . that is all for today eos O O O O O O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-bye
+bos i will , thanks ! you have a great day to . bye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . eos O O O O O general-welcome
+bos hi , i am planning a trip and need some recommendations for a place to stay while i am there . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get an area you would like to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos in cambridge , i need a cheap guesthouse please eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A
+bos there are 9 cheap guesthouses . is there a particular part of cambridge you would like to stay in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i do n't really care . i do want a guesthouse with free wifi , though . eos O O O O O O O O O O O O O O O O O O N/A
+bos how about the allenbell guesthouse located in the east . it is a cheap hotel with 4 star rating and free wifi and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Stars O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking
+bos is there one in the moderate price range with free internet ? eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos yes , there is . how many stars should the hotel be rated for ? eos O O O O O O O O O O O O O O O O Hotel-Request+Stars
+bos star rating does not matter to me . eos O O O O O O O O O N/A
+bos avalon is a moderate price guesthouse on the north side of town . would you like me to book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform
+bos i do n't need to book yet , but i would like the address . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr
+bos the address is 62 gilbert road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos could i also get the phone number ? eos O O O O O O O O O Hotel-Request+Phone
+bos phone number to avalon guesthouse -01223353071 eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos great , thank you . i would also like a place to go in the west eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A
+bos what kind of place would you like to go to ? there are some colleges , some entertainment places , and some museums in the area . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos entertainment sounds great . can you recommend something ? eos O B-Attraction-Inform+Type O O O O O O O O N/A
+bos how about whale of a time ? it 's a great place to take children . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O N/A
+bos actually , i 'd like to go to a multiple sports attraction in the west if there is one ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A
+bos i can not find any multiple sports attractions in the west . is there another area i can check ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O O N/A
+bos can you try entertainment in the same area please ? eos O O O O B-Attraction-Inform+Type O O O O O O Hotel-Request+Area
+bos what price range would you like ? eos O O O O O O O O Attraction-Request+Price
+bos moderate to cheap . eos O O O O O N/A
+bos as i mentioned earlier , whale of a time is an entertainment attraction in the west . would you like additional information ? i do n't have any information on the entrance fee . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A
+bos i do need the address . eos O O O O O O O Attraction-Request+Addr
+bos the address is unit 8 , viking way , bar hill postcode cb238el . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A
+bos thank you . that is all i need . eos O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i need hotel tips , can you help ? eos O O O B-Hotel-Inform+Type O O O O O O N/A
+bos i definitely can help with that . do you have a price range in mind ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet
+bos no , price does n't really matter . i do prefer 4 stars though , and free parking . eos O O O O O O O O O O O O O O B-Hotel-Inform+Parking I-Hotel-Inform+Parking O O O O N/A
+bos i 'm sorry . it appears that there are no four star hotels in cambridge with free parking . can i help with something else ? eos O O O O O O O O O O O B-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-greet,general-reqmore
+bos could you look again , 4 star and free wifi , does not need to be hotel can be any room . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O N/A
+bos i am still getting no results . how else may i help you ? eos O O O O O O O O O O O O O O O general-reqmore
+bos um really ? there is no 4 star accommodations with free parking in all of cambridge ? i have a hard time believing that . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O N/A
+bos sorry , there are n't any . could i check for something else ? eos O O O O O O O O O O O O O O O general-reqmore
+bos are there any places to stay that offer free wifi ? eos O O O O O O O O O O O O N/A
+bos i 'm sorry , there really are none that match your criteria . are you sure you do n't want to lower your star rating ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what about with wifi and no parking ? eos O O O O O O O O O N/A
+bos i apologize , we actually have 19 options matching your query . do you have a preference for price range ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price
+bos i do n't have a price in mind . as long as it has free wifi and parking , i just need the name , area , and type please eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type
+bos the acorn guest house is a guesthouse in the north . may i help with anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos i am looking for the saint catharine 's college eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O N/A
+bos i found that info st catharines college is located at kings parade , has free entrance and its phone number is 012233338300. can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos i need a taxi to go between the guesthouse and the college . i want to leave the college by 07:30. eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos your taxi is booked , look for a blue ford , phone number is 07891245613 , any other questions ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos that is everything . thank you for your help . eos O O O O O O O O O O O general-thank
+bos okay , have a great time in town ! eos O O O O O O O O O O general-bye
+bos i 'm excited about my trip to cambridge to sight see , and need a hotel while i 'm there . eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos is there a specific area you would like to be in ? eos O O O O O O O O O O O O O Hotel-Request+Area
+bos im not sure but i would like to stay in a 4 star guesthouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A
+bos what price range would you like ? eos O O O O O O O O Hotel-Request+Price
+bos i am looking for something moderately price and that is 4 star rated . i prefer a guesthouse also . eos O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos i have 7 guesthouses in the north , 3 in east and 1 in the south . would you like me to book the aylesbray lodge guesthouse in the south ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would like the postcode of aylesbray lodge and i would like to find where the milton country park is located . eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos i can only process one req at a time . which one would you like first ? eos O O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos i need both pieces of information right now . eos O O O O O O O O O O N/A
+bos the postcode for aylesbray lodge guest house is cb17sr . milton country park is located in the north in milton and the post code is cb46az . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post O O N/A
+bos thank you so much for all your help . eos O O O O O O O O O O general-thank
+bos you are quite welcome . eos O O O O O O general-welcome
+bos i 'm interested in any info about places to go in the west side of cambridge eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos do you have any preferences in terms of the attraction types ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos no preference . if you could recommend one . could you provide me the address and phone number of the one you choose ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos would you be interested in visiting a college ? eos O O O O O O O O B-Attraction-Inform+Type O N/A
+bos that sounds great ! i am also looking for a place to stay . the hotel should be in the same area as the colege and of moderate price . eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos i would recommend churchill college in the west , they have no entrance fee . do you require free parking or internet for your hotel ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos no , just a moderate hotel in the same area as the college . free wifi is nice though . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O N/A
+bos yes i have a guesthouse in the west that is moderately priced and has free wifi . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Inform+Internet
+bos if there are no hotels i 'll stay at the guesthouse . can you give me their address and phone number ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A
+bos hobsons house is located at 96 barton road in postcode cb39lh . their phone is 01223304906. can i help you with anything else today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'd like to book for 1 person , 4 nights , starting from tuesday please . eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O N/A
+bos booking was successful . reference number is : i4x74fh7 . is there something else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , you have been helpful . thanks so much . bye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for using the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i am looking for information about a hotel called aylesbray lodge guest house . can you help me ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A
+bos the aylesbray lodge guest house is a guesthouse in the south side with a moderate price range . it has a rating of 4 stars and has parking & internet . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Stars O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos that 's perfect . what 's the phone number ? eos O O O O O O O O O O O Hotel-Request+Phone
+bos the phone number for the aylesbray lodge is 01223240089. can i help you with anything else ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone O O O O O O O O general-reqmore
+bos yes , i 'm also looking for entertainment in the centre of town . what 's fun ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos there are no places with the type entertainment in the center , i could look for a different type of attraction or a different part of town if you like . eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos could you find an architecture attraction ? eos O O O O O B-Attraction-Inform+Type O O N/A
+bos yes , there are 5. i recommend all saint 's church as it is beautiful ! would like more information on it ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O N/A
+bos yes , i would like more information please and will you let me know what the entrance fee is ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos all saints church is located on jesus lane and entry is free . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O N/A
+bos thanks so much ! that 's all i need today . eos O O O O O O O O O O O O general-thank
+bos thanks for using our service ! eos O O O O O O O general-bye
+bos hi , can you help me with some place to visit while i am in town ? i am in the planning stages , so i do n't know what is available . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have 79 attractions in the area , any preferences on type or location ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area
+bos i need something in the west . eos O O O O O O B-Attraction-Inform+Area O N/A
+bos i have booked you clare hall eos O O O O O O B-Booking-Book+Name N/A
+bos what ? that 's not what i wanted . eos O O O O O O O O O O N/A
+bos we can cancel that no worries . what type of attraction would you like ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos any attraction in the west is fine . im new to the area , so anything that you recommend . i 'll need to phoen and address of whatever you select . eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Attraction-Request+Addr
+bos i 'd like to suggest whale of a time , a wonderful entertainment venue . the phone number is , 01954781018 , the address is , unit 8 , viking way , bar hill . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Phone O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O N/A
+bos i need to book a 5 stars hotel with free wifi . if there is not 5 stars , a hotel of 4 starts is ok. eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos i am sorry , there are no 5 star hotels available but may i recommend university arms hotel which is 4 stars and located in the centre of town ? eos O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A
+bos if it has free wifi , then that is great . you can give me their phone number . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos yes , university arms hotel does include internet . their phone number is 01223351241. is there anything else i can do for your ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore
+bos no , that 's all , thanks ! eos O O O O O O O O O general-thank
+bos any time ! let us know if anything else comes up and we 'll be happy to help ! eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello ! i 'm looking for a museum to go to . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos cambridge has so many great museums to choose from , what sort of museum are you interested in visiting ? eos O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Type
+bos i would like any type of museum that is located in the centre of town . can you provide me with an address ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Addr
+bos there are 11 museums in that area . would you like to learn about all of them ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore
+bos no , can you choose the best one for me and give me the address ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos i would recommend cambridge contemporary art at 6 trinity street . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos thank you i also need a place to stay that has free wifi and 4 stars and in the west of town . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i 'm showing 33 hotel and guesthouses in the centre . what is your price range , do you want wifi and parking ? if this is not a good area i can look more . eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet,general-reqmore
+bos i have no price range but it needs to be 4 star . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos found 2 hotels with 4 star 1 expensive and the other is cheap which one will you prefer ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Select
+bos which on is in the west ? eos O O O O O O B-Hotel-Inform+Area O N/A
+bos i 'm happy to tell you that i found three 4 star hotels on the west part of town . can i book one for you or assist you further ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos no , i just need the postcode please . eos O O O O O O O O O O Hotel-Request+Post
+bos the postcode is cb30nd . eos O O O O B-Hotel-Inform+Post O N/A
+bos i also need taxi to take me from the museum at 22:00 to the hotel , get me the contact number and car type for the taxi . eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O Taxi-Request+Car
+bos i 'm sorry for the confusion , what hotel did you choose so that i can book the taxi for the correct location ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i am not sure of the name , you did not provide it . eos O O O O O O O O O O O O O O O N/A
+bos i am sorry about that , we are swamped right now . the name is called finches bed and breakfast , sorry for any confusion . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O general-greet
+bos okay , so then book the taxi as requested please , and again do not forget the car type and contact number eos O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos of course , a yellow ford has been booked for you . they can be reached at 07814309592. will that be all today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no that 's all i need today . thanks so much . eos O O O O O O O O O O O O O general-thank
+bos you are welcome and enjoy . eos O O O O O O O general-welcome,general-bye
+bos i need to find a 4 star rated place to stay with free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos ok , there are 19 in town . is there a particular part of town you 're interested in ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Area
+bos no particular area but i would like it to be a hotel type in the moderate price range . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A
+bos i would suggest acorn guest house would you like me to book this for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform
+bos i think i 'll take a drive past first and make sure it does n't look dodgy . can you give me the address please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the address is 154 chesterton road . is there anything else you would like to know ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore
+bos i am all set . eos O O O O O O N/A
+bos can i get you set up in a room then ? eos O O O O O O O O O O O O Booking-Inform
+bos yes . 7 people 5 nights from wednesday . eos O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A
+bos your booking was successful . the reference number is 5d2u451a . what else can i do for you ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos i was also interested in finding a place to go in town to see some architecture . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos we have quite a few olds schools is great , alot of people go there eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O N/A
+bos what is the entrance fee there ? eos O O O O O O O O Attraction-Request+Fee
+bos the entrance fee is free . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , i 'll need to book a taxi to commute between olds schools and the hotel . i would like to leave the attraction by 22:30. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos booking completed ! booked car type : yellow hondacontact number : 07785353163can i help with anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that is all for today . thanks for the help eos O O O O O O O O O O O general-thank
+bos thanks and enjoy your stay eos O O O O O O general-bye
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i 'm getting general info . i need the hospital postal code and phone number , though . eos O O O O O O O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone
+bos their phone number is 01223245151 and the address is hills rd , cambridge . eos O O O O O O O O O O O O O O O N/A
+bos thanks ! that is so helpful . bye . eos O O O O O O O O O O general-bye
+bos you are most welcome ! eos O O O O O O general-greet
+bos i 'm looking to find a guesthouse with free wifi for the night . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos i 'd be happy to help with your request , to help narrow down the results , what area are you looking to stay in ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i 'd like to stay in cambridge centre . eos O O O O O O O O O O N/A
+bos when would you like to move into the guest house eos O O O O O O O O O O O Booking-Request+Day
+bos starting on monday please . eos O O O O O O N/A
+bos for how many days would you like this reservation ? eos O O O O O O O O O O O Booking-Request+Stay
+bos i plan to stay for 3 nights eos O O O O O O O B-Hotel-Inform+Stay N/A
+bos booking was unsuccessful.please book another day or a shorter stay . eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day
+bos alright . enjoyed your services . keep that up eos O O O O O O O O O O N/A
+bos you are more than welcome ! eos O O O O O O O general-welcome
+bos i want to find a hospital in town eos O O O O O O O O O Hospital-Inform
+bos the local hospital is addenbrookes it phon eis 01223245151. eos O O O O O O O O O O N/A
+bos thanks , can i get the postcode ? eos O O O O O O O O O Hospital-Request+Post
+bos sure . the postcode is cb20qq . eos O O O O O O O O N/A
+bos thank you that is all i needed eos O O O O O O O O general-thank
+bos you 're very welcome ! goodbye . eos O O O O O O O O general-bye
+bos i 'm looking for a train please . eos O O O O O O O O O Train-Inform
+bos where are you leaving from and where would you like to go ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i plan to leave from stevenage to go to cambridge . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos okay . there are 70 trains that go from stevenage to cambridge . would you like to narrow it down by day or time ? eos O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day,Train-Request+Arrive
+bos i want to leave on sunday and arrive by 12:15. eos O O O O O O B-Train-Inform+Day O O O O N/A
+bos trainid departure destination day leaveat arriveby price duration book ( optional ) tr1542 stevenage cambridge sunday 05:54 06:43 10.24 pounds 49 minutes tr5870 stevenage cambridge sunday 07:54 08:43 10.24 pounds 49 minutes tr7802 stevenage cambridge sunday 09:54 10:43 10.24 pounds 49 minutes tr8225 stevenage cambridge sunday 11:54 12:43 10.24 pounds 49 minutes are the opitions eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you , i will check them out and get back to you . eos O O O O O O O O O O O O O O O general-thank
+bos you are welcome . call back anytime you are ready to book . eos O O O O O O O O O O O O O O general-welcome
+bos that information is very overwhelming . can you please pick the best option that meets my criteria and book for 6 people . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i would like to book the tr7802 stevenage cambridge sunday 09:54 10:43 , please . eos O O O O O O O O O O O O O O O O N/A
+bos i think you 're confused . i need the info , you 're the help desk . eos O O O O O O O O O O O O O O O O O O N/A
+bos i apologize for the mistake . i have booked six tickets for you and your party on the tr7802 train departing from stevenage at 09:54 and arriving at cambridge at 10:43. eos O O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O N/A
+bos that 's more like it . and , what 's the reference number ? eos O O O O O O O O O O O O O O O Train-Request+Ref
+bos your reference number is ddba2u1r . the total fee is 61.44 gbp payable at the station . may i help with something else ? eos O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore
+bos that was all . thank you eos O O O O O O O general-thank
+bos thanks for using our services . eos O O O O O O O general-bye
+bos hi , i need a recommendation for a restaurant in town . eos O O O O O O O O O O O O O Restaurant-Inform
+bos i know several great restaurants ! do you have a cuisine or location preference ? or maybe a price range preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price
+bos the restaurant should serve chinese food and should be in the moderate price range . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O N/A
+bos i think xxx restaurant is good eos O O O O B-Restaurant-Recommend+Name O O N/A
+bos is there a yelp rating for the restaurant ? eos O O O O O O O O O O Restaurant-Inform
+bos i 'm sorry , but i do n't have yelp ratings . eos O O O O O O O O O O O O O N/A
+bos ok. book what you deem best and get me the reference number . eos O O O O O O O O O O O O O O Restaurant-Request+Ref
+bos does the golden wok sound good ? i will need to know how many are in your party and what time you 'd like a reservation . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time
+bos the reservation is just for me this saturday at 15:45 , please . eos O O O O O O O O O O O O O O N/A
+bos before reserving , i just want to confirm you want the reservation for the golden wok ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O Booking-Inform
+bos yes , i would like a reservation for the golden wok , for one person at 15:45 this saturday . please give me the reference number as well . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref
+bos ok , i have your table booked . your reference number is 0iymoqtn . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos that is all , thank you . eos O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'm looking for information on a hotel called warkworth house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos i got it . may i get the day youd like to move in so i can book eos O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform
+bos yes , that would be on tuesday please . eos O O O O O O B-Hotel-Inform+Day O O O N/A
+bos how many days will you be staying ? eos O O O O O O O O O Booking-Request+Stay
+bos i 'll be staying for 3 nights starting on tuesday . eos O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos for how many guests please , sir ? eos O O O O O O O O O Booking-Request+People
+bos one guest for three nights eos O O O O O O N/A
+bos booking was successful.reference number is : tucgj6dx . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you , that 's all i need . eos O O O O O O O O O O general-thank
+bos thanks for contacting us , please let us know if you need any further assistance . eos O O O O O O O O O O O O O O O O O general-bye
+bos i was robbed and i need help ! eos O O O O O O O O O N/A
+bos oh no ! you will want to contact the parkside police at 01223358966. eos O O O O O O O O O O O O O O N/A
+bos an get the postcode please ? eos O O O O O O O Police-Request+Post
+bos the postcode to the police is cb11jg . eos O O O O O O O O O N/A
+bos perfect , thanks for your help . eos O O O O O O O O general-thank
+bos is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . thank you and have a good day . eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos do you have information about nightclubs ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos i have details for several nightclubs , which area were you looking at ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area
+bos i am looking for any one you 'd recommend , i just need the address , entrance fee , and postcode . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos alright . how about kambar . it is located at 1 wheeler street and the postcode is cb23qb . the entrance fee is 5 pounds . is that all you need help with today ? eos O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O general-reqmore
+bos that 's all i needed . thank you ! eos O O O O O O O O O O general-thank
+bos no problem . happy to help ! eos O O O O O O O O general-bye
+bos i would like to go to a park in the center of town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos there is the cambridge university botanic gardens which is a park . will this work for you ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O O general-reqmore
+bos yes , what is the address and phone number ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos their address is bateman street and phone number is 01223336265. is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that would be all . thanks ! eos O O O O O O O O O O general-thank
+bos sure , have a great day . bye . eos O O O O O O O O O O general-bye
+bos hello , i 'm looking for the museum of classical archaeology , could you tell me more about it ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A
+bos certainly , the museum of classical archaeology is located at sidgwick avenue and has free entrance , phone 01223335153. do you also need the postcode ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Price O O O O O O O O O O O O general-reqmore
+bos yes , i 'd like that . thank you so much ! eos O O O O O O O O O O O O O general-thank
+bos the postcode for the museum of classical archaeology is cb39da . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no , you 've been very helpful . thank you . bye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-bye
+bos i am trying to find a really neat museum to visit . would you be able to tell me whats available out there ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O N/A
+bos we have many interesting museums , such as the cambridge artworks , cambridge museum of technology , and the whipple museum of the history of science . anything in particular strike your fancy ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A
+bos are any of them in the centre ? eos O O O O O O O B-Attraction-Inform+Area O N/A
+bos actually , i have 11 of them in the centre area . might i suggest the broughton house gallery . it has free entrance and is located at 98 king street . eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Open I-Attraction-Recommend+Open O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A
+bos that would be perfect . can i get the phone number , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos yes . their phone number is 01223314960. can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos no , not today , thanks . goodbye . eos O O O O O O O O O O general-bye
+bos enjoy your visit . thank you for calling cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos i am looking for a place to go ! eos O O O O O O O O O O N/A
+bos i can certainly help you find something . do you have a type of attraction in mind ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i like looking at the architecture of old buildings . i think it says a lot about how we used to live . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O N/A
+bos we have a lot of interesting architecture here in cambridge . is there a particular area of town you 're interested in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos what would you suggest ? eos O O O O O O N/A
+bos here are a few suggestions from the centre : all saint 's church and holy trinity church , both are free to visit . eos O O O O B-Attraction-Recommend+Choice I-Attraction-Recommend+Choice O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O O O N/A
+bos the holy trinity church sounds lovely . can you give me their postcode , please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos yes , their postcode is cb23nz . can i get any other information for you ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no that will be all . thanks . eos O O O O O O O O O general-thank
+bos you 're quite welcome . thanks for contacting the cambridge towninfo centre and have a great day ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a nightclub to go to . are there any in the centre of town ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Area O O O O O N/A
+bos there are 5 nightclubs in the centre . ballare is one of them . would that work for you ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O N/A
+bos is there an entrance fee for ballare ? eos O O O O O O O O O Attraction-Request+Fee
+bos the fee is 5 pounds . eos O O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price N/A
+bos thank you ! that 's all i needed . eos O O O O O O O O O O general-thank
+bos okay , thank you for calling . eos O O O O O O O O general-bye
+bos hi . i 'm trying to find a restaurant that serves welsh food . can you help me ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos no information found eos O O O O Restaurant-Inform,Restaurant-NoOffer
+bos how about portuguese food ? i do n't care about the price range . eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O N/A
+bos which area of town would you prefer ? eos O O O O O O O O O general-reqmore
+bos portuguese food in any area eos O O O O O O N/A
+bos there are two restaurants serving portuguese food . nandos in the south and nandos in city center . would you like further information on either of those ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore
+bos could you give me the phone number and address of the nandos in city center ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos nandos can be found at 33-34 saint andrews street and can be reached at 01223 327908. can i assist you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore
+bos no thanks , that is all . goodbye . eos O O O O O O O O O O general-bye
+bos thank you and have a great day ! eos O O O O O O O O O general-greet
+bos i want a jamaican food restaurant in the centre part of town . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O N/A
+bos there are no jamaican restaurants in the center part of town . do you have another cuisine or area preference ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer
+bos are there any international restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos there are two international restaurants in the centre area , both moderately priced . would you like their addresses ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O N/A
+bos i do n't care . eos O O O O O O N/A
+bos may i recommend bloomsbury restaurant which is an international restaurant in the centre and is moderately priced ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O N/A
+bos what is the phone number and price range ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price
+bos bloomsbury restaurant is moderately priced , and you can reach them at 0871 942 9180. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A
+bos thank you . that sounds good . eos O O O O O O O O general-thank
+bos thank you for using our system . would you like anything else ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos hello , i need some french food . any price range is fine . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A
+bos cote is an expensive french restaurant in the city centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos cote is located on bridge street city centre , and their phone number is 01223 311053. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for calling the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i want to find a restaurant in the centre and serving japanese food . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos there 's a very nice japanese restaurant in the center of town , it 's pretty expensive . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A
+bos that 's ok because it 's for a special occasion . can you give me the phone number ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone
+bos yes , it 's 01223462354. what else can i help you with ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore
+bos no thank you , goodbye eos O O O O O O general-bye
+bos you 're welcome . good bye . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for an expensive restaurant in the east part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A
+bos the grafton hotel restaurant is in the east part of town and in the expensive price range . would you like their information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore
+bos yes please eos O O O N/A
+bos they are located at grafton hotel 619 newmarket road fen ditton , postcode c.b 5 , 8 p.a , and phone number 01223 241387. how else may i assist you ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos is there something else ? eos O O O O O O N/A
+bos pipasha restaurant is in the east part of town , and in the expensive price range . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O general-reqmore
+bos what is the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos pipasha restaurant 's phone number is 01223 577786 and they are located at newmarket road fen ditton . is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos no , thank you . good bye . eos O O O O O O O O O general-bye
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos i 'd like to find a moderately priced place located in the north part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos golden wok is a chinese restaurant in the north part of town in the moderate price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A
+bos i 'd like to have their phone number and address . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos their phone number is 01223 350688 and their address is 191 histon road chesterton eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos thank you goodbye eos O O O O general-bye
+bos i would like an expensive restaurant in the south part of town eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos there are five expensive restaurants in that area . do you have a preference for price range or type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos any type of food is fine eos O O O O O O O N/A
+bos there is an expensive mexican restraunt in the south area of town called chiquito restaurant bar . is that fine ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Booking-Inform
+bos is there anything else ? eos O O O O O O N/A
+bos frankie and bennys serves italian food and is located in the south part of town . would you like more information for them ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O general-reqmore
+bos i need the address . eos O O O O O O Restaurant-Request+Addr
+bos their address is cambridge leisure park clifton way cherry hinton . can i help you with anything else ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos thank you goodbye . eos O O O O O general-bye
+bos thank you for choosing our system . good bye eos O O O O O O O O O O general-bye,general-greet
+bos good bye eos O O O general-bye
+bos goodbye . eos O O O general-bye
+bos hi i am looking to go to a museum in town please . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos we offer 23 museums . any location preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O Attraction-Request+Area
+bos not really . can you just tell me your favorite and let me know how it will be for me to get in ? oh , and the postcode , for my gps . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos sure . cafe jello gallery is my personal favorite . the postcode is cb30af . it is free to get in . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos great , thank you ! eos O O O O O O general-thank
+bos you 're welcome ! glad to help . eos O O O O O O O O O general-bye
+bos i do n't care about price range , find me an european food restaurant , please . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos cambridge lodge restaurant is a restaurant that serves european food . would you like more information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food O O O O O O O O general-reqmore
+bos what ids the address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos thier phone number is 01223 355166 and address is cambridge lodge hotel 139 huntingdon road city centre eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A
+bos great ! thank you very much . eos O O O O O O O O general-thank
+bos thank you bye eos O O O O general-bye
+bos good bye eos O O O general-bye
+bos good day ! eos O O O O general-bye
+bos good bye . eos O O O O general-bye
+bos thank you for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for a swedish restaurant , preferably in the expensive price range . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O N/A
+bos i am sorry . there are no swedish restaurants in this city . is there another type of restaurant you would like me to help you find ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer
+bos mediterranean food . eos O B-Restaurant-Inform+Food O O N/A
+bos there are 3 restaurants that serve mediterranean food . what price range are you looking for ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Price
+bos i prefer the expensive price range . eos O O O O B-Restaurant-Inform+Price O O O N/A
+bos la mimosa serves mediterranean food and is in the expensive price range . their phone number is 01223 362525 and they are located at thompsons lane fen ditton . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you 're welcome , thank you for using this system . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , do you know where the parkside police station is ? eos O O O O O O O O O O O O O Police-Inform
+bos it is in parkside , cambridge , cb11jg eos O O O O O O O O O N/A
+bos can i get the phone number ? eos O O O O O O O O Police-Request+Phone
+bos their contact number is 01223358966. eos O O O O O O N/A
+bos thanks , that 's all i need . good bye . eos O O O O O O O O O O O O general-bye
+bos you 're welcome . if you think of anything else i can help you with do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hello , what 's the address of the parkside police station , if you would be so kind ? eos O O O O O O O O O O O O O O O O O O O O Police-Request+Addr
+bos the parkside police station is located at parkside , cambridge , cb11jg eos O O O O O O O O O O O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos great ! have a nice day ! eos O O O O O O O O general-bye
+bos would you help me find a nearby hospital please ? i 've been injured and need medical attention . eos O O O O O O O O O O O O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is nearby . the telephone is 01223245151 and the address is hills rd , cambridge , cb20qq eos O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you , that was everything i needed . eos O O O O O O O O O O general-thank
+bos you 're welcome . i hope you get to feeling better . eos O O O O O O O O O O O O O general-bye
+bos i hope so . thanks , again . goodbye . eos O O O O O O O O O O O general-bye
+bos you are more than welcome . eos O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform
+bos the addenbrookes hospital is located at hills rd , cambridge postcode cb20qq . eos O O O O O O O O O O O O O O N/A
+bos thanks , can i get the phone number ? eos O O O O O O O O O O Hospital-Request+Phone
+bos their telephone number is 01223245151. i can look up specific departments at the hospital . eos O O O O O O O O O O O O O O O O N/A
+bos no , i think their general number should be enough . thank you . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos great , i 'm glad i could help . if there 's anything else you need do n't hesitate to ask . eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for places to eat in the north part of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A
+bos its called city stop restaurant , serves european food and address is cambridge city football club milton road chesterton eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A
+bos is it a cheap restaurant ? eos O O O O B-Restaurant-Inform+Price O O N/A
+bos no , it is expensive . eos O O O O B-Restaurant-Inform+Price O O N/A
+bos i need a cheap place , please . eos O O O O B-Restaurant-Inform+Price O O O O N/A
+bos royal spice is cheap and looks great . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O O N/A
+bos thanks , will you please book a table for 6 people on saturday at 12:45 ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : q91f26l3 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos perfect ! thank you for all of your help . eos O O O O O O O O O O O general-thank
+bos you 're more than welcome . may i do anything else for you today ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos wait , i might want to change my mind about that restaurant . are there any that serve food from corsica ? eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos no , there are none fitting that description , sir . sorry about that . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer
+bos i figured , my wife asks me odd random question sometimes , had to check . i am all set , thanks . eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos do you need any further assistance ? eos O O O O O O O O general-reqmore
+bos no , thank you . no further questions for now . goodbye . eos O O O O O O O O O O O O O O general-bye
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos please give me directions to the parkside police station . eos O O O O O O O O O O O Police-Inform
+bos here is the address : parkside , cambridge cb11jg . anything else ? eos O O O O O O O O O O O O O O N/A
+bos can i get the address and phone number too ? eos O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone
+bos the phone number is 01223358966 and the postcode is cb11jg eos O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post N/A
+bos okay , great . that 's all i needed eos O O O O O O O O O O N/A
+bos you are more than welcome ! eos O O O O O O O general-welcome
+bos can you locate the nearest police station please ? eos O O O O O O O O O O Police-Inform
+bos the nearest police station is in parkside , cambridge , cb11jg eos O O O O O O O O O O O O N/A
+bos can you read me the address for that location , and phone number as well ? eos O O O O O O O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone
+bos the address is parkside , cambridge . and their number is 01223358966. eos O O O O O O O O O O O O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you 're welcome goodbye eos O O O O O general-bye
+bos i am looking for a place to stay . the hotel should be in the cheap price range and should include free parking eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A
+bos you can try alexander bed and breakfast eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos is it in the east ? eos O O O O O B-Hotel-Inform+Area O N/A
+bos no . allenbell , autumn house and leverton house are guesthouses in the east in the cheap price range . all have 4 stars . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos book it for 2 people and 2 nights starting from friday . eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day N/A
+bos booking was successful.reference number is : zc6vcawb . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos you 're welcome . good bye . eos O O O O O O O O general-welcome,general-bye
+bos i am wanting to book a taxi to go to cherry hinton water play . i want to make sure i arrive by 10:00. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos i 'd be happy to . could you tell me when and where the taxi should pick you up ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart
+bos i would like to be picked up from golden house . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have booked a taxi departing from golden house and arriving at cherry hinton water play at 10:00. it will be a grey volkswagen . contact number : 07227441895. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos sounds perfect . thank you so much . i wo n't need anything else right now . bye . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos you are welcome . have a nice day . good bye . eos O O O O O O O O O O O O O general-bye
+bos hi , i am looking for a indian restaurant on the west side of town . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A
+bos i highly recommend meghna . it is a moderate priced indian restaurant located on 205 victoria road chesterton . would you like me to book it ? eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O Booking-Inform
+bos that 's not necessary . can you tell me what price range it 's in ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos it is in the moderate range for price . eos O O O O O B-Restaurant-Inform+Price O O O O N/A
+bos perfect . how about the phone number and postcode ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos their post code is cb43lf and they can be reached at 01223727410. eos O O O O O B-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Phone N/A
+bos thank you so much for your help ! eos O O O O O O O O O general-thank
+bos you 're welcome is there anything else i can assist with today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos nope , that 's all i needed today . thanks ! eos O O O O O O O O O O O O general-thank
+bos awesome , thank you for spending time in cambridge . eos O O O O O O O O O O O general-bye
+bos it 's one of my favorite places to visit . thanks . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're very welcome ! have a nice day ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i am wanting to go to the theatre . are there any in the centre of town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O N/A
+bos the adc theatre is located on park street . there are a few others as well . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O N/A
+bos the adc theatre sounds perfect . could i get the postcode and phone number please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos absolutely - the adc 's postcode is cb58as and their phone number is 01223300085. can i help with anything else today ? eos O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay . i hate star ratings , so this place needs to have a star rating of 0. it does n't need to include free internet . eos O O O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A
+bos there are 3 places to stay in cambridge that have star ratings of 0 , but they all include internet . would you prefer a cheap or moderately priced hotel/guesthouse ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't care about the price , but i would like a place in the centre of town with free parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A
+bos i have the perfect place for you . it 's called the el shaddai guesthouse . it is on the cheap side and includes free parking and wifi . can i interest you in it ? eos O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,general-reqmore
+bos is el shaddai in the centre of town ? eos O O O O O O O O O O N/A
+bos it sure is . would you like me to reserve it for you ? eos O O O O O O O O O O O O O O O Booking-Inform
+bos yes can you reserve for two nights beginning may 18th ? eos O O O O O O O O O O O O N/A
+bos absolutely . how many people do you need a booking for ? eos O O O O O O O O O O O O O Booking-Request+People
+bos i need to book for three people . eos O O O O O O O O O N/A
+bos with the greeting customer wanted to get information about theatre and hotel in the center of the city with free parking and free wii fii and not bothered about price . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos hi , i 'm looking for places to go in cambridge . preferably a museum in the centre of town . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A
+bos you could check out the cambridge contemporary art museum on 6 trinity street . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A
+bos that sounds nice . can you give me their phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone
+bos certainly , it is 01223324222. anything else i can help you with ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos yes , i 'm interested in a hotel called rosa 's bed and breakfast . can you tell me about that ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos yes , rosa 's bed and breakfast is a guesthouse located in the south part of town in the cheap price range . it has free parking and internet . would you like to book ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos yes for 7 people starting tuesday for 5 nights eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay N/A
+bos i have you booked successfully for 7 people . the reservation number is ngwu3i57 eos O O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Ref O N/A
+bos thank you for your assistance , you 've been very helpful . eos O O O O O O O O O O O O O general-thank
+bos you 're welcome , enjoy your stay . goodbye . eos O O O O O O O O O O O general-welcome,general-bye
+bos i i 'm looking for a train . the train should depart from cambridge and should go to stevenage . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O N/A
+bos what day would you like to travel ? eos O O O O O O O O O Train-Request+Day
+bos i need to leave on thursday after 16:30. can you provide me with the train id ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O Train-Request+TrainID
+bos the first train available is the tr4765 at 17:21. shall i book you a seat ? eos O O O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook
+bos no thank you . that is all i need . eos O O O O O O O O O O O general-thank
+bos thank you for calling the cambridge township centre . enjoy your day ! eos O O O O O O O O O O O O O O general-bye
+bos i am looking for attractions in the town centre eos O O O O O O O O O B-Attraction-Inform+Area N/A
+bos are you interested in architecture ? it is free to visit all saints church . eos O O O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223452587. do you need any other information about it ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos no , that is all i need for today . thank you . eos O O O O O O O O O O O O O O general-thank
+bos good by and have a nice stay . eos O O O O O O O O O general-bye
+bos i 'm are looking for a train . the train should go to cambridge and should leave on saturday . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart
+bos i will be departing from norwich . eos O O O O O O B-Train-Inform+Depart O N/A
+bos what tie would you like to leave norwich ? eos O O O O O O O O B-Train-Inform+Depart O Train-Request+Leave
+bos i would like to leave after 14:30 . eos O O O O O O O O O N/A
+bos i have several trains . how would tr1156 work for you , it leaves at 15:16 arriving at 16:35 ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O B-Train-OfferBook+Leave I-Train-OfferBook+Leave O B-Train-OfferBook+Arrive O O O N/A
+bos yes . that works . i need 3 tickets , please . eos O O O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 70.4 gbp payable at the station .reference number is : 1mi35913 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos great , thank you for your help ! eos O O O O O O O O O general-thank
+bos thanks for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos i want to book a taxi . the taxi should leave after 21:15 and should depart from backstreet bistro . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos what will be your destination ? eos O O O O O O O Taxi-Request+Dest
+bos i 'm sorry i need to change that . i need the taxi to depart from kings lynn train station and go to cherry hinton water play . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A
+bos okay . i 've booked a taxi that will pick you up at 21:30. look for a red skoda and the contact number is 07797598861. anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O N/A
+bos nope , that 's all i needed today . thanks ! eos O O O O O O O O O O O O general-thank
+bos you are welcome ! have a good day . eos O O O O O O O O O O general-welcome,general-bye
+bos am looking for a restaurant . the restaurant should be in the west and should be in the cheap price range eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O N/A
+bos i have two choices in that area and price range . would you prefer italian or vietnamese ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food N/A
+bos i would prefer vietnamese . eos O O O O B-Restaurant-Inform+Food O N/A
+bos thanh binh is a cheap vietnamese restaurant in the west . shall i book a reservation for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform
+bos yes please . i 'd like it to be for tuesday at 12:00. eos O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A
+bos how many people should i make the reservation for ? eos O O O O O O O O O O O Booking-Request+People
+bos there will be 7 of us . eos O O O O O B-Restaurant-Inform+People O O N/A
+bos the booking was successful and your table will be reserved for 15 minutes . your reference number is kh5f18tn . anything else i may assist you with ? eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos no that 's it . thanks for your help ! eos O O O O O O O O O O O general-thank
+bos you are welcome ! have a nice day ! eos O O O O O O O O O O general-welcome,general-bye
+bos are there any trains from london kings cross to cambridge ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos yes there are serveal trains leaving from london kings cross to cambridge what time would you like to leave ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O Train-Request+Leave
+bos i do n't care as long as i arrive by 08:30 on monday . eos O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A
+bos train tr0379 leaves london kings cross at 05:17 and arrives in cambridge at 6:08. would you like me to book that for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please , could you book 8 tickets and provide the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O N/A
+bos sure , the train is actually number tr0378 and your reference number is k3ki84vn . the price will be 188.8 gbp payable at the station . is there anything else today ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O general-reqmore
+bos yes , i 've heard something about a restaurant , i think it 's called wagamama or something like that . can you help me find it ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O N/A
+bos that restaurant is found at 36 saint andrews street and serves japanese food . do you need their phone number or any other details ? eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A
+bos can o book a table for 8 people at 13:00 on monday too ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos you 're reference number is cfc04u75 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos no , that was all . thanks . goodbye . eos O O O O O O O O O O O general-bye
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i want to book a taxi . the taxi should depart from la margarita and should go to riverboat georgina . eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos what time would you like to arrive ? eos O O O O O O O O O Taxi-Request+Arrive
+bos i would like to arrive by 17:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos i have a white tesla booked . the contact number is 07032807056. anything else today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos no , that is all i need today . thanks ! eos O O O O O O O O O O O O general-thank
+bos great , have a wonderful day and enjoy your taxi ride , thank you ! eos O O O O O O O O O O O O O O O O general-bye
+bos i am looking for a moderately priced , 4 star hotel . eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A
+bos i 'm sorry i have found no matches . eos O O O O O O O O O O Hotel-NoOffer
+bos what about moderately priced 4 star lodging of any hotel type ? eos O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O N/A
+bos how about avalon ? they 're a guesthouse in the north . eos O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O O N/A
+bos do they offer parking and wifi ? eos O O O O O O O O N/A
+bos they do offer wifi but no parking . eos O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet
+bos are there any that include both free parking and free wifi ? the area does n't matter . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos the acorn guest house is a moderately priced 4 star guesthouse that has free parking and wifi . would you like me to book it for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform
+bos can i just have the phone number ? eos O O O O O O O O O Hotel-Request+Phone
+bos sure , their phone number is 01223353888. may i assist you with anything else ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore
+bos what area is that one in ? eos O O O O O O O O Hotel-Request+Area
+bos the acorn guest house is in the north . can i help you with anything else today ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O O general-reqmore
+bos that takes care of everything , thanks so much ! bye for now . eos O O O O O O O O O O O O O O O N/A
+bos they are in in the north area . eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A
+bos ok , thank you and good bye . eos O O O O O O O O O general-bye
+bos you are welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos great , can you find a chinese restaurant for me to eat at ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A
+bos i have 17 chinese restaurants available . is there a particular area of town or a certain price range you are looking for ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price
+bos i would like it in the south area of town . if you could recommend one , that would be nice . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O N/A
+bos there are two expensive restaurants and one cheap one in the south . would you like me to book one of those for you ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform
+bos yes , sunday , for six at 12:00. eos O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time O O N/A
+bos ok. i have your table reserved at peking restaurant , postal code cb28nx . your reference number is xk8ri3tc eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks ! i also need to find a try from cambridge to london kings cross on monday . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there are 10 trains available . what time would you like to leave by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave
+bos i want to leave after 16:45. eos O O O O O O B-Train-Inform+Leave N/A
+bos how about tr7786 , it departs at 17:00 ? or would you like something a little later ? eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O O O O O O O O O Train-Request+Leave
+bos that works . same group of people . i need the reference number . eos O O O O O O O O O O O O O O O Train-Request+Ref
+bos i was able to book you for 6 at the restaurant . the total fee is 141.6 gbp and the reference number is 3bnlq5gl . eos O O O O O O O O O B-Booking-Book+People O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Ref O N/A
+bos thank you very much , that 's all i needed ! eos O O O O O O O O O O O O general-thank
+bos great , have a wonderful day . thank you for choosing us for your travel needs ! eos O O O O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a place to eat , preferably a cheap south indian restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O N/A
+bos hi , kohinoor is a cheap indian restaurant , but does n't specify that it is south indian . would you like the phone number ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O N/A
+bos is it in the centre of the city ? eos O O O O O B-Restaurant-Inform+Area O O O O N/A
+bos yes , it is indeed in the centre . the phone number is 01223323639 eos O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O N/A
+bos ok , thank you . eos O O O O O O general-thank
+bos would you like for me to book a table at kohinoor for you ? eos O O O O O O O O O O O B-Booking-Inform+Name O O O N/A
+bos yes , please . 18:00 on wednesday for just myself . eos O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A
+bos i 'm sorry , they 're all booked up at that time . would you like to try a different time ? eos O O O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O O O O O O O O O Booking-Request+Time
+bos how about 17:00. eos O O O B-Restaurant-Inform+Time N/A
+bos i was able to book that , your reference number is hejfvrpp . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos great ! i am also looking for a train that leaves on thursday and departs from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos destination is stevenage . i would like to arrive by 21:45. can you book the train for me as well ? eos O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A
+bos there are 8 trains that will arrive by 21:45. what time would you like to depart ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave
+bos what 's the last train to arrive by 21:45 ? eos O O O O O O O O B-Train-Inform+Arrive O O N/A
+bos it would be the one leaving at 19:21 and arriving at 20:10. shall i book it ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O Train-OfferBook
+bos yes , that would be great . could i get a reference number please ? eos O O O O O O O O O O O O O O O O N/A
+bos how many tickets do you need ? eos O O O O O O O O Train-Request+People
+bos i need 1 ticket . eos O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 12.8 gbp payable at the station .reference number is : 5tm8stam . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thank you for the help , have a nice day . eos O O O O O O O O O O O O general-thank
+bos it was a pleasure to serve you have a great day eos O O O O O O O O O O O O general-bye
+bos i need to take a train departing from stansted airport ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A
+bos i can help you with that . where would you be going and what day ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i 'd like to leave cambridge after 14:00 on sunday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A
+bos can you verify whether you are leaving from stansted airport or cambridge ? eos O O O O O O O O O O O O O O Train-Request+Depart
+bos i need to leave from stansted airport to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A
+bos the tr4227 train leaves at 14:24 would you like that one ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook
+bos yes , may i get travel time in minutes ? i am also looking for a restaurant that is expensive and serve afghan food . eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O Train-Request+Duration
+bos the duration of that train is 28 minutes . there are n't any restaurants meeting those specifications . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Restaurant-NoOffer
+bos there is n't any afghan places in the centre ? eos O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm afraid we do n't have any restaurants in cambridge that serve afghan food . there are several expensive restaurants in the centre that serve other cuisines . should we try one of those ? eos O O O O O O O O O B-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O N/A
+bos are there any that serve indian food , instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos there are 6 restaurants in the centre that are expensive and serve indian food . curry garden , the golden curry , saffron brasserie , panahar , curry king , and curry queen . eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos how about curry queen ? i just need their postcode . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Request+Post
+bos curry king 's post code is cb21ug . their address is jordans yard bridge street city centre . shall i book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos no thanks , i am just gathering information for now . that is everything that i need , thanks for your help . eos O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you , please feel free to contact us again if you have any questions ! eos O O O O O O O O O O O O O O O O O general-greet
+bos i am looking for a train departing ely and should arrive by 16:45. eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A
+bos i can help with that ! there are a total of 42 trains departing from ely . what is your destination so i can narrow this down for you ? eos O O O O O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O O O O O O O O O O O O O Train-Request+Dest
+bos i would like to go to cambridge on thursday eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos what time you like to leave ? eos O O O O O O O O Train-Request+Leave
+bos it does n't matter what time i leave as long as i 'm there by 16:45. eos O O O O O O O O O O O O O O O O O N/A
+bos there are 6 trains leaving that will get you there by 16:45 , the closest tr3240 arriving at 15:52. would you like to make a reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , please make me a reservation for two people on tr3240 arriving at 15:52. eos O O O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 8.8 gbp payable at the station . reference number is : t4i7l6bg . can i help with anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i 'm also looking for a expensive restaurant in the north . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos sure , do you have a food preference ? i see chinese , french , european and asian oriental . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O Restaurant-Request+Food
+bos choose your favorite . i do need an address and post code , please . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos how about the hotpot ? it is located at 66 chesterton road chesterton and the postal code is cb41ep . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post O O N/A
+bos the hotpot sounds great ! can you please make a reservation for friday for 2 people at 8 pm ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O O N/A
+bos sure ! your reservation at the hotpot for friday for 2 people at 8 pm is successful . would you like a reference number ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O B-Booking-Book+People O O B-Booking-Book+Time I-Booking-Book+Time O O O O O O O O O O N/A
+bos yes please , thank you for your help . the reference number will come in handy . eos O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos i 'm sorry at the moment i can not obtain that for you . eos O O O O O O O O O O O O O O O N/A
+bos alright , thank you , i think that will be all for today . eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos again , thanks for all of your help today . good bye . eos O O O O O O O O O O O O O O general-bye
+bos you 're welcome . let me know if there is anything else i can help you with . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a train to kings lynn . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos what day would you be wanting to travel ? eos O O O O O O O O O O Train-Request+Day
+bos friday please . from cambridge leaving after 17:00 eos O B-Train-Inform+Day O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A
+bos the earliest train leaving after 17:00 on friday leaves at 17:11. would you like me to book this train for you ? eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook
+bos can you give me the train id on that one please ? eos O O O O O O O O O O O O O Train-Request+TrainID
+bos that would be tr9226 eos O O O O B-Train-Inform+Id N/A
+bos book it , please . i need a single ticket . eos O O O O O O O O O O O O N/A
+bos you have been booked for the train . your reference number is 0uic4mx9 . can i help you with anything else ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore
+bos i am looking for a restaurant in the east that serves international food . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A
+bos the the missing sock fits that criteria and is in the cheap price range . how else can i assist you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore
+bos is there one in the expensive ? eos O O O O O O O O N/A
+bos no . there are two moderately priced restaurants with international cuisine in the centre of town . would you like to hear about those ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-NoOffer
+bos hmmm ... .how about an expensive restaurant serving gastropub food in the east ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos there 's one restaurant that fits your requests , would you like me to book a reservation ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Booking-Inform
+bos no thank you . can i have to phone number and postcode for that restaurant ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos the phone number is 01223247877. it 's located in the cb13nl postcode . eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O N/A
+bos thank you so much . have a nice day ! eos O O O O O O O O O O O general-thank
+bos have a great day as well . i think you 'll love the royal standard . eos O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A
+bos thanks again for the information ! eos O O O O O O O general-thank
+bos have a great time . eos O O O O O O general-welcome
+bos thank you , goodbye . eos O O O O O O general-bye
+bos thank you for using our service . eos O O O O O O O O general-bye
+bos i 'm looking for a restaurant that services the americas in the centre . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O N/A
+bos i 'm sorry , i could n't find anything that matched your criteria . perhaps try another area ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer
+bos i would prefer to stay in the centre , anything in the moderate price range would be fine . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O Train-Request+Price
+bos i think yippee noodle bar would fit your needs . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A
+bos perfect thank you ! eos O O O O O general-thank
+bos would you like to book a table there ? eos O O O O O O O O O O Booking-Inform
+bos is there one that serves modern european food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos riverside is modern european . i also have de luca . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos please book reservations for 1 and provide me with the reference number . eos O O O O O O O O O O O O O O N/A
+bos what day and time should i book the reservation for ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time
+bos on second thought , can i just get the phone number , address and postcode for riverside ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr
+bos sure ! the phone number is 01223259988. the address is doubletree by hilton cambridge granta place mill lane postcode cb21rt . is there anything else i can help you with ? eos O O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore
+bos yes i need a train for thursday that leaves london kings cross and arrives in cambridge by 14:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos tr4216 leaves at 11:17 and arrives by 12:08. does that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook
+bos yes , it does . can i get the price of the ticket please ? eos O O O O O O O O O O O O O O O O Train-Request+Price
+bos sure , the ticket will cost you 23.6 gbp payable at the station . your reference number is j4mtk8v3 . anything else i can do for you ? eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no that seems to be everything . thanks ! eos O O O O O O O O O O general-thank
+bos you 're welcome . do n't hesitate to get in touch if you need anything else . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need help with a car accident dispute . eos O O O O O O O O O O N/A
+bos i 'd be happy to help , i have the number for parkside police , is that near your location ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i have the address and postal to check ? eos O O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the police station is parkside , cambridge , and the postcode is cb11jg . i can give you the telephone number , too . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos i 'm glad we could help . call us anytime you need something in cambridge . thank you ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos can you find me a hospital with a gastroenterology department around here ? eos O O O O O O O O O B-Hospital-Inform+Department O O O O N/A
+bos gastroenterology hospital phone number is 01223274284 eos O O O O O O O N/A
+bos thank you , what is the address and postcode ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address is hills rd , cambridge and the post code is cb20qq . is there anything else ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos that 's all the information i was looking for today . thanks for your help . eos O O O O O O O O O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-welcome,general-bye
+bos thank you . goodbye . eos O O O O O O general-bye
+bos you are welcome . good bye . eos O O O O O O O O general-welcome,general-bye
+bos hi . i need to find a train . eos O O O O O O O O O O Train-Inform
+bos sure , where and when are you departing from ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos i 'm departing from bishops stortford . i need to arrive in cambridge by 13:15. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A
+bos on friday , you can catch the tr6834 and arrive by 12:07. will you be traveling on friday ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos no , i 'll be leaving on sunday . eos O O O O O O B-Train-Inform+Day O O O N/A
+bos the tr1478 runs on sunday and will get you in by 12:07. will that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O O N/A
+bos yes thats perfect can you book that ? eos O O O O O O O O O N/A
+bos before i book i need to know how many tickets you need ? eos O O O O O O O O O O O O O O Train-Request+People
+bos it will be for 3 people . eos O O O O O O B-Train-Inform+People O N/A
+bos three tickets , you will arrive at 12:07 or a little after . 24.24 gbp payable at the station , your confirmation is yq92ijko . is there anything else i can help you with ? eos O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore
+bos i also need a restaurant in the moderate price range in the centre . i need a reservation for 3 at 20:30 on sunday and please provide the reference number . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O N/A
+bos there are 21 moderately priced restaurants in the centre , do you have a preference for the type of food served ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food
+bos i do n't care about that . please just pick what looks good to you ! eos O O O O O O O O O O O O O O O O O N/A
+bos the yippee noodle bar serves asian oriental food . do you want me to book this restaurant for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O Booking-Inform
+bos yes , please book it for me . eos O O O O O O O O O N/A
+bos i have booked that for you . the reference number is 7ynoxjf4 . what else can i help you with today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no , that will be all . thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos am injured and are looking for a hospital nearby eos O O O O O O O O O O Hospital-Inform
+bos the nearest hospital is located in hills rd , cambridge . eos O O O O O O O O O O O O N/A
+bos let me also have the postcode and telephone number , please . eos O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone
+bos sure the phone number is 01223245151 and the post code is cbq022 . eos O O O O O O O O O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos thank you for allowing me to help you today . eos O O O O O O O O O O O general-bye
+bos i 'm involved in a bit of an argument related to an automobile accident . can you help me out ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure ! i think you 'll need the police . their contact number is 01223358966. eos O O O O O O O O O O O O O O O O N/A
+bos can i please get the address instead ? eos O O O O O O O O O Police-Request+Addr
+bos they are located in parkside , cambridge cb11jg . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos good luck with everything . thank you . eos O O O O O O O O O general-bye
+bos hi ! i need to find the parkside police station please . eos O O O O O O O O O O O O O Police-Inform
+bos it 's address is parkside , cambridge with postcode cb11jg . eos O O O O O O O O O O O O N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos you are very welcome . have a good day . eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a specific hotel eos O O O O O O O O Hotel-Inform
+bos can you give me the name of the hotel you 're looking for ? eos O O O O O O O O O O O O O O O general-reqmore
+bos yes.its name is bridge guest house . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos i found it . would you like me to book it for you ? eos O O O O O O O O O O O O O O O Booking-Inform
+bos yes , for 6 people for 5 nights starting on friday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O N/A
+bos i apologize , but the hotel ca n't accommodate you . eos O O O O O O O O O O O O Booking-NoBook
+bos how about for sunday ? eos O O O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : ihw6xagz . eos O O O O O O O B-Booking-Book+Ref O N/A
+bos great , thanks for your help . eos O O O O O O O O general-thank
+bos you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos you can end this conversation now eos O O O O O O O N/A
+bos ok i will . eos O O O O O general-bye
+bos i need a taxi arriving by 18:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos okay , i can help with that . i 'll just need to know where you are traveling to and from eos O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i 'll go from ashley hotel to cherry hinton village centre eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O N/A
+bos you 're booked in a grey skoda , contact number 07960351382. can i help you with something else today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no that will be all ty eos O O O O O O O N/A
+bos you 're very welcome . eos O O O O O O general-welcome
+bos i need to speak to the police . eos O O O O O O O O O Police-Inform
+bos the number to the police station is 01223358966. eos O O O O O O O O O N/A
+bos thanks . what is the postcode and address ? eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos the postcode is cb11jg , and the address is parkside , cambridge . anything else you need ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos that is all i need today . thank you . eos O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre , and have a nice day . eos O O O O O O O O O O O O O O O general-bye
+bos hi , i 'm looking for a train from birmingham to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A
+bos i have this train ticket tr4887 birmingham new street cambridge friday 05:40 08:23 75.10 pounds 163 minutes eos O O O O O O B-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Time N/A
+bos i need it to arrive on friday , by 10:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O N/A
+bos there 's a train that arrives at 10:23. would you like me to book it ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , 10:23 will be fine . are you able to tell me the departure time , the price , and the travel time , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave
+bos it is leaving at 07:40 , price is 75.10 pounds and travel time is 163 minutes . eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A
+bos great , thanks so much . i am also looking for a particular attraction . can you see if it is still in cambridge ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos what is the name of the attraction ? eos O O O O O O O O O Attraction-Request+Name
+bos it 's saint john 's college . can you find the phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Phone
+bos here is the phone number you requested:01223338600. eos O O O O O O O B-Attraction-Inform+Phone N/A
+bos great , thank you . that 's all the information i require right now . eos O O O O O O O O O O O O O O O O general-thank
+bos okay , have a great day ! eos O O O O O O O O general-bye
+bos can you tell me more about the attraction called cambridge museum of technology ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos yes , i have pulled up information on this . what would you like to know ? eos O O O O O O O O O O O O O O O O O O general-reqmore
+bos what part of town is it in ? do you have the postcode ? eos O O O O O O O O O O O O O O O Attraction-Request+Post
+bos it is in the east and the postcode is cb58id . eos O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O N/A
+bos awesome . now please find me a train from cambridge to london liverpool street eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A
+bos on what day will you be travelling ? eos O O O O O O O O O Train-Request+Day
+bos i leave on monday . eos O O O O B-Train-Inform+Day O N/A
+bos i 'd be happy to help with your request , do you have a time in mind for departure or arrival ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to leave after 14:00 on monday . eos O O O O O O O O B-Train-Inform+Leave O O N/A
+bos the tr3602 leaves at 15:59 and arrives at 17:27. would you like me to book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no , i just need the information for right now . thanks for all your assistance ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that 's all i need , thank you so much ! have a great day ! eos O O O O O O O O O O O O O O O O O general-thank
+bos great , glad i could help ! eos O O O O O O O O general-bye
+bos i ca n't find a restaurant i am looking for . eos O O O O O O O O O O O O Restaurant-Inform
+bos do you know the name of it ? i can try and find it for you . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Name,general-reqmore
+bos the good luck chinese takeaway . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A
+bos that 's on 82 cherry hinton road . if you need to contact them for directions , their number is 01223244149. can i help with anything else ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes please . book a table for my party of 8 for 12:45 on monday . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i have made your reservation , with reference # d8e6cv1x . can i help you with anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for a hotel named kirkwood house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos that is one of my favorite guesthouses . do you need a reservation there ? eos O O O O O O O B-Hotel-Recommend+Type O O O O O O O O Booking-Inform
+bos yes please for 5 people for 5 nights from monday please . eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A
+bos booking was successful . your reference number is k7vlk45q . will that be all ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i also need a taxi between the two places . eos O O O O O O O O O O O Taxi-Inform
+bos what time would you like to travel ? eos O O O O O O O O O Taxi-Request+Leave
+bos i want to arrive in time for my lunch reservation . eos O O O O O O O O O O O O N/A
+bos taxi is ready , look for a black lexus , they can be reached at 07505999310 , any further questions ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos no , that 's all i needed . thank you for your help , it 's much appreciated ! eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for all the information . goodbye eos O O O O O O O O O general-bye
+bos i need a train from london kings cross to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos what day will you be departing ? trains depart starting at 5:17 then at each odd hour . trains arrive the next hour :08. eos O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-Request+Day
+bos on sunday . but i have to be there by 19:15. which one works best for that ? eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos there are 7 trains . the one that arrives closest to 19:15 is tr2952 which leaves at 17:17 and arrives at 18:08. would you like to book this ? eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos is there an earlier train ? eos O O O O O O O Train-Inform
+bos there is tr1688 that arrives by 14:08 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A
+bos great that should work can i get the price , and departure time of that ? eos O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave
+bos 18.88 pounds departure time 13:17. eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Leave N/A
+bos i need the postcode please . eos O O O O O O O Attraction-Request+Post
+bos what postcode are you requesting ? eos O O O O O O O N/A
+bos sorry . i am interested in finding a museum to attend and would need the postcode and phone number . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos there are 5 museums , 4 of which are free and one costs 3.50 pounds . do you know which area you would like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Attraction-Request+Area
+bos i do n't care about the area . can you give me the name , postcode , and phone number of the one with an entrance fee ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone
+bos sure , cambridge and county folk museum at 2-3 castle street has the entrance fee of 3.50 pounds . the phone number is 01223355159. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O N/A
+bos i will also need the postcode please . eos O O O O O O O O O Attraction-Request+Post
+bos sure , the postcode for the cambridge and county folk museum is cb30aq . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you 're welcome . is that all i can help you with today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos that should be all the info i need , thank you ! eos O O O O O O O O O O O O O general-thank
+bos you 're very welcome , enjoy your visit to cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'd like to visit a museum in the center of town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A
+bos there are 11 museums in the town centre area , all with free admission . are you looking for a particular type of museum ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O O O O O O O Attraction-Request+Type
+bos no . why do n't you pick one at random for me and give me the address and postcode . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos cambridge contemporary art museum address 6 trinity street postcode cb21su eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post N/A
+bos i am also looking for a train that should arrive by 15:15 and one that needs to leave on tuesday . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Day O N/A
+bos can you please give me your departure and destination ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos stevenage is my departure , my destination is cambridge . eos O O O O O O O O O O O N/A
+bos there is one train departing from cambridge and arriving in stevenage at 14:43. all other trains arrive earlier or later . would you like me to book this for you ? eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos that would be fine please book it for four people eos O O O O O O O O O O O N/A
+bos booking was successful , the total fee is 51.2 gbp payable at the station .reference number is : ujal7aej . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Id O O N/A
+bos thank you . your service was pleasant . eos O O O O O O O O O general-thank
+bos thank you and have a wonderful day ! eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train to cambridge that should arrive by 13:30. eos O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A
+bos on what day would you like to leave ? eos O O O O O O O O O O Train-Request+Day
+bos i would like to leave on sunday please . eos O O O O O O O B-Train-Inform+Day O O N/A
+bos ok , and what 's your departure station ? eos O O O O O O O O O O Train-Request+Depart
+bos i 'm departing from stansted airport . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A
+bos i have tr5358 arriving in cambridge by 12:52. would you like me to book it ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes please . i am also looking for places to go in town . eos O O O O O O O O O O O O O O O N/A
+bos i 'm happy to help . do you have any preferences for the type of attraction you would like to visit ? eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i 'd like to visit a college in the centre . i 'd like the entrance fee , address and phone number , as well , please . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos corpus christi is in the centre , the address is king 's parade and has an entrance fee of 2 pounds . their phone is 01223338000. would you like to hear about any others ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , thank you and have a good day ! eos O O O O O O O O O O O general-thank
+bos okay . thank you for calling ! eos O O O O O O O O general-bye
+bos i am looking for suggestions on where to go in town , i would like it to be entertaining and in the centre . eos O O O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are 44 attractions in the center of town . is there a particular kind of attraction you 'd be interested in ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos just some kind of entertainment . eos O O O O O O O N/A
+bos there is a nightclub called club salsa if you like to dance . would you like more information ? there are also some museums and cinemas if that sounds better . eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O general-reqmore
+bos what is the entrance fee for the museum please . eos O O O O O O O O O O O Attraction-Request+Fee
+bos the museum of archaelogy and anthropology is free to enter . would you like the address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos i apologize . i need to clarify that i 'm looking for an entertainment type of attraction in the center of town . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A
+bos there are no entertainment attractions in the centre of town in the system . eos O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O N/A
+bos are there any parks in the centre of town ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos yes ! the cambridge university botanic gardens are in the centre and the entrance fee is 4 pounds . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos can i get their phone number and address , too ? i also need to book a train from cambridge arriving by 10:15 on friday . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos the address for the botanic gardens is bateman street and the phone number is 01223336265. eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone N/A
+bos thanks . will you be able to book me that train ? eos O O O O O O O O O O O O O Train-Inform
+bos sure thing what destination and departure are you looking for on your train ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos what trains do you have going to bishops stortford on friday ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos there are 10 trains that go to bishops stortford , did you know what time you would like to arrive by ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Arrive
+bos i need to arrive by 10:15. i wo n't need you to book tickets for me , but the trainid , travel time , and price would be super helpful . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos there are 3 trains that arrive before 10:15. one that arrives at 6:07 , another at 8:07 and another at 10:07. which would you prefer ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos the one for 8:07. i just need the train id , travel time , and price . no need to book it . eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID
+bos tr6809 leaves cambridge at 07:29. it has a travel time of 38 minutes and costs 10.10 pounds . do you need any thing else today ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore
+bos that 's all i needed , thank you very much ! eos O O O O O O O O O O O O general-thank
+bos you 're very welcome . have a lovely day . eos O O O O O O O O O O O general-welcome
+bos hi i 'm looking for a train to anywhere after 9:00 ! eos O O O O O O O O O O O O O Train-Inform
+bos i have 2,240 departures fitting your criteria . do you have a destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest
+bos kings lynn , leaving on wednesday . eos O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O O N/A
+bos there are 15 trains that arrive in kings lynn on wednesday , what time would you like to get there ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O Train-Request+Arrive
+bos i do n't care about the arrival time . thanks . eos O O O O O O O O O O O O general-thank
+bos sure , the tr2831 departs cambridge at 09:11 , and arrives in kings lynn wednesday at 09:58. shall i book it , if so for how many riders ? eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos for eight riders , and please include my reference number . eos O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 78.4 gbp payable at the station . reference number is : fb2585pk . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos thanks . i 'm also interested in some sort of entertainment in the centre . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos how about vue cinema ? or the mumford theatre ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos vue cinema , what is the entrance fee and address for that location ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the address for vue cinema is the grafton centre , east road . i apologize but i do not have information on their entrance fee . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos do you happen to know if there is a nightclub in the centre ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos yes , we have five nightclubs in the centre of town . is there a particular one you 're looking for ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Name
+bos i do n't care which one you recommend , but can you tell me the entrance fee and address ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos 5 pounds , heidelberg gardens , lion yard ballare eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A
+bos thank you . that is all for now . eos O O O O O O O O O O general-thank
+bos we are happy to help . thanks for using our service . have a great day ! eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am looking for information on the scott polar museum . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos scott polar museum is in the centre . phone number is 01223336540. postcode is cb21er , address is lensfield road and entrance fee is free . anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore
+bos no that is all . thank you very much . eos O O O O O O O O O O O general-thank
+bos my pleasure , thank you for using cambridge towninfo centre . eos O O O O O O O O O O O O general-welcome
+bos sorry , i had another concern . i 'm looking for a train that goes to cambridge and arrives by 17:15 eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O N/A
+bos where will you be departing from and do you have a particular day you wish to leave ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day
+bos i want to depart wednesday from norwich eos O O O O O B-Train-Inform+Day O B-Train-Inform+Depart N/A
+bos there are several options meeting your criteria . what time would you prefer to depart ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos it does n't matter . i just need the travel time , departure time , and train id . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave
+bos tr0033 is the latest train that meets your requirements and leaves norwich at 15:16. if you want to catch an earlier train , they depart hourly . anything else i can do ? eos O B-Train-Inform+Id O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O general-reqmore
+bos that will be all for now.thank you very much eos O O O O O O O O O O general-thank
+bos you are very welcome . thank you for using the cambridge towninfo centre ! we appreciate your business , have a great a day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you for your help ! eos O O O O O O O general-thank
+bos have a great day . eos O O O O O O general-bye
+bos i am looking for places to go . preferably a museum in west . eos O O O O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O N/A
+bos there are several museums in the west . is there a particular type of museum you are interested in ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos no , i 'd just like it to be in the west . can you pick one and provide a phone number ? eos O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos ok , the lynne strover gallery is free . the phone number is 01223295264. anything else i can help with ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore
+bos yes i am looking for a train on friday that should depart from cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A
+bos there are over 200 trains leaving from cambridge on friday . do you have departure time and destination ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O Train-Request+Dest,Train-Request+Leave
+bos yes , i want to go to bishops stortford and leave after 20:00 please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O O O N/A
+bos tr4664 departs at 21:29. would you like me to book that for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook
+bos i was first wondering the price of that train and what time it arrived . oh ! i also forgot to ask for the postcode of the gallery ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive,Attraction-Request+Post
+bos no problem . the gallery 's postcode is cb30aq and the train to bishops stortford is 10.10 pounds per ticket and will arrive by 22:07. would you like to book this train ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos yes please ! can i get the arrival time and train id , please ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID
+bos the arrival time is 22:07 and the trainid is tr4664 . eos O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Id O N/A
+bos thank you , this is very helpful . eos O O O O O O O O O general-thank
+bos would you like me to book this train for you ? eos O O O O O O O O O O O O Train-OfferBook
+bos no that is not necessary . thanks for your help , that 's all i need for today . eos O O O O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using this system . eos O O O O O O O O general-bye
+bos i am looking to plan a trip i am looking to book some tickets at a place called abbey pool and astroturf pitch . eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos abbey pool and astroturf swimming pool east 12239020888 is free to get in there is not tickets for this eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O N/A
+bos what is the address ? eos O O O O O O Attraction-Request+Addr
+bos the address is pool way , whitehill road , off newmarket road . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos alright thanks for that . can you help me find a train departing from cambridge on monday ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos sure , there are 202 entries . where would your destination be ? eos O O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Dest
+bos sure i want to go to london kings cross and would like to arrive by 19:45. eos O O O O O O O O O O O O O O O O O N/A
+bos there is a train that arrives at 17:51 the closest before that is a train that arrives at 15:51. which one would you like ? eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O Train-Select
+bos i would like the 17:51 train please . eos O O O O O O O O O Train-Inform
+bos would you like me to go ahead and book a ticket for you ? eos O O O O O O O O O O O O O O O Train-OfferBook
+bos yes , please . could you give me the total travel time and train id for my records ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID
+bos alright , i have you booked on the tr7786 . reference number is : wa4bz1mr . the duration of the trip will be 51 minutes . anything else ? eos O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O O O O general-reqmore
+bos what is my departure time ? eos O O O O O O O Train-Request+Leave
+bos your departure time is 17:00. eos O O O O O B-Train-Inform+Leave N/A
+bos thanks ! that 's all i needed . goodbye ! eos O O O O O O O O O O O general-bye
+bos you 're welcome . the tickets are 23.60 pounds each . let me know if there 's anything else you need . enjoy your trip . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-reqmore
+bos i am looking for a train that leaves on thursday going to cambridge . eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A
+bos there are 202 trains that meet what you are asking . where would you like to depart from ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Depart
+bos london kings cross , it should also leave after 16:30. eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A
+bos tr1149 departs london kings cross at 17:17 and arrives in cambridge at 18:08. will that work ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O general-reqmore
+bos yes it will . can you book that for just me , and provide the reference number ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Ref
+bos sure thing ! how many tickets do you need ? eos O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos i need one ticket and can i please have the reference number ? eos O O O O O O O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 23.6 gbp payable at the station . reference number is : r57g4du4 . can i provide any further help today ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos i am also looking for places to go int town . i 'd love for it to be sports related in the town centre . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have four swimming pool locations . what do you think about those ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Type
+bos do you have anything else that is not swimming ? eos O O O O O O O O O O O N/A
+bos unfortunately , i 'm not seeing any . eos O O O O O O O O O Attraction-NoOffer
+bos okay what about any type of theatre ? which is your favorite ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos adc theatre on park street is my favorite . next would be the cambridge corn exchange . eos O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A
+bos that 's sounds good . can i get their number and postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post
+bos the adc theatre 's postcode is cb58as and their phone number is 01223300085. can i help you with anything else today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , that should do it . thanks so much for all the help . have a good day ! eos O O O O O O O O O O O O O O O O O O O O O general-thank
+bos you are very welcome ! we appreciate your business and thank you again for using the cambridge towninfo centre ! we hope to see you again . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train . the train should leave on monday and should go to birmingham new street eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A
+bos what is your departure time and location ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave
+bos leaving cambridge going to birmingham new street on monday any time after 15:15. eos O O O O O O O O O O O O O O N/A
+bos there are several trains available . are you able to provide a specific time ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave
+bos no , the first train after 15:15 will work . i need to book the trip for 8 people , and please include my reference number . eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos train tr7900 leaves cambridge for birmingham new street monday at 16:01. your reference number is ocf8o3gj . eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-OfferBooked+Ref O N/A
+bos can you help me find a theatre in the centre of town ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos sure , there is cambridge arts theatre , it is located at 6 saint edward 's passage . there are 3 others if you would like information on them as well . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O N/A
+bos sure . can you give me the names and addresses of the other 3 as well ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos cambridge arts theatre is at 6 saint edward 's passage , mumford theatre is at anglia ruskin enterprise , east road ; and the cambridge corn exchange is at wheeler street . eos O O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A
+bos ok , great . that 's all i needed . thank you for all of your help ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-bye
+bos i am looking for a museum attraction in east cambridge . could you help me with that ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O N/A
+bos the cambridge artworks museum is located in east cambridge . does that sound like something you are interested in ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Select
+bos that sounds great ! how much does it cost ? eos O O O O O O O O O O O N/A
+bos cambridge artworks is actually free ! would you like the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O O O O general-reqmore
+bos yes , please . can i get the phone number as well ? eos O O O O O O O O O O O O O O Attraction-Request+Phone
+bos you sure can . the address is 5 greens road , cb13ef . the phone number is 01223902168. is there anything else i can assist with ? eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , i need a train out of cambridge on monday eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos we will miss you ! where are you traveling to ? eos O O O O O O O O O O O O Train-Request+Dest
+bos i 'm going to leicester . eos O O O O B-Train-Inform+Dest O O N/A
+bos there 's a train leaving cambridge every hour , what time do you want to leave and/or what time do you want to get to your destination ? eos O O O O O B-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave
+bos i 'd like to leave on the first train available after 9:00. eos O O O O O O O O O O O O O Train-Inform
+bos tr2192 leaves at 09 21 shall i book it ? eos O B-Train-Inform+Id O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O Train-OfferBook
+bos yes please for 1 person and i 'll need the reference number . eos O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos you 're all set ! your reference number is zl6aot03 and the total fee is 37.79 gbp payable at the station . eos O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A
+bos thanks . that was all i needed today . goodbye . eos O O O O O O O O O O O O general-bye
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an expensive restaurant in the center of town . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos there are many expensive restaurants in the centre of town , is there a specific type of food you would like ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food
+bos is there any turkish cuisine ? if so i need the postcode and the address . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the meze bar restaurant matches your tastes . it is located at 196 mill road city centre . the postcode is cb13nf . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O N/A
+bos i am also looking for museums in the area . eos O O O O O O B-Attraction-Inform+Type O O O O N/A
+bos there are many museums listed in the centre area , what kind of museum are you interested in ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos i do n't really care , what do you recommend ? i will need the postcode and entrance fee please . eos O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos how about cambridge contemporary art ? the entrance is free and the postcode is cb21su . enjoy ! eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O N/A
+bos thank you . i would also like a taxi to commute between the two places . eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos certainly . when would you like your taxi to depart ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i need to arrive at cambridge contemporary art by 19:15 please . eos O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos no problem . your taxi has been reserved . your driver 's contact number is 07035811281 and will be driving a grey toyota . is there anything else you need today ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O general-reqmore
+bos no , that will be all , thank you ! eos O O O O O O O O O O O general-thank
+bos okay , have a nice day . eos O O O O O O O O general-bye
+bos i need a train going from stevenage to cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos there are several trains available . what day and time would you like to travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day
+bos i would like to leave on tuesday and need to arrive by 09:00. eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A
+bos tr5737 will arrive in cambridge tuesday by 8:43 , will this suit your needs ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O N/A
+bos yes . can i also please have the departure time and travel time for this trip ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos departure time for tr5737 is 07:54 and duration is 49 minutes . eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos yes thank you . that is all . eos O O O O O O O O O general-thank
+bos okay great . glad i could be of assistance today . eos O O O O O O O O O O O O general-bye
+bos i 'm looking for university arms hotel eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos university arms hotel is an expensive 4-star hotel in the centre of town on regent street . the hotel has internet and parking . would you like me to book you a room ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , i need 3 nights for 1 person starting from saturday and the reference number . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O Hotel-Request+Ref
+bos i 've got it booked ! here 's your reference number : 8qbuv7um . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i am also looking for places to go on the west side of town . can you suggest some places ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos do you have any preferences in the type of activity ? museums ? entertainment ? colleges ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos a museum would be fine . i 'll just need to know the entrance fee . eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Fee
+bos lynne strover gallery which is my favourite has free entrance . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O N/A
+bos i also want to book a taxi to commute between the two places eos O O O O O O O O O O O O O O Taxi-Inform
+bos sure , which direction will you need to travel and when ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos from the hotel to the museum , leaving by 22:00. eos O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos ok. i was able to book a yellow bmw for you . the contact number is 07465102447. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A
+bos thanks for all of your help ! eos O O O O O O O O general-thank
+bos i 'm glad i was able to help you . thanks for using our service today . hope you have a good day . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos i need help locating a moderately priced italian restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos there are 5 results . what area would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area
+bos i do n't care which area , as long as i can make a reservation . eos O O O O O O O O O O O O O O O O O N/A
+bos i recommend pizza express fen ditton , the restaurant 's address is jesus lane fen ditton . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A
+bos please reserve a spot for me and two other friends ( 3 total ) on friday at 17:15. eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 1mywh06h . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i 'd also like a place to stay with free wifi in the west . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are four places to pick from any other preferences ? eos O O O B-Hotel-Inform+Choice O O O O O O O O general-reqmore
+bos how about a 4 star rating hotel ? eos O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O N/A
+bos okay , i found two options for you : the huntingdon marriott hotel and the cambridge belfry . do either of those interest you ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select
+bos i would like it to be in the west . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos the huntingdon marriott hotel is a fine 4-star hotel in the west . how many rooms would you and your friends require and i 'll make the reservation on your behalf . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform
+bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes they have free parking and free internet . would you like a reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no , thank you . i would just like the hotel 's phone number . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O Hotel-Request+Phone
+bos their phone number is 01480446000. eos O O O O O B-Hotel-Inform+Phone N/A
+bos great , thanks . i 'm also going to need to get a taxi to the restaurant from the hotel for our reservation time . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos i have you a taxi . a yellow ford . you can contact them at : 07153648167 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thank you very much today . that is all . eos O O O O O O O O O O O general-thank
+bos you 're very welcome ! bye now ! eos O O O O O O O O O general-welcome,general-bye
+bos i would like to visit an attraction the has multiple sports . eos O O O O O O O O O O O O O Attraction-Inform
+bos i found one for you . it 's the cherry hinton village centre on colville road . do you need any additional information ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O general-reqmore
+bos what is the entrance fee ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Fee
+bos i do n't have that information , but you can call them at 01223576412 to get more information . eos O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O O O N/A
+bos i also would like to find turkish restaurant in the center of town . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A
+bos i have three turkish restaurants in the centre . two are moderate price and one is expensive . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Price O N/A
+bos i do n't care about the price range . will you please book me a table for 3 people at 17:15 on wednesday at one of the restaurants ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O N/A
+bos i have booked you a table for 3 at the meze bar restaurant on wednesday at 17:15. the reference number is x6ay26u1 , can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no thank you that is all . eos O O O O O O O O general-thank
+bos thank you for using our services . have all of your needs been met today ? eos O O O O O O O O O O O O O O O O O general-reqmore
+bos thats everything i needed thanks for the help ! eos O O O O O O O O O O general-thank
+bos you are very welcome . please contact us again if you need further assistance . eos O O O O O O O O O O O O O O O O general-welcome
+bos i need a place to go in cambridge that has sports in the centre eos O O O O O O O O O O O O O O O N/A
+bos the only sports area in town is in the east . would you like to look for a different type of attraction ? eos O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Type
+bos sure . i 'd like to find something in the area of architecture . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O Hotel-Request+Area
+bos i have 5 different options , the holy trinity church is free and it is a must see attraction ! eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O O O O O O N/A
+bos ok. what is the phone number for holy trinity church ? eos O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223355397. eos O O O O O B-Attraction-Inform+Phone N/A
+bos can i have the address and phone number , please ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos sure thing , the phone number is 01223355397 and the holy trinity church is located on market street . is there anything else that i can do for you ? eos O O O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos can you find me an expensive place to stay , it should be only 4 stars and include free wifi and parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos would you like it to be in the west or centre ? eos O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area N/A
+bos it does n't matter . could you also get me the postcode for holy trinity church ? i forgot to ask . eos O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post
+bos cb23nz is the postcode eos O B-Attraction-Inform+Post O O O N/A
+bos what area is it in ? eos O O O O O O O Hotel-Request+Area
+bos it is in the centre area , can i assist with anything else ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore
+bos no that will be all thank you so much . eos O O O O O O O O O O O general-thank
+bos you 're very welcome ! bye ! eos O O O O O O O O general-welcome,general-bye
+bos yes , i 'm looking for a place to stay . my family ca n't wait to visit some of the local attractions there . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos i can help with that . do you have a preference ? eos O O O O O O O O O O O O O Attraction-Request+Type
+bos they really dislike the small size of most guesthouses , so why do n't we look for hotels instead . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos where does your budget lie , between expensive and cheap ? eos O O O O O O O O O O O O Hotel-Request+Price
+bos moderate pricing and book it for 2 people for 5 nights starting on weds and i need ref number eos O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O O Hotel-Request+Ref
+bos i have a place called the lovell lodge . i was able to book you successfully . reference number is : mkvvdabx . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i 'm looking for information on an attraction called byard art eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos byard art is a fantastic free museum on the south side of town . it 's located at 14 king 's parade , cb21sj . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O N/A
+bos what 's the fee for that ? eos O O O O O O O O N/A
+bos it is actually free . what else can i tell you ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore
+bos i would like a taxi between the hotel and the museum . eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos can you tell me what time you would like the taxi to leave after or arrive by ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i want to leave the hotel by 24:45 , so it will be from lovell lodge to byard art eos O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O O O O O O O N/A
+bos i have your taxi reservation made . what else can i do for you ? eos O O O O O O O O O O O O O O O O Taxi-Inform,general-reqmore
+bos can i get the contact number and car type ? eos O O O O O O O O O O O Taxi-Request+Car
+bos of course ! the car type is yellow toyota . the contact number is 07952079804. can i help you with anything else today ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i think that 'll be all . thank you for your help . eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome . thank you for using the system . have a good day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i could use some help with information on places to stay . eos O O O O O O O O O O O O O O O N/A
+bos yes , i can help with that . what area would you like to stay in and what is your price range ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos the price range is on the expensive side and i would like if they provide free wifi and parking . i want the hotel to be located on the north side . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos we do n't have any hotels that fit your criteria . would you like to search for something a little different instead ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O O general-reqmore
+bos yes , i would like to find a hotel in the south . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos the lensfield hotel at 53-57 lensfield road is a fabulous 3 star hotel that offers internet and parking . would you like me to book you a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos that sounds perfect . i need it for 3 nights and 7 people will be staying starting monday . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A
+bos okay , the booking was successful . the reference number is fgom35jv . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks . i am also looking for a train to broxbourne from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos when will you be traveling ? eos O O O O O O O Train-Request+Day
+bos i am leaving on thursday . eos O O O O O B-Train-Inform+Arrive O N/A
+bos did you have a specific departure or arrival time in mind ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i am looking for all saints church in cambridge eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos all saints church is in the centre area on jesus lane . it is free to visit . would you like more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore
+bos address and entrance fee please ? eos O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos the church is at jesus lane postal code cb58bs and the admission is free . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos thank you ! i 'm also looking for the warkworth house hotel . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A
+bos do you want to make a reservation there ? eos O O O O O O O O O O Booking-Inform
+bos i do n't know yet , what is it 's star rating and postcode ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post
+bos warkworth house has a 4 star rating . their post code is cb11ee eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Post O N/A
+bos i also need to book a taxi to get to the attraction by 3:30 and i will need the contact number and car type . eos O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos okay , i got a white lexus with a contact number of 07515585036 , that 'll take you to the church . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Dest O O O O N/A
+bos thanks for your help ! eos O O O O O O general-thank
+bos you 're welcome . have a great trip ! eos O O O O O O O O O O general-welcome,general-bye
+bos hello , can you recommend attractions in the centre of town , please ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos absolutely ! my favorite place in the center of town is cambridge university botanic gardens . it 's beautiful there ! eos O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-greet
+bos that sounds great , thank you very much ! what type of attraction is that ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos it is a park . can i give you their phone numbers ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O general-reqmore
+bos no thanks . can you find a guesthouse with free parking for me ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A
+bos there are 21 guesthouses . do you have a preference in price range or area of town ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos no , but i definitely need free wifi . eos O O O O O O O O O O N/A
+bos that narrows it down to 21 options . would you like a particular star rating ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars
+bos not really . it 's fine . eos O O O O O O O O N/A
+bos well , if you 'll be visiting the centre , i recommend the el shaddai . it 's moderately priced with wi-fi and parking . would you like me to make a booking for you ? eos O O O O O O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , i will need it for 5 nights . 2 people and starting monday . eos O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O N/A
+bos the booking was successful . 8qcqdyfq is your reference number for that booking . is there anything else that i can do for you ? eos O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i will need a taxi as well eos O O O O O O O O Taxi-Inform
+bos certainly , i can help you with that . what time would you like to leave or arrive by ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave,general-greet
+bos i would like to leave the park by 11:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos your taxi will be a yellow volvo waiting at 11:00. the contact number for the taxi is 07072119452. may i help you with something else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Leave O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos great that 's all the info i needed today , thanks ! eos O O O O O O O O O O O O O general-thank
+bos i 'm glad i could help you . eos O O O O O O O O O general-welcome
+bos me too . have a nice day . eos O O O O O O O O O N/A
+bos enjoy your day , goodbye . eos O O O O O O O general-bye
+bos i want to find a museum located in the west . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos how about cafe jello gallery ? it 's gotten great reviews . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-greet
+bos what is the entrance fee ? can you please provide the address and postcode ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos cafe jello gallery , 13 magdalene street . postcode cb30af eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O N/A
+bos i also need a dining place . international food in expensive range would work for me . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O N/A
+bos i 'm sorry but it does n't look like we have any listings for expensive international restaurants . would you like to choose a different type of food ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos are you sure ? it should be in the west eos O O O O O O O O B-Restaurant-Inform+Area O O N/A
+bos i 'm afraid there are n't any . would you like to try a different price range or cuisine ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer
+bos how about indian ? eos O O O B-Restaurant-Inform+Food O N/A
+bos there are 5 restaurants in the west that serve expensive indian food . may i make a reservation for you ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform
+bos as long as it serves indian we 're good . i need the address and phone number eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos i recommend india house ! it 's located at 31 newnham road newnham . their phone number is 01223461661. can i do anything else for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos can i get a taxi to take me between the two ? i need to leave the cafe jello attraction by 21:00. i need the contact number and car type ? eos O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O Taxi-Request+Car
+bos done ! the car will be a red tesla , and you may call 07730461220. can i help you with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O O O O O general-greet,general-reqmore
+bos that is all of the information that i need , thank you . eos O O O O O O O O O O O O O O general-thank
+bos your welcome and if there is anything else please do n't hesitate to give me a call back . eos O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos can you help me find a train going to broxbourne ? eos O O O O O O O O O O B-Train-Inform+Dest O N/A
+bos i can help you find a train but need more information . what day do you need the train and where are you traveling to ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,general-reqmore
+bos i would like to leave on saturday , leaving from cambridge , and i would like to arrive by 17:45. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O N/A
+bos okay the tr8252 arrives by 17:45. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A
+bos that will work . can you book me 2 seats , please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A
+bos booking was successful , the total fee is 28.64 gbp payable at the station . reference number is : 8rmlz0n0 . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos yes , could you recommend a swimming pool in the centre ? eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A
+bos sure thing , this is the pool in the centre parkside pools . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Name O O N/A
+bos ok that sounds like what we need eos O O O O O O O O N/A
+bos it is at gonville place . i 'm not sure how much it is to enter the pool . 01223446100 is the phone number that could give you further information . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O N/A
+bos could you give me the postcode , address please ? too bad it does n't mention the entrance fee , but i will call them . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos the address is gonville place , postcode cb11ly . what else can i help you with today ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos that is all . thank you so much ! eos O O O O O O O O O O general-thank
+bos thank you for using our service today ! eos O O O O O O O O O general-greet
+bos i want to book a room in a place that has a 4-star rating . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos what price range do you have in mind ? eos O O O O O O O O O O Hotel-Request+Price
+bos what price ranges are available for a 4 star hotel that includes free wifi and free parking ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O Hotel-Request+Price
+bos there are options in all price ranges- cheap , moderate , and expensive . eos O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Choice O O O O O O O O O O O N/A
+bos i do n't care which price range it is as long as it has free wifi and parking . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i would recommend the huntingdon marriott hotel on the west side of town . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O N/A
+bos thanks , i will keep that one in mind when i am ready to book . i need to find a train also . from liverpool street on friday . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O N/A
+bos sure , what is your destination ? eos O O O O O O O O Train-Request+Dest
+bos i need to get to cambridge by 09:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A
+bos we have a train arriving by 9:07. would you like to make a reservation ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos yes that will work thank you . eos O O O O O O O O general-thank
+bos great , how many tickets do you need ? eos O O O O O O O O O O Train-Request+People
+bos i need 5 tickets please . i 'll also need the reference number . eos O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref
+bos booked ! reference number : hvl4ggv6.at the station you are to pay 83 gbp . eos O O O O B-Train-OfferBooked+Ref O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O N/A
+bos thanks so much for your help today . eos O O O O O O O O O general-thank
+bos your welcome . it has been a pleasure assisting you today . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos hello , i need a train to take me london kings cross and i need to arrive by 13:15. eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A
+bos how about tr5767 that leaves at 05:00 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A
+bos that is too early in the morning for me . is there one that will get me there close to 13:15 ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the best option for you will arrive at 11:51. would you like me to book it for you . eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Booking-Inform
+bos sure , the train departs from cambridge right ? and what 's the departure time and travel time . this is also leaving on tuesday correct ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O Train-Request+Duration,Train-Request+Leave
+bos yes , it departs from cambridge . eos O O O O O B-Train-Inform+Depart O O N/A
+bos can you get me the travel time and the departure time ? that 's all i need to know about the train . eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave
+bos travel time is 51 minutes and the cost is 23.60 pound . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A
+bos great . thank you . i will also need a place to stay - i 'm thinking a cheap guesthouse . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A
+bos i would suggest this one autumn house . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A
+bos i would like the guesthouse to have a 0 rating and free wifi . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos there are two places available . i would highly suggest el shaddai , would you like for me to book this guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform
+bos does it have free parking ? eos O O O O O O O Hotel-Request+Parking
+bos yes , it does . would you like to make a reservation ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform
+bos not yet , can i just get their phone number please ? eos O O O O O O O O O O O O O Hotel-Request+Phone
+bos sure , the phone number for el shaddai is 01223327978. can i assist you with anything else , today ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore
+bos i think that 's everything . thank you . eos O O O O O O O O O O general-thank
+bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome
+bos i 'm looking for a train going to norwhich from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A
+bos i 've got 133 scheduled between cambridge and norwich . what day of the week are you planning to travel ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Day
+bos i would like to leave on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos we have quite a few results . is there a specific time you 'd like to leave or arrive by ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos there are 7 people in my party and we 'd like to leave after 16:15 on tuesday . i 'll need a reference number , please . eos O O O O B-Train-Inform+People O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O N/A
+bos alright , the booking was successful , the total fee is 123.2 gbp payable at the station . reference number is : kfmniogf . eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O N/A
+bos thank you so much . we also need a cheap place to stay . can you help with that ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos is there a part of the city you would like to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i am looking for a hotel with a star of four with free wifi . eos O O O O O O O O O O O O O O O O N/A
+bos we have 21 hotels and guesthouses that match those requirements . do location or price matter ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like a guesthouse . location and price are n't important . eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos okay . i would recommend the a and b guest house on the east side of town . eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O N/A
+bos ok , please book for 4 nights beginning thursday for 2 people . thank you . eos O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O O N/A
+bos what day will you be checking in ? eos O O O O O O O O O Booking-Request+Day
+bos oh before you book , please advise on whether they have free parking or not . eos O O O O O O O O O O O O O O O O O Hotel-Request+Parking
+bos they do not have free parking but they do have free internet . eos O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos well that does not work , can i get the phone number anyway ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone
+bos their phone number is 01223315702. is that all ? eos O O O O O B-Hotel-Inform+Phone O O O O general-reqmore
+bos and what area is it in ? eos O O O O O O O O Hotel-Request+Area
+bos it is in the east . is there anything else you need ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos yes . i need a train leaving anytime after 17:45 in cambridge and going to stevenage on monday . 2 tickets and the ref would be great eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+People O O O O O O O O Train-Request+Ref
+bos booking was successful , the total fee is 25.6 gbp payable at the station .reference number is : d4ak1sn3 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos ok , thank you . this is all the information i need right now . eos O O O O O O O O O O O O O O O O general-thank
+bos i hope we were able to help you today . eos O O O O O O O O O O O general-welcome
+bos can you help me find a place to stay that 's four stars and has free wifi ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos twenty one accomodations meet your needs . what part of town are you planning to stay in ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos that does n't matter as long as it 's cheap . eos O O O O O O O O O O O O N/A
+bos there are 21 places in that criteria . what area of town ? or perhaps a need for free parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking
+bos it does n't matter . like i told you , it just needs to be a cheap 4 star place with free wifi . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos the alexander bed and breakfast is the best option . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A
+bos okay i would like to make a booking for 5 people and 4 nights starting from wednesday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos will you needing a reference number ? eos O O O O O O O O N/A
+bos yes , of course . eos O O O O O O N/A
+bos booking was successful.reference number is : jvc5msav . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos i also need a train on friday , departing after 9:00. eos O O O O O O O B-Train-Inform+Day O O O O N/A
+bos ok. where are you departing from ? eos O O O O O O O O Train-Request+Depart
+bos i am departing from cambridge eos O O O O O B-Train-Inform+Depart N/A
+bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest
+bos i will be traveling to ely , no need to book , but i need the train number , travel time departure time and arrival time eos O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive
+bos train tr8792 departs at 09:50 and will arrive in ely at 10:07. the total travel time is 17 minutes . anything more i can help with ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore
+bos that is all . thanks for your time . eos O O O O O O O O O O general-thank
+bos your welcome , have a great day ! eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a place to stay in the cheap price range . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price
+bos okay what area of town are you wanting to stay in ? any free parking or wifi ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i do need both free parking and free wifi please . eos O O O O O O O O O O O O N/A
+bos i found several hotels that might work for you in the centre , east and north part of town . can you tell me where you 'd like to stay ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Area
+bos is there anything available in the north ? eos O O O O O O O B-Hotel-Inform+Area O N/A
+bos yes , there is the city centre north b and b and the worth house . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos great . please book it for 8 people and 4 nights starting from monday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A
+bos which one would you like me to book ? eos O O O O O O O O O O Booking-Inform
+bos let 's go with city centre . eos O O O O O O O O N/A
+bos your booking was successful . your reference number is m6554531 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos can you also help me find a train to get me to leicester on wednesday ? eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A
+bos train tr3138 leaves at 07:21 and will arrive in leicester at 09:06. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A
+bos not decided on the train yet , still have to consult the group , what is the price ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos 8 tickets costs 302.29 gbp payable at the station eos O O B-Train-Inform+People I-Train-Inform+People B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A
+bos thanks . i do n't want to book the train yet , so i think i am all set . eos O O O O O O O O O O O O O O O O O O O O O Train-Inform
+bos oh , just to mention the cost of a single ticket is 37.80 pounds . have a great day . goodbye . eos O O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-welcome,general-bye
+bos i am looking for a particular hotel . its name is called archway house . eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos archway house is a moderately priced 4 star hotel in the north that offers free parking and internet . would you like me to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , can you please book it for 5 people , 5 nights , starting on wednesday ? eos O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O N/A
+bos done . the reference number is : ffe8zdnv eos O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks for the help . eos O O O O O O general-thank
+bos you 're welcome and have a great day ! eos O O O O O O O O O O general-welcome,general-bye
+bos i was hoping to find a college to visit while in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos sure , what area of town are you looking to visit ? eos O O O O O O O O O O O O O Attraction-Request+Area
+bos definitely the west . i 'll need a phone number , address and postcode , please ? eos O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr
+bos certainly . queen 's college is located on silver street , postcode cb39et . that phone number is 01223335511. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O N/A
+bos i am also hungry eos O O O O O N/A
+bos i can help you with finding a restaurant . do you have particular one in mind ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Name
+bos yes , i 'd like to try some polynesian food . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos i 'm sorry there are no polynesian restaurants . would you like a different type of food ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O Restaurant-Request+Food
+bos can you try an indian place instead ? and something in the west . eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O N/A
+bos there are six restaurants . would you like rice boat ? eos O O O O B-Restaurant-Inform+Choice O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A
+bos is it moderately priced ? eos O O O B-Restaurant-Inform+Price O O N/A
+bos they are mostly expensive and there is one that is moderately priced . eos O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price N/A
+bos can you book the moderate priced one for 4 people at 12:45 on monday ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos i have booked you a table at meghna for monday at 12:45 for 4 people . your reference number is b2rnyueg . eos O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time B-Booking-Book+People O O O O O O B-Booking-Book+Ref O O N/A
+bos great that was all i needed today . eos O O O O O O O O O N/A
+bos happy to be of service , and thanks for using the cambridge towninfo centre today ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for a guesthouse to stay in that is cheap . can you help me with that ? eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos you 're in luck , i have 9 guest houses available in the cheaper price range . what area of town would you like to stay in ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Area
+bos does not matter but i do need free wifi and and a star of 0. eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars N/A
+bos there are two guesthouses that meet your needs : city centre north b and b in the north and el shaddai in the centre . would you like to book one of these ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos north b and b sounds nice . could you book this for me ? eos O O O O O O O O O O O O O O O N/A
+bos how many people are in your party and when will you be staying ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos there will be four people . eos O O O O O O O N/A
+bos and how many nights will you be staying ? and what day are you arriving ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day
+bos i 'll be arriving on saturday and staying 3 nights . eos O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O N/A
+bos your reference number is ireq1ekt . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i also need a train . it should leave bishops stortford after 12:15 , going to cambridge on saturday . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A
+bos the first train after 12:15 is tr5108 which leaves at 13:29 , does that work for you ? eos O O O O O O O B-Train-Select+Id O O O B-Train-Select+Leave O O O O O O O N/A
+bos sounds perfect . please book me enough tickets for the same group of people . thanks eos O O O O O O O O O O O O O O O O O N/A
+bos your train tickets are all booked ! your reference number is kooydyfy . is there anything else i can help you with ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos can we increase the amount of people to 8 ? eos O O O O O O O O O B-Train-Inform+People O N/A
+bos no problem , the fee is 64.64 and reference number is b5jcs4tl . eos O O O O O O B-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A
+bos i think that is it , got bookings for hotel and train . eos O O O O O O O O O O O O O O Train-Inform,Hotel-Inform
+bos would you like me to look up anything else for you today ? eos O O O O O O O O O O O O O O general-reqmore
+bos nope . that 's all . bye , thanks . eos O O O O O O O O O O O general-bye
+bos thanks for calling cambridge town info centre . have a great day . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos i need to find a train leaving cambridge and going to ely . can you help ? eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O N/A
+bos i can help ! there are many options eos O O O O O O B-Train-Inform+Choice O O N/A
+bos i need to leave on friday and arrive by 21:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A
+bos there is the tr6053 that arrives by 20:07. do you want me to book it ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook
+bos what 's the travel time on that one ? eos O O O O O O O O O O Train-Request+Duration
+bos you can book tr6053 since it is only a 17 minute trip . thank you eos O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O N/A
+bos what time does that train leave cambridge ? i also need a place to stay in ely , with free parking and free wifi ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Leave
+bos the train leaves ely at 19:50. would you prefer a guesthouse or hotel ? eos O O O O O B-Train-Inform+Depart B-Train-Inform+Leave O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A
+bos really makes no difference to me as long as its on the north side of town eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A
+bos i have about 11 different places so far . do you have a certain price range in mind ? that may help narrow it down some . eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i will take any suggestions you have . eos O O O O O O O O O N/A
+bos the hamilton lodge is moderately priced and has 3 stars . would you like to make reservations ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform
+bos can you confirm if the hamilton lodge has both free parking and free wifi ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A
+bos yes , the hamilton lodge has free parking and wifi . would you like me to book ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no , not today . i just needed information . eos O O O O O O O O O O O N/A
+bos no problem , anything else besides the hotel and train today ? eos O O O O O O O O O O O O O general-reqmore
+bos no that is all thanks eos O O O O O O general-thank
+bos you are welcome . it was a pleasure serving you from cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 've heard of your museum of classical archaeology , and i 'd like to know more about it . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O N/A
+bos the museum of classical archaeology is in the west part of town . would you like the address or phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A
+bos the west part of town ? sure , give me more info about it ? eos O O O O O O O O O O O O O O O O N/A
+bos it 's address is at sidgwick avenue and it is free to enter . would you like their phone number as well ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O N/A
+bos no , but i need a cheap chinese restaurant nearby as well . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A
+bos there are n't any cheap chinese restaurants nearby but there are 4 in town . would you be interested in any of those ? eos O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O N/A
+bos yes , please . i need it for 8 people at 14:00 thursday and a reference number . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O Restaurant-Request+Ref
+bos i have that booked for you at charlie chan 's in the centre of town . reference number e41s2afe eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Booking-Book+Ref O O N/A
+bos i 'll need a taxi to commute between the two . eos O O O O O O O O O O O O Taxi-Inform
+bos i have you booked at charlie chan on thursday at 14:00 here is your reference number is : e41s2afe . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O N/A
+bos can i please also book a taxi between the museum and the restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos when would you like the leave and arrive by ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i do n't mind what time we leave , but i need to arrive at the restaurant by 14:00. eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A
+bos i was able to book that taxi for you . be looking for a black skoda . should you need to contact them , their phone number is 07389012325. anything else ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos what time did you book the taxi to pick me up at the museum ? eos O O O O O O O O O O O O O O O O Taxi-Inform
+bos they did not mention what time that would be , only that you 'd be arriving at the restaurant by 14:00. perhaps you can give them a ring at that contact number ? eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O O O O O O O O O O N/A
+bos i 'll do that . could you please tell me once more the contact number and the car type ? eos O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos the car type is a black skoda and the contact number is 07389012325. is there anything else i can do ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that is all . thank you . eos O O O O O O O O general-thank
+bos thank you and enjoy your visit . have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you once again for your help . eos O O O O O O O O O general-thank
+bos please have a nice day . eos O O O O O O O general-bye
+bos hi , i am looking for a place to swim at in cambridge . eos O O O O O O O O O O O O O O O N/A
+bos there are four , including parkside pools located in the centre . eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O N/A
+bos may i have their phone numbers and the entrance fee for the pools . eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the number for parkside pools is 01223446100. you will need to call them to see if there is an entrance fee . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O general-greet
+bos thanks , also in the centre of cambridge , could you find me an asian oriental place to dine ? eos O O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A
+bos there are 4 options for asian oriental which range from cheap to expensive . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select
+bos i prefer moderate cost eos O O O O O N/A
+bos the yippee noodle bar is moderately priced . would you like me to book you a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O Booking-Inform
+bos yes i would like to book a table for 7 on monday at 17:45 eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos unfortunately it is not available at that time or party size . eos O O O O O O O O O O O O O Booking-NoBook
+bos let 's try 16:45 then . eos O O O B-Restaurant-Inform+Time O O O N/A
+bos you now have a 16:45 reservation for 7 at yippee noodle bar . your reference number is boz3msro . eos O O O O O B-Booking-Book+Time O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos that is all i need . thank you . eos O O O O O O O O O O general-thank
+bos you are very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye
+bos hello , i 'd like to book a taxi from restaurant two two to the museum of classical archaeology . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos sure , i can help with that . when would you like to leave or arrive ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to be picked up by 11:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A
+bos alright . your taxi will pick you up at the restaurant at 11:00. it will be a yellow skoda . the contact number is 07543428756. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A
+bos thank you , that 's all . eos O O O O O O O O general-thank
+bos thank you for using our service . have all of your needs been met ? eos O O O O O O O O O O O O O O O O general-reqmore
+bos yes . thank you . eos O O O O O O general-thank
+bos thank you and have a great day ! eos O O O O O O O O O general-bye
+bos i would like to book a taxi that will depart from rice boat and should leave at 9:30. eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A
+bos what is your destination ? eos O O O O O O Taxi-Request+Dest
+bos the taxi should go to parkside pools . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos your taxi is a grey toyota . the contact number is 07725254029. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos enjoy your day ! eos O O O O O general-bye
+bos i 'm looking for a restaurant in west part of town with cheap food . eos O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos there are 2 restaurants in that area that serve cheap food , one that serves italian food the other vietnamese , are you interested in either of these ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select
+bos can i get the address and phone number of the vietnamese one ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos of course ! the phone number for thanh binh is 01223362456. how else may i help you ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O O O O O O general-greet,general-reqmore
+bos i 'm looking for attractions in the category of colleges , any suggestions ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos i am showing a wide selection for college attractions . to better assist me was there anything specific you were wanting to do , and was price a concern ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Price
+bos what areas of town are they in ? eos O O O O O O O O O Attraction-Request+Area
+bos they 're located in either the centre or the west . eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A
+bos tell me about the ones in the west . and can i get the address for thanh binh ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr
+bos the address for thanh binh is 17 magdalene street city centre . is there a particular type of attraction that you would like to know more about ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos no , i also need a taxi to get between the two place . eos O O O O O O O O O O O O O O O Taxi-Inform
+bos i would need to know what attraction you are looking at before being able to book a taxi . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos yes , it 's going to be one of the college ... i need a suggestion for that . i need to leave the attraction by 2:00 to go to the restaurant . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos there are a couple of good colleges to visit in that area . would you like to go to one that is free ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O B-Attraction-Select+Fee O O N/A
+bos sure , that sounds great . i just need that taxi to take me from thanh binh to the college . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A
+bos how does churchill college sound ? i can definitely reserve a taxi for you . what time would you like to arrive at the restaurant ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,general-greet
+bos i want to get to the college by 02:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos it has been booked the car will be a yellow audi contact number 07021104597. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A
+bos okay great , that 's all i needed today ! eos O O O O O O O O O O O N/A
+bos wonderful ! have a great day ! eos O O O O O O O O general-bye,general-greet
+bos hello . can you book a taxi for me ? i need to travel from the grafton hotel restaurant to home from home . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos no problem at all . what time do you want to leave and arrive by , respectively ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos leave after 22:30 and dont care when i arrive eos O O O O O O O O O O N/A
+bos alright , i 've got a white skoda coming to pick you up at the grafton hotel restaurant at 22:45 , your contact number for them is 07935014262. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thank you , that will be all . eos O O O O O O O O O general-thank
+bos you are welcome . have a great day . eos O O O O O O O O O O general-bye
+bos i am traveling to cambridge and am looking for places to go in the east part of town . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos there is a free museum at 5 greens road . does that sound like it might interest you ? eos O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Type O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O Booking-Inform
+bos yes , is that in the east side of town ? if so could you let me know the address and postcode please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos that would be the cambridge artworks , and yes it is on the east side . the address is 5 greens road . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos is there a greek restaurant in that part of town as well ? eos O O O O O O O O O O O O O O Restaurant-Inform
+bos i 'm afraid i do n't have any listings fro greek food in that part of town . i do have indian , chinese , british and international . would any of these cuisines do ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Select
+bos that 's too bad . i would be interested in british food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos the grafton hotel restaurant is an expensive british restaurant on the east side . would you like a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes please i need a restaurant for 8 people at 17:30 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A
+bos booking was successful . your reference number is : ebd7xch8 eos O O O O O O O O B-Booking-Book+Ref O O N/A
+bos i am looking for a restaurant in the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A
+bos there are 69 restaurants in the centre . is there a specific type of cuisine or price range you are looking for ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos i am looking for an expensive restaurant in the centre , type of food does not matter but i need a table for 7 people for tuesday at 13:15. eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos unfortunately there is no vacancy on that day at that time . can we try another day or time ? eos O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos could we try for tuesday at 12:15 please . eos O O O O O O O B-Restaurant-Inform+Time O O N/A
+bos i made a reservation at bedouin , an african restaurant , for 7 people on tuesday at 12:15. your reservation number is pn95jsuf . is there anything else ? eos O O O O O O B-Booking-Book+Name O B-Restaurant-Inform+Food O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Restaurant-Inform+Ref O O O O O O O general-reqmore
+bos yes , i 'm looking for a particular attraction called whale of a time . do you have any information on it ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A
+bos yes , whale of a time is located in the west part of town , phone number is 01954781018. any other questions ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O O O O O O general-reqmore
+bos could i have the postcode , address , and entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos the postcode is cb238el , address is unit 8 , viking way , bar hill and there is not an entrance fee listed . can i help you with anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , can you book me a taxi between those two ? i 'd like to arrive at the restaurant in time for my reservation please . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have booked a yellow tesla for you and you will arrive at the restaurant by 12:15. the contact number for the taxi is 07916644539. is there anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O B-Taxi-Inform+Phone O O O O general-reqmore
+bos no , that should do it , thanks ! eos O O O O O O O O O O general-thank
+bos thank you for using cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos hello ! i would like a taxi , please . i will by departing from cambridge arts theatre and going to peking restaurant . eos O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A
+bos i can book that for you . what time would you like to leave the theatre ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave after 12:15. please let me know the car type and contact number . eos O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car
+bos the car is a blue honda and the contact number is 07344292445. anything else i can help with ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore
+bos nope . that 'll be it . eos O O O O O O O O N/A
+bos great , hope you have a fantastic day ! eos O O O O O O O O O O general-bye
+bos i am planning my trip to cambridge and looking for a place to dine that is in the centre and is in the expensive price range eos O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O N/A
+bos bedouin servers african food and is in the centre of town in the expensive pricerange . would you like their phone number , or should i book a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O Booking-Inform
+bos please book a reservation for wednesday at 20:00 for 5. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos i was unable to book that time slot for you . is there a different day or time that you would be interested in going ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time
+bos we could probably go earlier in the evening . how about 1900 ? eos O O O O O O O O O O O O O O N/A
+bos i was able to successfully book your table for five . the reference number is u0fonnna . can i help you with anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for a particular attraction called emmanuel college . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos i was able to find it , it is located on saint andrew 's street , phone number is 01223334200 , and cb23ap is the postcode . eos O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O N/A
+bos may i get the area its in , attraction type and an entrance fee if any ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Type
+bos it 's a college located in the centre area . no entrance fee needed ! is there anything else i can help with ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore
+bos thank you for all of your help , that is all i need for today ! eos O O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our service . have a nice day . eos O O O O O O O O O O O O O general-bye
+bos have a nice day also . goodbye ! eos O O O O O O O O O general-bye
+bos you as well . eos O O O O O general-bye
+bos i need to book a taxi departing from clown 's cafe that should arrive by 23:00. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos and where do you need the taxi to take you ? eos O O O O O O O O O O O O Taxi-Request+Dest
+bos i need to go to the hotpot . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos okay . i have a yellow bmw available . would you like to book that ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O N/A
+bos yes , may i also have the contact number for they yellow bmw ? eos O O O O O O O O O O O O O O O N/A
+bos sure . it is 07635951153. can i help you with a hotel room perhaps ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos no , you 've already helped me with all i need at this time . thank you ! eos O O O O O O O O O O O O O O O O O O O general-thank
+bos sounds good , let me know if you need anything else . eos O O O O O O O O O O O O O general-bye
+bos nope i 'm done . eos O O O O O O N/A
+bos all right , if there 's anything else you can think of , please contact the front desk again . thank you and have a great day . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hello ! this is my first time to cambridge , can you recommend a good , expensive restaurant in the centre ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A
+bos do you want british food ? if so , the cambridge chop house is popular . you are in luck as there is a wide range of options . eos O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O N/A
+bos actually , i 'm in the mood for cantonese food . are there any like that ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos i do n't have any cantonese restaurants in the centre . i could try another cuisine or another area ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area
+bos ok. how about an expensive japanese restaurant ? i 'd like to treat myself ! eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O N/A
+bos there is one of those- it is called wagamama . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name O O O O O O O O O Booking-Inform
+bos sure . book it for 4 people at 11:45 on a saturday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O N/A
+bos your table is reserved . the reference number is bs73eywv . eos O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos what other local attractions are there to explore ? eos O O O O O O O O O O Attraction-Inform
+bos there are several . vue cinema is a popular attraction . would you like the address ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore
+bos no i would prefer a museum . eos O O O O O O B-Attraction-Inform+Type O N/A
+bos there are 11 found . how about the broughton house gallery ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos what is the post code , address , and entree fee ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the postal code is cb11ln , address is 98 king street , and the entrance is completely free . eos O O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A
+bos that sounds good . i also need to book a taxi to go from the vue to the restaurant by my booked time . eos O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos i have booked you a black volvo . the contact number is 07018935922. how else may i assist you today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos great , thanks for all of your help ! you have been wonderful ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're very welcome ! text us back anytime , and have a wonderful visit in cambridge ! eos O O O O O O O O O O O O O O O O O O O general-bye
+bos can you find a 4 star hotel in the north side ? eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A
+bos there are 8 guesthouses that meet that criteria . do you have a preferred price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Price
+bos yes i want moderate price range eos O O O O B-Hotel-Inform+Price O O N/A
+bos i found 7 hotels that meets your criteria . do you want parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking
+bos yes , free parking is important . and also make sure it 's an actual hotel rather than a guesthouse , i prefer the amenities of a hotel . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry but in this area we have only guesthouses . would you want to choose one of them ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Select
+bos i guess i do n't have a choice . book me in one of them a room for 3 people for 5 nights starting from this thursday . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O N/A
+bos i booked you accomodation at arbury lodge guesthouse . your reference number is ao41sukl . do you need anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos no , that 's all , thanks for the assistance ! eos O O O O O O O O O O O O general-thank
+bos sure , i 'm here yo help . have a lovely stay ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for an upscale guesthouse . eos O O O O O O B-Hotel-Inform+Type O O N/A
+bos your are looking for an upscale guesthouse . i can help you with that . there are a few options , what area would you like ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area
+bos i do n't care about the area . all that matters to me is that it has free wifi . eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have any upscale guesthouses available . is there a different price range i can help you find ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos is there any in the cheap price range then ? eos O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos how about the alexander bed and breakfast in the centre ? it is a cheap guesthouse with free wifi . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O O O Hotel-Recommend+Internet
+bos sounds great . i need to be there saturday and we will be staying 4 nights . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O N/A
+bos i am sorry , there is no availability for those dates . would you like me to try to find another hotel ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook
+bos yes let 's try another hotel in the same price range . eos O O O O O O O O O O O O O Hotel-Inform
+bos i was able to get you into the el shaddai and your reference number is jg24dzvf . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A
+bos thank you so much for your help . eos O O O O O O O O O general-thank
+bos is there anything else that you need today ? eos O O O O O O O O O O general-reqmore
+bos as long as my reservation is for 2 people , we are set . thank you ! eos O O O O O O O O O O O O O O O O O O general-thank
+bos okay great . glad i could be of help . enjoy your stay . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos thank you so much . i 'm sure i will . eos O O O O O O O O O O O O general-thank
+bos have a great day ! good-bye . eos O O O O O O O O general-bye
+bos i am looking for a moderately priced guesthouse . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A
+bos there are several guesthouse moderately priced . what part of town would you like it ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area
+bos i am not particular as long as it has free parking and free wifi . eos O O O O O O O O O O O O O O O O N/A
+bos i have the arbury lodge guest house on the east side . shall i reserve it for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Inform
+bos that would be great . there will be 4 of us and we want to arrive on saturday for 2 nights . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A
+bos i 'm sorry i was unable to book that . should i try another hotel ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes one in the same price range . eos O O O O O O O O O N/A
+bos okay i was able to book you at the archway house and your reference number is jm5g0862 . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos thanks so much . i wo n't be needing anything else right now . bye . eos O O O O O O O O O O O O O O O O O general-bye
+bos okay . i 'm glad i could be of help . enjoy your stay . eos O O O O O O O O O O O O O O O O general-bye
+bos hello , i 'm looking for a guesthouse on the westside to stay . eos O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O N/A
+bos i am sorry i have no guest houses in the west . can i look one up in another area for you ? eos O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area
+bos are there any other places like that that also have free parking in that area ? eos O O O O O O O O O O O O O O O O O N/A
+bos i have found one that is cheap with 4 stars , and one that is moderately priced with 3 stars ? do either of those sound appealing to you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Hotel-Select
+bos the cheap one with the better rating sounds appealing . eos O O O O O O O O O O O N/A
+bos great ! that 's finches bed and breakfast . it 's located at 144 thornton road cb30nd . would you like to book a stay ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O Booking-Inform
+bos please book it for friday , thank you . eos O O O O O O O O O O general-thank
+bos can you please tell me how many people will be staying and for how many nights ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay
+bos yes , 3 people for 5 nights starting on monday . eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos booking was unsuccessful . want to try another hotel ? eos O O O O O O O O B-Hotel-Select+Type O O Booking-NoBook,general-reqmore
+bos yes , in the same price range please . eos O O O O O O O O O O N/A
+bos worth house in the north is 4 stars and cheap . would you like to try it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O Hotel-Select
+bos the amount of stars do not matter as long as it is in the same price range does worth house in the north include free parking ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos okay well i was able to book you at the worth house and your reference number is 86xvfeuy . eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A
+bos thanks , that 's all i need . have a nice day . eos O O O O O O O O O O O O O O general-thank
+bos you are welcome . also for your reference the worth house does have free parking . may i help you with anything else ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O general-welcome,Hotel-Inform+Parking,general-reqmore
+bos no thanks . thanks again for your help . eos O O O O O O O O O O general-thank
+bos enjoy your stay in cambridge ! eos O O O O O O O general-bye
+bos i dont want wifi , just somewhere with four stars . eos O O O O O O O O O O O O N/A
+bos all of the 4 star hotels i have listed have wifi . is that okay or would you like me to look for a hotel with a different star rating ? eos O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Internet,Hotel-Select
+bos i guess it 's ok if they have it , as long as they wo n't charge me for not using it . but 4-star accommodations are a must . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i have two 4-star hotels on the west side and one in city centre . do you have a location preference ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select
+bos are there any in the south side of the city ? eos O O O O O O O O O O O O N/A
+bos i have nothing in the south that matched your criteria , only west and centre . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-NoOffer
+bos how about a place in any area with free wifi . eos O O O O O O O O O O O O N/A
+bos okay i have the cambridge belfry which is a 4 star cheap hotel in the west part of the city . would you like for me to book it for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform,Hotel-Select
+bos yes , please . eos O O O O O N/A
+bos for how many nights and how many people will be staying ? eos O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i need it for 7 people for 4 nights staring from tuesday please . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos i was unable to book that , would you like me to try something else ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please and in the same price range . eos O O B-Hotel-Inform+Internet O O O O O O O N/A
+bos okay i was able to book you into the marriott hotel and your reference number is cqe0wwxh . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O N/A
+bos thank you so much for your help . eos O O O O O O O O O general-thank
+bos will you be needing anything else today ? eos O O O O O O O O O general-reqmore
+bos nope . you have been so helpful . thank you ! eos O O O O O O O O O O O O general-thank
+bos thank you for using our system ! eos O O O O O O O O general-bye
+bos i need a guesthouse please . eos O O O O B-Hotel-Inform+Type O O N/A
+bos there are 24 different guesthouses available . is there a particular area of the city you would like to stay in ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos i would like to stay in the north area . eos O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos there are 5 option in the north . do you have any other preferences to help narrow down your choice ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O O O O O general-reqmore
+bos i am actually looking for a 4 star rating in an expensive price range . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A
+bos i have several hotels available with a 4 star rating but none in an expensive price range . would a moderate range work for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Choice
+bos is sure would . can you book a room for 2 people for 2 nights on monday ? eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A
+bos i booked for you a room at arbury lodge guesthouse . it has parking slots and free wifi . do you need anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O general-reqmore
+bos i need a reference number for that booking ! eos O O O O O O O O O O Hotel-Request+Ref
+bos sure , your reference number is b1ip09iz . eos O O O O O O B-Booking-Book+Ref O O N/A
+bos wonderful ! good bye ! eos O O O O O O general-bye
+bos glad i could help ! goodbye . eos O O O O O O O O general-bye
+bos hi i 'm looking for a hotel in the are that includes free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos do you have a price range or a specific area ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like to be in the west , and it would be great if it was an expensive hotel . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A
+bos the huntingdon marriott hotel fits your criteria . shall i book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform
+bos yes please for this weekend.thank you . eos O O O O O O O O general-thank
+bos ok for how many people and how long is your stay going to be ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos there will be 2 people and a total of 4 nights stay starting from tuesday . eos O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O N/A
+bos booking was unsuccessful would you like to try another place ? eos O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes , as long as the hotel is in the expensive price range , please try booking it . eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos i was able to book university arms hotel , reference number is pfyqxylu eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O N/A
+bos thank you . that 's everything i need . eos O O O O O O O O O O general-thank
+bos okay glad i could be of help . eos O O O O O O O O O general-welcome
+bos could you help me find a hotel on the south side of town ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A
+bos we have several options . will you be needing parking or internet ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet
+bos i need to have free wifi . eos O O O O O O O O N/A
+bos i have 4 gueshouses all located in the south . may i book a room for you ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos yes that is fine . eos O O O O O O N/A
+bos when would you like to go and what size party will you have ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People
+bos 4 people . starting tuesday , 5 nights . eos O O B-Hotel-Inform+People O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O N/A
+bos booking was unsuccessful . want to find another hotel ? eos O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos as long as it 's in the same price range . can you give me the reference number too please ? eos O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos booking was successful at the aylesbray lodge guest house . the reference number is 8lnx4eqo . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A
+bos thank you . that 's everything . eos O O O O O O O O general-thank
+bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome
+bos i 'm looking for an expensive guesthouse to say at . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A
+bos i am sorry there are no guesthouse in the expensive range . would you like to try a hotel instead ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Type O O Hotel-NoOffer
+bos do you have a hotel with free parking ? eos O O O O O O O O O O Hotel-Inform
+bos unfortunately there is no expensive hotel with free parking . would you like me to search in a different price range ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price
+bos can you look at the cheap price range for me please ? eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A
+bos we have 9 hotels to choose from . is there a particular amount of stars you 're looking for , or location ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars
+bos i need a cheap hotel for 6 people on wednesday for 3 nights please . eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O N/A
+bos allenbell guesthouse is available . it 's in the cheap price range and has free parking . would you like me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes please for 3 nights from wednesday for 6 people please . eos O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A
+bos i 'm sorry but i was unable to book that . shall i try another hotel ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos yes please . one in the same price range . eos O O O O O O O O O O O N/A
+bos good news ! i got you into autumn house instead and you still have free parking and a cheap price for your stay . your reference number is e3mxbfll . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos perfect ! thank you for your help . eos O O O O O O O O O general-thank
+bos the address of autumn house is 710 newmarket road , and the phone number 01223575122. eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O N/A
+bos thanks so much . that is all i need . have a good day . eos O O O O O O O O O O O O O O O O general-thank
+bos awesome . happy to help . good-bye ! eos O O O O O O O O O general-welcome,general-bye
+bos i am looking for a train leaving from norwich . eos O O O O O O O O O B-Train-Inform+Depart O N/A
+bos sure . what time are you looking to leave ? eos O O O O O O O O O O O Train-Request+Leave
+bos i would like to leave after 09:45 eos O O O O O O O O N/A
+bos which day are you looking to travel ? eos O O O O O O O O O Train-Request+Day
+bos i am looking to go to cambridge on tuesday eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A
+bos okay , i have 14 trains on that route leaving hourly on the :16 from 10:16 to 23:16. tr0667 leaves at 10:16 , arrives at 11:35 , with a total duration of 79 minutes . eos O O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A
+bos ok , do you have one that leaves at 11:16 ? can you provide me with the train id for that one ? eos O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos yes , a train leaves at 11:16 with the id tr0839 . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Id O O N/A
+bos thank you very much for your help ! eos O O O O O O O O O general-thank
+bos glad i could be of assistance . eos O O O O O O O O general-bye
+bos hi , i 'm trying to find addenbrookes hospital and they 're supposed to have a medical decisions unit department , right ? eos O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O O O N/A
+bos you can find them with this number : 01223596066 eos O O O O O O O O O O N/A
+bos can you confirm addenbrookes has a medical decisions unit ? eos O O O O O O O O O O O N/A
+bos yes , it does . the phone number is 01223596066 eos O O O O O O O O O O O N/A
+bos can i also get the postcode and address please ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos certainly . the postcode is cb20qq and the address is hills road , cambridge . eos O O O O O O O O O O O O O O O O N/A
+bos thanks for all the info . i will contact the hospital now . goodbye . eos O O O O O O O O O O O O O O O O Hospital-Inform
+bos you are quite welcome . do you require any further assistance ? eos O O O O O O O O O O O O O general-reqmore
+bos i am injured and need to find a nearby hospital . eos O O O O O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge . does this sound close to your location ? eos O O O O O O O O O O O O O O O O O O O N/A
+bos yes , it does . can i get the post code and phone number for that location ? eos O O O O O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone
+bos the postcode is cb20qq , and the phone number is 01223245151. i can look up a specific hospital department for you . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for your help . that is all i need today . eos O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i would like to get a taxi to pick me up after 16:45. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos we can make that happen , but first i 'll need to know your departure and destination locations . eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos i will be going to jesus college from the nirala . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos okay . a blue volvo is booked for you . eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A
+bos great , i will also need their contact number please . eos O O O O O O O O O O O O N/A
+bos yes , the contact number is 07047852975. is there anything else you need ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that 's all , thank you so much ! eos O O O O O O O O O O general-thank
+bos you 're very welcome . please contact us again if you need anything else . eos O O O O O O O O O O O O O O O O general-bye
+bos hi , i would like to travel stevenage from cambridge by train . could you please tell me when the next train is leaving ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O O O O O O N/A
+bos the next train departing is tr8306 on friday at 5:54 set to arrive by 6:43. would you like to book that ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos i actually need to leave on saturday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos let me confirm you are traveling from cambridge to stevanage this saturday . also , what time do you want to leave or arrive ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i am in cambridge traveling to stevanage on saturday . i want to arrive in stevenage by 12:45. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A
+bos train id tr3259price 10.24 pounds reference number is : 1p6x7b88 . eos O O O B-Train-OfferBooked+Id B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O N/A
+bos i 'll also need the travel time please . eos O O O O O O O O O O Train-Request+Duration
+bos the travel time is 19 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A
+bos ok , great . thanks ! eos O O O O O O O general-thank
+bos thank you for using our services , do you need any further assistance ? eos O O O O O O O O O O O O O O O general-reqmore
+bos no that was everything . goodbye . eos O O O O O O O O general-bye
+bos thank you for allowing me to help . have a great day . eos O O O O O O O O O O O O O O general-bye
+bos am looking for the addenbrookes hospital it should have the respiratory medicine department eos O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos their phone number is 01223256645. eos O O O O O O N/A
+bos can i also get the postcode and address eos O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the hospital is located at hills rd , cambridge with the postcode cb20qq . the main hospital phone number is 01223245151. eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos thank you for the information . that 's all i need . eos O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'm looking for a taxi to museum of archaelogy and anthropology . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A
+bos what time do you wan to leave and arrive by ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive
+bos i need to get there by 17:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A
+bos where will you be traveling from ? eos O O O O O O O O Taxi-Request+Depart
+bos i will be leaving from cote . eos O O O O O O B-Taxi-Inform+Depart O N/A
+bos okay great . you are booked with a yellow volvo . eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A
+bos thanks . may i have the contact number for the volvo , please ? eos O O O O O O O O O O O O O O O general-thank
+bos yes , the number is : 07611307167can i help with anything else ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , that should do it . thanks so much . eos O O O O O O O O O O O O general-thank
+bos please contact again if you have any other questions eos O O O O O O O O O O general-bye
+bos i need to be picked up from pizza hut city centre after 04:30 eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A
+bos where will you be heading to ? eos O O O O O O O O Taxi-Request+Dest
+bos i am headed to gonville hotel . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos great . your booking is complete . a yellow ford will pick you up and can be reached by dialing 07017220129 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Phone O O N/A
+bos thanks . that takes care of everything for me . bye ! eos O O O O O O O O O O O O O general-bye
+bos have a great day and thank you for contacting us . eos O O O O O O O O O O O O general-bye
+bos i want a reservation that has expensive price range and should be in the centre eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area N/A
+bos i have 33 options for you , is there a particular cuisine that you are interested in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food
+bos i want british food eos O O O B-Restaurant-Inform+Food O N/A
+bos fitzbillies restaurant serves british food in the centre area , would you like a reservation ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Booking-Inform
+bos no that wo n't be necessary . i 'll just need the phone and address please . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos they 're at 51 trumpington street city centre , and their phone number is 01223352500. is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos no , you were great . enjoy the rest of your day . eos O O O O O O O O O O O O O O N/A
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos hello , i am looking for a train that leaves on friday after 10:00. eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A
+bos ok , and where will you be leaving from and heading to ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest
+bos i want to leave from bishops stortford and go to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A
+bos tr6834 departs bishops stortford at 11:29 arriving by 12:07 in cambridge . does this work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos that will work great . could you please make a booking for seven people ? eos O O O O O O O O O O O O O O O O N/A
+bos the booking was successful and your reference number is 5636cnx2 . please pay 70.7gbp at the station . is there anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O general-reqmore
+bos yes , i need some information on rosa 's bed and breakfast . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A
+bos that 's a lovely 4 star guesthouse in the south part of town . what would you like to know ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore
+bos yes please book it for the same group of people and 2 nights starting from the same day . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A
+bos booking was successful . reference number is : gxvpcrc1 . is there anything more i can help with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos no that 's it , thank you for your help . eos O O O O O O O O O O O O general-thank
+bos thank you for using our service today ! eos O O O O O O O O O general-bye
+bos hi , what are some fun attractions in west cambridge ? eos O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 13 places , colleges , entertainment , and museums eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A
+bos i need an attraction in the west part of town . please provide the address and amount of the entrance fee so i can prepare . eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr
+bos queens ' college is a wonderful play to visit . their address is silver street . the entrance fee is 2.50 pounds . is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore
+bos yes , i 'd also like to find an expensive restaurant in the west side of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there are nine restaurants that fit your requirements . what type of food are you interested in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos just pick one in the same area as queens ' college , and can you book a table for 1 at 18:30 on saturday please ? eos O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A
+bos how about graffiti ? it 's an expensive restaurant that serves british food in the west area . eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A
+bos graffiti sounds good . can you book a table for me ? eos O O O O O O O O O O O O O N/A
+bos your table at graffiti is reserved for saturday at 18:30 for one person . your reference number is av0kbaeg . is there anything else i can help you with today ? eos O O O O B-Booking-Book+Name O O O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no that 's all i need . thanks for your help ! eos O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye
+bos i certainly will . thanks for the help that is all i needed . eos O O O O O O O O O O O O O O O general-thank
+bos let us know if you need anything else . eos O O O O O O O O O O general-bye
+bos hi , i am planning my upcoming trip and am looking for a place to stay . can you recommend something for me ? eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , i am fond of the acorn guest house personally . did you have a price range that you 'd like to stick to ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Hotel-Request+Price
+bos i 'm not too concerned about price . is the acorn guest house in the north section of cambridge ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes it is . are you wanting to make a booking . eos O O O O O O O O O O O O O Booking-Inform
+bos yes , i want to book it for 8 people and 3 nights starting from wednesday eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A
+bos sure thing , will you be needing a reference number ? eos O O O O O O O O O O O O Booking-Inform
+bos yes please . i will need that . eos O O O O O O O O O N/A
+bos booking was successful . reference number is : aojgd8xg . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos yes , i am looking for a multiple sports attraction in the centre . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A
+bos i 'm sorry , but there are no multiple sports type attractions in the centre . would you like to try a different area ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area
+bos how about a type of college ? could you provide me with the postcode , entrance fee and address ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos yes , christ 's college is on saint andrew 's street and the post code is cb23bu . it 's free admission . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post O B-Attraction-Inform+Fee O O O O O O O N/A
+bos thank you ! i also need a taxi please . eos O O O O O O O O O O O Taxi-Inform
+bos certainly . what is your intended destination and travel time ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Leave
+bos i need to leave the attraction by 21:00 please . eos O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos okay , you 're all set . i booked a blue honda and the contact number is 07846176365 eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thanks so much . you took care of everything i needed . thanks . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos it 's been a pleasure . have a good day . eos O O O O O O O O O O O O general-bye
+bos i am looking for a five star guesthouse to stay in . eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A
+bos there are no 5 star guest houses in the area . do you have any other preferences ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O general-reqmore
+bos are there any 5 star hotels in that area ? eos O O O O O O O O O O O Hotel-Request+Area
+bos i am not finding any 5 star hotels . would you like to try a different rating ? eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O O O O Hotel-Request+Stars
+bos okay , let 's try a 4 star rating instead . do you have any guesthouses listed with a 4 star rating ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A
+bos yes , there are 18 guesthouses with 4 star ratings . eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O N/A
+bos what is the price range and area ? eos O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos they are located all across town , from all price ranges . do you have any preferences ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area
+bos i do n't care about the location or price . eos O O O O O O O O O O O Hotel-Request+Price
+bos in that case may i suggest the acorn guest house ? it 's located in the north and has a moderate price range with a four star rating . eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Stars O O O O O N/A
+bos do they have internet ? eos O O O O O O Hotel-Request+Internet
+bos yes , they offer both parking and internet . would you like to make a booking ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos no thanks but i 'm looking for something to do around town eos O O O O O O O O O O O O O general-thank
+bos do you have any preferences on things to do or area ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos i need an attraction in the type of concerthall . eos O O O O O O O O O B-Attraction-Inform+Type O N/A
+bos the man on the moon is the only concerthall , but it is in the the centre , would you like more info on that or for me to run another sarch ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O O general-reqmore
+bos what is its entrance fee ? eos O O O O O O O Attraction-Request+Fee
+bos we do n't have information on the entrance fee , but their number is 01223474144 if you would like to contact them . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O N/A
+bos thank you for the information . eos O O O O O O O general-thank
+bos can i look up anything else for you ? eos O O O O O O O O O O general-reqmore
+bos that is all i needed . eos O O O O O O O N/A
+bos ok ! have a great day ! eos O O O O O O O O general-bye
+bos i 'm just needing a place to stay . eos O O O O O O O O O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price
+bos i do n't want anything too cheap or anything that will break the bank , just somewhere moderately priced . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A
+bos okay . what part of town will you be visiting ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos the west part i need the address and phone number and zip . eos O O B-Hotel-Inform+Area O O O O O O O O O O O Attraction-Request+Addr
+bos it is called hobsons house , it is on 96 barton road . their number is 01223304906 , cb39lh is their postcode . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone B-Hotel-Inform+Post O O O O O O N/A
+bos does that have free wifi and parking ? if so , i 'd like a reservation . eos O O O O O O O O O O O O O O O O O O N/A
+bos yes , it does have parking and internet . what day would you like to begin your stay , how many days in total , and how many people please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i want to book it for 7 people and 4 nights starting from sunday . eos O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A
+bos the booking for 7 people at the hobson house arriving on sunday for 5 days 4 nights was successful . your reference number is : ffjysln4 . can i assist you any further ? eos O O O O O B-Booking-Book+People O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos no thank you . eos O O O O O general-thank
+bos all right then , thanks for using our services and i hope you have a wonderful visit in cambridge . goodbye ! eos O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos hello , i am planning my trip to cambridge and need some help finding places to go in town when i get there . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos sure , we have much to offer . did you have anything specific in town ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Name
+bos i 'm looking for a theatre . eos O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 4 in the city centre and one in the south - do you prefer one area over the other ? eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can you give me the address to the one in the south please ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O O Hotel-Request+Addr
+bos it is called the junction . it is located on clifton way . their postcode is cb17gx . their phone number is 01223511511. anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos yes , do you have information on the cambridge belfry ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos the cambridge belfry is a 4 star hotel in the cheap price range with internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking
+bos what is the address of the cambridge belfry , please ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Addr
+bos the address is back lane , cambourne in cb236bw . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O N/A
+bos can you book a taxi for me between the 2 places ? i would like to leave the theatre by 10:45. eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A
+bos your taxi has been booked . the car will be a black lexus and the contact number is 07768154661. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you , that 's all i needed today . eos O O O O O O O O O O O general-thank
+bos you 're welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye
+bos i want to find some good places to go in the centre of town . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A
+bos there are 44 attractions in the centre of town . what kind of attraction do you want to visit ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type
+bos it does n't really matter . what 's your recommendation ? eos O O O O O O O O O O O O N/A
+bos holy trinity church is popular for its architecture . christ 's college finds people touring the campus . or , cambridge contemporary art is a free museum . any of those interest you ? eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Select
+bos cambridge contemporary art , what 's their post code ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Request+Post
+bos the post code is cb21su . do you need anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore
+bos thank you for your help ! eos O O O O O O O general-thank
+bos my pleasure ! have a good day ! eos O O O O O O O O O general-welcome,general-bye
+bos hi , i am excited to visit some of cambridge 's tourist attractions soon . can you help me find a place to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos yes , i can help with that . what area would you like to stay in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet
+bos i would like it to be in the east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A
+bos there are 7 options for hotels in the east , is there a particular price range you 're looking for ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Price
+bos i would like it to be in the moderate price . eos O O O O O O O O O B-Hotel-Inform+Price O O N/A
+bos warkworth house is located in warkworth terrace , cb11ee can i go ahead in booking ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O Booking-Inform
+bos can you give me the star rating of the place ? eos O O O O O O O O O O O O N/A
+bos warkworth house is a 4 star establishment . would you like me to book it for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform
+bos no booking right now . i 'm also looking for a museum . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are 23 museums to choose from . to help narrow the results , what area are you looking for a museum in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O Attraction-Request+Area
+bos i do not have an area preference , can you recommend a museum ? eos O O O O O O O O O O O O O O O Attraction-Request+Area
+bos my favorite is cambridge artworks in the east . does that sound interesting to you ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O N/A
+bos sounds nice , can you just give me the address & area ? eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr
+bos yes , it is located on the east side , at 5 greens road . eos O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A
+bos thank you . i think that 's everything i need today . eos O O O O O O O O O O O O O general-thank
+bos perfect . thank you for using the cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos cheers to you too . eos O O O O O O N/A
+bos okay thank you for calling . eos O O O O O O O general-bye
+bos we need a hotel in the eastern part of the city which has free parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A
+bos autumn house is a guesthouse with free parking in the east part of town . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Inform+Parking
+bos i 'd prefer a hotel , are there any 3 star hotels in the east section of town that have free parking ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O N/A
+bos no , i am sorry no three star hotels . would a four star work ? eos O O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O O O N/A
+bos i would prefer to stay with a three star hotel . could you please check the south side and see if any hotels are available ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos yes , there is one available . the lensfield hotel at 53-57 lensfield road . would you like me to book it ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos yes book for 3 people and 3 nights from thursday eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day N/A
+bos ok i will book it for you eos O O O O O O O O Booking-Inform
+bos i would like to find a cheap hotel to stay at where there is free parking . do you have any suggestions ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O O O O O N/A
+bos the cambridge belfry fits the bill , would you like me to book you a room ? eos O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O O N/A
+bos do they have free parking ? are they rated 3 stars ? eos O O O O O O O O O O O O O N/A
+bos yes , they do have free parking and they have 4 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O Hotel-Inform+Parking
+bos did you have something that fits with 3 stars ? eos O O O O O O O O O B-Hotel-Inform+Stars O N/A
+bos i hovw no listing for a 3 star hotel , would you like too try another area ? eos O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O O O Hotel-Request+Area
+bos what about a 4 star hotel ? eos O O O O O B-Hotel-Inform+Stars O O N/A
+bos the cambridge belfry is a 4 star hotel in the cheap price range and is on the west side . they offer free wifi and parking . would you like a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos yes , please book for 5 people for 5 nights starting on thursday . eos O O O O O B-Hotel-Inform+People O O O O O O O O O N/A
+bos i am unable to book for tuesday . eos O O O O O O O B-Booking-NoBook+Day O N/A
+bos i would like to book for thursday , not tuesday . eos O O O O O O O B-Hotel-Inform+Day O O O O N/A
+bos i am sorry , i ca n't make that reservation either . eos O O O O O O O O O O O O O Booking-NoBook
+bos is monday available ? eos O O O O O N/A
+bos as it turns out , thursday just opened up . i was able to book it for you , here is your reference number , ugu8t7ub . eos O O O O O B-Booking-Book+Day O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O N/A
+bos thanks ! can you also help me find a college to visit in town ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A
+bos there are 18 options . was there a part of town you would like to visit ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area
+bos can you suggest one for me ? eos O O O O O O O O N/A
+bos i would recommend christ 's college in saint andrew 's street in the centre of town . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A
+bos what is the entrance fee and postcode there ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos entry is free . the postcode is cb23bu . may i help with anything else ? eos O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos thank you so much . good bye eos O O O O O O O O general-bye
+bos okay , goodbye and enjoy your time in town eos O O O O O O O O O O general-bye
+bos i 'd like to visit a museum . what do you have in town within walking distance ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A
+bos which side of town will you be on ? eos O O O O O O O O O O Attraction-Request+Area
+bos any area is fine . eos O O O O O O Attraction-Request+Area
+bos cafe jello gallery is a museum in the west area , it has free entrance . would you like the address or phone number for it ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore
+bos sounds good . please get me their phone number , postcode and area . eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone
+bos the number for cafe jello gallery is 01223312112. it is in the west end of town and the postcode is cb30af . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O N/A
+bos thank you . i also need a hotel with a 4 star rating in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A
+bos i have huntington marriott hotel in the west , 4 star rating . would you like a reservation ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform
+bos i need to make reservations for 6 people and 2 nights from sunday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos just to verify , do you want the hotel for tuesday night ? or for sunday and staying for two night ? eos O O O O O O O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O B-Booking-Inform+Stay O O O N/A
+bos i 'm sorry , starting from sunday for 2 nights , 6 people . if that fails try one night and provide the reference number . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O O O O O O O O O Hotel-Request+Ref
+bos i have been successful in this and your reference number is 7yava5yb . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you . now can you help me book a taxi to go from the hotel to the attraction ? i 'd like to leave the hotel by 8:45 eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos your taxi is all set ! you will be picked up in a grey toyota and their contact number is 07189428446. eos O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos great , thanks so much for all of your help today . that is everything . bye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos glad i could assist you today . enjoy your day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i am traveling to cambridge and am super excited to see some local tourist attractions . i am looking for some suggestions on places to go in town . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Inform
+bos there are 79 attractions in cambridge . there are churches , museums , swimming pool , and many more attractions . what are you interested in doing ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Type
+bos perhaps i 'd like to see a museum . are there any in the centre ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O N/A
+bos there are 11 museums in the centre area . there is a science museum , an art and antiques museum , and 9 others . what kind of museum are you interested in ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Type
+bos does not matter can you just recommend one please . eos O O O O O O O O O O O N/A
+bos castle galleries is a very nice museum in the centre , and their entrance fee is free ! eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O N/A
+bos excellent . can i please have they 're phone number and address please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr
+bos they are located at unit su43 , grande arcade , saint andrews street , cb23bj . you can reach them at 01223307402. eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O N/A
+bos thank you . i am also needing help booking a guesthouse in the north part of town . can you assist me with that ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O N/A
+bos you 're in luck . there are 11 guesthouses in the north . what amenities are you looking for ? eos O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O O O N/A
+bos 4 people for 5 nights starting sunday and i also need the ref # too please eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos ok great , we have you booked in the alpha-milton guest house at 63 milton road . your reference number is : kpusmib9 . thank you ! eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Booking-Book+Ref O O O O O N/A
+bos i would like an expensive restaurant that serves vegetarian food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A
+bos there are no expensive vegetarian restaurants . would you prefer a different cuisine or price range ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer
+bos a restaurant that serves british food will be fine . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos graffiti is an expensive restaurant that serves british food , would you like their address or phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O general-reqmore
+bos could you tell me the phone number of graffiti ? eos O O O O O O O O O O O Restaurant-Request+Phone
+bos the phone number is 01223 277977. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A
+bos thank you goodbye . eos O O O O O general-bye
+bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye
+bos i would like to go to a park in the south . eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A
+bos we have two park available sheep 's green and llammas land park fen causeway , and wandlebury country park , both have free admission . eos O O O O B-Attraction-Inform+Type O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A
+bos could you get me the phone number to the wandlebury country park ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone
+bos sure thing , 01223243830. was there anything else i could assist with ? eos O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos i 'm also looking for a place to stay that includes free parking and is in the cheap price range . can you find something ? eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A
+bos there are a few different options . would you prefer a hotel or a guesthouse ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A
+bos i would like a four star hotel please . eos O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there is one option : the cambridge belfry . shall i book it for you ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform
+bos yes , book please and i need a reference number eos O O O O O O O O O O O Hotel-Request+Ref
+bos before i can book , i need to know the length of your stay , what day you 'll arrive , and for how many people eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People
+bos it 'll be 7 people and 3 nights beginning tuesday . please remember to give me the reference number . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O O Hotel-Request+Ref
+bos unfortunately it is not allowing me to book hotels right now . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos is there any hotel available for you to book ? eos O O O O O O O O O O O Hotel-Inform
+bos the cambridge belfry just became available . booking was successful.reference number is : 7sksry3s.will this work for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Booking-Book+Ref O O O O O O Hotel-Select
+bos yes , thank you ! that will work . eos O O O O O O O O O O general-thank
+bos is there anything else i can help you along with ? eos O O O O O O O O O O O O general-reqmore
+bos no that will be all thanks so much for all of the help . eos O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a good time ! eos O O O O O O O O O O O O general-bye
+bos i need some helping finding a train that leaves after 15:15. eos O O O O O O O O O O O B-Train-Inform+Leave N/A
+bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart
+bos the train should depart from birmingham new street and should go to cambridge eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest N/A
+bos what day were you planning to travel ? eos O O O O O O O O O Train-Request+Day
+bos wednesday please . i 'll need the train id . eos O B-Train-Inform+Day O O O O O O O O O Train-Request+TrainID
+bos here you go tr5567 . eos O O O O B-Train-Inform+Id O N/A
+bos how long does the train trip take ? eos O O O O O O O O O Train-Inform
+bos the train will arrive by 18:23 and take approximately 163 minutes . would you like me to book that for you ? eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos yes please and i 'm also looking for a cheap portuguese restaurant in the centre part of town . i 'd like to book a table for 5 @ 20:30 on the same day eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A
+bos it sounds like you want nandos city centre . should i go ahead and book a table ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform
+bos yes please , on wednesday at 20:30 for 5 people . eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A
+bos i was able to book a table for you . the reference number is 9h6n0m1c . the table will be reserved for 15 minutes . is there anything else you need ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O O O O O O general-reqmore
+bos great that was all i needed today , thanks ! eos O O O O O O O O O O O general-thank
+bos i was n't able to finish the train booking yet . how many tickets do you need ? eos O O O O O O O O O O O O O O O O O O O Train-Request+People
+bos i do n't need you to book it . i just need the travel time , train id and arrival time . eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID
+bos train tr5567 is 163 approximately and arrives at 18:23 eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time O O O B-Train-Inform+Arrive N/A
+bos may i get the reference number ? eos O O O O O O O O Restaurant-Request+Ref
+bos the reference number of your trip is 4suwduy9 . thank you eos O O O O O O O O B-Train-Inform+Ref O O O N/A
+bos i am looking for a place to dine in cambridge with an expensive price range located in the centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A
+bos how about bedouin ? it serves african food , it is in the centre and the expensive price range eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A
+bos i prefer something with modern eclectic food . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i have nothing with that type of food in the centre of town , would you like me to try another area ? eos O O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Area
+bos try an indian place please . eos O O O B-Restaurant-Inform+Food O O O N/A
+bos yes , i have 6 options for you ! eos O O O O O B-Restaurant-Inform+Choice O O O O N/A
+bos well , can you tell me what they are so i can decide ? eos O O O O O O O O O O O O O O O N/A
+bos all expensive and all in the center . do you need anything else ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O general-reqmore
+bos i 'll ask you again : what are my choices ? eos O O O O O O O O O O O O N/A
+bos the golden curry , curry garden , saffron brasserie eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos let 's go with the saffron brasserie . can you make a reservation for saturday for 2 at 16:45 ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : ozwmr17w . anything more i can help with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i 'm also looking for a train on friday . i need to get to london kings cross by 19:30 please . eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O N/A
+bos would you like to narrow your choices down by departure site or day of travel ? eos O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart
+bos i will be leaving from cambridge on friday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos tr6628 is the latest train you can take . it will arrive in kings cross at 17:51. would you like to book a ticket ? eos O B-Train-Inform+Id O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook
+bos yes , please book 2 tickets for that train . eos O O O O O B-Train-Inform+People O O O O O N/A
+bos booking was successful , the total fee is 47.2 gbp payable at the station .reference number is : 70aab5nt . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos that would be all for today eos O O O O O O O N/A
+bos enjoy your time in cambridge ! eos O O O O O O O general-bye
+bos hello , my uncle owns tang chinese , he wants to know if it shows up in your database ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O N/A
+bos yes , it is listed as an expensive chinese place in the centre . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O N/A
+bos what is the postcode that you are showing ? eos O O O O O O O O O O Restaurant-Request+Post
+bos the post code is cb11hr is there anything else you need ? eos O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O general-reqmore
+bos i also need a train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos can i get where you are leaving from ? eos O O O O O O O O O O Train-Request+Depart
+bos i will leave from kings lynn on thursday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A
+bos i can help you with that . do you know what time you want to leave or arrive ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,general-greet
+bos i need to arrive by 15:45. eos O O O O O O B-Train-Inform+Arrive N/A
+bos i have train tr2788 leaving at 5:11 and arriving at 5:58. would you like to book that ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook
+bos yes , i just need a ticket for myself . eos O O O O O O O O O O O N/A
+bos okay , you 're all set with one ticket booked . reference number c5s02e59 . can i be of further help ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore
+bos no ! i 'm sorry . i need arrive by 15:45 , not 5:58. eos O O O O O O O O O O O O O O O N/A
+bos please do n't apologize . i did not read carefully . sorry about that . your new train tr2162 and arrives 14:58. your reference number is co4thpm1 . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O Train-Inform,general-greet
+bos that should be all . thank you . eos O O O O O O O O O general-thank
+bos you 're welcome . have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to dine at a restaurant in the centre that serves austrian food . can you help ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O N/A
+bos i 'm sorry , there are no restaurants in the centre that serve austrian food , would you like to try another area ? eos O O O O O O O O O B-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Area
+bos that 's ok , thank you for your help . eos O O O O O O O O O O O general-thank
+bos is there anything further i can help you with today ? eos O O O O O O O O O O O O general-reqmore
+bos do you have any restaurants that serve mediterranean food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are three mediterranean places in the centre area , any price limitations ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price
+bos i am looking for an expensive restaurant . eos O O O O O O B-Restaurant-Inform+Price O O N/A
+bos there are two la mimosa and shiraz restaurant , i recommend la mimosa would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O Booking-Inform
+bos can i just get the contact information for la mimosa for right now ? eos O O O O O O O O O O O O O O O N/A
+bos no problem , the phone number is 01223362525. postal code is cb58aq , address is thompsons lane fen ditton . is there anything else i can help you with ? eos O O O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O general-reqmore
+bos i also need a train that departs from stansted airport after 09:15. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A
+bos will you be traveling to cambridge on the train ? and if so , what day would you like to travel ? eos O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest
+bos yep , headed to cambridge on tuesday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A
+bos there is a train leaving at 9:24 and arriving in cambridge by 9:52. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos no , thank you . can you tell me the train id , please ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID
+bos certainly . the train id is tr1610 . is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O O O general-greet,general-reqmore
+bos that is all thanks . eos O O O O O O general-thank
+bos thank you for contacting us and have a ncie day . eos O O O O O O O O O O O O general-welcome,general-bye
+bos hi , i need a place to stay . i would prefer it to be a guesthouse type . it does n't need to have free parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A
+bos are you looking for a hotel in a particular area ? eos O O O O O O O O O O O O Hotel-Request+Area
+bos no , i do n't need a particular area , but i am looking for something moderately priced . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A
+bos there are 15 guesthouses with a moderate price . do you have further criteria to narrow that down or would you like a recommendation ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O O O N/A
+bos i 've changed my mind and would like to go ahead and pick the center of town . wifi would be great . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i do n't have a guesthouse available but i do have a hotel . would that work ? eos O O O O O B-Hotel-NoOffer+Type O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos yes lets book it for 1 person for 5 nights starting monday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos ok , you are all booked at cityroomz . your reference number is qq57bsbe . eos O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O N/A
+bos thank you , can you tell me about a place called the ghandi ? i near that they have the best tandorri chicken . eos O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yes , they 're great . i 've eaten there many times . they are cheap and located in the center of town at 72 regent street city centre . do you need a reservation ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform
+bos nope i need their phone number though and postcode when you get a chance , thanks eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos their phone number is 01223353942 and postcode is cb21dp . is there anything else that i can help you with ? eos O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos thank you for using the cambridge town info service ! enjoy your time in cambridge eos O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i need a place to stay . something moderately priced , with free wifi . eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos i like acorn guest house . need a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Booking-Inform
+bos does the acorn guest house also offer free parking ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos it does have free parking . would you like to reserve a room ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes would you reserve andd book it for me with a confirmation number ? eos O O O O O O O O O O O O O O O N/A
+bos yes certainly . for how many nights will you be staying and how many people will be staying and when do you wish to arrive ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People
+bos i need it for 3 people and 3 nights starting sunday . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A
+bos booking was successful.reference number is : psnfsrqi . anything else i can help you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes please . i need a restaurant in the north , same price range as the hotel , and serves swiss food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A
+bos we do n't have any such restaurants in the north . do you want to search for something different ? eos O O O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O N/A
+bos can we try for one that serves indian food instead ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos the nirala is a moderately priced indian restaurant in the north . can i book you any tables ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform
+bos yes , book a table for 3 at 11:30 on the same day if you can . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : 1gd9z858 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A
+bos thanks for your help today . eos O O O O O O O general-thank
+bos enjoy your stay in cambridge ! eos O O O O O O O general-bye
+bos i 'm looking for a train leaving on friday that arrives by 1:45 pm . can you help me ? eos O O O O O O O O B-Train-Inform+Day O O O O O O O O O O O O N/A
+bos what city will you be leaving from ? eos O O O O O O O O O Train-Request+Depart
+bos i will be departing from cambridge to ely . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A
+bos there are four trains that can get you to ely by 13:45 , do you have a particular departure time preference ? eos O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Leave
+bos i do n't have a departure time preference . can you let me know how much the price is for the earliest departure out of those four trains ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-Request+Price
+bos tr1709 leaves at 5:50 and is 4.40 pounds , there are later trains also at the same price . would you like to book a seat ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O O O O O O Train-OfferBook
+bos no thanks . but can you find a restaurant that serves lebanese food in the centre ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos you 're in luck ! there is one lebanese restaurant in all of cambridge , and it 's in the center . ali bana , located at 59 hills road city centre . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos how is the pricing there ? eos O O O O O O O N/A
+bos ali baba is moderately priced . do you need a reservation ? eos O O O O O O O O O O O O O N/A
+bos no , just the address and postcode please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr
+bos the address is 59 hills road city centre . the postcode is cb21nt . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O N/A
+bos thanks so much ! that will be all for today ! eos O O O O O O O O O O O O general-thank
+bos thank you have a great day ! eos O O O O O O O O general-bye
+bos i am looking a restaurant in the centre cambridge area that serve gastropub food . eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O N/A
+bos i have 3 in the centre of town , what price range please ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Request+Price
+bos moderate price range . eos O B-Restaurant-Inform+Price O O O N/A
+bos the nil moderately priced restaurant is in the centre and serves gastropub food . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O Booking-Inform
+bos that would be great . can you make if for a party of 6 on tuesday at 15:30 ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A
+bos yes , i can make the reservation would you like their address ? eos O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos i can find it , but please give me the reference number for the reservation . nil is such a creative name for a restaurant ! eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos yes , it most certainly is . the booking was successful , and they will hold your table for 15 minutes . the booking number is cxfenrlz . anything else i can assist you with ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i also need a place to stay , moderately price , centre area , does n't matter whether or not it has wifi . eos O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Area O O O O O O O O O O O O O O N/A
+bos i have one result for you . it is cityroomz , a 0 star hotel . do you want to book this ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform
+bos oh yessiree , tuesday 6 people and 5 nights please eos O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A
+bos i am unable to make a booking for that right now . is there anything else i can do for you ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore
+bos does it have free wifi ? eos O O O O O O O N/A
+bos yes it does actually . eos O O O O O O Hotel-Inform+Internet
+bos can you book for 2 nights > eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos your room is reserved under ref # xp513560 . is there anything else i can help you with today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i will also need a taxi to take me to the restaurant and hotel . eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest O N/A
+bos when would you like to arrive by . eos O O O O O O O O O Taxi-Request+Arrive
+bos i want to make sure it arrives the restaurant by the booked time . eos O O O O O O O O O O O O O O O N/A
+bos i have booked you a car . it 's a blue skoda , and the contact number is 07324436761. eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O N/A
+bos thanks , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye
+bos great , i 'm glad i could help ! bye ! eos O O O O O O O O O O O O general-bye
+bos i 'm looking for some caribbean food . eos O O O O O B-Restaurant-Inform+Food O O O N/A
+bos i 'm sorry , i wish there were some caribbean places here , but there is n't . eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O N/A
+bos well , how about a gastropub ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos yes , there are some options . was there a particular price range or area of town you were looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area
+bos no any area is fine with me i just need the area and postcode of a good restaurant . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post
+bos kitchen and bar is a great gastropub located in the centre of town . the passcode is cb12qa . is there anything else i can help you with ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Post O O O O O O O O O O O O general-reqmore
+bos i need a train leaving on friday from cambridge can you help me get a ticket ? eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O O N/A
+bos i 'd be happy to help you with that , just let me know your destination . eos O O O O O O O O O O O O O O O O O O Train-Request+Dest
+bos sorry i messed up before . i actually did want an expensive restaurant . is kitchen and bar expensive ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A
+bos yes would you like me to book it for you ? , eos O O O O O O O O O O O O O Booking-Inform
+bos no , i just need the area and the post code please . eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post
+bos it is in the centre , and the postcode is cb23qf eos O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Post O N/A
+bos thanks i also need a trin from cambridge to london liverpool street on firday eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A
+bos what time do you need to arrive by ? eos O O O O O O O O O O Train-Request+Arrive
+bos i would like to arrive by 11:00. can you choose the train with the closest arrival time to 11:00 and book it for 7 people ? then give me the reference number eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref
+bos the total fee is 116.2 gbp payable at the station .reference number is : rttdskxc your train leaves at 07:59 eos O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Leave N/A
+bos thanks for your time . that is all for now . eos O O O O O O O O O O O O general-thank
+bos you are welcome , enjoy your stay in cambridge . eos O O O O O O O O O O O general-welcome
+bos can you help me find a train for my upcoming trip to your city ? eos O O O O O O O O O O O O O O O O Train-Inform
+bos what days look like the best ones to get a great deal on hotel with train ride . eos O O O O O O O O O O O O O O O O O O O N/A
+bos well , i want to leave on saturday . you tell me the best options . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A
+bos there are 202 options that day ! do you know what time you want to leave or arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive
+bos i would like to arrive by 19:00. eos O O O O O O O B-Train-Inform+Arrive N/A
+bos can you tell me where you are leaving from and going to ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart
+bos of course , silly me . i 'd like to travel from cambridge to london liverpool street on saturday , and i need to get there by 19:00 please . eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O O O O O N/A
+bos allright . tr0357 departs at 09:39. would you like me to book you tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O general-greet,Train-OfferBook
+bos can you give me the ticket price ? eos O O O O O O O O O Train-Request+Price
+bos a ticket from london liverpool street to cambridge is 13.28gbp . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Ticket O N/A
+bos ok , i 'll have to speak with my friend to see if that price is acceptable . can i please get the address to the restaurant hotel du vin and bistro ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Addr,Train-Request+Price
+bos absolutely , the address is 15-19 trumpington street . is there anything else i can assist you with today ? eos O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i also need their phone number . eos O O O O O O O O Restaurant-Request+Phone
+bos sure ! their number is 01223227330. eos O O O O O B-Restaurant-Inform+Phone O general-greet
+bos thanks for the help , that 's all for now . eos O O O O O O O O O O O O general-thank
+bos i hope you have a good trip . have a nice day . goedbye eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am looking for an expensive indian restaurant in cambridge . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A
+bos there are 14 expensive restaurants that serve indian food . what part of town would you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Area
+bos i want the location to be in the west . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos cocum is a nice indian restaurant in the west in the expensive price range . would you like to book a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform
+bos yes , i need a table . eos O O O O O O O O N/A
+bos okay , i can help with that . what day and time would you like to dine and how many people should i have the reservation for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People
+bos on thursday at 5:00. i also need a hotel in the same area . no need to have free parking . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Parking O O O O O O N/A
+bos i am unable to find a hotel that meets your criteria . would you like help with anything else ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O general-reqmore
+bos are you sure ? it should be the type of a hotel eos O O O O O O O O O O O O B-Hotel-Inform+Type N/A
+bos yes this is correct there are none available sorry . do you have any other preferences ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore
+bos how about one that has free parking ? eos O O O O O O O O O N/A
+bos huntington marriott hotel is in the west and has free parking . would you like a reservation ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O Hotel-Recommend+Parking
+bos is that in the same area as the restaurant ? eos O O O O O O O O O O O Restaurant-Inform
+bos yes it is also in the west eos O O O O O O O B-Hotel-Inform+Area N/A
+bos yes . i 'd like to book that for 3 nights starting sunday and for 4 people . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O N/A
+bos i have made that reservation and the reference number is 4j5e7xv1 . what else can i help you with today ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos great , thanks so much ! can you please book me a taxi from the restaurant to the marriott , leaving the restaurant by 17:00 ? eos O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A
+bos okay i have booked you a tax . look out for a blue volkswagon whose contact number is 07502242319. eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A
+bos okay thank you for all your help . eos O O O O O O O O O general-thank
+bos can i look up anything else for you ? eos O O O O O O O O O O general-reqmore
+bos that is all , goodbye . eos O O O O O O O general-bye
+bos have a nice day . eos O O O O O O general-bye
+bos i am looking for a 3-star guesthouse . can you please help me ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A
+bos i 've found several guesthouse options , do you have a specific area of the city in mind ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O O Hotel-Request+Area
+bos do any of those have free parking ? i really need it to include that . eos O O O O O O O O O O O O O O O O O N/A
+bos three guesthouses rated 3 stars have free parking available . may i start a reservation for you ? eos O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos yes , at whichever one you think is nicer . i need a room for 2 nights on saturday . there are 6 of us . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O N/A
+bos i have made a reservation for your party of six for two nights starting saturday at bridge guest house . your reference number is zz1ecccs . do you need anything else ? eos O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore
+bos i am also looking for a place to dine in the moderate price range with british food . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A
+bos are you looking for a restaurant in a particular area ? eos O O O O O O O O O O O O Restaurant-Request+Area
+bos it should be in the centre . eos O O O O O O B-Restaurant-Inform+Area O N/A
+bos i recommend cotto , phone-01223302010 eos O O O B-Restaurant-Recommend+Name B-Restaurant-Recommend+Phone O N/A
+bos that 's great . i 'd like to book a table for the same group at 14:15 on the same day . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : wv3aqgoi . anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore
+bos thank you . i 'll also need a taxi to commute between the two locations . i 'll need to arrive at the restaurant by the booked time . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what time would you like to leave and from where ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave
+bos leaving the guesthouse and going to the restaurant , arriving by 14:15. eos O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos the booking is completed . lookout for a black ford contact number 07589149146. can i help with anything else ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that will be all . thanks so much for all your help ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos looking for arbury lodge guesthouse eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos arbury lodge is located at 82 arbury road , in the north area of town . it 's 4 stars and moderately priced . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform
+bos yes i would like a room for 4 nights starting from sunday . i will also need the reference number please . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O Hotel-Request+Ref
+bos sounds good . how many people should i make reservations for ? eos O O O O O O O O O O O O O general-welcome,Booking-Request+People
+bos just one person please . eos O O O O O O N/A
+bos i have made your reservation for 1 person , for 4 nights starting on sunday . your reference number is rx0f3k8s . is there anything else i can do for you ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos thanks . i 'm also looking for some places to visit around town . eos O O O O O O O O O O O O O O O general-thank
+bos what type of attraction would you like to visit ? eos O O O O O O O O O O O Attraction-Request+Type
+bos i would like to visit a college in the centre please . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A
+bos great , i have 13 you could visit ! eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O N/A
+bos wow ! that 's one smart place . pick one that you like ! eos O O O O O O O O O O O O O O O N/A
+bos gonville and caius college is my favourite . can i give you their contact ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O N/A
+bos yes please give me their entrance fee and phone number . eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos gonville and caius college has a free entrance fee . their phone number is 01223332400. is there anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore
+bos i also need a taxi between them that leaves the hotel by 12:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A
+bos you have been assigned a white skoda and the contact is 07605405449. what else do you need ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore
+bos thanks so much for the information . good day ! eos O O O O O O O O O O O general-thank
+bos you 're welcome . have a great day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking to stay at a moderate priced place with free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A
+bos both the ashley hotel and the lovell lodge fit that bill . they are both pretty similar , do you have any preference ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O Hotel-Select
+bos do either of them have a star rating of 4 ? eos O O O O O O O O O O O O N/A
+bos no , both of those hotels have 2 star ratings and are located in the north part of town . do you want a 4 star hotel somewhere else ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Select+Type O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Select+Stars O B-Hotel-Select+Area I-Hotel-Select+Area O O O N/A
+bos i would like a 4 star hotel that is priced moderatly . i do n't have preference in the part of town . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O N/A
+bos i have 9 available but there are no hotels , only guesthouses . is that okay ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos a guesthouse would be fine . eos O O B-Hotel-Inform+Type O O O O N/A
+bos okay , for how many people how long and when please ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day
+bos i need to book for 3 people on 3 nights starting tuesday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A
+bos the booking for acorn guesthouse was successful . the reference number is a3j9je6h . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O N/A
+bos are there any colleges in town ? i want to see some . eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A
+bos education is a core of industry in cambridge , we have 18 college , any preference by area ? eos O O O O O O O O O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area
+bos no area preference . i would appreciate a recommendation . eos O O O O O O O O O O O N/A
+bos i recommend corpus christi . it is in the centre eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Area O N/A
+bos ok that sounds good . could you tell me what the entrance fee is there ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee
+bos no fee 's it is free admission eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A
+bos perfect , that takes care of me , thanks for your help . eos O O O O O O O O O O O O O O general-thank
+bos have a nice day . eos O O O O O O general-bye
+bos i need to schedule a taxi to da vinci pizzeria from tandoori palace . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos ok , what time do you want to leave by ? eos O O O O O O O O O O O O Taxi-Request+Leave
+bos i would like to leave after 22:15. eos O O O O O O O B-Taxi-Inform+Leave N/A
+bos booking completed ! a blue volvo will be picking you up , the contact number is : 07185148788. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O N/A
+bos ok thank you ! eos O O O O O general-thank
+bos you 're welcome , do you need any further assistance ? eos O O O O O O O O O O O O general-reqmore
+bos i do not thank you . eos O O O O O O O general-thank
+bos alright have a great time . and do n't hesitate to call again if you need more help . eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos i want to book a train . i would like to depart from cambridge and arrive by 16:45 eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A
+bos what is your destination ? eos O O O O O O Train-Request+Dest
+bos the train should depart from cambridge and should arrive by 16:45. going to ely eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest N/A
+bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day
+bos i would like to go on saturday . eos O O O O O O O B-Train-Inform+Day O N/A
+bos how about tr8860 ? eos O O O B-Train-Inform+Id O N/A
+bos sure , i would like to book that train for 4 passengers . eos O O O O O O O O O O O B-Train-Inform+People O O N/A
+bos booking was successful , the total fee is 14.08 gbp payable at the station . reference number is : vx48zgh0 . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Id O O O N/A
+bos that 's wonderful . i am all set . thank you . goodbye . eos O O O O O O O O O O O O O O O general-bye
+bos you 're very welcome ! goodbye . eos O O O O O O O O general-bye
+bos i want to go to addenbrookes hospital eos O O O O O O O O Hospital-Inform
+bos addenbrookes hospital is located at hills rd , cambridge in postcode cb20qq . eos O O O O O O O O O O O O O O N/A
+bos ok thank you for the information . eos O O O O O O O O general-thank
+bos you are more than welcome ! eos O O O O O O O general-greet
+bos hi , i need to catch a train from london liverpool street on wednesday . can you please give me the schedule for that day ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O O O N/A
+bos tr7020 london liverpool street cambridge wednesday 05:39 07:07 16.60 pounds 88 minutes tr8813 london liverpool street cambridge wednesday 07:39 09:07 16.60 pounds 88 minutes tr7519 london liverpool street cambridge wednesday 09:39 11:07 16.60 pounds 88 minutes tr4161 london liverpool street cambridge wednesday 11:39 13:07 16.60 pounds 88 minutes tr2826 london liverpool street cambridge wednesday 13:39 15:07 16.60 pounds 88 minutes eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos it looks like tr4161 from london liverpool street to cambridge , leaving on wednesday at 11:39 , fits my schedule . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos great , would you like me to book that for you ? how many people ? eos O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook
+bos yes , please . two of us are traveling together . eos O O O O O O O O O O O O N/A
+bos i have booked you two tickets . your reference number is l0hyq28z eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye
+bos welcome again some other time eos O O O O O O general-welcome
+bos i am injured and need to get to a hospital that has a pediatric clinic . eos O O O O O O O O O O O O O O O O O Hospital-Inform
+bos sorry , i could n't find that department in the nearby hospital . eos O O O O O O O O O O O O O O N/A
+bos where else could i possibly find the department eos O O O O O O O O O N/A
+bos my apologies , i actually did find it . their phone number is 01223348313 eos O O O O O O O O O O O O O O O N/A
+bos thank you , could you also give me the postcode and address , please ? eos O O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the postcode for addenbrookes hospital is cb20qq , and the address is hills rd , cambridge . is there any other way i can assist you ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , thanks again . eos O O O O O O general-thank
+bos you 're welcome . i hope everything turns out ok. eos O O O O O O O O O O O general-welcome,general-bye
+bos i need a train leaving cambridge sometime after 13:15 please . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A
+bos where are you headed ? eos O O O O O O Train-Request+Dest
+bos i 'm going to bishops stortford . eos O O O O O O O O N/A
+bos rainid departure destination day leaveat arriveby price duration book ( optional ) tr2420 cambridge london kings cross friday 15:00 15:51 23.60 pounds 51 minutes tr6628 cambridge london kings cross friday 17:00 17:51 23.60 pounds 51 minutes tr1006 cambridge london kings cross friday 19:00 19:51 23.60 pounds 51 minutes tr3055 cambridge london kings cross friday 21:00 21:51 23.60 pounds 51 minutes tr9876 cambridge london kings cross friday 23:00 23:51 23.60 pounds 51 minutes these are the available options eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm a little overwhelmed by the information . i am actually leaving on sunday , this seems to be friday . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O O O O N/A
+bos there s a train that departs at 15:00 arriving in london kings cross at 15:51. how does that sound ? eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A
+bos i need to depart from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A
+bos there is a train running from cambridge to bishops stortford on friday that leaves at 13:29. the train id is tr8585 . would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook
+bos no . i need the train to go from cambridge to bishops stortford on sunday and leaving after 13:15. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A
+bos alright , i have several options for you . the earliest train that meets your criteria is tr2402 and leaves at 13:29. will that work ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O N/A
+bos that sounds great . could i get the price please ? eos O O O O O O O O O O O O Train-Request+Price
+bos the price is 8.08 pounds . is there anything else i can help you with ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore
+bos i think that 's it . thank you . eos O O O O O O O O O O general-thank
+bos thanks for your help eos O O O O O general-welcome
+bos am looking for the addenbrookes hospital . eos O O O O O O O O Hospital-Inform
+bos i can assist you with that . addenbrooks hospital is located at hills rd , cambridge . can i help you with anything else ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i need their phone number , please . eos O O O O O O O O O Hospital-Request+Phone
+bos sure ! the phone number is 01223245151. eos O O O O O O O O N/A
+bos thanks , that 's all i need for now . goodbye . eos O O O O O O O O O O O O O general-bye
+bos thank you goodbye eos O O O O general-bye
+bos am looking for the nearest police station eos O O O O O O O O Police-Inform
+bos the parkside police station address is parkside , cambridge , postcode cb11jg . their telephone number is 01223358966. eos O O O O O O O O O O O O O O O O O O O N/A
+bos got it . thank you for your help . eos O O O O O O O O O O general-thank
+bos you are most welcome ! eos O O O O O O general-bye
+bos i got injured and i am looking for a hospital nearby . the hospital should have a neurology department eos O O O O O O O O O O O O O O O O O B-Hospital-Inform+Department O O N/A
+bos contact them at 01223274680 eos O O O O O N/A
+bos i need the address and postcode . eos O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos the address for addenbrookes hospital is hills rd , cambridge and the postcode : cb20qq . eos O O O O O O O O O O O O O O O O O N/A
+bos can you please call a taxi to take me to the hospital ? eos O O O O O O O O O O O O O O Taxi-Inform,Hospital-Inform
+bos where would you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos i actually do n't need a taxi . i 'm all set . thanks , goodbye . eos O O O O O O O O O O O O O O O O O O Taxi-Inform
+bos you 're very welcome . feel free to call us back when you need . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos i need help with a train to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A
+bos what station do you wish to leave from ? eos O O O O O O O O O O Train-Request+Depart
+bos i want to leave from birminham new street on thursday . eos O O O O O O O O O O O O N/A
+bos there are 19 trains departing from birmingham new street to cambridge , do you have a time preference in mind ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Leave
+bos yes , i need to leave birmingham after 18:30. eos O O O O O O O O B-Train-Inform+Leave O N/A
+bos there is no train leaving at that time . eos O O O O O O O O O O Train-NoOffer
+bos anytime after 18:30 will be fine , it does n't have to be at that exact time . eos O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O N/A
+bos the tr7285 leaves at 18:40 that day . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O N/A
+bos i would like to make reservations for 5 people . eos O O O O O O O O O B-Train-Inform+People O N/A
+bos booking was successful , the total fee is 375.5 gbp payable at the station . the reference number is : su7biolw . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore
+bos thanks ! i 'm also looking for a chinese restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Restaurant-Request+Price
+bos um ... no , not really . eos O O O O O O O O N/A
+bos i found 10 chinese restaurants in the centre with various price ranges . would you like a recommendation ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Recommend
+bos yes ! what place would you recommend ? eos O O O O O O O O O N/A
+bos jinling noodle bar is located in the centre and is in the moderate price range . it will suit your needs . can i make a booking for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Booking-Inform
+bos yes please . for 5 people on thursday at 21:00. can i get the reference number after you book it ? eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A
+bos you are booked , the reference number is ka64onyz , is there anything else that i can assist with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you for all your help . eos O O O O O O O O general-thank
+bos you are very welcome . good day . eos O O O O O O O O O general-welcome,general-bye
+bos i need a place to eat that is expensive . eos O O O O O O O O O B-Restaurant-Inform+Price O N/A
+bos there are many options for expensive dining . eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O N/A
+bos specifically , i would like an indian restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O N/A
+bos there are a number of expensive indian options . is there a specific part of town you were looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Area
+bos not really , as long as it is open on monday and has room for 5 people . eos O O O O O O O O O O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+People O O N/A
+bos it appears that the curry garden meets your needs ! would you like me to book that for you ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O N/A
+bos yes , please make reservations for 5 people at 16:45 on monday . eos O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes.reference number is : j8918h0x . anything else i can help you with ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos thanks . i also need a train from bishops stortford to cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A
+bos what day will you travel ? eos O O O O O O O Train-Request+Day
+bos i will be traveling on monday . eos O O O O O O B-Train-Inform+Day O N/A
+bos okay , is there a certain time you need to leave ? eos O O O O O O O O O O O O O Train-Request+Leave
+bos i would like to arrive by 11:00. could you give me the departure time and train id ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave
+bos i can suggest the tr4448 arriving by 06:07. eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A
+bos is there a departure time ? eos O O O O O O O Train-Request+Leave
+bos that train departs at 05:29. eos O O O O O B-Train-Inform+Leave N/A
+bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank
+bos thank you for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye
+bos i need to book a taxi to leave after 12:45 to go to yippee noodle bar . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos great . and where will you be leaving from ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i 'll be leaving from the cambridge punter . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos i have booked a grey bmw for you . the contact number is 07619508724. can i help you further today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos no , that will be all , thank you . eos O O O O O O O O O O O general-thank
+bos we are happy to be of help . have a great day ! eos O O O O O O O O O O O O O O general-bye
+bos i need to book a taxi to take me to the junction . i need it here by 18:15. eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O N/A
+bos i 'd be happy to help - where should the taxi pick you up ? and just to confirm - you need to leave at 18:15 ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart
+bos yes , leave by 18:15 and from la margherita . eos O O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A
+bos booking completed ! booked car type : blue volvocontact number : 07423194148 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos okay , thanks a lot . you have a great day . eos O O O O O O O O O O O O O general-thank
+bos you are welcome . thanks for calling . goodbye . eos O O O O O O O O O O O general-bye
+bos i am looking for somewhere yummy to eat ! i would like to stay around the centre and have some italian if at all possible eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O N/A
+bos ok , what price range would you like to stay within ? eos O O O O O O O O O O O O O Restaurant-Request+Price
+bos something expensive . i 'd like to treat my family to some great food . eos O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A
+bos don pasquale pizzeria in the centre is pretty ritzy i hear , definitely in the expensive range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos great ! can you book me a table for 8 at 12:30 on sunday ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos ok , the table will be reserved for 15 minutes . your reference number is : jazsisf7 . anything else i can do for you today ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos i am also looking for places to go . i need a attraction in the same area as the restaurant . eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos sure , there 's a tonne of attractions in the city centre , any specific type you 're looking to visit ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type
+bos anything in the centre area what do you recommend ? eos O O O O B-Attraction-Inform+Area O O O O O O N/A
+bos i recommend the cambridge punter . it 's a nice boating attraction in the center , located at 251a chesterton road . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A
+bos that sounds good , thank you for your help ! eos O O O O O O O O O O O general-thank
+bos is there anything else i can be of help with today ? eos O O O O O O O O O O O O O general-reqmore
+bos no that is all . goodbye eos O O O O O O O general-bye
+bos please do not hesitate to give me a call if your require additional assistance . eos O O O O O O O O O O O O O O O O general-bye
+bos please help me find a hotel to stay at in the centre that has a 4 star rating . thanks ! eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O N/A
+bos i have 2 matches . do you have a type preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Type
+bos i want an expensive place with free wifi . eos O O O O B-Hotel-Inform+Price O O O O O N/A
+bos that narrows it down to one choice , the university arms hotel . it meets all of your requirements , plus has parking . would you like me to check availability ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos where is it located ? eos O O O O O O N/A
+bos its location is on regent street . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A
+bos thanks . i 'm also wanting to see if there 's someplace to get polynesian food in the centre of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos there are no polynesian restaurants in the centre . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O N/A
+bos is there a oriental restaurant in the city centre that is in the expensive price range ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A
+bos kymmoy is a great asian oriental place in the center of town , but it 's expensive . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A
+bos that 's all i will need . thank you ! eos O O O O O O O O O O O general-thank
+bos thank you for using the cambridge towninfo centre . please have a pleasant day . eos O O O O O O O O O O O O O O O O general-bye
+bos i just had a fender bender and got caught up in a fight with the other driver . i need some assistance please ! eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos cambridge , parkside police telephone number 01223358966. eos O O O O O O O O N/A
+bos can i get the address and postal code ? eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr
+bos sure thing ! the address is parkside , cambridge and the postal code is cb11jg . eos O O O O O O O O O O O O O O O O O N/A
+bos thanks so much for your help ! eos O O O O O O O O general-thank
+bos you are very welcome . do you need any further assistance ? eos O O O O O O O O O O O O O general-reqmore
+bos no , that is all for today . thanks . eos O O O O O O O O O O O general-thank
+bos have a great day ! eos O O O O O O general-greet
+bos are there any available rooms in the autumn house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos autumn house has a guesthouse . when are you looking to stay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O O O Booking-Request+Day
+bos maybe . what is the star rating and price range on that hotel ? eos O O O O O O O O O O O O O O O Hotel-Request+Price
+bos it has four stars and its cheap eos O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price N/A
+bos i am also looking for cambridge contemporary art . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A
+bos sure , i have found it for you . is there anything you want to know about ? eos O O O O O O O O O O O O O O O O O O O Attraction-Inform,general-reqmore
+bos can you give me their entrance fee and phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos no problem . their phone number is 01223324222 and the entrance fee is free . eos O O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee O O N/A
+bos awesome . can you also help me to book a taxi from the hotel to the attraction ? i want to leave the hotel by 24:45. eos O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos you are all set . your taxi would be a red lexus and you can contact them at 07614169632. is there anything else i can help ? eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore
+bos that 's all i need . thank you so much for the help ! eos O O O O O O O O O O O O O O O general-thank
+bos you 're welcome . enjoy your stay . eos O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for holy trinity church . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos it 's on market street the postcode is cb23nz and their phone number is 01223355397. is there anything else you would like to know about this attraction ? eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O O general-reqmore
+bos no , i think you gave me everything , thanks ! eos O O O O O O O O O O O O general-thank
+bos you 're certainly welcome . is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos i 'm looking for a hotel to stay that has free wifi , but does n't need to have free parking . eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos we have many options available to you that may suit you is there a particular part of town that you would prefer ? eos O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no , surprise me ! just has to be cheap and a hotel . eos O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O O O N/A
+bos the cambridge belfry would suit you . it 's in the west and is cheap . would you like me to book you a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O O O O O O O N/A
+bos do you know if they offer free parking ? eos O O O O O O O O O O N/A
+bos yes they do . eos O O O O O Hotel-Inform+Parking
+bos please book it for 1 person for 3 nights starting tuesday . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A
+bos okay , your reference number is : vnh1wijb . is there anything else i could help you with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i also need a taxi from the hotel to the holy trinity church . i want to leave the hotel by 21:30. eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos okay , i 've booked you a black bww and its contact number is 07157659853. is there anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O N/A
+bos that should be all . thank you for your help ! eos O O O O O O O O O O O O general-thank
+bos thank you goodbye . eos O O O O O general-bye
+bos hi , i want an expensive place to stay in the town centre please . eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O N/A
+bos there are 2 places , gonville hotel and university arms hotel , any other preference or questions before i book ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O N/A
+bos yes , do either include free wifi or free parking ? eos O O O O O O O O O O O O N/A
+bos yes , both of them have free wifi & parking . would you like to book this for you ? just tell me which hotel you prefer . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,Hotel-Select
+bos book the gonville hotel for 3 people and 3 nights starting tuesday . may i have the reference number too ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref
+bos i have booked your hotel . your reservation number is c0asbzha eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you ! i 'm also looking for some places to go around the hotel . do you have any recommendations ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Inform
+bos i would recommend the all saints church in that area . would you like more information regarding it ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O general-reqmore
+bos could i get the address , postcode and attraction type ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr
+bos sure ! it 's architecture in the centre of town.it has postcode to cb58bs eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post O O N/A
+bos thank you very much . i think that 's all . eos O O O O O O O O O O O O general-thank
+bos well , thank you for booking through our service . have a pleasant day ! eos O O O O O O O O O O O O O O O O general-bye
+bos yes i am looking for a hotel in the centre of town . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A
+bos we have 3 hotels in the centre of town . did you want a moderately priced one or an expensive hotel ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A
+bos price does n't matter and i do n't need internet . i do however need free parking . eos O O O O O O O O O O O O O O O O O O O N/A
+bos in that case , i recommend the university arms hotel , a 4-star place on regent street . eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O N/A
+bos that sounds good , let 's go with that one . eos O O O O O O O O O O O O N/A
+bos i can book that for you . how many people will be staying ? how many nights do you want to stay ? eos O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People
+bos i would like it to be for 6 people and 2 nights starting from wednesday , please . eos O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A
+bos your room is booked , ref # khhjbqsz . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos thank you . i also would like to find some places to go in the area of the hotel . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos we 're fortunate to have a wide variety of attractions in the centre of town . do you have any specific interests today ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos i think i would like it to be of the multiple sports type . eos O O O O O O O O O O O O O O O N/A
+bos unfortunately there are no multiple sports attractions in the center . please consider changing the attraction type or area . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type
+bos are there any theatres near the university arms hotel ? eos O O O O B-Attraction-Inform+Type O O O O B-Hotel-Inform+Type O N/A
+bos there are four theatres in tat area , i recommend the mumford theatre . eos O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A
+bos okay , can i please have the postcode ? eos O O O O O O O O O O Attraction-Request+Post
+bos of course , it 's cb11pt . eos O O O O B-Attraction-Inform+Post O O O N/A
+bos thanks ! i 'll also need a taxi from the theatre to the hotel , and i 'll need to leave the theatre by 07:30 , please . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O N/A
+bos i 've booked it and the car you 're looking for is a yellow ford and the contact number is 07609359169. is there anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O N/A
+bos that 's all i need . thank you and goodbye ! eos O O O O O O O O O O O O general-bye
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye
+bos i am looking for a place to stay , preferably a guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos there are 24 guesthouses . do you have a specific area of town you would prefer ? or maybe a price range or number of stars you would like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price
+bos it should be on the north side of town and cheap . eos O O O O O O B-Hotel-Inform+Area O O O O O O N/A
+bos do you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price
+bos i would prefer in the cheap range . eos O O O O O O B-Hotel-Inform+Price O O N/A
+bos i have 2 that are cheaper . the worth house is 4-star rated . city centre north b & b has 0 star rating . both offer free wifi and parking . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet
+bos why do n't we go with the worth house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos i 'd be happy to book you a room . how many people and for which day ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Inform
+bos can you book a room for friday for 5 people , 4 nights please ? eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O N/A
+bos your booking was successful and your reference number is ij1hubdz . eos O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos great . can you also book a taxi for me to commute between these places ? eos O O O O O O O O O O O O O O O O O Taxi-Inform
+bos i 'd be happy to book you a taxi , but to do that i will need a destination or starting point , in addition to worth house . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest
+bos what about an attraction in the same area as the hotel ? eos O O O O O O O O O O O O O N/A
+bos i have 4 different attractions in the north . i have 2 swimming pools , a park , and a boating attraction . do you have a preference ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Select
+bos not really . i will pick one that interests me . could you get me a taxi to take me from the hotel at 09:30 ? eos O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A
+bos sure . milton country park is a nice free attraction . i booked you a taxi that will pick you up at 9:30 from your hotel . it 's a white audi , contact is 07080139469 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O N/A
+bos great ! i ca n't think of anything else i need thank you for your help . eos O O O O O O O O O O O O O O O O O O general-thank
+bos no problem , happy to be assistance . eos O O O O O O O O O general-welcome
+bos you were very helpful . eos O O O O O O N/A
+bos i hope you enjoy your stay . have a nice day . eos O O O O O O O O O O O O O general-bye
+bos hello , i 'm looking for a 4 star guesthouse in the center of town for 3 people and 4 nights . i 'd like wifi and free parking too . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos the place that fits all your needs in the centre of town is alexander bed and breakfast . eos O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos is that place cheap ? eos O O O O O O N/A
+bos it is cheap ! would you like to book a room there ? eos O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform
+bos can i get the address and star rating ? eos O O O O O O O O O O Hotel-Request+Addr
+bos the alexander bed and breakfast is a 4 star guesthouse at 56 saint barnabas road in the centre . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Area O N/A
+bos thanks ! i 'm also looking for an architecture type place in the west . can you help me ? eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O N/A
+bos i can not find any attractions that meet that criteria . is there another attraction type you want me to search for or perhaps another area eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer
+bos how about entertainment instead ? eos O O O B-Attraction-Inform+Type O O N/A
+bos whale of a time looks available if you 'd like that eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A
+bos yes that sounds good can i get the phone number , entrance fee , and address . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr
+bos the phone number is 01954781018 , the address is 'unit 8 , viking way , bar hill ' , but i 'm sorry , the admission price is unavailable right now . eos O O O O O B-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O N/A
+bos thanks , i would like a taxi from the two places too . eos O O O O O O O O O O O O O O Taxi-Inform
+bos i have booked you a taxi from alexander b & b to whale of a time . it leaves by 10:00 and arrives to whale of a time by 10:30. is that good ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos yeah , can i get the contact number and car type , please ? eos O O O O O O O O O O O O O O O Taxi-Request+Car
+bos the taxi will be a blue volkswagen and their number is 07623192315. what else van i help you with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos that should be all i need . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos thanks for using our service . eos O O O O O O O general-bye
+bos hi there . i am looking to find a hotel room in town . can you help ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A
+bos i sure can help you ! we have many wonderful options available to you , is there a specific price range or area you would like ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet
+bos it may sound odd but i want a zero star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Type O N/A
+bos do you have any particular area that you 'd like to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area
+bos no preference really . and it does n't really need to have free parking . eos O O O O O O O O O O O O O O O O N/A
+bos i would like to suggest cityroomz . is there any information you need about it ? eos O O O O O O B-Hotel-Recommend+Name O O O O O O O O O O general-reqmore
+bos nope , as long it is the zero star hotel i will be happy.i love zero stars for the experience . thanks . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O N/A
+bos yes . can i book it for you ? eos O O O O O O O O O O Booking-Inform,general-greet
+bos yes , please . there will be 5 people and we want to arrive on thursday and stay for 2 nights . eos O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O N/A
+bos wish i had better news for you but they are all booked for that length of stay . would you consider a shorter stay or different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay
+bos how about just for 1 night ? eos O O O O O O B-Hotel-Inform+Stay O N/A
+bos your hotel stay is all booked . your reference number is jmwz9gia . is there anything else i can assist you with ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos great . can you suggest someplace i could go in the centre to pass a few hours ? i really do n't have any preferences myself . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O O N/A
+bos there are many interesting churches to visit if you are a fan of architecture . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O N/A
+bos i am . can i please have the postcode , address , and entrance fee of an attraction ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr
+bos might i suggest all saints church . the postcode is cb58bs and it is located on jesus lane . there is also no entrance fee . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos that sounds great . i also need a taxi to take me from the hotel to the church and back please . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A
+bos i can book one way only . when would you like to leave cityroomz ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave
+bos i will be ready to depart at ... oh ... 14:15. eos O O O O O O O O O B-Taxi-Inform+Leave O O N/A
+bos ok , a white audi will pick you up at cityroomz and head to the church . the contact number is 07090347513. can i help you with anything else today ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos that was everything i needed . thanks for your help ! eos O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos can you help me locate a hotel to stay at that has free parking and a 4 star rating ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Stars O O N/A
+bos okay i 've got three options here . would you like a cheap or an expensive price range ? eos O O O O B-Hotel-Select+Choice O O O O O O O O O B-Hotel-Select+Price O O O O O N/A
+bos oh , expensive please . i do hope it is a guesthouse ? eos O O B-Hotel-Inform+Price O O O O O O O O O O O N/A
+bos unfortunately they are both hotels . eos O O O O O B-Hotel-Inform+Type O N/A
+bos oh . i would really prefer a guesthouse . how about the moderate price range ? eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O Restaurant-Request+Price
+bos i have 9 guesthouses in the moderate price range , do you have a location preference ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area
+bos the location is n't important . i need to book it for friday , please . eos O O O O O O O O O O O O O O O O O N/A
+bos okay , i recommend the acorn guesthouse . would you like me to book there ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos yes . i will be staying 5 nights starting friday . eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A
+bos no problem . how long are you staying ? eos O O O O O O O O O O Booking-Request+Stay
+bos i 'll be staying for 5 nights . eos O O O O O O B-Hotel-Inform+Stay O O N/A
+bos booking was successful . reference number is : gqpn80pk . is there anything else i can assist you with today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos im also looking for the cow pizza kitchen and bar . whats the address for it ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Restaurant-Request+Addr
+bos its address is corn exchange street . what else can i do for you ? eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore
+bos i need it 's price range please eos O O O O O O O O Restaurant-Request+Price
+bos they are moderate , it is a gastropub , in case you need them , the postal is cb23qf and the phone number is 01223308871 , can i assist with anything else ? eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore
+bos you have helped me with everything i need . thank you . eos O O O O O O O O O O O O O general-thank
+bos anytime . enjoy your visit . eos O O O O O O O general-bye
+bos i was looking for a hotel called worth house someone told me about . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A
+bos yes it is located in the north , would you like me to book it ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform
+bos can you tell me their star rating and fo they have free parking ? oh and what area are they in ? eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking
+bos it 's a 4 star guesthouse in the north ; warkworth terrace post code cb11ee . they have free parking . would you like to book it ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos no thank you . i am also looking for a place to go in the west section of town . can you help with that ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A
+bos there are several interesting places to go , from whale of a time to the museum of classical archaeology . do you have an idea of what sort of place you 'd like ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O Attraction-Request+Type
+bos whale of a time sounds good . can you give me the postcode and address for that ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr
+bos the address is unit 8 , viking way , bar hill , postcode cb238el . anything else you need ? eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O general-reqmore
+bos yes , i will also need a taxi between those two places . i want to leave the hotel by 2:15. i will need the contact number and car type . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos i was able to book you that taxi . be looking for a red tesla . if you need to reach them , please call 07304459127. anything else i can help with ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore
+bos thanks a lot for the help eos O O O O O O O general-thank
+bos you 're welcome . you can use our services anytime eos O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for cinemas in the east eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area N/A
+bos there are no cinemas in the east . would you like me to look in a different area ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O O O O O O N/A
+bos no . is there a park ? eos O O O O O B-Attraction-Inform+Type O O N/A
+bos there is 1 park in the east . the cherry hinton water play park near cherry hinton hall . would you like the phone number ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore
+bos just the entrance fee , thank you . eos O O O O O O O O O Attraction-Request+Fee
+bos the cherry hinton water play park offers free admission . is there anything more i can help with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore
+bos yes , i want to find out about da vinci pizzeria please . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A
+bos sure , this is an inexpensive italian restaurant in the north , located at 20 milton road chesterton . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform
+bos yes , please , a table for 8 on thursday . we 'd like to dine at 12:45. eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+Time O O O O N/A
+bos your reservation was successful . the table will be reserved for 15 minutes.reference number is : gbzvhzam . can i help you with anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i also need a taxi to take me from the water park to the restaurant by my reservation time , please . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos ok i made that taxi reservation . it 's a blue toyota and the contact numner is 07403878307. eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you very much . eos O O O O O O general-thank
+bos can i help you with anything more today ? eos O O O O O O O O O O general-reqmore
+bos that is all i need today . thank you for your help ! eos O O O O O O O O O O O O O O general-thank
+bos you 're welcome , have a great day . eos O O O O O O O O O O general-welcome,general-bye
+bos i want something to entertain me in town . what do you have ? eos O O O O O O O O O O O O O O O N/A
+bos i have 5 venues that meet what you asked . did you have a certain area you wanted ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Attraction-Request+Area
+bos nothing in particular . something with high reviews . can you send me the address of the top choice ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr
+bos the funky fun house it is . they 're located at 8 mercers row , mercers row industrial estate . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos thanks - i am also looking for a european restaurant in the city centre . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A
+bos i 've got eight european restaurants in that area , is there a price range you want to narrow it down to ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price
+bos i prefer the moderate price range . eos O O O O B-Restaurant-Inform+Price O O O N/A
+bos galleria is a very popular restaurant in the moderate range . would you like me to book a reservation for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Inform
+bos that sounds awesome . can i get a reservation for 8 people on monday at 13:15 please ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A
+bos you are all set ! reference number t1xd3al9 . anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore
+bos yes , i need a taxi to get from the fun house to the restaurant by the reservation time , please . eos O O O O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform
+bos what time would you like to arrive and leave ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave
+bos i need to arrive by 13:15 at the restaurant . eos O O O O O O B-Taxi-Inform+Arrive O O O O N/A
+bos your booking is set , look for a white tesla , the driver can be reached at 07195481279 , anything else that i can assist with ? eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos um ... that should be everything . eos O O O O O O O O N/A
+bos thank you for using our service . have a great evening . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet
+bos i am looking for attractions in the centre . eos O O O O O O O O B-Attraction-Inform+Area O N/A
+bos there are many things to do in the centre is there a type of attraction you are looking for ? eos O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos any place would be great . eos O O O O O O O N/A
+bos i can recommend the cambridge university botanic gardens , it 's both peaceful and interesting . the entrance fee is 4 pounds . does that sound like what you 're looking for ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O O N/A
+bos that sounds wonderful , what is the address on that ? eos O O O O O O O O O O O O Attraction-Request+Addr
+bos the botanic gardens are located on bateman street . is there anything else i can help you with today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore
+bos can i please have the exact address location ? eos O O O O O O O O O O Attraction-Request+Addr
+bos cambridge university botanic gardens is located on bateman street . does this help ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O general-reqmore
+bos yes , thanks ! i also need a table at la raza , please . tuesday , 3 people , at 19:00. eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O N/A
+bos i was unable to book that time . would you like to try another time ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos really ? can you try one more time ? i really wanted la raza on tuesday for 3 people at 19:00. eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos unfortunately they are booked at this time . can i possibly try a little bit earlier or later for you ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes , please . eos O O O O O N/A
+bos did you want to try earlier ? eos O O O O O O O O Booking-Request+Time
+bos it really needs to be 19:00 for 3 people on tuesday at la raza . can you try again please ? eos O O O O O O O O O O O O O O O O O O O O O O N/A
+bos la raza is completely booked at that time , i apologize for the inconvenience . would you like to try an earlier reservation ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos no , i just need the reservation for that time and place . eos O O O O O O O O O O O O O O N/A
+bos is there another time you 'd like to try , it is not avaialble . eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos how about 18:00 ? eos O O O B-Restaurant-Inform+Time O N/A
+bos i 'm sorry that time is not good either , are you positive you need it for 3 on tuesday ? eos O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+People,Booking-Request+Day
+bos yes , 3 people at 19:00 on tuesday . if that does n't work , i 'll just call and book it myself . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O O O O N/A
+bos sorry , that was also unsuccessful . eos O O O O O O O O Booking-NoBook
+bos okay , well , i 'll take my chances on availability when i get there . i also need a taxi to get to the restaurant by 19:00. eos O O O O O O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O N/A
+bos and where are you leaving from ? eos O O O O O O O O Taxi-Request+Depart
+bos the botanic garden at cambridge university eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos i was able to book that taxi for you . be looking for a red ford . if you need to reach them , their phone number is 07033355721. anything else for today ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore
+bos okay . thank you very much . eos O O O O O O O O general-thank
+bos i am happy to have been of assistance . have a great day . goodbye . eos O O O O O O O O O O O O O O O O O general-bye
+bos what is the phone number for scudamores punting co ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone
+bos the phone number for scudamores punting co is 01223359750. is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore
+bos could you tell me their address as well please ? eos O O O O O O O O O O O Attraction-Request+Addr
+bos sure , it 's at granta place , mill lane . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A
+bos thanks ! i 'm also looking for information on the a & b guesthouse . what can you tell me about that place ? eos O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos sure it 's a moderately priced 4 star guesthouse in the east . would you like me to book it ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform
+bos may i have the postcode ? eos O O O O O O O Hotel-Request+Post
+bos yes , the post code for the a and b guest house is cb12dp . is there anything else i can do for you ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i also need a taxi to go between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos okay , which would you like to leave from ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i would like to leave the hotel by 7:00. also , can you give me the contact number and car type once you have booked it ? eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O O O O O O O Taxi-Request+Car
+bos your taxi is booked . the car is a yellow honda and the contact number is 07826111038 eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A
+bos thank you so much for all of your help today . i am all set . bye . eos O O O O O O O O O O O O O O O O O O O general-bye
+bos from all of us at cambridge , we hope you enjoy your stay ! farewell ! eos O O O O O O O O O O O O O O O O O general-bye
+bos i 'm looking for an expensive restaurant in the centre . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos i can recommend several restaurants in the centre of town . are you looking for any type of food in particular eos O O O O B-Restaurant-Recommend+Choice O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Restaurant-Request+Food
+bos yes , caribbean food please . eos O O B-Restaurant-Inform+Food O O O O N/A
+bos there is no matching restaurant . would you like to change your search criteria ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore
+bos what about a restaurant that serves european food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos i found 2 expensive european restaurants and 1 expensive modern european restaurant . which kind would you prefer ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select
+bos i do n't have a preference . eos O O O O O O O O N/A
+bos okay , i can book your table at eraina . they serve european food . how many in your party , what day and time please ? eos O O O O O O O O B-Booking-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day
+bos i would like to book for tuesday at 12:45. eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A
+bos are you looking to book for just yourself ? eos O O O O O O O O O O Booking-Request+People
+bos yes . just one person . eos O O O O O O O N/A
+bos great your reference number is 2k1p6fta . thank you . eos O O O O O O B-Booking-Book+Ref O O O O N/A
+bos i also need to find a train from stansted airport to cambridge that arrives by 8:00 on tuesday . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A
+bos alright , there are three different trains leaving that morning that will get you there on time . each one has a duration of twenty-eight minutes , should i book one of them ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook
+bos yes please , just one ticket . could i get the reference number for the train you book please ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos ok , i 've booked you 1 ticket on tr0514 , departing stansted airport at 7:24 and arriving cambridge at 7:52. the reference number is p1c2kkfq . total fee is 10.1 gbp . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A
+bos perfect , thank you ! eos O O O O O O general-thank
+bos is there anything else i can do for you ? eos O O O O O O O O O O O general-reqmore
+bos no , thank so much for all your help . eos O O O O O O O O O O O general-thank
+bos alright . i am glad i could be of assistance . if you need anything else feel free to say so . goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet,general-reqmore
+bos i will be in the centre area and would like to visit some atractions . can you assist me . eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A
+bos there are 44 attractions in the centre . are you interested in architecture , boat , cinema , college , concerthall , museum , nightclub , park , swimming pool , or theatre ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos what do you have in nightclubs ? eos O O O O O O B-Attraction-Inform+Type O N/A
+bos kambar is a very popular nightclub at 1 wheeler street . entrance is 5 pounds . does that sound like fun ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Select
+bos that sounds amazing ! i also want to go to a modern european restaurant in the same area as the nightclub . eos O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos darrys cookhouse and wine shop is a very nice modern european restaurant in the centre . would that work ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O general-reqmore
+bos yes , thank you . that 's all i need . eos O O O O O O O O O O O O general-thank
+bos well that was easy . i am glad to have helped and hope you enjoy your stay . have a nice day . good bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O general-greet
+bos thank you , goodbye ! eos O O O O O O general-bye
+bos you 're welcome . enjoy your stay ! eos O O O O O O O O O general-greet
+bos i am looking for college attractions in the centre . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A
+bos we have 13 colleges in the centre , and most have free entry , such as christ 's college . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A
+bos great , can you give me the phone number and postcode of christ 's college ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Post,Attraction-Request+Phone
+bos of course , the phone number is 01223334900 , and the post code is cb23bu . eos O O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O O O N/A
+bos also want to find someplace to eat . want to be in the cheap price range and in the same area of town . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A
+bos how about chinese ? eos O O O B-Restaurant-Inform+Food O N/A
+bos i was thinking more on the lines of afghan food . do you have any listings for that ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos i am afraid i do n't . would you like to try a different area or cuisine ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer
+bos could you check fr mediterranean please ? eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos the gardenia is a mediterranean restaurant in the centre of town , would you like to make a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform
+bos i will need it for three , at noon , on thursday . eos O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A
+bos i am sorry , but the gardenia does not have any openings for noon on thursday for 3 people . would you like for me check a different time for you ? eos O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O B-Booking-NoBook+Time O B-Booking-NoBook+Day O O B-Booking-NoBook+People O O O O O O O O O O O O O O Booking-Request+Time
+bos how about at 11:00 ? eos O O O O B-Restaurant-Inform+Time O N/A
+bos booking was successful . the table will be reserved for 15 minutes . reference number is : rbzgp3rx . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , thank you , that should be all . eos O O O O O O O O O O O general-thank
+bos you are welcome to use our services anytime . eos O O O O O O O O O O general-welcome
+bos i need to find a place to eat in centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A
+bos there are many restaurants in centre . did you have a specific price range or cuisine style you prefer ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price
+bos moderate and british please . eos O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A
+bos restaurant one seven looks good and is british in the moderate price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A
+bos great ! can i book a table for one at 13:45 on thursday ? eos O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos booking was successful they will hold the table for 15 minutes and the reference number is qjmiccey . is there anything else i can help with ? eos O O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos yes . i am also looking for a train departing from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Depart O N/A
+bos ok what time will you be departing from cambridge ? what is your destination ? eos O O O O O O O O O B-Train-Inform+Depart O O O O O O Train-Request+Leave,Train-Request+Dest
+bos my destination is kings lynn and i need to arrive by 18:15. eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A
+bos there are quite a few trains that will arrive at the time . what time would you prefer to depart ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O O O O Train-Request+Leave
+bos what 's the last train that gets to kings lynn by 18:15 friday ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive B-Train-Inform+Day O O N/A
+bos that would be train tr9226 . it arrives at 17:58. eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A
+bos what time does that train depart ? eos O O O O O O O O Train-Inform
+bos it departs at 17:11. eos O O O O B-Train-Inform+Leave N/A
+bos perfect . please book that train for one person . eos O O O O O O O O O O O N/A
+bos i was able to book it , reference number is i4012zaz . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A
+bos i actually did n't need that booked just yet , but that will probably save me some time , so thanks ! that 's all i needed . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos great ! have a good trip . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for an expensive restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A
+bos i found quite a few . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food
+bos i 'd like an expensive gastropub . eos O O O O O B-Restaurant-Inform+Food O O N/A
+bos i have the backstreet bistro in the centre of town , does that sound good ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Select
+bos that sounds perfect ! can you book a table for 5 people @ 13:30 on saturday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos you are booked ! they will hold the table for 15 minutes . your reference number is ix1rpsy3 . can i help you with anything else today ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos i would also like to know if there are any shows or concerts in town . eos O O O O O O O O O O O O O O O O O N/A
+bos there are great concerts at the man on the moon concert hall . their phone number is 01223474144 , if you 'd like to check coming attractions . would that work for you ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O O Attraction-Select
+bos can you tell me the postcode on that and the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee
+bos their address is 2 norfolk stree . i am not sure of their entrance fee , they do not have it listed . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A
+bos could you give me the postcode ? eos O O O O O O O O Attraction-Request+Post
+bos the postcode is cb12lf . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore
+bos no thank you , that is everything . eos O O O O O O O O O general-thank
+bos you 're welcome ! just let us know if you need anything else . eos O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for information in cambridge . can you help ? eos O O O O O O O O O O O O O N/A
+bos i 'd be happy to help you with all things cambridge . what can i help you find today ? eos O O O O O O O O O O O O O O O O O O O O O general-greet,general-reqmore
+bos i 'd like to find a restaurant called cotto , please . eos O O O O O O O O B-Restaurant-Inform+Name O O O O N/A
+bos cotto is located on 183 east road city centre and has the postcode cb11bg . is there anything else i could help you with today ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos i 'm also looking for an attraction called riverboat georgina . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A
+bos riverboat georgina is located at cambridge passenger cruisers , jubilee house , phone number 01223902091. can i help you with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore
+bos yes , what is the attraction type ? eos O O O O O O O O O Attraction-Request+Type
+bos the attraction type for the riverboat georgina is `` boat . '' can i be of any further assistance today ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name O O O O O O O O O O O O O O general-reqmore
+bos i do n't see it . is there any other attraction types it 's listed under ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type
+bos no , that is the attraction type listed in our database . it is listed as a boat attraction . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos okay , i think that will do , thank you so much . eos O O O O O O O O O O O O O O general-thank
+bos your welcome ! is there anything else i can help you with today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no . that is all . thank you ! eos O O O O O O O O O O general-thank
+bos your welcome . thank you for contacting us . eos O O O O O O O O O O general-welcome,general-bye
+bos find me a college in the centre , please . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A
+bos there are thirteen to choose from . downing college is nice , and of course there 's always trinity college . can i get you more information about them , or one of the others ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O N/A
+bos maybe trinity college . what 's their entrance fee , phone number , and what postcode are they in , please ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee
+bos entrance fee is just 1 pound . their phone is 01223338400 and post code is cb21tq . does that sound good to you ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O O O N/A
+bos yes thank you . i 'd also like to find a restaurant in the same area . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform
+bos any criteria come in mind for the restaurant as far as price , location , type of food ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-Request+Food
+bos would like to dine somewhere with a moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos the oak bistro is a nice british restaurant in the centre . does that sound appetizing ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A
+bos does that serve european food ? eos O O O O B-Restaurant-Inform+Food O O N/A
+bos yes it does serve european food . would you like me to book it ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform
+bos yes , i 'd like a table for 2 on tuesday at 18:45 if that 's possible . eos O O O O O O O O O O O O O O O O O O O N/A
+bos my apologies . the oak bistro is a british restaurant , but if you want a restaurant that specializes in european food , i 'd suggest galleria . how about booking that ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform
+bos sounds good . i need it for 2 people at 18:45 on tuesday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i was able to successfully book you for 2 at 18:45 on tuesday at galleria . the reference number is mwt848bz . the table will be reserved for 15 minutes . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A
+bos i also need a taxi to go between the two places . eos O O O O O O O O O O O O O Taxi-Inform
+bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave
+bos i just want to make sure the taxi arrives at the restaurant by the booked time . when would you recommend i schedule the cab ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i can schedule a taxi for you from here , i can book one for the closest time to 18:45. eos O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A
+bos great , can i get the contact number and the car type ? eos O O O O O O O O O O O O O O Taxi-Request+Car
+bos sure , look for a white tesla . the reference number is 07472267746. may i be of further assistance to you today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore
+bos no , that is all that i needed . thank you for your help ! eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye
+bos i 'm looking for da vinci pizzeria . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A
+bos sure thing ! they are a great italian restaurant that is located in the north . their prices are rather cheap . would you like more information on them ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore
+bos could you just book a table for me ? i would like it to be on monday at 17:30 for 3 people please . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O N/A
+bos it 's reserved for you and your reference number is lnk5ja4y . anything else i can do for you ? eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also looking for a place to go in the centre i would like to see architecture . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O N/A
+bos there are 4 churches and 1 old schools known for their architecture . all are free except for great saint mary 's church which charges 2 pounds . would you like more information ? eos O O O O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O general-reqmore
+bos thank you , you have answered all my questions , have a nice day . eos O O O O O O O O O O O O O O O O general-thank
+bos it has been a pleasure . thanks for using our service . good day sir . eos O O O O O O O O O O O O O O O O O general-bye
+bos you 're welcome . you have a great day as well . eos O O O O O O O O O O O O O N/A
+bos be free to use our services anytime eos O O O O O O O O general-bye
+bos i am looking for the addenbrookes hospital.it should also have a respiratory medicine department . eos O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O N/A
+bos the respiratory medicine department at addenbrookes can be reached at 01223256645. eos O O O O O O O O O O O O N/A
+bos thank you , may i have their phone number and address ? eos O O O O O O O O O O O O O Hospital-Request+Addr
+bos the hospital is at hills rd in cambridge . again , the phone number is 01223245151. i can book an appointment for you . eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos what is their postcode ? eos O O O O O O Hospital-Request+Post
+bos the postcode is cb20qq . do you need anything else ? eos O O O O O O O O O O O O N/A
+bos i have everything i need . thanks . goodbye . eos O O O O O O O O O O O general-bye
+bos ok , you are booked for 13:00 next wednesday . reference number is : spcympmu eos O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A
+bos i need a 04:00 taxi at the cambridge lodge restaurant . eos O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A
+bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart
+bos i 'm leaving from birmingham new street train station . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A
+bos booking completed ! booked car type : red lexuscontact number : 07427709999 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O N/A
+bos that is all i need , thank you ! eos O O O O O O O O O O general-thank
+bos you 're quite welcome . thanks so much for using the cambridge towninfo centre . have a great day ! goodbye . eos O O O O O O O O O O O O O O O O O O O O O O O general-welcome,general-bye
+bos i am looking for the addenbrookes eos O O O O O O O N/A
+bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 're looking for ? eos O O O O O O O O O O O O O O O O O O O O O N/A
+bos no , but i do need the hospital 's postcode , please . eos O O O O O O O O O O O O O O Hospital-Request+Post
+bos addenbrookes ' postcode is cb20qq . do you need anything else ? eos O O O O O O O O O O O O O N/A
+bos no , that 's everything . thank you for your help ! eos O O O O O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-welcome,general-bye
+bos i want to visit the museum of archaelogy and anthropology and need a taxi to take me eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A
+bos sure ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive
+bos i need to arrive by 04:45. eos O O O O O O B-Taxi-Inform+Arrive N/A
+bos okay . where are you departing from , please ? eos O O O O O O O O O O O Taxi-Request+Depart
+bos i am departing from the missing sock . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A
+bos you are booked for a yellow honda with the contact number 07575380490. is there anything else ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O general-reqmore
+bos no , that 's everything . thanks for your help . eos O O O O O O O O O O O O general-thank
+bos great ! have a nice day ! eos O O O O O O O O general-welcome,general-bye
+bos book a taxi eos O O O O Taxi-Inform
+bos okay . i will need your departure site , destination , and a time please . eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive
+bos i want to be picked up from allenbell after 16:45 and taken to mumford theatre eos O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A
+bos do you need to arrive by a certain time ? eos O O O O O O O O O O O Taxi-Request+Arrive
+bos as long as i am picked up after 16:45 i will have plenty of time to arrive . eos O O O O O O O O O O O O O O O O O O O N/A
+bos booking completed ! booked car type : blue fordcontact number : 07021649263 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A
+bos i 'm trying to find the parkside police station . eos O O O O O O O O O O O Police-Inform
+bos you can find them at parkside , cambridge , cb11jg eos O O O O O O O O O O O N/A
+bos thanks ! that 's all i need . eos O O O O O O O O O general-thank
+bos you 're welcome . would you like their phone number ? eos O O O O O O O O O O O O general-reqmore
+bos i would love the phone number . eos O O O O O O O O N/A
+bos the phone number is 01223358966 eos O O O O O O N/A
+bos great , that is everything i need today , thank you for your help . eos O O O O O O O O O O O O O O O O general-thank
+bos thank you for using our services . eos O O O O O O O O general-bye
+bos i 'd like to find an expensive restaurant in the north part of town . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A
+bos there are many restaurants in the north that match your description , what type of cuisine are you interested in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O O O O Restaurant-Request+Food
+bos the restaurant should serve asian oriental food . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A
+bos i have one restaurant called saigon city on 169 high street chesterton chesterton . would you like me to book for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform
+bos yes , i would like to be booked for a table for 8 on 19:45 on a saturday , and could i also get the reference number ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos your reservation has been made and the reference number is 3p2alry0 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos thank you for your help . eos O O O O O O O general-thank
+bos you are welcome . eos O O O O O general-greet
+bos hi , i am looking for a hospital that offers medicine for the elderly eos O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A
+bos addensbrookes hospital offers medicine for the elderly . would you like more information about it ? eos O O O O O O O O O O O O O O O O O N/A
+bos yes , please . i need the postcode , phone number and address . eos O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone
+bos department phone book ( optional ) acute medicine for the elderly 01223217261 medicine for the elderly 01223216988 medicine for the elderly 01223274744 medicine for the elderly 01223217484 medicine for the elderly 01223217498 eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos can i get the address and postcode , please ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr
+bos sure , the address is hills rd , cambridge and the post code is cb20qq . is there anything else i can help you with ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos that was everything , thanks . eos O O O O O O O general-thank
+bos you 're welcome . will you be needing a taxi ? i can arrange one for you . eos O O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore
+bos no thank you . that 's all i need . eos O O O O O O O O O O O general-thank
+bos great , thank you for using cambridge towninfo centre . have a good day ! eos O O O O O O O O O O O O O O O O general-bye
+bos find me an expensive restaurant in the south please . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A
+bos there are 5 results . would you like chinese , indian , italian , or mexican food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O N/A
+bos i would like a restaurant that serves chinese food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A
+bos there are two great choices . the good luck chinese food takeaway and the peking restaurant . would you like me to book you one ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform,Restaurant-Select
+bos no , i 'm just interested in the address and phone number right now . eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr
+bos 10 hometown street city centre and phone is 01223354755 eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone N/A
+bos i am looking for information in cambridge . eos O O O O O O O O O N/A
+bos what area would you like to stay ? and do you have a pricerange ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos i would like to stay in the north and looking for something with 4 stars eos O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stay N/A
+bos do you need internet or parking ? eos O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking
+bos i do need parking . is there anything available ? eos O O O O O O O O O O O N/A
+bos yes , there are 7 hotels available . i 'd recommend the acorn guest house . would you like a room ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform
+bos book for 4 people and 4 nights from wednsday eos O O O O B-Hotel-Inform+People O O O O O N/A
+bos booking was successful.reference number is : un9vhm37 . anything else i can help you with today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore
+bos i am also am looking for a train that goes to kings lynn . i need to arrive by 12:30. can you help me book a train ? eos O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A
+bos sure thing , where will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart
+bos i 'm departing from cambridge on friday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A
+bos tr3947 leaves cambridge at 09:11 and arrives at 09:58. would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-Select
+bos what is price for a ticket and i also need the travel time . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price
+bos the cost is 9.80 pounds and the total travel time is 47 minutes . is there anything else i can help you with today ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O general-reqmore
+bos no , you have been very helpful . i have all of the information i need for now . thanks so much , bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos it was a pleasure assisting you . good-bye . eos O O O O O O O O O O general-welcome,general-bye
+bos can you help me find some attractions in the east part of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A
+bos definitely ! my favorite place in the east is the funky fun house . it 's funky and fun ! eos O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-greet
+bos can i have the number please ? eos O O O O O O O O N/A
+bos it 's 01223304705. do you need anything else ? eos O O B-Attraction-Inform+Phone O O O O O O O general-reqmore
+bos yeah , i need a restaurant . they need to serve indian food and be in the same area as funky fun house . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A
+bos there are 4 indian restaurants in the area . two are moderately priced and two are expensive . can i ask what price range you would like ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Price
+bos i would prefer one in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A
+bos may i suggest the rajmahal located at 7 barnwell road fen ditton eos O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A
+bos can i also have their phone number and postcode ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone
+bos sure , their phone number is 01223244955 and the postcode is cb58rg . is there anything else i could help you with ? eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore
+bos that is all i need . eos O O O O O O O N/A
+bos thanks for letting us assist you today . have a great visit ! eos O O O O O O O O O O O O O O general-bye,general-greet
+bos can you help me find a place to stay ? i want somewhere in the east . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A
+bos sure , i have 7 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A
+bos we need it to have free wifi . eos O O O O O O O O O N/A
+bos there are 7 locations offering free wifi in the east . do you have a price range ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet
+bos cheap , please . i want to save some money . but i also want it to be a 4 star . eos O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A
+bos you 're in luck ! i have 3 cheap , 4-star guesthouses in the east . i recommend the allenbell . would you like to book a room ? eos O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform
+bos i just need their postcode and address . eos O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos their post code is cb13js and they are located in 517a coldham lane eos O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A
+bos i would also like some cheap italian food . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A
+bos i recommend ask , in the city centre . eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A
+bos thanks and make sure you get the reference number eos O O O O O O O O O O Restaurant-Request+Ref
+bos whoa , easy there tiger ! i need a date , time and an amount of people before i can book . eos O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time
+bos i 'm sorry , i got ahead of myself . i need a table for 6 on monday night , at 14:30 eos O O O O O O O O O O O O O O O O O O O O O O O N/A
+bos i 'm sorry , i ca n't book that right now . eos O O O O O O O O O O O O O Booking-NoBook
+bos ok. could you find another restaurant that serves italian food that is in the cheap range ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O N/A
+bos booking was successful at ask . the table will be reserved for 15 minutes . reference number is : rk449e7z . eos O O O O O B-Booking-Book+Name O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A
+bos thanks , you 've been a huge help ! i do n't need anything more today ! bye ! eos O O O O O O O O O O O O O O O O O O O O general-bye
+bos you are so welcome ! i hope you have a lovely time ! eos O O O O O O O O O O O O O O general-welcome,general-bye
+bos i would like to find a train leaving cambridge after 6:30 pm . can you help me ? eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A
+bos i would be happy to help you today . what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest,general-reqmore
+bos the destination is stansted airport , and i would like to leave on sunday . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O N/A
+bos i have a 06:40 that arrives stansted at 17:08. would you like me to book that for you . eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook
+bos i apologize . i may have confused you a bit . i would like to leave after 18:30. eos O O O O O O O O O O O O O O O O O O O N/A
+bos there is no train leaving at the time you require , unless you try a different day , would you like to try a different day ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O Train-NoOffer,Train-Request+Day
+bos i am looking for the hamilton lodge in cambridge eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A
+bos sure , it is at 156 chesterton road , postcode cb41da . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O N/A
+bos please book it for 2 people , 5 nights beginning on tuesday . eos O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A
+bos done . your reference number is qnvdz4rt . eos O O O O O O B-Booking-Book+Ref O O N/A
+bos thank you , i will be there on tuesday ! eos O O O O O O O O O O O general-thank
+bos is there anything more i can assist you with today ? eos O O O O O O O O O O O O general-reqmore
+bos i am looking for places to go in town . eos O O O O O O O O O O O N/A
+bos what sort of place are you looking for ? eos O O O O O O O O O O Attraction-Request+Type
+bos i would like to visit a college in the center of town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A
+bos i really like gonville and caius college ! how does that sound ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A
+bos sounds great ! is there an entrance fee ? i would like to book a taxi and leave the college by 07:45. may i have the contact number and car type ? eos O O O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Fee
+bos it is free to enter . i will need more info for the taxi . eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Dest,Taxi-Request+Leave
+bos ok what do you want to know ? eos O O O O O O O O O N/A
+bos i was able to book that taxi for you . contact number 07030128018. eos O O O O O O O O O O O O B-Taxi-Inform+Phone O N/A
+bos what is the car type that i should be looking for , please ? eos O O O O O O O O O O O O O O O Taxi-Request+Car
+bos it is a blue ford eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A
+bos thank you ! that 's everything i needed . eos O O O O O O O O O O general-thank
+bos you are welcome . any time . eos O O O O O O O O general-welcome,general-bye
+bos i am looking for the gonville hotel eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A
+bos it is an expensive hotel in the centre . can i give you their contact ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O general-reqmore
+bos actually , i am ready to book . can you book the gonville hotel for 3 people for 5 nights , starting thursday ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A
+bos booking was successful . your reference number is zp33syc4 . will that be all ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore
+bos i would also like to find a boat attraction . eos O O O O O O O O B-Attraction-Inform+Type O O N/A
+bos there are four . one in the east , one in the north , and two in the centre . which would you prefer ? eos O O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O N/A
+bos i 'm actually looking for something in the south . if there are no boat attractions there can you find me a nightclub ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A
+bos there is one nightclub , the place , would you like their information ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore
+bos please provide the entrance fee and phone number for me eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee
+bos the entrance fee is unknown . eos O O O O O B-Attraction-Inform+Fee O N/A
+bos ok if you read carefully , i also asked for the phone number please . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone
+bos the phone number is 01223324600. perhaps they can inform you how much the entrance fee is . eos O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A
+bos thank you goodbye eos O O O O general-bye
+bos contact us anytime . good bye . eos O O O O O O O O general-bye
+bos hi , i 'd like to find out about the limehouse hotel . eos O O O O O O O O O B-Hotel-Inform+Name O O O O N/A
+bos yes , the limehouse is a moderately priced guesthouse on the north side . what other information can i get for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore
+bos actually , you answered all of my questions . thanks so much . goodbye . eos O O O O O O O O O O O O O O O O general-bye
+bos i 'm glad i could help . eos O O O O O O O O general-greet
+bos im looking for a place to eat eritrean food at the centre . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A
+bos i am sorry there are none located in the centre . something else perhaps ? eos O O O O O O O O O O B-Restaurant-NoOffer+Area O O O O O N/A
+bos what about something moderately priced that 's in the centre instead ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O N/A
+bos ok , there are a lot of moderately priced restaurants in the centre . how do you feel about british food ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O N/A
+bos british food sounds good . what options do i have ? eos O B-Restaurant-Inform+Food O O O O O O O O O O N/A
+bos restaurant one seven is a good one . would you like to book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform
+bos i am not quite ready to book a table , but may i have the address of the restaurant including the postcode and the phone number ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Hotel-Request+Addr
+bos phone is , 01223337766. adress starting with post code is , cb21ab de vere university arms regent street city centre eos O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A
+bos i also need a place to stay . eos O O O O O O O O O N/A
+bos i 'd be happy to help you acquire lodgings . what part of the city would you like to stay in , and what amenities do you prefer ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet
+bos i 'm not so concerned about the area , but i 'm looking for something cheap . i wo n't need to use parking . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A
+bos alright , i have alexander bed & breakfast already in centre , very affordable and 4 stars . does that interest you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O N/A
+bos does it include free wifi ? eos O O O O O O O N/A
+bos i 'm sorry , after searching i was unable to acquire any information about the hotel and weather it has wifi . eos O O O O O O O O O O O O O O O O O O O O O O O Hotel-NoOffer
+bos is there another one that is in the cheap price range that includes free wifi ? eos O O O O O O O O O O O O O O O O O N/A
+bos my apologies . actually , alexander bed and breakfast does include free wifi . i have confirmed that information . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Inform+Internet
+bos that 's great can you give me the phone number , postcode and address for alexander bed and breakfast ? eos O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr
+bos sure , it 's at 56 saint barnabas road , cb12de . the phone number is 01223525725. would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O Booking-Inform
+bos nah , that wo n't be necessary . eos O O O O O O O O O N/A
+bos is there anything else that you might need ? eos O O O O O O O O O O general-reqmore
+bos entrance fee , address , and phone number eos O O O O O O O O O Hotel-Request+Addr
+bos i 'm sorry , our signals may have gotten crossed . what would you like to know the entrance fee , address , and phone number for ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O general-reqmore
+bos i am sorry . that was my mistake . i h ave all the information i need , thank you . eos O O O O O O O O O O O O O O O O O O O O O O general-thank
+bos ok thank you and have a great day . eos O O O O O O O O O O general-bye
+bos i am looking for a place to stay with free parking . eos O O O O O O O O O O O O O N/A
+bos there are several that offer free parking what is your price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking
+bos my price range is mid to high range . eos O O O O O O O O O O N/A
+bos there are several hotels that fits that description what area would you like ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area
+bos i would like a hotel in the south with a star rating of 4. eos O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars N/A
+bos i have one listing for aylesbray lodge guest house . eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A
+bos all right , if there are no hotels , the guest house will do . could you give me the address and postcode , please ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr
+bos the address is 5 mowbray road and the postcode is cb17sr . would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform
+bos not right now . can you help me find a modern european restaurant that is cheap ? eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A
+bos i have one place in the centre of town . would you like me to book you in ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform
+bos sure . book it for 7 people at 11:15 on thursday . eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A
+bos i have you booked at the river bar steakhouse and grill . the reference number is basbiq2i , the table will be reserved for 15 minutes . any other questions ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore
+bos no , that 'll be all , thanks . you were a great help . eos O O O O O O O O O O O O O O O O general-thank
+bos enjoy your stay in cambridge . thank you . eos O O O O O O O O O O general-welcome,general-bye
+bos i need a restaurant that serves thai food , that is expensive and is in cambridge please eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O N/A
+bos bangkok city is located at 24 green street city centre . their number is 01223354382 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O N/A
+bos that sounds perfect . can you make a reservation for me for 7 people at 3:15 pm on sunday ? i need the reference number , as well . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref
+bos i was able to reserve that for you . your reference number is 3czfpqpv . is there anything else i can help you with ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos yes , i also need a place to stay . same price range as the restaurant and in the centre of town , please . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A
+bos ok i found 2 hotels in that area gonville hotel and university arms hotel which one would you like eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Select
+bos can i get one that has free parking ? eos O O O O O O O O O O N/A
+bos both offer free parking . the university arms hotel has 4 stars . would you like me to book that for you ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking
+bos tell me what hotel type it is ? eos O O O O O O O O O Hotel-Request+Type
+bos both of them are in the same category of `` hotel '' eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Type O O N/A
+bos thanks , i would also like a taxi . i 'll need one from the hotel to make it to my dinner reservation . eos O O O O O O O O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform
+bos i booked a car for you , it 's a white honda , the contact number is 07776292730. did you want me to book you at the university arms , or just the information ? eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O general-reqmore
+bos no thanks . i can book it myself later on . thank you for all your help . have a good day . bye . eos O O O O O O O O O O O O O O O O O O O O O O O O O O general-bye
+bos have a great day ! eos O O O O O O general-bye
+bos i be traveling to cambridge and ca n't wait to try the restaurants , but could you help me with a finding a hotel ? eos O O O O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos would you prefer a guesthouse ? the acorn guest house is in the north and moderately priced . 4 starts with free internet and parking eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O Hotel-Request+Type,Hotel-Inform+Internet,Hotel-Inform+Parking
+bos i would prefer a hotel type hotel , it just needs to be in the moderate price range and does n't need to have free parking , but needs wifi eos O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O N/A
+bos sure ! i found ashley hotel . it is located at 74 chesterton road . would that work for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O N/A
+bos yes , that sounds like a good place . i appreciate the information . eos O O O O O O O O O O O O O O O N/A
+bos you 're welcome . would you like a room , or perhaps i could help you with something else ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore
+bos yes , can you tell me the star rating of that hotel ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A
+bos it has 2 stars . eos O O O O B-Hotel-Inform+Stars O N/A
+bos thanks , i also need a restaurant in the centre that serves european food . it needs to be in the same price range as hotel . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A
+bos how about the galleria ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A
+bos sounds good . i would like to make a reservation for friday at 17:15 for 4 people . eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A
+bos okay i was able to make you a reservation and your reference number is dwmsurso . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A
+bos could you also book me a taxi that arrives at the restaurant by the time of my reservation ? eos O O O O O O O O O O O O O O O O O O O O N/A
+bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart
+bos from the hotel . i would like to get a contact number for the taxi also , just in case something changes . eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O O O O O N/A
+bos i was able to book that taxi for you . their contact number is 07236475648. that will be a yellow honda . can i assist you with anything else today ? eos O O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O general-reqmore
+bos no that will be all thank you goodbye eos O O O O O O O O O general-bye
+bos thank you for using our system today ! eos O O O O O O O O O general-bye
+bos i need to find a place to dine in the expensive price range that serves indian food . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A
+bos hi , i have several indian places , what side of town ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Area
+bos i think i 'd like to eat on the west side . eos O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A
+bos i have five different places that meet this criteria . how does the tandoori palace sound ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Recommend+Name O O O O N/A
+bos that sounds wonderful . can you book me a table for 7 ? eos O O O O O O O O O O O O O O N/A
+bos i 'd be happy to reserve your table . what day will you be dining there , and how many in your party ? eos O O O O O O O O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People
+bos this will be for 7 people at 19:15 on friday eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A
+bos i am sorry , but that time slot is not available . is there another time you would like to reserve ? eos O O O O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time
+bos yes , how about 18:15 on friday ? eos O O O O B-Restaurant-Inform+Time O O O O N/A
+bos booking was successful . the table will be reserved for 15 minutes . your reference number is b4jdf0yq . can i help you with anything else ? eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore
+bos i would also like to find a guesthouse . i want something 2-star that has free parking and free wifi . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O N/A
+bos do you have a specific area or price range in mind ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price
+bos not really . i just need a 2 star guesthouse or 4 star hotel . eos O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A
+bos i do n't have any guesthouses that are 2 star . i have 3 hotels that are 4 stars . the huntingdon marriott , cambridge belfry , and the university arms hotel . which do you prefer ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Hotel-Select
+bos how about a guesthouse with a star of 4 ? eos O O O O B-Hotel-Inform+Type O O O O O O N/A
+bos okay , we have the allenbell that fits your needs . would you like me to book a room ? eos O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Inform
+bos yes , i 'd like it for the same number of people for 4 nights on the same day . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A
+bos you 're all set ! i have seven people booked for four nights , starting friday . your reference number is dpjods84 . anything else i can help with ? eos O O O O O O B-Booking-Book+People O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore
+bos awesome ! thanks . that 's all i needed . have a good one . bye . eos O O O O O O O O O O O O O O O O O O general-bye
+bos is there anything else i can help you with today ? eos O O O O O